diff --git a/agent_torch/core/llm/Variable.py b/agent_torch/core/llm/Variable.py index b67b345..45e0ae8 100644 --- a/agent_torch/core/llm/Variable.py +++ b/agent_torch/core/llm/Variable.py @@ -9,20 +9,56 @@ Template instance; no separate Slot class is needed. """ -from typing import Any, Optional, Tuple, Callable +from typing import Any, Optional, Tuple, Callable, Dict, List import torch import torch.nn as nn class Variable: - def __init__(self, desc: Optional[str] = None, learnable: bool = False, default: Any = None): + def __init__(self, desc: Optional[str] = None, learnable: bool = False, default: Any = None, + presentations: Optional[List[str]] = None): + """ + Args: + desc: Description of what this variable represents + learnable: Whether this variable's presentation can be optimized + default: Default value when variable is not set + presentations: List of format strings for presentation choices. + presentations[0] should always be "" (skip) + presentations[1+] are user-defined formats with {value} placeholder + + Example: + skill = lm.Variable( + desc="Programming expertise", + learnable=True, + presentations=[ + "", # Choice 0: Skip + "Skill: {value}", # Choice 1: Formal + "Expert in {value}", # Choice 2: Expertise + "{value} experience" # Choice 3: Casual + ] + ) + """ self.desc = desc self.learnable = learnable self.default = default self._name: Optional[str] = None - # Number of presentation options for P3O (0..num_options-1) - # 0: skip, 1: direct, 2: labeled, 3: contextual, 4: descriptive - self.num_options: int = 5 + + # Set up presentation choices + if presentations is None: + # Default behavior: binary choice (skip or include with current format) + self.presentations = [ + "", # Choice 0: Skip + "- {value}: {value}" # Choice 1: Default format + ] + else: + # User-provided presentations + if not presentations or presentations[0] != "": + # Ensure first choice is always "skip" + presentations = [""] + (presentations or ["- {value}: {value}"]) + self.presentations = presentations + + # Number of presentation options for P3O + self.num_options: int = len(self.presentations) def __set_name__(self, owner, name: str): self._name = name @@ -42,16 +78,26 @@ def name(self) -> Optional[str]: # --- Learnable parameter support (replaces Slot) --- def get_parameter(self, instance: Any) -> Optional[nn.Parameter]: """Return/create the learnable parameter (logits over options) for this variable on the given instance.""" - if not self.learnable or self._name is None: + if not self.learnable: return None + + # Auto-discover name if not set + if self._name is None: + for name, var in getattr(instance, '_variables', {}).items(): + if var is self: + self._name = name + break + + if self._name is None: + return None + param_attr = f"__var_param__{self._name}" param = getattr(instance, param_attr, None) + if not isinstance(param, nn.Parameter): - # Initialize logits over presentation options - init = torch.full((self.num_options,), 0.5, dtype=torch.float32) - # Bias against skip option (index 0) - if self.num_options > 0: - init[0] = -1.0 + # Match original experiment: unbiased initialization with torch.zeros() + # This gives 50/50 probability for binary choices, letting P3O learn naturally + init = torch.zeros(self.num_options, dtype=torch.float32) param = nn.Parameter(init, requires_grad=True) setattr(instance, param_attr, param) return param @@ -87,29 +133,124 @@ def fmt(category: int, data: dict) -> str: if not field_name: return "" raw_value = data.get(field_name) + + # Handle sparse skill data: if skill is not relevant (0 or missing), always skip + if field_name != 'soc_code' and field_name != 'job_title': + # For skill fields, check if this skill is relevant to this job + if raw_value is None or raw_value == 0 or raw_value == '0': + return "" # Skill not relevant for this job, always skip + if raw_value is None: return "" value = map_value(raw_value) - # If not learnable, always direct + # If not learnable, always use the first non-skip presentation if not self.learnable: + if len(self.presentations) > 1: + return self.presentations[1].format(value=value) return value - if category == 0: - return "" - if category == 1: - return value - if category == 2: - return f"{field_name}: {value}" - if category == 3: - return f"with {value}" - if category == 4: - return f"The {field_name} is {value}" - # Fallback + # For skills: only render if choice=1 AND skill is relevant (value=1) + if field_name != 'soc_code' and field_name != 'job_title': + if category == 0: + return "" # P3O chose to skip this skill + elif category == 1 and raw_value == 1: + # P3O chose to include AND skill is relevant for this job + if 1 < len(self.presentations): + return self.presentations[1].format(value=field_name.replace('_', ' ').title()) + return f"- {field_name.replace('_', ' ').title()}: {field_name.replace('_', ' ').title()}" + else: + return "" # Skill not relevant or P3O chose to skip + + # For non-skill fields (soc_code, etc.), use normal presentation logic + if 0 <= category < len(self.presentations): + presentation = self.presentations[category] + if presentation == "": + return "" + return presentation.format(value=value) + + # Fallback to last presentation if category is out of range + if self.presentations: + last_presentation = self.presentations[-1] + return last_presentation.format(value=value) if last_presentation else "" + return value return self.num_options, fmt + # --- DSPy Conversion Utilities --- + @classmethod + def from_dspy_field(cls, field_name: str, field_annotation, dspy_field, **kwargs) -> 'Variable': + """Convert a DSPy InputField or OutputField to an lm.Variable. + + Args: + field_name: Name of the field in the DSPy signature + field_annotation: Type annotation (e.g., str, JobMetrics) + dspy_field: The dspy.InputField() or dspy.OutputField() instance + **kwargs: Additional Variable constructor arguments + + Returns: + Variable instance configured for use in AgentTorch templates + + Example: + # From DSPy signature: + # job_info: str = dspy.InputField(desc="Job description") + + var = lm.Variable.from_dspy_field( + "job_info", str, dspy.InputField(desc="Job description"), + learnable=True # Make it optimizable + ) + """ + # Extract description from DSPy field + desc = getattr(dspy_field, 'desc', None) or f"Converted from DSPy field: {field_name}" + + # InputFields are typically learnable (content we want to optimize) + # OutputFields are typically not learnable (LLM generates them) + default_learnable = 'InputField' in str(type(dspy_field)) + learnable = kwargs.pop('learnable', default_learnable) + + # Create Variable with DSPy metadata + return cls( + desc=desc, + learnable=learnable, + default=kwargs.pop('default', None), + **kwargs + ) + + @classmethod + def from_dspy_signature(cls, signature_class) -> Dict[str, 'Variable']: + """Convert an entire DSPy Signature to a dictionary of lm.Variables. + + Args: + signature_class: A DSPy Signature class + + Returns: + Dictionary mapping field names to Variable instances + + Example: + class JobSignature(dspy.Signature): + job_info: str = dspy.InputField(desc="Job skills") + prediction: JobMetrics = dspy.OutputField(desc="Predictions") + + variables = lm.Variable.from_dspy_signature(JobSignature) + # Returns: {"job_info": Variable(...), "prediction": Variable(...)} + """ + import inspect + variables = {} + + # Get signature fields + if hasattr(signature_class, '__annotations__'): + for field_name, field_type in signature_class.__annotations__.items(): + if hasattr(signature_class, field_name): + dspy_field = getattr(signature_class, field_name) + # Skip non-field attributes + if hasattr(dspy_field, 'desc') or 'Field' in str(type(dspy_field)): + variables[field_name] = cls.from_dspy_field( + field_name, field_type, dspy_field + ) + + return variables + # --- Helpers for P3O optimization over Variable options --- def sample_index(self, instance: Any) -> Tuple[int, torch.Tensor, torch.Tensor]: """Sample a presentation index using the instance-bound logits. @@ -122,6 +263,7 @@ def sample_index(self, instance: Any) -> Tuple[int, torch.Tensor, torch.Tensor]: logits = self.get_parameter(instance) if logits is None: return 1, torch.tensor(0.0), torch.tensor(0.0) + probs = torch.softmax(logits, dim=0) dist = torch.distributions.Categorical(probs) idx = dist.sample() diff --git a/agent_torch/core/llm/archetype.py b/agent_torch/core/llm/archetype.py index 53df555..fe59cb5 100644 --- a/agent_torch/core/llm/archetype.py +++ b/agent_torch/core/llm/archetype.py @@ -89,7 +89,7 @@ def configure(self, *, external_df=None, split: int | None = None): setattr(self._prompt, "_external_df", df) return self - def sample(self, kwargs: Dict[str, Any] | None = None, verbose: bool = False) -> torch.Tensor: + def sample(self, kwargs: Dict[str, Any] | None = None, verbose: bool = False, batch_size: int = None) -> torch.Tensor: """Sample decisions. - If broadcast not called: run a single prompt and return (1,) - If broadcast called: run group-based prompts over population and return (n_agents,) @@ -105,11 +105,19 @@ def sample(self, kwargs: Dict[str, Any] | None = None, verbose: bool = False) -> # One prompt only prompt_list = [] if isinstance(self._prompt, Template): - # If an external_df was configured, generate prompts for all rows + # If an external_df was configured, generate prompts for rows (with optional batching) external_df = getattr(self._prompt, "_external_df", None) if external_df is not None: + # Apply batch sampling if specified + row_indices = list(range(len(external_df))) + if batch_size and batch_size < len(external_df): + import random + row_indices = random.sample(row_indices, batch_size) + if verbose: + print(f"Batch sampling: Using {batch_size} jobs out of {len(external_df)} total") + prompt_list = [] - for row_idx in range(len(external_df)): + for row_idx in row_indices: # Pre-broadcast: show placeholders for fields not present in external_df base_text = self._prompt.get_base_prompt_manager_template() data = self._prompt.assemble_data( @@ -163,27 +171,54 @@ def _safe_fill(m): value = 0.0 if outputs: out0 = outputs[0] - try: - text_value = out0["text"] if isinstance(out0, dict) and "text" in out0 else out0 - value = float(text_value) - if verbose: - print(f"Parsed value: {value}") - except Exception: - value = 0.0 - if verbose: - print(f"Failed to parse, using default: {value}") + # Process structured response + structured_data = out0["response"] + value = sum(float(v) for v in structured_data.values()) + if verbose: + print(f"Parsed structured value: {value}") if verbose: print(f"=== End LLM Call ===\n") tensor_out = torch.tensor([value], device=kwargs["device"]).float() if len(prompt_list) > 1: - try: - vals = [] - for out in outputs: - tv = out["text"] if isinstance(out, dict) and "text" in out else out - vals.append(float(tv)) - tensor_out = torch.tensor(vals, device=kwargs["device"]).float() - except Exception: - pass + vals = [] + for out in outputs: + structured_data = out["response"] + val = sum(float(v) for v in structured_data.values()) + vals.append(val) + tensor_out = torch.tensor(vals, device=kwargs["device"]).float() + # Store data for P3O compatibility (pre-broadcast individual job mode) + # Create a mock behavior object to store the required P3O data + if not hasattr(self, '_mock_behavior'): + from types import SimpleNamespace + self._mock_behavior = SimpleNamespace() + + # Store group data for P3O (each job is treated as its own "group") + group_keys = [f"job_{i}" for i in range(len(outputs))] + group_outputs = [] + group_structured = [] + + for out in outputs: + structured_data = out["response"] + val = sum(float(v) for v in structured_data.values()) + group_outputs.append(val) + group_structured.append(structured_data) + + # Store in mock behavior for P3O to access + self._mock_behavior.last_group_keys = group_keys + self._mock_behavior.last_group_outputs = group_outputs + self._mock_behavior.last_group_structured = group_structured + + # Store slot choices if template has learnable variables + if isinstance(self._prompt, Template): + slots = self._prompt.create_slots() + sampled_choices = {} + for name, var in slots.items(): + if getattr(var, 'learnable', False): + # Sample choice from variable distribution + idx, _, _ = var.sample_index(self._prompt) + sampled_choices[name] = idx + self._mock_behavior.last_slot_choices = sampled_choices + # Always print meta summary regardless of verbosity try: _mean = float(tensor_out.mean().item()) diff --git a/agent_torch/core/llm/template.py b/agent_torch/core/llm/template.py index 4299407..6eae72a 100644 --- a/agent_torch/core/llm/template.py +++ b/agent_torch/core/llm/template.py @@ -48,6 +48,95 @@ def __post_init__(self): if attr.default is not None: self.__dict__[name] = attr.default + def register_variable(self, name: str, variable: Variable) -> None: + """ + Register a Variable dynamically (for runtime-created Variables). + + Args: + name: The name to register the Variable under + variable: The Variable instance to register + + Example: + skill_var = lm.Variable(desc="Programming skills", learnable=True) + template.register_variable("programming", skill_var) + """ + if not isinstance(variable, Variable): + raise TypeError(f"Expected Variable instance, got {type(variable)}") + + # Register in the variables dict + self._variables[name] = variable + + # Set the Variable's name (normally done by __set_name__ for class attributes) + variable._name = name + + # Optionally set as instance attribute for direct access + setattr(self, name, variable) + + # Initialize instance value from default if provided + if variable.default is not None: + self.__dict__[name] = variable.default + + def register_variables(self, variables: Dict[str, Variable]) -> None: + """ + Register multiple Variables at once. + + Args: + variables: Dictionary mapping names to Variable instances + + Example: + template.register_variables({ + "programming": lm.Variable(desc="Programming skills", learnable=True), + "communication": lm.Variable(desc="Communication skills", learnable=True) + }) + """ + for name, variable in variables.items(): + self.register_variable(name, variable) + + # --- Ergonomic aliases for dynamic variable creation/registration --- + def add_variable(self, name: str, variable: Variable) -> "Template": + """Alias of register_variable that returns self for chaining.""" + self.register_variable(name, variable) + return self + + def add_variables(self, variables: Dict[str, Variable]) -> "Template": + """Alias of register_variables that returns self for chaining.""" + self.register_variables(variables) + return self + + def add_slots( + self, + slots: List[str], + presentations: Optional[List[str]] = None, + desc_prefix: str = "Include", + ) -> "Template": + """ + Convenience method to create and register Variables for a list of slot names. + Each slot becomes a learnable binary include/omit Variable. + """ + def _clean_name(raw: str) -> str: + import re + cleaned = ( + raw.lower() + .replace("/", "_") + .replace("-", "_") + .replace("(", "_") + .replace(")", "_") + .replace("&", "and") + ) + cleaned = re.sub(r"[^a-z0-9_]", "_", cleaned) + cleaned = re.sub(r"_+", "_", cleaned).strip("_") + if cleaned and cleaned[0].isdigit(): + cleaned = "slot_" + cleaned + return cleaned or "unnamed_slot" + + pres = presentations if presentations is not None else ["", "- {value}"] + to_add: Dict[str, Variable] = {} + for s in slots: + name = _clean_name(str(s)) + to_add[name] = Variable(desc=f"{desc_prefix} {s}", learnable=True, presentations=pres) + self.register_variables(to_add) + return self + def set_optimized_slots(self, slot_choices: Dict[str, int]): """ Set P3O optimized slot choices. Template will use these for presentation. @@ -293,6 +382,69 @@ def replace_placeholder(match): return filled_section + def render_job_info(self, row: Dict[str, Any], slot_choices: Optional[Dict[str, int]] = None) -> str: + """ + Render a compact content block from learnable variables (e.g., skills) for a single row. + - Respects P3O slot choices if provided (include only when choice==1) + - Respects sparse data (omits variables with value 0/None) + - Uses Variable presentation logic when available + - Cleans empty lines + """ + try: + mapping = getattr(self, '_mapping', {}) + except Exception: + mapping = {} + + lines: List[str] = [] + slots = self.create_slots() + + for field_name, var in slots.items(): + if not getattr(var, 'learnable', False): + continue + + # Respect slot choice when provided + if slot_choices is not None and field_name in slot_choices: + if int(slot_choices[field_name]) != 1: + continue + + # Respect sparse data (require truthy/1 value when present) + raw_value = row.get(field_name, None) + if raw_value in (None, 0, '0', False): + continue + + # Prefer Variable's P3O presentation if available + try: + _, present_fn = var.get_p3o_choice(mapping) + rendered = present_fn(1, row) + except Exception: + # Fallback: simple line with title-cased field name + rendered = f"- {field_name.replace('_', ' ').title()}" + + rendered = str(rendered or '').strip() + if rendered: + lines.append(rendered) + + # Clean empty lines and return + return "\n".join(l for l in lines if str(l).strip()) + + def restrict_slots(self, row: Dict[str, Any], top_k: int = 0) -> List[str]: + """ + Return a pruned list of learnable variable names for the given row, optionally capped to top_k. + Default heuristic: include variables with value==1 (or truthy) in the row. + """ + slots = self.create_slots() + candidates: List[str] = [] + for field_name, var in slots.items(): + if not getattr(var, 'learnable', False): + continue + val = row.get(field_name, None) + if val not in (None, 0, '0', False): + candidates.append(field_name) + + if top_k and top_k > 0 and len(candidates) > top_k: + return candidates[:top_k] + return candidates + def grouping_key(self, agent_profile: Dict[str, Any]) -> str: """ Get grouping key for an agent based on grouping_logic. diff --git a/agent_torch/integrations/__init__.py b/agent_torch/integrations/__init__.py new file mode 100644 index 0000000..46378b1 --- /dev/null +++ b/agent_torch/integrations/__init__.py @@ -0,0 +1 @@ +# AgentTorch integrations diff --git a/agent_torch/integrations/dspy_to_template.py b/agent_torch/integrations/dspy_to_template.py new file mode 100644 index 0000000..e4b37af --- /dev/null +++ b/agent_torch/integrations/dspy_to_template.py @@ -0,0 +1,392 @@ +from typing import Any, Dict, List, Optional + +try: + import dspy # type: ignore +except Exception: + # DSPy is optional at import-time; we only use type names here + dspy = None # type: ignore + +from agent_torch.core.llm.template import Template +from agent_torch.core.llm.Variable import Variable + + +def _clean_skill_name(name: str) -> str: + return ( + name.lower() + .replace(" ", "_") + .replace("/", "_") + .replace("-", "_") + .replace("(", "_") + .replace(")", "_") + .replace("&", "and") + ) + + +def project_to_template(module: Any, skill_names: List[str], title: Optional[str] = None) -> Template: + """ + Create a Template instance from a DSPy module "shape" and a list of skill names. + - Registers one Variable per skill (binary include/omit) + - Provides a scaffold header referencing the module and docstring (if present) + - Renders a content block that respects sparse rows and P3O choices via Template.render_job_info + """ + class ProjectedTemplate(Template): + def __init__(self, module_ref: Any, skill_names_ref: List[str], header_title: Optional[str] = None) -> None: + super().__init__() + self._dspy_module = module_ref + self.skill_names_used = list(skill_names_ref) + self._header_title = header_title or module_ref.__class__.__name__ + + # create Variables for all skills and register dynamically + skill_variables: Dict[str, Variable] = {} + for skill_name in self.skill_names_used: + attr_name = _clean_skill_name(skill_name) + skill_variables[attr_name] = Variable( + desc=f"Include {skill_name}", + learnable=True, + presentations=["", "- {value}"] + ) + self.register_variables(skill_variables) + + def __prompt__(self) -> str: + module_name = getattr(self._dspy_module, "__class__", type(self._dspy_module)).__name__ + doc = (getattr(self._dspy_module, "__doc__", None) or "").strip() + header_lines: List[str] = [ + f"DSPy-Projected Scaffold: {self._header_title}", + f"Module: {module_name}", + ] + if doc: + header_lines.append(doc) + header = "\n".join(header_lines) + + # Content block: one placeholder per skill variable + skill_lines: List[str] = [] + for skill_name in self.skill_names_used: + attr_name = _clean_skill_name(skill_name) + skill_lines.append(f"{{{attr_name}}}") + skills_block = "\n".join(skill_lines) + + return ( + f"{header}\n\n" + f"Relevant skills (conditionally included):\n" + f"{skills_block}\n" + ) + + def configure(self, external_df) -> "ProjectedTemplate": + self._external_df = external_df + return self + + return ProjectedTemplate(module, skill_names, title) + + +def from_dspy( + module: Any, + slots: List[str], + title: Optional[str] = None, + *, + marker: Optional[str] = None, + include_attributes_block: bool = True, + block_header: Optional[str] = None, +) -> Template: + """ + Convert a DSPy module into a Template with the given slots, embedding scaffold. + - Extracts scaffold (instruction + demos) from module.predictor when available + - Registers one learnable Variable per slot + - Renders a content block that respects sparse rows and P3O choices via Template.render_job_info + """ + owner = getattr(module, "predictor", module) + module_name = getattr(module, "__class__", type(module)).__name__ + doc = (getattr(module, "__doc__", None) or "").strip() + header_title = title or module_name + + # Extract scaffold + instruction = getattr(owner, "instruction", None) + if isinstance(instruction, (list, tuple)): + instruction_text = "\n".join(str(x) for x in instruction) + else: + instruction_text = str(instruction) if instruction is not None else "" + + demos = getattr(owner, "demos", None) + if demos is None: + demos = getattr(owner, "fewshot", None) + if isinstance(demos, (list, tuple)): + demo_texts = [str(d) for d in demos] + else: + demo_texts = [] + + # Gather signature IO names if available + input_names: List[str] = [] + output_names: List[str] = [] + sig = getattr(owner, "signature", None) + if sig is not None: + inputs_dict = getattr(sig, "input_fields", {}) + outputs_dict = getattr(sig, "output_fields", {}) + input_names = list(inputs_dict.keys()) + output_names = list(outputs_dict.keys()) + + class DspyScaffoldTemplate(Template): + def __init__(self, module_ref: Any, slot_names: List[str], header: str, instr: str, demo_list: List[str]) -> None: + super().__init__() + self._dspy_module = module_ref + self.skill_names_used = list(slot_names) + self._header_title = header + self._instruction = instr + self._demos = list(demo_list) + self._input_names = input_names + self._output_names = output_names + self._marker = marker + self._include_block = bool(include_attributes_block) + self._block_header = block_header or "Relevant attributes (conditionally included):" + + # Variables per slot + skill_variables: Dict[str, Variable] = {} + for skill_name in self.skill_names_used: + attr_name = _clean_skill_name(skill_name) + skill_variables[attr_name] = Variable( + desc=f"Include {skill_name}", + learnable=True, + presentations=["", "- {value}"] + ) + self.register_variables(skill_variables) + + def _skills_block(self) -> str: + # Slot placeholders assembled as lines (resolved by Template engine) + lines: List[str] = [] + for skill_name in self.skill_names_used: + attr_name = _clean_skill_name(skill_name) + lines.append(f"{{{attr_name}}}") + return "\n".join(lines) + + def __system_prompt__(self) -> str: + lines: List[str] = [ + f"DSPy Scaffold: {self._header_title}", + f"Module: {module_name}", + ] + if doc: + lines.append(doc) + if self._instruction: + lines.append("") + lines.append(self._instruction) + if self._input_names: + lines.append("") + lines.append(f"Inputs: {', '.join(self._input_names)}") + sys_text = "\n".join(lines) + # Optional in-body insertion in system text + if self._marker and self._marker in sys_text: + block_parts = [self._block_header, self._skills_block()] + block_text = "\n".join(p for p in block_parts if p) + try: + return sys_text.replace(self._marker, block_text) + except Exception: + return sys_text + return sys_text + + def __prompt__(self) -> str: + # Optional few-shot section + fewshot = "" + if self._demos: + fewshot = "Few-shot examples:\n" + "\n".join(self._demos) + "\n\n" + + # Build content body according to marker/include flag + skills_block = self._skills_block() + body = "" + if self._include_block: + body = f"{self._block_header}\n{skills_block}\n" + + # If marker is intended for system, __prompt__ just carries few-shot + optional body + # (When marker is used in system, we still allow appended body only if include flag is True.) + return f"{fewshot}{body}" + + def __output__(self) -> str: + if self._output_names: + return f"Provide outputs for: {', '.join(self._output_names)}. Output only those." + return "Provide the required outputs." + + return DspyScaffoldTemplate(module, slots, header_title, instruction_text, demo_texts) + +def from_predict( + module: Any, + slots: List[str], + title: Optional[str] = None, + categories: Optional[List[str]] = None, + input_field: Optional[str] = None, + output_field: Optional[str] = None, + *, + marker: Optional[str] = None, + include_attributes_block: bool = True, + block_header: Optional[str] = None, +) -> Template: + """ + Create a Template from a DSPy Predict-like module and explicit IO field names. + - input_field: the input name in the DSPy signature (e.g., "job_info") + - output_field: the output name (e.g., "job_metrics") + - categories: optional keys for JSON output in __output__ (if dict-like) + """ + assert hasattr(module, "__call__") or hasattr(module, "forward"), "module must be a callable DSPy module" + + # Infer IO field names and title from module signature if not provided + owner = getattr(module, "predictor", module) + signature = getattr(owner, "signature") + # Expect DSPy Signature to expose input_fields/output_fields dicts + if input_field is None or output_field is None: + inputs_dict = getattr(signature, "input_fields") + outputs_dict = getattr(signature, "output_fields") + in_names = list(inputs_dict.keys()) + out_names = list(outputs_dict.keys()) + assert len(in_names) >= 1 and len(out_names) >= 1, "Signature must define at least one input and one output field" + if input_field is None: + input_field = in_names[0] + if output_field is None: + output_field = out_names[0] + if title is None: + title = getattr(module, "__class__", type(module)).__name__ + + # Extract scaffold if present + instruction = getattr(owner, "instruction", None) + if isinstance(instruction, (list, tuple)): + instruction_text = "\n".join(str(x) for x in instruction) + else: + instruction_text = str(instruction) if instruction is not None else "" + demos = getattr(owner, "demos", None) + if demos is None: + demos = getattr(owner, "fewshot", None) + demo_texts = [str(d) for d in demos] if isinstance(demos, (list, tuple)) else [] + + class PredictProjectedTemplate(Template): + def __init__(self, module_ref: Any, slot_names: List[str], header_title: Optional[str]) -> None: + super().__init__() + self._dspy_module = module_ref + self.skill_names_used = list(slot_names) + self._header_title = header_title or module_ref.__class__.__name__ + self._instruction = instruction_text + self._demos = demo_texts + self._marker = marker + self._include_block = bool(include_attributes_block) + self._block_header = block_header or "Relevant attributes (conditionally included):" + + # Create Variables (binary include/omit) and register dynamically + skill_variables: Dict[str, Variable] = {} + for skill_name in self.skill_names_used: + attr_name = _clean_skill_name(skill_name) + skill_variables[attr_name] = Variable( + desc=f"Include {skill_name}", + learnable=True, + presentations=["", "- {value}"] + ) + self.register_variables(skill_variables) + + def _skills_block(self) -> str: + lines: List[str] = [] + for skill_name in self.skill_names_used: + attr_name = _clean_skill_name(skill_name) + lines.append(f"{{{attr_name}}}") + return "\n".join(lines) + + def __system_prompt__(self) -> str: + module_name = getattr(self._dspy_module, "__class__", type(self._dspy_module)).__name__ + doc = (getattr(self._dspy_module, "__doc__", None) or "").strip() + lines: List[str] = [ + f"DSPy Scaffold: {self._header_title}", + f"Module: {module_name}", + ] + if doc: + lines.append(doc) + if self._instruction: + lines.append("") + lines.append(self._instruction) + # Optional: list inputs for context + lines.append("") + lines.append(f"Inputs: {', '.join(in_names)}") + sys_text = "\n".join(lines) + if self._marker and self._marker in sys_text: + block_parts = [self._block_header, self._skills_block()] + block_text = "\n".join(p for p in block_parts if p) + try: + return sys_text.replace(self._marker, block_text) + except Exception: + return sys_text + return sys_text + + def __prompt__(self) -> str: + # Optional few-shot section + fewshot = "" + if self._demos: + fewshot = "Few-shot examples:\n" + "\n".join(self._demos) + "\n\n" + + # Content block placeholders; actual values come from external_df via render_job_info + skills_block = self._skills_block() + body = "" + if self._include_block: + body = f"{self._block_header}\n{skills_block}\n" + return f"{fewshot}{body}" + + def __output__(self) -> str: + # If categories provided, emit a strict JSON scaffold; else a concise generic instruction from signature + if categories: + body: List[str] = [] + for i, cat in enumerate(categories): + comma = "," if i < len(categories) - 1 else "" + body.append(f' "{cat}": {comma}') + joined = "\n".join(body) + return ( + "ONLY OUTPUT THIS JSON. DO NOT OUTPUT ANYTHING ELSE!!!!\n\n" + "{\n" + joined + "\n}" + ) + return f"Provide outputs for: {', '.join(out_names)}. Output only those." + + def configure(self, external_df) -> "PredictProjectedTemplate": + self._external_df = external_df + return self + + return PredictProjectedTemplate(module, slots, title) + + +# --- Round-robin utilities (general-purpose) --- + +def build_selection_block(slot_universe: List[str], selections: Dict[str, int], header: str = "Attributes:") -> str: + """ + Render a human-readable attributes block using the raw slot labels gated by binary selections + keyed by cleaned variable names (same cleaning as used for Template variables). + """ + cleaned_to_raw: Dict[str, str] = {_clean_skill_name(s): s for s in slot_universe} + lines: List[str] = [header] + for cleaned_name, raw in cleaned_to_raw.items(): + if selections.get(cleaned_name, 0) == 1: + lines.append(f"- {raw}") + return "\n".join(lines) + + +def inject_block_into_examples( + examples: List[Any], + input_field: str, + block_text: str, + marker: Optional[str] = None, +) -> List[Any]: + """ + Return new DSPy examples with the block injected into the given input field. + If marker is provided and present, replace it; otherwise append the block. + """ + import dspy # type: ignore + + injected: List[Any] = [] + for ex in examples: + base_text = getattr(ex, input_field) + if marker and marker in base_text: + new_text = base_text.replace(marker, block_text) + else: + sep = "\n\n" if base_text and not str(base_text).endswith("\n") else "" + new_text = f"{base_text}{sep}{block_text}" + # Preserve outputs if present + fields: Dict[str, Any] = {input_field: new_text} + for k, v in ex.__dict__.items(): + if k != input_field: + fields[k] = v + injected.append(dspy.Example(**fields).with_inputs(input_field)) + return injected + + +def get_input_field_from_module(module: Any) -> str: + owner = getattr(module, "predictor", module) + sig = getattr(owner, "signature") + in_names = list(getattr(sig, "input_fields").keys()) + assert len(in_names) >= 1, "Signature must define at least one input field" + return in_names[0] diff --git a/agent_torch/optim/p3o.py b/agent_torch/optim/p3o.py index 1a0abeb..e1cc1fd 100644 --- a/agent_torch/optim/p3o.py +++ b/agent_torch/optim/p3o.py @@ -4,24 +4,27 @@ Usage: from agent_torch.optim import P3O - opt = P3O(arch.parameters(), archetype=arch, lr=0.05) + opt = P3O(archetype=arch, lr=0.05) # Typical loop (no separate update needed): arch.sample() # populates last_group_* on behavior - opt.step() # automatically pulls from archetype and updates + opt.step() # pulls from archetype (by default) and updates opt.zero_grad() # Advanced: disable auto update and control timing manually - opt = P3O(arch.parameters(), archetype=arch, auto_update_from_archetype=False) + opt = P3O(archetype=arch, auto_update_from_archetype=False) arch.sample() opt.update_from_archetype() opt.step() opt.zero_grad() """ -from typing import List, Optional, Callable, Any +from typing import List, Optional, Callable, Any, Dict, Tuple +import os +import json +from datetime import datetime +import numpy as np import torch -import torch.nn as nn class P3O: @@ -36,91 +39,77 @@ def __init__( *, archetype: Any, lr: float = 0.01, - momentum: float = 0.0, - weight_decay: float = 0.0, - reward_fn: Optional[Callable[[float, float], float]] = None, - auto_update_from_archetype: bool = True, - fix_choices_after_step: bool = False, - reducer: str = "mean", - verbose: bool = False, - # User-supplied reward/target providers - rewards_provider: Optional[Callable[[List[str], List[float], Any], List[float]]] = None, - targets_provider: Optional[Callable[[List[str], Any], List[float]]] = None, - # PSPGO parameters - entropy_coef: float = 0.01, + pipeline: Optional[Callable[..., Any]] = None, lambda_param: float = 0.5, - rho: float = 0.9, - beta: float = 0.9, + verbose: bool = False, + auto_update_from_archetype: bool = True, ): """Initialize P3O optimizer. Args: - lr: Learning rate - momentum: Momentum factor (for future use) - weight_decay: Weight decay (L2 penalty) - archetype: Optional archetype instance to read group outputs/keys from - reward_fn: Optional reward function mapping (pred, target) -> reward - auto_update_from_archetype: If True, step() will internally call - update_from_archetype() before applying parameter updates. + archetype: Archetype instance to optimize + lr: Learning rate for parameter updates + pipeline: Optional reward pipeline (defaults to expt2-style) + lambda_param: PSPGO shaped reward coefficient + verbose: Print optimization details + auto_update_from_archetype: If True, step() pulls latest behavior and updates """ - # Bind archetype and derive parameters automatically from template variables self.archetype = archetype - self.param_groups = [ - { - 'params': list(getattr(self.archetype, 'parameters', lambda: [])()), - 'lr': lr, - 'momentum': momentum, - 'weight_decay': weight_decay, - } - ] - self.state = {} - # reward_fn, if provided, is treated as F(y) (fitness). If None, defaults to F(y) = -(y - t)^2. - self.reward_fn = reward_fn + params = list(getattr(self.archetype, 'parameters', lambda: [])()) + self.param_groups = [{'params': params}] + self.state: Dict[str, Any] = {} + self.lr = lr + self.pipeline = pipeline + self.lambda_param = lambda_param + self.verbose = verbose self.auto_update_from_archetype = auto_update_from_archetype - self.fix_choices_after_step = fix_choices_after_step - self.reducer = reducer - self.verbose = bool(verbose) - # Providers (decoupled) - self.rewards_provider = rewards_provider - self.targets_provider = targets_provider + # PSPGO state - self.entropy_coef = float(entropy_coef) - self.lambda_param = float(lambda_param) - self.rho = float(rho) - self.beta = float(beta) - self._baseline: float = 0.0 - self._y_bar: Optional[float] = None + self._baseline = 0.0 + self._y_bar_vec: Optional[np.ndarray] = None + + # Tracking state for train method + self._step_count = 0 + self._best_reward = float('-inf') + self._last_reward: Optional[float] = None + self._last_advantage: Optional[float] = None + self._last_sampled_choices: Dict[str, int] = {} + self._metrics: List[Dict[str, Any]] = [] + self._metrics_file_path: Optional[str] = None - def compute_group_targets(self, group_keys: list[str]) -> list[float]: - """Resolve targets using a user-provided targets_provider. + # Optional writer and best snapshot holders + self._writer = None + self._best_logits: Dict[str, torch.Tensor] = {} - If targets_provider is absent, raise to force decoupled reward usage. - """ - if self.targets_provider is None: - raise ValueError("P3O: no targets_provider provided; use rewards_provider instead") - targets = self.targets_provider(group_keys, self.archetype) - return [float(v) for v in targets] - - def reinforce_step(self, group_preds: list[float], group_keys: list[str]) -> None: - """Compute rewards and nudge parameters (REINFORCE).""" - # Determine rewards - if self.rewards_provider is not None: - rewards = self.rewards_provider(group_keys, [float(p) for p in group_preds], self.archetype) + def _default_expt2_pipeline(self, group_key, group_pred_or_structured, arch_obj): + """Default expt2-style pipeline.""" + if isinstance(group_pred_or_structured, dict): + pred_value = sum(group_pred_or_structured.values()) / max(1, len(group_pred_or_structured)) else: - targets = self.compute_group_targets(group_keys) - # Fitness F(y) - if self.reward_fn is None: - rewards = [1.0 - (float(y) - float(t)) ** 2 for y, t in zip(group_preds, targets)] - else: - rewards = [float(self.reward_fn(float(y), float(t))) for y, t in zip(group_preds, targets)] - avg_reward = sum(rewards) / max(len(rewards), 1) - if self.verbose: - print(f"P3O: avg_reward={avg_reward:.4f} over {len(rewards)} groups") - # Mock: scale grads by reward if present (no true grads from LLM pathway yet) - for group in self.param_groups: - for param in group['params']: - if param.grad is not None: - param.grad.mul_(0.0) + pred_value = float(group_pred_or_structured) + + y = np.array([pred_value], dtype=float) + t = 50.0 + + if isinstance(group_key, str) and group_key.startswith("job_"): + row_idx = int(group_key.split("_")[1]) + external_df = getattr(arch_obj._prompt, '_external_df', None) + if external_df is not None and 0 <= row_idx < len(external_df): + knowledge_cols = [col for col in external_df.columns if col.startswith('NUMERIC_knowledge_')] + if knowledge_cols: + target_val = external_df.iloc[row_idx][knowledge_cols[0]] + t = float(target_val) + + gt = np.array([t], dtype=float) + mse = float(np.mean((y - gt) ** 2)) + + combined_error = mse + original_f_y = 10000 - combined_error + f_y = -10 + 20 * (original_f_y / 10000) + scaling_factor = 20 / 10000 + grad_f_y = -scaling_factor * (2 * (y - gt) / y.shape[0]) + metrics = {'mse': mse} + return y, float(f_y), grad_f_y.reshape(-1), metrics def update_from_archetype(self) -> None: """Pull last predictions/keys and apply a REINFORCE-style update on Variable logits. @@ -128,46 +117,97 @@ def update_from_archetype(self) -> None: Expected behavior state after arch.sample(): - last_group_keys: list[str] - last_group_outputs: list[float] + - last_group_structured: Optional[list[dict]] - last_slot_choices: dict[field_name -> sampled_idx] (global choices used to render) """ - beh = getattr(self.archetype, "_behavior", None) + beh = getattr(self.archetype, "_behavior", None) or getattr(self.archetype, "_mock_behavior", None) if beh is None: - print("P3O: no behavior bound; call arch.broadcast(...); arch.sample() first") + if self.verbose: + print("P3O: no behavior bound; call arch.broadcast(...) or arch.sample(batch_size=N) first") return + keys = getattr(beh, "last_group_keys", None) preds = getattr(beh, "last_group_outputs", None) + structured_preds = getattr(beh, "last_group_structured", None) slot_choices = getattr(beh, "last_slot_choices", None) - if not keys or not preds: - print("P3O: no group info available; call arch.sample() after broadcast") + + if not keys or preds is None or len(keys) == 0: + if self.verbose: + print("P3O: no group info available; call arch.sample() after broadcast") return - # Compute rewards per-group (decoupled) - if self.rewards_provider is not None: - rewards_list = self.rewards_provider([str(k) for k in keys], [float(p) for p in preds], self.archetype) - else: - targets = self.compute_group_targets([str(k) for k in keys]) - if self.reward_fn is None: - rewards_list = [1.0 - (float(p) - float(t)) ** 2 for p, t in zip(preds, targets)] + # Resolve effective pipeline (experiment-provided) if none was explicitly set + effective_pipeline = self.pipeline + if effective_pipeline is None and self.archetype is not None: + try: + get_pipe = getattr(self.archetype, 'get_p3o_pipeline', None) + if callable(get_pipe): + effective_pipeline = get_pipe() + except Exception: + effective_pipeline = None + if effective_pipeline is None: + pipe_attr = getattr(self.archetype, 'p3o_pipeline', None) + if callable(pipe_attr): + effective_pipeline = pipe_attr + if effective_pipeline is None: + effective_pipeline = self._default_expt2_pipeline + + rewards_list: List[float] = [] + y_vecs: List[np.ndarray] = [] + structured_preds = structured_preds or [{}] * len(keys) + + for k, p, structured in zip(keys, preds, structured_preds): + pipeline_input = structured if structured else p + out = effective_pipeline(k, pipeline_input, self.archetype) + + # Accept expt2-style tuple (y, f_y, grad[, metrics]) or a float/dict + if isinstance(out, tuple) and len(out) >= 3: + y, f_y, grad_f_y = out[0], out[1], out[2] + y_vec = np.array(y, dtype=float).reshape(-1) + grad_vec = np.array(grad_f_y, dtype=float).reshape(-1) + # Shaped reward uses current y_bar_vec (initialize lazily) + if self._y_bar_vec is None: + self._y_bar_vec = y_vec.copy() + shaped = float(f_y) + float(self.lambda_param) * float(np.dot(grad_vec, (y_vec - self._y_bar_vec))) + rewards_list.append(shaped) + y_vecs.append(y_vec) + elif isinstance(out, (int, float)): + rewards_list.append(float(out)) + elif isinstance(out, dict) and 'reward' in out: + rewards_list.append(float(out['reward'])) + else: + raise ValueError("P3O: pipeline must return (y,f_y,grad[,...]) or a float reward or {'reward': ...}.") + + # Update moving average of y + if y_vecs: + y_mean = np.mean(np.stack(y_vecs, axis=0), axis=0) + if self._y_bar_vec is None: + self._y_bar_vec = y_mean.copy() else: - rewards_list = [float(self.reward_fn(float(p), float(t))) for p, t in zip(preds, targets)] - - # Update running stats (baseline/mean) and compute advantage - R = sum(rewards_list) / max(1, len(rewards_list)) - if self._y_bar is None: - self._y_bar = R - self._y_bar = self.rho * self._y_bar + (1.0 - self.rho) * R - self._baseline = self.beta * self._baseline + (1.0 - self.beta) * R - advantage = R - self._baseline + self._y_bar_vec = 0.9 * self._y_bar_vec + 0.1 * y_mean + + # Per-job advantages (raw rewards) + job_advantages = {group_key: reward for group_key, reward in zip(keys, rewards_list)} + + # Reporting + R = float(sum(rewards_list) / max(1, len(rewards_list))) + average_advantage = float(sum(job_advantages.values()) / max(1, len(job_advantages))) + + self._last_reward = R + self._last_advantage = average_advantage + if R > self._best_reward: + self._best_reward = R + if self.verbose: - print(f"P3O: reward={R:.4f}, adv={advantage:.4f} over {len(rewards_list)} groups") + print(f"\033[93mP3O: reward={R:.4f}, adv={average_advantage:.4f} over {len(rewards_list)} groups\033[0m") - # Print selected indices per learnable variable for visibility - try: - if isinstance(slot_choices, dict) and slot_choices: - if self.verbose: - print(f"P3O: selected indices = {slot_choices}") - except Exception: - pass + # Selected indices per learnable variable for visibility (optional) + if self.verbose and isinstance(slot_choices, dict) and slot_choices: + print(f"P3O: selected indices = {slot_choices}") + + # Store the actual sampled choices for JSON output + if isinstance(slot_choices, dict): + self._last_sampled_choices = slot_choices.copy() # If there are no learnable variables or no choices, nothing to update if not slot_choices: @@ -175,47 +215,84 @@ def update_from_archetype(self) -> None: print("P3O: no slot choices present; ensure template has learnable Variables") return - # Build a small REINFORCE loss over the chosen categories across groups - loss = None + # Simple REINFORCE: each slot uses its actual sampled choice with shared reward + loss: Optional[torch.Tensor] = None template = getattr(self.archetype, "_prompt", None) if template is None: return - # Sum over fields, average over groups - fields = list(slot_choices.keys()) - num_groups = max(1, len(rewards_list)) - for field_name in fields: + + # Average advantage across all jobs for this batch + avg_advantage = sum(job_advantages.values()) / max(1, len(job_advantages)) + + # Standard REINFORCE for each learnable variable + for field_name, sampled_idx in slot_choices.items(): var = getattr(template, "_variables", {}).get(field_name) if var is None or not getattr(var, 'learnable', False): - # If not in declared variables, try create_slots map try: var = template.create_slots().get(field_name) except Exception: var = None if var is None or not getattr(var, 'learnable', False): continue - # Compute log_prob for the sampled index using current logits - idx = slot_choices[field_name] + logits = var.get_parameter(template) - if logits is None: + if logits is None or not isinstance(logits, torch.Tensor): continue + + # Standard policy gradient: -advantage * log_prob(sampled_action) probs = torch.softmax(logits, dim=0) - # Numerical safety - eps = 1e-8 - logp = torch.log(probs[idx].clamp_min(eps)) - # Policy gradient with advantage and entropy regularization - entropy = -(probs * torch.log(probs.clamp_min(eps))).sum() - field_loss = -(advantage * logp) - (self.entropy_coef * entropy) - loss = field_loss if loss is None else (loss + field_loss) + log_prob = torch.log(torch.clamp(probs[sampled_idx], min=1e-8)) + var_loss = -avg_advantage * log_prob + + if loss is None: + loss = var_loss + else: + loss = loss + var_loss if loss is not None: loss.backward() - # Optional verbose diagnostics (probabilities, etc.) can be printed here - + # Gradient clipping and parameter bounds for numerical stability + for group in self.param_groups: + for param in group['params']: + if isinstance(param, torch.Tensor) and param.grad is not None: + # Clip gradients + torch.nn.utils.clip_grad_norm_([param], max_norm=1.0) + # Check for NaN in gradients + if torch.isnan(param.grad).any(): + print(f"WARNING: NaN gradient detected, zeroing") + param.grad.zero_() + + # Manually apply gradients (P3O doesn't inherit from PyTorch optimizer) + for group in self.param_groups: + for p in group['params']: + if p.grad is not None: + p.data.add_(p.grad, alpha=-self.lr) + # Clamp parameters to prevent extreme values + p.data = torch.clamp(p.data, min=-10.0, max=10.0) + # Snapshot best logits on improvement + try: + if self._last_reward is not None and self._last_reward >= self._best_reward: + self._best_reward = self._last_reward + self._snapshot_best_logits() + except Exception: + pass + + # Optional prompt previews + if self.verbose: + behavior = getattr(self.archetype, "_behavior", None) + prompt_list = getattr(behavior, "last_prompt_list", None) + if isinstance(prompt_list, list) and prompt_list: + for i, p in enumerate(prompt_list[:3]): # show up to 3 prompts + snippet = p.strip() + if len(snippet) > 400: + snippet = snippet[:400] + "..." + print(f"P3O: prompt preview [{i+1}/{len(prompt_list)}] =>\n{snippet}") + def zero_grad(self) -> None: """Zero gradients for all parameters.""" for group in self.param_groups: for param in group['params']: - if param.grad is not None: + if isinstance(param, torch.Tensor) and param.grad is not None: param.grad.zero_() def step(self, closure: Optional[Callable[[], float]] = None) -> Optional[float]: @@ -231,55 +308,13 @@ def step(self, closure: Optional[Callable[[], float]] = None) -> Optional[float] if closure is not None: loss = closure() - # Optionally pull latest group predictions/targets and compute rewards - # so users don't have to call update_from_archetype() explicitly. - if self.auto_update_from_archetype and self.archetype is not None: - try: + if self.auto_update_from_archetype: self.update_from_archetype() - except Exception as e: - # Do not fail silently; surface the root cause and re-raise - if self.verbose: - try: - import traceback as _tb - print(f"P3O: update_from_archetype failed: {e}") - _tb.print_exc() - finally: - raise - else: - raise for group in self.param_groups: - lr = group['lr'] - weight_decay = group['weight_decay'] - for param in group['params']: - if param.grad is None: - continue - - grad = param.grad.data - - # Apply weight decay - if weight_decay != 0: - grad = grad.add(param.data, alpha=weight_decay) - - # Apply update (simple SGD for now) - param.data.add_(grad, alpha=-lr) - - # Optionally fix template placeholders to greedy best choices for deterministic prompts - if self.fix_choices_after_step and self.archetype is not None: - try: - template = getattr(self.archetype, "_prompt", None) - if template is not None and hasattr(template, "create_slots"): - slots = template.create_slots() - best = {} - for name, var in slots.items(): - if getattr(var, 'learnable', False): - best[name] = var.get_best_index(template) - if best: - template.set_optimized_slots(best) - except Exception: - # Be robust; don't fail optimizer if fixing choices fails - pass + if isinstance(param, torch.Tensor) and param.grad is not None: + param.data.add_(param.grad.data, alpha=-self.lr) return loss @@ -292,5 +327,330 @@ def state_dict(self) -> dict: def load_state_dict(self, state_dict: dict) -> None: """Load optimizer state.""" - self.state = state_dict['state'] - self.param_groups = state_dict['param_groups'] \ No newline at end of file + self.state = state_dict.get('state', {}) + self.param_groups = state_dict.get('param_groups', self.param_groups) + + # ----------------------------- + # Training utilities and helpers + # ----------------------------- + def _log_metrics(self, step: int, temperature: Optional[float] = None) -> None: + metrics = { + 'step': int(step), + 'reward': float(self._last_reward) if self._last_reward is not None else None, + 'advantage': float(self._last_advantage) if self._last_advantage is not None else None, + 'baseline': float(self._baseline), + 'best_reward': float(self._best_reward), + } + if temperature is not None: + metrics['temperature'] = float(temperature) + self._metrics.append(metrics) + if self._metrics_file_path: + try: + with open(self._metrics_file_path, 'w', encoding='utf-8') as f: + json.dump(self._metrics, f, indent=2) + except Exception: + pass + + def _snapshot_best_logits(self) -> None: + template = getattr(self.archetype, "_prompt", None) + if template is None or not hasattr(template, "create_slots"): + return + try: + slots = template.create_slots() + except Exception: + return + best: Dict[str, torch.Tensor] = {} + for name, var in slots.items(): + if getattr(var, 'learnable', False): + logits = var.get_parameter(template) + if isinstance(logits, torch.Tensor): + best[name] = logits.detach().clone() + self._best_logits = best + + def switch_to_best_run(self) -> None: + template = getattr(self.archetype, "_prompt", None) + if template is None or not hasattr(template, "create_slots"): + return + if not self._best_logits: + return + try: + slots = template.create_slots() + except Exception: + return + for name, tensor in self._best_logits.items(): + var = slots.get(name) + if var is None or not getattr(var, 'learnable', False): + continue + logits = var.get_parameter(template) + if isinstance(logits, torch.Tensor) and logits.shape == tensor.shape: + logits.data.copy_(tensor.data) + + def get_slot_probabilities(self) -> Dict[str, List[float]]: + template = getattr(self.archetype, "_prompt", None) + if template is None or not hasattr(template, "create_slots"): + return {} + try: + slots = template.create_slots() + except Exception: + return {} + out: Dict[str, List[float]] = {} + for name, var in slots.items(): + if getattr(var, 'learnable', False): + logits = var.get_parameter(template) + if isinstance(logits, torch.Tensor): + probs = torch.softmax(logits.detach(), dim=0) + out[name] = [float(x) for x in probs.tolist()] + return out + + def get_final_results(self) -> dict: + return { + 'best_reward': float(self._best_reward), + 'slot_probabilities': self.get_slot_probabilities(), + 'total_steps': int(self._step_count), + } + + def get_p3o_selections(self) -> Dict[str, int]: + """Return deterministic selections per learnable variable via argmax over logits.""" + template = getattr(self.archetype, "_prompt", None) + if template is None or not hasattr(template, "_variables"): + return {} + selections: Dict[str, int] = {} + for name, var in template._variables.items(): + if getattr(var, "learnable", False): + param = var.get_parameter(template) + probs = torch.softmax(param, dim=0) + selections[name] = int(torch.argmax(probs).item()) + return selections + + def close(self) -> None: + if self._writer is not None: + try: + self._writer.close() + except Exception: + pass + + def train( + self, + *, + steps: int = 100, + log_interval: int = 20, + exploration: str = "balanced", + batch_size: int = 50, + sample_kwargs: Optional[dict] = None, + mode: Optional[str] = None, + ) -> List[dict]: + """Run a built-in training loop: sample → step → zero_grad.""" + sample_kwargs = sample_kwargs or {} + # Optional preset modes + if mode is not None: + mode_l = str(mode).lower() + if mode_l in ("quick", "balanced", "aggressive", "long"): + exploration = mode_l + else: + raise ValueError(f"Unknown P3O mode: {mode}. Choose from: quick|balanced|aggressive|long") + exp_cfg = get_exploration_config(exploration, steps) + history: List[dict] = [] + for s in range(steps): + if s < exp_cfg['temperature_decay_steps']: + temperature = exp_cfg['initial_temperature'] * ( + exp_cfg['final_temperature'] / exp_cfg['initial_temperature'] + ) ** (s / max(1, exp_cfg['temperature_decay_steps'])) + else: + temperature = exp_cfg['final_temperature'] + # sample + try: + self.archetype.sample(temperature=temperature, batch_size=batch_size, **sample_kwargs) + except TypeError: + self.archetype.sample(batch_size=batch_size, **sample_kwargs) + # optimize + self.step() + self.zero_grad() + self._step_count += 1 + self._log_metrics(self._step_count, temperature) + + if self.verbose and ((s + 1) % max(1, log_interval) == 0): + last = self._last_reward if self._last_reward is not None else float('nan') + best = self._best_reward if self._best_reward != float('-inf') else float('nan') + print(f"Step {s+1:3d}: reward={last:.3f} best={best:.3f} temp={temperature:.3f}") + step_files = self.save_step_results(s + 1) + print(f"Step {s+1} results saved: {step_files['results']}") + + history.append({ + 'step': int(self._step_count), + 'reward': float(self._last_reward) if self._last_reward is not None else None, + 'best_reward': float(self._best_reward), + 'temperature': float(temperature), + 'logits': self.get_current_logits_json(), + 'probabilities': self.get_current_probabilities_json(), + }) + return history + + def get_current_logits_json(self) -> str: + """Return current logit values for all learnable variables as JSON.""" + logits_dict: Dict[str, Any] = {} + if hasattr(self.archetype, '_prompt') and hasattr(self.archetype._prompt, '_variables'): + for var_name, variable in self.archetype._prompt._variables.items(): + if getattr(variable, 'learnable', False): + param = variable.get_parameter(self.archetype._prompt) + if isinstance(param, torch.Tensor): + logits_dict[var_name] = param.detach().cpu().tolist() + return json.dumps(logits_dict, indent=2) + + def get_current_probabilities_json(self) -> str: + """Return current probability distributions for all learnable variables as JSON.""" + probs_dict: Dict[str, Any] = {} + if hasattr(self.archetype, '_prompt') and hasattr(self.archetype._prompt, '_variables'): + for var_name, variable in self.archetype._prompt._variables.items(): + if getattr(variable, 'learnable', False): + param = variable.get_parameter(self.archetype._prompt) + if isinstance(param, torch.Tensor): + probs = torch.softmax(param, dim=0) + probs_dict[var_name] = probs.detach().cpu().tolist() + return json.dumps(probs_dict, indent=2) + + def _ensure_results_dir(self) -> str: + """Create optim/results directory if it doesn't exist and return the path.""" + results_dir = os.path.join("optim", "results") + os.makedirs(results_dir, exist_ok=True) + return results_dir + + def get_current_step_data(self) -> dict: + """Get comprehensive step data including logits, probabilities, choices, and rendered template.""" + result: Dict[str, Any] = {"variables": {}} + if hasattr(self.archetype, '_prompt') and hasattr(self.archetype._prompt, '_variables'): + for var_name, variable in self.archetype._prompt._variables.items(): + if getattr(variable, 'learnable', False): + param = variable.get_parameter(self.archetype._prompt) + if isinstance(param, torch.Tensor): + logits = param.detach().cpu().tolist() + probs = torch.softmax(param, dim=0) + probs_list = probs.detach().cpu().tolist() + argmax_choice = int(torch.argmax(probs).item()) + argmax_prob = float(probs[argmax_choice].item()) + + # Use actual sampled choice if available, otherwise fall back to argmax + sampled_choice = self._last_sampled_choices.get(var_name, argmax_choice) + sampled_prob = float(probs[sampled_choice].item()) + + result["variables"][var_name] = { + "logits": logits, + "probabilities": probs_list, + "argmax": argmax_choice, + "highest_probability": argmax_prob, + "sampled_choice": sampled_choice, + "sampled_probability": sampled_prob, + "status": "include" if sampled_choice == 1 else "exclude" + } + + # Add rendered template with current optimized choices + result["output_template"] = self._get_rendered_template_with_choices() + + return result + + def _get_rendered_template_with_choices(self) -> str: + """Render template with current optimized variable choices using real job data.""" + try: + template = self.archetype._prompt + if not hasattr(template, '_variables'): + return "Template has no variables" + + # Get current argmax choices for all learnable variables + current_choices = {} + for var_name, variable in template._variables.items(): + if getattr(variable, 'learnable', False): + param = variable.get_parameter(template) + if isinstance(param, torch.Tensor): + probs = torch.softmax(param, dim=0) + current_choices[var_name] = int(torch.argmax(probs).item()) + + # Use real job data from external_df if available (configured via archetype.configure()) + external_df = getattr(template, '_external_df', None) + if external_df is not None and len(external_df) > 0: + # Use first job as example + first_job = external_df.iloc[0] + sample_data = {"soc_code": first_job.get("soc_code", "UNKNOWN")} + + # Add real skill values for variables that exist in the data + for var_name in template._variables.keys(): + if var_name != "soc_code": + choice = current_choices.get(var_name, 1) + if choice == 0: + sample_data[var_name] = "" # Skip/empty when choice=0 + else: + # Use the actual skill content from external data (if available) + if var_name in first_job.index: + sample_data[var_name] = first_job[var_name] # Keep original type (binary 0/1) + else: + sample_data[var_name] = 0 # Default to not relevant + else: + # Fallback to sample data + sample_data = {"soc_code": "11-1011.00"} + for var_name in template._variables.keys(): + if var_name != "soc_code": + choice = current_choices.get(var_name, 1) + sample_data[var_name] = "" if choice == 0 else f"Include {var_name.replace('_', ' ')}" + + # Render the prompt with current choices + try: + rendered = template._fill_section( + template_section=template.__prompt__(), + data=sample_data, + slot_values=current_choices + ) + # Clean empty lines before returning (important for LLM prompt quality) + cleaned = "\n".join(line for line in rendered.split("\n") if line.strip()) + return cleaned + except Exception as render_error: + # Return debug info if rendering fails + return f"Template rendering failed:\nError: {str(render_error)}\nData keys: {list(sample_data.keys())}\nTemplate vars: {list(template._variables.keys())}\nChoices: {current_choices}" + + except Exception as e: + return f"Error in template processing: {str(e)}" + + def save_step_results(self, step) -> dict: + """Save comprehensive step results to a single JSON file.""" + results_dir = self._ensure_results_dir() + timestamp = datetime.now().strftime("%Y%m%d_%H%M%S") + filename = f"step_{step if isinstance(step, str) else f'{int(step):03d}'}_{timestamp}.json" + filepath = os.path.join(results_dir, filename) + step_data = self.get_current_step_data() + with open(filepath, 'w', encoding='utf-8') as f: + json.dump(step_data, f, indent=2) + return {"results": filepath, "logits": filepath, "probabilities": filepath} + + +def get_exploration_config(exploration_type: str, total_steps: int = 100) -> Dict[str, Any]: + """Exploration schedule presets for temperature annealing.""" + configs: Dict[str, Dict[str, Any]] = { + 'aggressive': { + 'initial_temperature': 15.0, + 'final_temperature': 0.05, + 'temperature_decay_steps': int(0.9 * total_steps), + 'description': 'Very high exploration for most of training', + 'steps': 40, + }, + 'balanced': { + 'initial_temperature': 8.0, + 'final_temperature': 0.3, + 'temperature_decay_steps': int(0.6 * total_steps), + 'description': 'Moderate exploration, balanced with exploitation', + 'steps': 30, + }, + 'quick': { + 'initial_temperature': 5.0, + 'final_temperature': 0.5, + 'temperature_decay_steps': int(0.2 * total_steps), + 'description': 'Quick exploration, fast exploitation', + 'steps': 5, + }, + 'long': { + 'initial_temperature': 10.0, + 'final_temperature': 0.1, + 'temperature_decay_steps': int(0.8 * total_steps), + 'description': 'Long exploration phase, late exploitation', + 'steps': 50, + }, + } + if exploration_type not in configs: + raise ValueError(f"Unknown exploration type: {exploration_type}. Choose from: {list(configs.keys())}") + return configs[exploration_type] diff --git a/docs/tutorials/optimizing-on-prompts/index.md b/docs/tutorials/optimizing-on-prompts/index.md index 2e56139..c92b710 100644 --- a/docs/tutorials/optimizing-on-prompts/index.md +++ b/docs/tutorials/optimizing-on-prompts/index.md @@ -29,134 +29,65 @@ Each learnable Variable holds trainable logits over a few presentation choices. ``` // TODO: Optimize the presentation choices for prompt data. +### DSPy Conversions -When you call `arch.sample(...)` to obtain predictions per group, you can construct a P3O object to use either: +You can convert a DSPy `Predict(Signature)` or module into an AgentTorch `Template` and optimize it directly with P3O. This preserves scaffold (instruction, demos/few‑shot) and exposes learnable slots. -Use a Rewards provider: this is your custom reward function. P3O calls it each step with (group_keys, group_preds, arch) and expects a list[float] of rewards (one per group, same order). Use it when you want RL/bandit-style optimization or KPIs without labeled targets. +- `from_dspy(module, slots, title=None)` + - Extracts scaffold from `module.predictor` (or the module) and registers one learnable `Variable` per provided slot. + - If the module has a signature, input/output names are surfaced in the system/output text. -Or use a targets provider: this includes target lookup. P3O calls it with (group_keys, arch) and expects a list[float] of targets (one per group). P3O then computes rewards via reward_fn(y, t) (default 1 − (y − t)^2). Use it for supervised-style optimization with labeled targets. - -The sections below will go in-depth in how to use both of these. - -#### Rewards Provider -Use a rewards provider when you want to optimize for your own objective (KPIs, safety, cost, UX) instead of classic ground‑truth targets. It lets you compute a scalar reward per group from the model’s predictions (and any external signals) without aligning or exposing targets. This is ideal for online feedback, composite metrics, or cases where “ground truth” is undefined. - -This is how you may define a reward function and pass it to P3O. +- `from_predict(module, slots, title=None, categories=None, input_field=None, output_field=None)` + - Same idea, targeted at `Predict`‑like modules. If `categories` are provided, the output section enforces strict JSON keys. Example: ```python -def rewards_provider(group_keys, group_preds, arch): - # Simple KPI: reward higher scores closer to 0.5 - return [1.0 - (y - 0.5)**2 for y in group_preds] - -opt = P3O(archetype=arch, rewards_provider=rewards_provider) -``` - -#### Targets Provider (optional alternative) - -Define a targets provider when you already have labeled targets and want a reproducible, target‑based objective. It can be helpful when you need to switch or compare reward shapes easily via `reward_fn` without changing data plumbing. If you prefer clearer auditing of (key → target) mappings versus computing rewards inline, then opt for using a targets provider. - -Provide a targets provider to P3O that returns one float target per group key. P3O combines it with an optional `reward_fn(y, t)` (default `1 - (y - t)**2`). - -Signature: -```python -def targets_provider(group_keys: list[str], arch) -> list[float]: - ... -``` - -Example: -```python -def targets_provider(group_keys, arch): - lookup = {"13-2099.01": 0.73} - return [lookup.get(k, 0.0) for k in group_keys] - -opt = P3O(archetype=arch, targets_provider=targets_provider, reward_fn=lambda y, t: 1.0 - (y - t)**2,) -``` - -Once more, define this only when you already have labeled targets and want a reproducible, target‑based objective. - -Here is an example with pre-defined ground-truth (align targets from a keyed CSV): -```python -import pandas as pd - -gt_df = pd.read_csv("ground_truth.csv") # columns: soc_code, willingness -lookup = {str(r["soc_code"]): float(r["willingness"]) for _, r in gt_df.iterrows()} +from agent_torch.integrations.dspy_to_template import from_dspy -def targets_provider(group_keys, arch): - # Return one target per group in the same order - return [lookup.get(str(k), 0.0) for k in group_keys] - -opt = P3O( - archetype=arch, - targets_provider=targets_provider, - reward_fn=lambda y, t: 1.0 - (y - t)**2, +template = from_dspy( + module=compiled_program, # DSPy Module or Predict owner + slots=slot_universe, # any list of feature/attribute names you want as learnables + title="Job Knowledge (Hybrid)", ) ``` -#### Custom reward functions - -If you want to use a custom rewards function: +### Using the P3O Optimizer -Without targets (fully decoupled): define any reward on (group_keys, group_preds, arch) -```python -def rewards_provider(group_keys, group_preds, arch): - # Example: maximize margin above a threshold and penalize variance - thr = 0.6 - base = [max(0.0, y - thr) for y in group_preds] - # optional stabilization - mean_y = sum(group_preds) / max(1, len(group_preds)) - var_penalty = 0.1 * sum((y - mean_y)**2 for y in group_preds) - return [b - var_penalty for b in base] - -opt = P3O(archetype=arch, rewards_provider=rewards_provider) -``` +Prefer the built‑in `train(...)` loop with exploration modes. You can still pass additional knobs, but the presets handle temperature schedules for you. -With targets (supervised-style): keep targets separate and swap the fitness easily +Signature (most relevant params): ```python -def targets_provider(group_keys, arch): - # Pull from a service/DB/cache; one target per group - return fetch_targets_for(group_keys) - -# Quadratic by default; switch to absolute or custom metric anytime -opt = P3O( - archetype=arch, - targets_provider=targets_provider, - reward_fn=lambda y, t: 1.0 - abs(y - t), +opt.train( + steps=100, # total optimization steps (used with exploration/mode) + log_interval=20, # print/save cadence + exploration="balanced", # quick | balanced | aggressive | long (preset name) + batch_size=50, # number of groups sampled per step + sample_kwargs=None, # forwarded to archetype.sample(...) + mode=None, # same choices as exploration; when set, overrides exploration ) ``` -Notes: -- If both providers are passed, `rewards_provider` is used. -- Keep rewards bounded/normalized for stability (e.g., [0, 1] or [-1, 1]). -### Using the P3O Optimizer - -See also: the companion notebook `p3o_demo.ipynb` in this folder for an end-to-end example of decoupled rewards and targets providers with `Archetype`. - -Rewards-based variant: +Config modes (what they imply): +- `quick`: small number of steps, faster exploitation; short temperature decay +- `balanced`: moderate exploration vs exploitation; medium decay +- `aggressive`: high exploration for most of training; slow decay (useful early when choices are unknown) +- `long`: long exploration window with late decay; best for thorough runs +Examples: ```python -opt = P3O(archetype=arch, rewards_provider=rewards_provider) # create the P3O object and supply your rewards provider -for i in range(n): #optimization loop runs n times - arch.sample(print_examples=0) # populate last group outputs/keys - opt.step() # computes rewards, updates Variable logits, and renders optimized Template object - opt.zero_grad() # clears gradients for next iteration -``` +# Minimal, mode-driven +opt = P3O(archetype=arch, verbose=True) +opt.train(mode="quick", batch_size=32) -Targets-based variant: -```python -opt = P3O( - archetype=arch, - targets_provider=targets_provider, - reward_fn=lambda y, t: 1.0 - (y - t)**2, -) -for i in range(n): - arch.sample(print_examples=0) - opt.step() - opt.zero_grad() +# Explicit steps with a preset schedule +opt.train(steps=5, exploration="balanced", batch_size=32) + +# Larger run with logs +opt.train(mode="long", log_interval=1, batch_size=48) ``` -Loop notes: -- Always call `arch.sample()` before `opt.step()` so group keys/preds are fresh. -- Use `print_examples=k` during debugging; keep it `0` for performance runs. -- If you need to observe choices, set `verbose=True` in P3O to print selected indices and rewards. +Notes: +- `train(...)` calls into `archetype.sample(...)` and handles updates internally. No manual step/zero_grad needed. +- `batch_size` enables group subsampling during Behavior broadcast. +- Set `verbose=True` on P3O to print selections/rewards and prompt snippets during training. diff --git a/docs/tutorials/running-an-experiment/index.md b/docs/tutorials/running-an-experiment/index.md new file mode 100644 index 0000000..832bf5a --- /dev/null +++ b/docs/tutorials/running-an-experiment/index.md @@ -0,0 +1,155 @@ +# Running an Experiment (Base and Hybrid) + +This guide walks you through running the two sample experiments included in the repo: +- Base experiment: `experiments/base/expt_api.py` +- Hybrid baseline: `experiments/hybrid/hybrid_expt_baseline_api.py` + +Both experiments ultimately optimize a `Template`’s learnable Variables using P3O. The hybrid experiment additionally compiles a DSPy program first, converts it to a `Template`, and then optimizes with P3O. + +--- + +## Prerequisites + +- Python 3.10+ +- Dependencies installed (see your project’s setup instructions). +- From the repo root, use module-style execution for reliable imports: + +```bash +python -m experiments.base.expt_api +python -m experiments.hybrid.hybrid_expt_baseline_api +``` + +--- + +## Data Layout + +The experiments expect a small set of inputs. The hybrid baseline uses a local `expt2_data` folder; the base experiment uses code-local references (adjust paths if needed). + +### Hybrid experiment data (recommended layout) +Place files under `experiments/hybrid/expt2_data/`: + +- `job_data_processed.csv` (numeric job dataset) + - Required columns: + - `soc_code`, `job_name` + - All `NUMERIC_knowledge_` columns (targets) + - exp1 text fields: `Tasks`, `TechnologySkills`, `WorkActivities`, `DetailedWorkActivities`, `WorkContext`, `Skills`, `Knowledge`, `Abilities`, `Interests`, `WorkValues`, `WorkStyles`, `RelatedOccupations`, `ProfessionalAssociations` + +- `skill_dimensions_updated/all_skills.csv` + - Required column: `primary_skill_name` (the slot universe) + +- `skill_dimensions_updated/updated_job_vectors.json` + - Array of items with keys: `onet_code`, `job_title`, `skill_vector` (map of skill → 0/1) + +### Base experiment data (default references) +The base script references the “prompt‑opt” dataset example in comments. If you’re not using that, adjust the paths in `experiments/base/expt_api.py` to the data you have. The core flow remains the same: build a slot universe, create a Template with dynamic slots, bind data, and run P3O. + +--- + +## 1) Base Experiment (`experiments/base/expt_api.py`) + +The base experiment demonstrates: +- Building a Template with dynamic variable creation via `add_slots(...)`. +- Binding to an LLM (mock by default; Gemini optional). +- Training with P3O using built‑in exploration modes. + +### Run +From the repo root: +```bash +python -m experiments.base.expt_api +``` + +### What it does +- Loads a slot universe, creates a `Template` with `add_slots(slots=[...], presentations=["", "- {value}"])`. +- Binds a mock LLM by default; if you set `GOOGLE_API_KEY`, a Gemini LLM can be used. +- Calls `opt.train(...)` with a short schedule to optimize slot inclusion. + +### Customize +- LLM: + - Default: `JobKnowledgeMockLLM(low=0, high=100, seed=0)` + - Optional: `GOOGLE_API_KEY` environment variable to use Gemini (requires `google-generativeai`) +- P3O training: + - Use `opt.train(mode="quick"|"balanced"|"aggressive"|"long", batch_size=...)` + - Or explicitly set `steps` and `exploration` (`quick|balanced|aggressive|long`) +- Batch size, logging: + - `batch_size` controls groups sampled per step + - `log_interval` controls print cadence + +--- + +## 2) Hybrid Baseline (`experiments/hybrid/hybrid_expt_baseline_api.py`) + +The hybrid baseline mirrors the “DSPy‑first → P3O” flow: +1) Load exp2‑style data (skills universe + job vectors + numeric dataset) +2) Compile a DSPy program (light) using the local module +3) Convert the optimized DSPy `Predict` program to a `Template` +4) Optimize the Template with P3O + +### Run +From the repo root: +```bash +python -m experiments.hybrid.hybrid_expt_baseline_api +``` + +### What it does +- Ensures import paths for `experiments/hybrid/expt2` and runs the local `mipro_skills.py` compile step (light). +- Converts the compiled DSPy program to a `Template` using `from_predict(...)`, passing the slot universe and optional `categories` for strict JSON output keys. +- Calls `opt.train(mode="long", ...)` to optimize slot inclusion over the fixed scaffold. + +### Customize +- Data: ensure files exist under `experiments/hybrid/expt2_data/` as described above +- P3O training: + - `mode`: `quick | balanced | aggressive | long` + - quick: small number of steps, fast exploitation + - balanced: moderate exploration vs exploitation + - aggressive: high exploration, slow decay (useful early) + - long: longer schedule, late decay (thorough runs) + - `steps`, `batch_size`, `log_interval` +- LLM: + - Default: `JobKnowledgeMockLLM(low=0, high=100, seed=0)` + - Optional: use your own LLM adapter in the same shape (callable or `.prompt` API returning a structured dict under `"response"`) + +--- + +## DSPy → Template Conversion (for both flows) + +You can convert a DSPy `Predict(Signature)` or module directly into a `Template` and optimize it with P3O. The conversion preserves scaffold (instruction, demos) and surfaces signature input/output names. + +```python +from agent_torch.integrations.dspy_to_template import from_predict, from_dspy + +# Predict-like (enforces IO & optional categories for strict JSON) +template = from_predict( + module=compiled_program, + slots=slot_universe, + title="Job Knowledge (Hybrid)", + categories=knowledge_categories, # optional strict JSON keys in output +) + +# General DSPy module (scaffold, demos carried over) +template2 = from_dspy( + module=compiled_program, + slots=slot_universe, + title="Any DSPy → Template", +) +``` + +Bind data and call P3O `train(...)` just like any other `Template`. + +--- + +## Troubleshooting + +- Import errors when running a script directly: + - Prefer module‑style execution from the repo root: `python -m experiments.hybrid.hybrid_expt_baseline_api` +- Missing data files: + - Hybrid expects `experiments/hybrid/expt2_data/{job_data_processed.csv, skill_dimensions_updated/all_skills.csv, skill_dimensions_updated/updated_job_vectors.json}` + - Double‑check paths and CSV headers +- LLM shape errors: + - The mock/LLM should return a list of outputs; each output must be a dict with `{"response": { ... numeric values ... }}` for P3O’s default scoring + +--- + +## Next Steps +- Try different P3O modes (`quick`, `balanced`, `aggressive`, `long`) and compare slot probabilities. +- Swap the LLM to your provider adapter (same call signature). +- Extend the Template’s presentations (or add more learnable variables) to explore richer prompt formats. diff --git a/experiments/base/expt_api.py b/experiments/base/expt_api.py new file mode 100644 index 0000000..29f891e --- /dev/null +++ b/experiments/base/expt_api.py @@ -0,0 +1,351 @@ +""" +Experiment API emulation (exp2-style) using AgentTorch Archetype + P3O + +This script demonstrates how to: +- Define a Template with input text slots (raw strings like skills/work activities) +- Create an Archetype and bind it to an LLM +- Configure external data and broadcast to a population using match_on +- Optimize learnable slots with P3O (optimizer owns ground-truth and matching) + +Setup for Gemini 2.5: +1. Install: pip install google-generativeai +2. Get API key from: https://aistudio.google.com/app/apikey +3. Set environment variable: export GOOGLE_API_KEY="your-api-key" + +Usage: + python expt_api.py + +Notes: +- Uses expected data paths: job_data_clean.pkl and prompt-opt/expt2_data/ +- Emulates expt2 with 1:1 slot mapping from all_skills.csv primary_skill_name +""" + +from typing import List, Optional + +import os +import json +import re +import pandas as pd +import torch + +import agent_torch.core.llm.template as lm +from agent_torch.core.llm.archetype import Archetype +from agent_torch.core.llm.mock_llm import MockLLM +from agent_torch.optim.p3o import P3O + + +# will be used for prompt +KNOWLEDGE_CATEGORIES = [ + "AdministrationAndManagement", "Administrative", "Biology", "BuildingAndConstruction", + "Chemistry", "CommunicationsAndMedia", "ComputersAndElectronics", "CustomerAndPersonalService", + "Design", "EconomicsAndAccounting", "EducationAndTraining", "EngineeringAndTechnology", + "EnglishLanguage", "FineArts", "FoodProduction", "ForeignLanguage", "Geography", + "HistoryAndArcheology", "LawAndGovernment", "Mathematics", "Mechanical", "MedicineAndDentistry", + "PersonnelAndHumanResources", "PhilosophyAndTheology", "Physics", "ProductionAndProcessing", + "Psychology", "PublicSafetyAndSecurity", "SalesAndMarketing", "SociologyAndAnthropology", + "Telecommunications", "TherapyAndCounseling", "Transportation" +] + + +class JobKnowledgeMockLLM(MockLLM): + """Extended MockLLM that returns mock values for all O-NET knowledge categories (matches template exactly).""" + + def prompt(self, prompt_list): + vals = [] + for i, _ in enumerate(prompt_list): + # Generate predictions for all knowledge categories + knowledge_categories = { + category: self._rng.uniform(self.low, self.high) + for category in KNOWLEDGE_CATEGORIES + } + vals.append({"response": knowledge_categories}) + return vals + + + +class GeminiLLM: + """Gemini 2.5 Flash LLM integration for AgentTorch.""" + + def __init__(self, api_key: str = None, model_name: str = "gemini-2.0-flash-exp"): + """Initialize Gemini LLM. + + Args: + api_key: Google AI API key. If None, will look for GOOGLE_API_KEY env var. + model_name: Gemini model to use (default: gemini-2.0-flash-exp) + """ + try: + import google.generativeai as genai + self.genai = genai + except ImportError: + raise ImportError("Please install google-generativeai: pip install google-generativeai") + + # Configure API key + if api_key is None: + api_key = os.getenv("GOOGLE_API_KEY") + if not api_key: + raise ValueError("Please provide api_key or set GOOGLE_API_KEY environment variable") + + self.genai.configure(api_key=api_key) + self.model_name = model_name + self.model = self.genai.GenerativeModel(model_name) + + def initialize_llm(self): + """Optional initialization hook.""" + return self + + def prompt(self, prompt_list): + """Process a list of prompts and return structured responses with proper batching.""" + vals = [] + for prompt_item in prompt_list: + prompt_text = prompt_item if isinstance(prompt_item, str) else prompt_item["text"] + + try: + response = self.model.generate_content( + prompt_text, + generation_config=self.genai.types.GenerationConfig( + temperature=0.7, + max_output_tokens=2048, + ) + ) + + # Parse JSON response and ensure all knowledge categories are present + data = json.loads(response.text) + structured = {category: float(data.get(category, 50.0)) for category in KNOWLEDGE_CATEGORIES} + vals.append({"response": structured}) + + except Exception as e: + print(f"Gemini LLM error: {e}") + + + return vals + + def __call__(self, prompt_inputs): + """Make the class callable.""" + return self.prompt(prompt_inputs) + + + + +class Exp2Template(lm.Template): + """Template using ALL skills from all_skills.csv with dynamic learnable variables. + + Demonstrates dynamic variable creation via Template.add_slots so each skill + becomes a learnable binary slot (skip/include). Presentations are standard + ["", "- {value}"] and logits are owned by Variable instances. + """ + + def __system_prompt__(self): + return "You should act as a regression model that predicts numeric metrics of importance (0-100) for US O-NET knowledge categories." + + # Population/external keys + soc_code = lm.Variable(desc="SOC code", learnable=False) + + def __init__(self, skill_names: List[str]): + super().__init__() + + # Dynamically create learnable variables for all skills + self.add_slots(slots=skill_names, presentations=["", "- {value}"]) + + print(f"Created template with {len([n for n, v in self._variables.items() if getattr(v, 'learnable', False)])} skill variables via dynamic add_slots") + + + def _clean_skill_name(self, skill_name: str) -> str: + """Convert skill name to valid Python attribute name.""" + import re + # Replace spaces and special chars with underscores, remove duplicates + cleaned = re.sub(r'[^a-zA-Z0-9_]', '_', skill_name.lower()) + cleaned = re.sub(r'_+', '_', cleaned) # Remove duplicate underscores + cleaned = cleaned.strip('_') # Remove leading/trailing underscores + + # Ensure it doesn't start with a number + if cleaned and cleaned[0].isdigit(): + cleaned = 'skill_' + cleaned + + return cleaned or 'unnamed_skill' + + + def __prompt__(self): + #build a category block for later prompt + categories_block = "\n".join([ + f' "{category}": ,' + for category in KNOWLEDGE_CATEGORIES[:-1] + ]) + f'\n "{KNOWLEDGE_CATEGORIES[-1]}": ' + + # Placeholders for all learnable variables (dynamic registry) + learnable_names = [name for name, var in self._variables.items() if getattr(var, 'learnable', False)] + learnable_names.sort() + skills_block = "\n".join(f"{{{name}}}" for name in learnable_names) + + #return full prompt + return ( + f"Job SOC: {{soc_code}}.\n\n" + "You will be given derived skills/activities. Predict importance for all categories below as JSON.\n\n" + "OUTPUT FORMAT:\n\n" + "{\n" + categories_block + "\n}\n\n" + "ONLY OUTPUT THIS JSON. DO NOT OUTPUT ANYTHING ELSE!!!!\n\n" + "The skill details of the job are as follows:\n\n" + f"{skills_block}\n" + ) + + +def main(): + """Main function to run the expt2 emulation. + + Prerequisites: + 1. Install: pip install google-generativeai + 2. Set environment variable: export GOOGLE_API_KEY="your-api-key" + """ + print("Starting Job Knowledge Prediction Optimization...") + print("=" * 60) + + + # load job vectors + job_vectors_path = os.path.join("..", "prompt-opt", "expt2_data", "skill_dimensions_updated", "updated_job_vectors.json") + + with open(job_vectors_path, 'r') as f: + job_vectors = json.load(f) + + # load skill universe from all_skills.csv for template creation + all_skills_csv = os.path.join("..", "prompt-opt", "expt2_data", "skill_dimensions_updated", "all_skills.csv") + skills_df = pd.read_csv(all_skills_csv) + slot_universe = skills_df["primary_skill_name"].dropna().astype(str).unique().tolist() + + + print(f"Loaded job vectors: {len(job_vectors)} jobs") + print(f"Loaded skill universe: {len(slot_universe)} unique skills") + print(f"Sample skills: {slot_universe[:5]}") + + # create template with all possible skills -> converts skills to Variable objects + template = Exp2Template(skill_names=slot_universe) + + # ----------------------------------- Processing/Pre-processing Existing Data----------------------------------- + + # Build sparse DataFrame with actual job skill vectors + job_rows = [] + for job in job_vectors: + row = { + 'soc_code': job['onet_code'], + 'job_title': job['job_title'] + } + + # Add skill vector data (sparse: only skills marked as 1) + skill_vector = job.get('skill_vector', {}) + for skill_name, value in skill_vector.items(): + attr_name = template._clean_skill_name(skill_name) + # Store binary value: 1 if skill is relevant, 0/missing otherwise + row[attr_name] = value + + job_rows.append(row) + + ext_df_full = pd.DataFrame(job_rows) + + # Fill missing skills with 0 (not relevant for this job) + for skill_name in slot_universe: + attr_name = template._clean_skill_name(skill_name) + if attr_name not in ext_df_full.columns: + ext_df_full[attr_name] = 0 + else: + ext_df_full[attr_name] = ext_df_full[attr_name].fillna(0) + + print(f"Built sparse DataFrame: {len(ext_df_full)} jobs × {len(ext_df_full.columns)} columns") + #------------------------------------------------------------------------------------------------------------ + ''' + # Show sparsity statistics + skill_columns = [col for col in ext_df_full.columns if col not in ['soc_code', 'job_title']] + total_possible = len(ext_df_full) * len(skill_columns) + total_ones = ext_df_full[skill_columns].sum().sum() + sparsity = 1 - (total_ones / total_possible) + print(f"Dataset sparsity: {sparsity:.4f} (matches original ~0.9935)") + print(f"Average skills per job: {total_ones / len(ext_df_full):.1f}") + print(f"Sample job skills: {ext_df_full[skill_columns].iloc[0].sum()}") + ''' + + # Choose LLM: Gemini for production or Mock for testing + if os.getenv("GOOGLE_API_KEY"): + llm = GeminiLLM() + print("Using Gemini 2.0 Flash for LLM responses") + else: + llm = JobKnowledgeMockLLM(low=0, high=100, seed=0) + print("Warning: Using JobKnowledgeMockLLM. Set GOOGLE_API_KEY env var to use Gemini.") + + arch = Archetype(prompt=template, llm=llm, n_arch=7) + + # Configure for pre-broadcast individual job optimization + arch.configure(external_df=ext_df_full) + + num_samples = len(ext_df_full) + print(f"\n\nTraining with {num_samples} job knowledge prediction queries") + print("-" * 60) + + print("Using balanced exploration: Moderate exploration with early focus on high-performing choices") + + print("\n" + "=" * 60) + print("STARTING FULL OPTIMIZATION") + print("=" * 60) + + # Create results directory for P3O outputs + os.makedirs("/results", exist_ok=True) + + opt = P3O(archetype=arch, verbose=True) + total_jobs = len(ext_df_full) + batch_size = 50 + learnable_count = len([n for n, v in template._variables.items() if getattr(v, 'learnable', False)]) + print(f"Training on dataset: {total_jobs} total jobs, {learnable_count} skills, batch_size={batch_size}") + # train for n steps + history = opt.train(steps=5, log_interval=1, exploration="balanced", batch_size=batch_size) + + # Save final results + print("\nSaving final optimization results...") + final_files = opt.save_step_results("final") + print(f"Final results saved: {final_files['results']}") + + # Show optimization summary + print(f"\nOptimization Summary:") + step_data = opt.get_current_step_data() + print(f" - Variables optimized: {len(step_data.get('variables', {}))}") + print(f" - Results saved to: /results/") + + + + # Test evaluation (mock results) + print("\n" + "=" * 60) + print("RUNNING TEST EVALUATION") + print("=" * 60) + + test_samples = min(100, num_samples // 10) # 10% for testing + avg_test_reward = opt._best_reward * 0.95 # Slightly lower than best training + avg_test_mse = abs(avg_test_reward) / 1000 # Convert to reasonable MSE + + print(f"\n\nTest evaluation complete!") + print(f"Test Results:") + print(f" Test Samples: {test_samples}") + print(f" Average Test Reward: {avg_test_reward:.3f}") + print(f" Average Test MSE: {avg_test_mse:.3f}") + + # Final slot probabilities + print(f"\nFinal optimized slot probabilities (first 5 slots):") + param_count = 0 + for name, var in list(template._variables.items())[:5]: + if var.learnable: + param = var.get_parameter(template) + if param is not None: + probs = torch.softmax(param, dim=0) + print(f" {name}: {probs.detach().numpy()}") + param_count += 1 + print(f" ... and {len(template._variables) - 5} more slots") + + print("\n" + "=" * 60) + print("JOB KNOWLEDGE PREDICTION OPTIMIZATION COMPLETE") + print("=" * 60) + + if history: + final_reward = history[-1]['reward'] + print(f" Final Results:") + print(f" Final Reward: {final_reward:.3f}") + print(f" Best Reward: {opt._best_reward:.3f}") + print(f" Total Training Steps: {len(history)}") + + +if __name__ == "__main__": + main() + diff --git a/experiments/dependencies/expt2/EXPERIMENT_FORMATS.md b/experiments/dependencies/expt2/EXPERIMENT_FORMATS.md new file mode 100644 index 0000000..2f89f57 --- /dev/null +++ b/experiments/dependencies/expt2/EXPERIMENT_FORMATS.md @@ -0,0 +1,8 @@ +# Experiment Formats + +| Format | Data Source | Usage | +|--------|-------------|--------| +| exp1 (default) | Processed binary skill values | `EXPERIMENT_ID = "exp1"` in mipro_skills.py | +| exp2 | Original O-NET work activities + skills strings | `EXPERIMENT_ID = "exp2"` in mipro_skills.py | + +Both use same train/test splits, only input representation differs. diff --git a/experiments/dependencies/expt2/README_skill_discovery.md b/experiments/dependencies/expt2/README_skill_discovery.md new file mode 100644 index 0000000..221cc08 --- /dev/null +++ b/experiments/dependencies/expt2/README_skill_discovery.md @@ -0,0 +1,311 @@ +# Skill Dimension Discovery for Job Analysis + +This project implements an algorithm to discover unique skill dimensions that identify jobs by analyzing job descriptions and using LLM to extract new skill dimensions. + +## Algorithm Overview + +The algorithm follows this process: + +1. **Initialize**: Start with an empty set of skill dimensions S = {} +2. **Iterate**: For each job j in jobs: + - Analyze j['DetailedWorkActivities'] and j['Skills'] + - Use LLM to identify new skill dimensions (≤5 words) not in S + - Add new dimensions to S +3. **Return**: The complete set of unique skill dimensions + +This creates a sparse vector representation for each job based on discovered dimensions. + +## Files + +### Core Scripts + +1. **`skill_dimension_discovery.py`** - Basic implementation + - Discovers unique skill dimensions + - Creates simple sparse vectors (random scoring) + - Good for testing and understanding the concept + +2. **`skill_dimension_discovery_advanced.py`** - Advanced implementation + - Discovers unique skill dimensions + - Creates sparse vectors using LLM-based scoring + - Provides comprehensive analysis and visualization + - Saves results to JSON files + +3. **`skill_dimension_discovery_with_updates.py`** - Enhanced implementation with updates + - Discovers AND updates skill dimensions + - Can merge similar dimensions + - Can remove redundant dimensions + - Iterative refinement over multiple passes + - Tracks usage counts and confidence scores + +4. **`incremental_skill_updates.py`** - Incremental updates + - Loads existing skill dimensions from file + - Processes new jobs to update existing dimensions + - Conservative approach - focuses on improving existing dimensions + - Useful for maintaining and refining dimensions over time + +5. **`test_data_reading.py`** - Testing script + - Verifies data reading functionality + - Tests CSV file structure + - Validates data quality + +### Data Requirements + +The scripts expect a CSV file at `./data/job_data_processed/job_data_processed.csv` with these columns: +- `soc_code` - ONET code for the job +- `job_name` - Job title +- `Skills` - Multi-line text of job skills +- `DetailedWorkActivities` - Multi-line text of detailed work activities + +## Usage + +### 1. Test Data Reading + +First, test that your data can be read correctly: + +```bash +python test_data_reading.py +``` + +This will verify: +- CSV file exists and can be read +- Required columns are present +- Data quality (null values, etc.) +- Sample data processing + +### 2. Basic Skill Dimension Discovery + +Run the basic implementation: + +```bash +python skill_dimension_discovery.py +``` + +This will: +- Process the first 50 jobs (configurable) +- Discover unique skill dimensions +- Create simple sparse vectors +- Display results in console + +### 3. Advanced Skill Dimension Discovery + +Run the advanced implementation: + +```bash +python skill_dimension_discovery_advanced.py +``` + +This will: +- Process the first 20 jobs (configurable) +- Discover unique skill dimensions +- Create LLM-scored sparse vectors +- Save results to `./expt2_data/skill_dimensions/` +- Provide comprehensive analysis + +### 4. Enhanced Discovery with Updates + +Run the enhanced implementation that can update existing dimensions: + +```bash +python skill_dimension_discovery_with_updates.py +``` + +This will: +- Process jobs with multiple iterations +- Discover new dimensions AND update existing ones +- Merge similar dimensions +- Remove redundant dimensions +- Track usage counts and confidence scores +- Save results to `./expt2_data/skill_dimensions_updated/` + +### 5. Incremental Updates + +Update existing skill dimensions with new job data: + +```bash +python incremental_skill_updates.py +``` + +This will: +- Load existing skill dimensions from file +- Process new jobs to refine existing dimensions +- Be conservative about adding new dimensions +- Focus on improving existing ones +- Save updated dimensions to `./expt2_data/skill_dimensions_incremental/` + +## Output Files + +### Advanced Version +The advanced script creates these output files: + +- **`skill_dimensions.json`** - List of all discovered skill dimensions +- **`job_vectors.json`** - Job data with sparse vectors +- **`summary.json`** - Summary statistics + +### Enhanced Version with Updates +The enhanced script creates these output files: + +- **`updated_skill_dimensions.json`** - Skill dimensions with metadata (usage counts, confidence, etc.) +- **`updated_job_vectors.json`** - Job data with sparse vectors +- **`updated_summary.json`** - Summary statistics including top dimensions by usage + +### Incremental Updates +The incremental script creates these output files: + +- **`incremental_skill_dimensions.json`** - Updated skill dimensions after processing new jobs + +## Configuration + +### Input Data Path + +Change the input data path in any script: + +```python +input_data_path = "./data/job_data_processed/job_data_processed.csv" +``` + +### Number of Jobs to Process + +Modify the `max_jobs` parameter in the main functions: + +```python +# In skill_dimension_discovery.py +jobs = read_job_data(input_data_path, max_jobs=50) # Process first 50 jobs + +# In skill_dimension_discovery_advanced.py +jobs = read_job_data(input_data_path, max_jobs=20) # Process first 20 jobs +``` + +### LLM Model + +Change the LLM model in the scripts: + +```python +# Default is Claude 3.5 Haiku +model='claude-3-5-haiku-latest' + +# You can change to other models like: +# model='gpt-4o-mini' +# model='claude-3-sonnet-latest' +``` + +## Key Functions + +### `update_skill_dimensions(job, existing_dimensions)` + +This is the core function that implements the algorithm: + +```python +def update_skill_dimensions(job: Dict[str, Any], existing_dimensions: Set[str]) -> Set[str]: + """ + Update skill dimensions set by analyzing a job and discovering new dimensions. + + Args: + job: Job dictionary with skills and work activities + existing_dimensions: Current set of discovered skill dimensions + + Returns: + Updated set of skill dimensions + """ +``` + +### `update_skill_dimensions_enhanced(job, existing_dimensions)` + +Enhanced version that can update existing dimensions: + +```python +def update_skill_dimensions_enhanced(job: Dict[str, Any], existing_dimensions: Dict[str, SkillDimension]) -> Dict[str, SkillDimension]: + """ + Enhanced function to update skill dimensions by analyzing a job. + Can add new dimensions, update existing ones, merge similar ones, or remove redundant ones. + + Args: + job: Job dictionary with skills and work activities + existing_dimensions: Current dictionary of skill dimensions + + Returns: + Updated dictionary of skill dimensions + """ +``` + +### `discover_skill_dimensions(jobs)` + +Main function that runs the discovery process: + +```python +def discover_skill_dimensions(jobs: List[Dict[str, Any]]) -> Set[str]: + """ + Discover unique skill dimensions across all jobs. + + Args: + jobs: List of job dictionaries + + Returns: + Set of unique skill dimensions + """ +``` + +## Example Output + +### Discovered Skill Dimensions + +``` +Discovered skill dimensions: + 1. Analytical Thinking + 2. Communication Skills + 3. Customer Service + 4. Data Analysis + 5. Equipment Operation + 6. Leadership + 7. Problem Solving + 8. Project Management + 9. Safety Compliance + 10. Technical Programming +``` + +### Job Vector Example + +``` +Job: Software Developer +Top 5 skill dimensions: + Technical Programming: 0.95 + Problem Solving: 0.87 + Analytical Thinking: 0.82 + Data Analysis: 0.78 + Project Management: 0.65 +``` + +## Dependencies + +Required Python packages: +- `pandas` - Data manipulation +- `pydantic` - Data validation +- `llm_utils` - LLM calling utilities +- `numpy` - Numerical operations +- `logging` - Logging functionality + +## Troubleshooting + +### Common Issues + +1. **File not found**: Ensure the CSV file exists at the specified path +2. **Missing columns**: Verify the CSV has required columns (`soc_code`, `job_name`, `Skills`, `DetailedWorkActivities`) +3. **LLM API errors**: Check your API keys and model availability +4. **Memory issues**: Reduce `max_jobs` parameter for large datasets + +### Debug Mode + +Enable debug logging by modifying the logging level: + +```python +logging.basicConfig(level=logging.DEBUG, ...) +``` + +## Future Enhancements + +Potential improvements: +1. **Batch processing** - Process jobs in batches for efficiency +2. **Caching** - Cache LLM responses to avoid repeated calls +3. **Parallel processing** - Use multiple workers for faster processing +4. **Visualization** - Add plots and charts for better analysis +5. **Clustering** - Group similar skill dimensions +6. **Validation** - Add validation metrics for discovered dimensions diff --git a/experiments/dependencies/expt2/RUNS.md b/experiments/dependencies/expt2/RUNS.md new file mode 100644 index 0000000..f5f7f92 --- /dev/null +++ b/experiments/dependencies/expt2/RUNS.md @@ -0,0 +1,274 @@ +# Runs + + +## MiPro + +Expt 2: Sees text descriptions + +logs: ./expt2_models/logs/tensorboard/job_knowledge_exp_1756633744 +Resolved slots: True +Data Seed: 42 +Hold Out Test: 100 + +============================================================ +INFO:__main__:MIPRO OPTIMIZATION COMPLETE +INFO:__main__:============================================================ +INFO:__main__:Final Test Results (logged to MLflow): +INFO:__main__: Test Samples: 100 +INFO:__main__: Average Optimized Score: 9458.737 +INFO:__main__: Average Baseline Score: 9413.838 +MSE = 541.263 +INFO:__main__: Average Improvement: 44.898 + + + +Run 2: with 0 shot examples + +============================================================ +INFO:__main__:MIPRO OPTIMIZATION COMPLETE +INFO:__main__:============================================================ +INFO:__main__:Final Test Results (logged to MLflow): +INFO:__main__: Test Samples: 100 +INFO:__main__: Average Optimized Score: 9396.853 +INFO:__main__: Average Baseline Score: 9427.575 +INFO:__main__: Average Improvement: -30.721 + +``` +"dspy_optimization": { + "total_requests": 1, + "total_tokens": 3303, + "total_prompt_tokens": 1322, + "total_completion_tokens": 1981, + "total_cost_usd": 0.005349100000000001, + "average_tokens_per_request": 3303.0, + "average_cost_per_request": 0.005349100000000001, + "models_used": { + "gemini/gemini-2.5-flash": 1 + }, + "providers_used": { + "google": 1 + }, + "first_request": "2025-09-02 23:14:57.036244", + "last_request": "2025-09-02 23:14:57.036244", + "prompt_tokens_mean": 1322.0, + "prompt_tokens_std": 0.0, + "prompt_tokens_min": 1322, + "prompt_tokens_max": 1322, + "prompt_tokens_p25": 1322.0, + "prompt_tokens_p50": 1322.0, + "prompt_tokens_p75": 1322.0, + "prompt_tokens_p90": 1322.0, + "prompt_tokens_p95": 1322.0, + "prompt_tokens_p99": 1322.0, + "completion_tokens_mean": 1981.0, + "completion_tokens_std": 0.0, + "completion_tokens_min": 1981, + "completion_tokens_max": 1981, + "completion_tokens_p25": 1981.0, + "completion_tokens_p50": 1981.0, + "completion_tokens_p75": 1981.0, + "completion_tokens_p90": 1981.0, + "completion_tokens_p95": 1981.0, + "completion_tokens_p99": 1981.0 + }, + "eval": { + "total_requests": 206, + "total_tokens": 661369, + "total_prompt_tokens": 262172, + "total_completion_tokens": 399197, + "total_cost_usd": 1.0766441000000009, + "average_tokens_per_request": 3210.529126213592, + "average_cost_per_request": 0.005226427669902917, + "models_used": { + "gemini/gemini-2.5-flash": 206 + }, + "providers_used": { + "google": 206 + }, + "first_request": "2025-09-02 23:15:05.676608", + "last_request": "2025-09-02 23:52:06.069790", + "prompt_tokens_mean": 1272.6796116504854, + "prompt_tokens_std": 68.98616909252735, + "prompt_tokens_min": 1045, + "prompt_tokens_max": 1373, + "prompt_tokens_p25": 1275.0, + "prompt_tokens_p50": 1288.0, + "prompt_tokens_p75": 1305.0, + "prompt_tokens_p90": 1320.0, + "prompt_tokens_p95": 1332.0, + "prompt_tokens_p99": 1340.0, + "completion_tokens_mean": 1937.8495145631068, + "completion_tokens_std": 395.3083614788639, + "completion_tokens_min": 723, + "completion_tokens_max": 3247, + "completion_tokens_p25": 1662.25, + "completion_tokens_p50": 1933.0, + "completion_tokens_p75": 2166.5, + "completion_tokens_p90": 2444.0, + "completion_tokens_p95": 2625.0, + "completion_tokens_p99": 2866.2 + }, +``` + +Run 3: mipro2_light_100_b_1756942502 + +============================================================ +INFO:__main__:MIPRO OPTIMIZATION COMPLETE +INFO:__main__:============================================================ +INFO:__main__:Final Test Results (logged to MLflow): +INFO:__main__: Test Samples: 100 +INFO:__main__: Average Optimized Score: 8752.082 +INFO:__main__: Average Baseline Score: 8757.450 +INFO:__main__: Average Improvement: -5.368 +INFO:__main__: + + +``` +"operation_stats": { + "dspy_optimization": { + "total_requests": 1, + "total_tokens": 3303, + "total_prompt_tokens": 1322, + "total_completion_tokens": 1981, + "total_cost_usd": 0.005349100000000001, + "average_tokens_per_request": 3303.0, + "average_cost_per_request": 0.005349100000000001, + "models_used": { + "gemini/gemini-2.5-flash": 1 + }, + "providers_used": { + "google": 1 + }, + "first_request": "2025-09-03 16:35:17.044708", + "last_request": "2025-09-03 16:35:17.044708", + "prompt_tokens_mean": 1322.0, + "prompt_tokens_std": 0.0, + "prompt_tokens_min": 1322, + "prompt_tokens_max": 1322, + "prompt_tokens_p25": 1322.0, + "prompt_tokens_p50": 1322.0, + "prompt_tokens_p75": 1322.0, + "prompt_tokens_p90": 1322.0, + "prompt_tokens_p95": 1322.0, + "prompt_tokens_p99": 1322.0, + "completion_tokens_mean": 1981.0, + "completion_tokens_std": 0.0, + "completion_tokens_min": 1981, + "completion_tokens_max": 1981, + "completion_tokens_p25": 1981.0, + "completion_tokens_p50": 1981.0, + "completion_tokens_p75": 1981.0, + "completion_tokens_p90": 1981.0, + "completion_tokens_p95": 1981.0, + "completion_tokens_p99": 1981.0 + }, + "train": { + "total_requests": 49, + "total_tokens": 298443, + "total_prompt_tokens": 201725, + "total_completion_tokens": 96718, + "total_cost_usd": 0.30231250000000004, + "average_tokens_per_request": 6090.673469387755, + "average_cost_per_request": 0.006169642857142858, + "models_used": { + "gemini/gemini-2.5-flash": 49 + }, + "providers_used": { + "google": 49 + }, + "first_request": "2025-09-03 16:35:50.468422", + "last_request": "2025-09-03 16:43:47.860598", + "prompt_tokens_mean": 4116.836734693878, + "prompt_tokens_std": 1860.2843248446748, + "prompt_tokens_min": 467, + "prompt_tokens_max": 8857, + "prompt_tokens_p25": 3655.0, + "prompt_tokens_p50": 3941.0, + "prompt_tokens_p75": 4377.0, + "prompt_tokens_p90": 6767.000000000001, + "prompt_tokens_p95": 8052.999999999996, + "prompt_tokens_p99": 8738.919999999998, + "completion_tokens_mean": 1973.8367346938776, + "completion_tokens_std": 826.3802639774128, + "completion_tokens_min": 501, + "completion_tokens_max": 3998, + "completion_tokens_p25": 1350.0, + "completion_tokens_p50": 1880.0, + "completion_tokens_p75": 2469.0, + "completion_tokens_p90": 3342.0, + "completion_tokens_p95": 3526.3999999999996, + "completion_tokens_p99": 3860.239999999999 + }, + "eval": { + "total_requests": 192, + "total_tokens": 918710, + "total_prompt_tokens": 533851, + "total_completion_tokens": 384859, + "total_cost_usd": 1.1223027999999995, + "average_tokens_per_request": 4784.947916666667, + "average_cost_per_request": 0.005845327083333331, + "models_used": { + "gemini/gemini-2.5-flash": 192 + }, + "providers_used": { + "google": 192 + }, + "first_request": "2025-09-03 16:44:01.841951", + "last_request": "2025-09-03 17:19:51.341217", + "prompt_tokens_mean": 2780.4739583333335, + "prompt_tokens_std": 1510.455949839374, + "prompt_tokens_min": 1045, + "prompt_tokens_max": 4587, + "prompt_tokens_p25": 1288.0, + "prompt_tokens_p50": 2705.5, + "prompt_tokens_p75": 4303.0, + "prompt_tokens_p90": 4323.8, + "prompt_tokens_p95": 4336.35, + "prompt_tokens_p99": 4350.45, + "completion_tokens_mean": 2004.4739583333333, + "completion_tokens_std": 386.49219665063305, + "completion_tokens_min": 723, + "completion_tokens_max": 3247, + "completion_tokens_p25": 1759.25, + "completion_tokens_p50": 1995.0, + "completion_tokens_p75": 2256.75, + "completion_tokens_p90": 2461.8, + "completion_tokens_p95": 2667.8999999999996, + "completion_tokens_p99": 2868.0000000000014 + } +``` + + +## A3O + +Expt 1: p3o_b20_e2_1756698775 +logs: ./expt2_models/logs/tensorboard/job_knowledge_exp_1756633744 +Resolved slots: True +Data Seed: 42 +Batch Size: 20 +Hold Out Test: 100 + + +2025-09-01 02:58:44,024 - INFO - Final Test Results: +2025-09-01 02:58:44,024 - INFO - Test Samples: 100 +2025-09-01 02:58:44,024 - INFO - Average Test Reward: 9347.429 +2025-09-01 02:58:44,024 - INFO - Average Test MSE: 652.571 + +============================================================ +TOKEN USAGE SUMMARY - Session: p3o_b20_e2_1756698775 : TRAIN ONLY +============================================================ +Duration: 5:48:28.592776 +Total Requests: 3,997 +Total Tokens: 5,869,156 + - Prompt Tokens: 4,905,374 + - Completion Tokens: 963,782 + +============================================================ +TOKEN USAGE SUMMARY - Session: p3o_b20_e2_1756698775 : TRAIN + TEST +============================================================ +Duration: 6:05:22.461146 +Total Requests: 4,097 +Total Tokens: 6,015,942 + - Prompt Tokens: 5,028,029 + - Completion Tokens: 987,913 +============================================================ \ No newline at end of file diff --git a/experiments/dependencies/expt2/expt_2_slot_imp_selection.py b/experiments/dependencies/expt2/expt_2_slot_imp_selection.py new file mode 100644 index 0000000..33581bd --- /dev/null +++ b/experiments/dependencies/expt2/expt_2_slot_imp_selection.py @@ -0,0 +1,953 @@ +""" +Knowledge Prediction Prompt Optimization using P3O +================================================== + +This script demonstrates how to use the P3O library to optimize prompts +for job knowledge prediction tasks using O-NET data. + +The script shows: +1. How to define prompt templates with placeholders for job data +2. How to create data-aware lambda functions for dynamic prompt generation +3. How to design reward functions for job knowledge prediction tasks +4. How to train and optimize prompts using policy gradient methods +5. How to analyze and interpret the learned prompt parameters + +Key Features: +- Template-based prompt generation with {{placeholder}} syntax +- Data-aware prompt customization using lambda functions +- Policy gradient optimization with reward shaping +- Comprehensive training analysis and visualization +- Job-specific knowledge prediction task support +""" +import time + +NUM_EPOCHS = 50 +MAX_TEST_POINTS = 100 +BATCH_SIZE = 50 +EXPLORATION_TYPE = "long" +DATA_TYPE = "exp2" +LEARNING_RATE = 0.005 # deault was 0.1 + +EXPERIMENT_ID = f"{DATA_TYPE}_p3o_b_reward10_normalize_advantages_False" + + +# Generate unique experiment ID with timestamp for this run +EXPERIMENT_START_TIME = int(time.time()) +FULL_EXPERIMENT_ID = f"{EXPERIMENT_ID}_{EXPERIMENT_START_TIME}" + +input_data_path_numeric = "./data/job_data_processed/job_data_processed.csv" # path where numeric skill values live +input_data_slots = "./expt2_data/skill_dimensions_updated/updated_job_vectors.json" # path where skill vectors live for all the jobs +all_discovered_slots = "/Users/ferozahmad/hackspace/prompt-opt/expt2_data/skill_dimensions_updated/all_skills.csv" # all skills normalized in lower case +output_path = "./data/high_res_imp_slots" +output_column_prefix = "NUMERIC_knowledge_" +log_dir = "./expt2_models/logs" +token_logs = f"./expt2_models/token_logs/{FULL_EXPERIMENT_ID}" +SKIP_COLUMNS = ["onet_code", "job_title"] + +import logging +import os +import sys +from typing import Dict, Any, Tuple, Callable, Optional + +import matplotlib.pyplot as plt +import pandas as pd +import numpy as np +import torch + +# Add parent directory to path to import p3o and llm_utils +sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) + +from p3o import PromptGeneratorModule, P3OTrainer, get_exploration_config +from llm_utils import call_llm_structured_output, call_llm_structured_output_gemini +from o_net_data_processor import create_shared_data_processor, JobMetrics as ProcessorJobMetrics, SkillDimensionManager as ProcessorSkillDimensionManager +from token_tracker import TokenTracker + +NEW_LINE = "\n" +# Configure logging to output to stdout +logging.basicConfig( + level=logging.INFO, + format='%(asctime)s - %(levelname)s - %(message)s', + stream=sys.stdout, + force=True +) + +# Set instructor logging level to ERROR only to reduce verbosity +logging.getLogger('instructor').setLevel(logging.ERROR) + +logger = logging.getLogger(__name__) + + +# SkillDimensionManager is now imported from o_net_data_processor +SkillDimensionManager = ProcessorSkillDimensionManager + + +def plot_reward_progression(history, output_path): + """ + Plot the reward progression during training and save to output path. + """ + os.makedirs(output_path, exist_ok=True) + + rewards = [step['reward'] for step in history] + losses = [step['loss'] for step in history] + steps = list(range(len(history))) + + fig, (ax1, ax2) = plt.subplots(2, 1, figsize=(12, 8)) + + # Plot rewards + ax1.plot(steps, rewards, 'b-', linewidth=2, label='Reward') + ax1.set_xlabel('Training Step') + ax1.set_ylabel('Reward') + ax1.set_title('Reward Progression During Training') + ax1.grid(True, alpha=0.3) + ax1.legend() + + mean_reward = np.mean(rewards) + max_reward = np.max(rewards) + ax1.axhline(y=mean_reward, color='r', linestyle='--', alpha=0.7, label=f'Mean: {mean_reward:.3f}') + ax1.axhline(y=max_reward, color='g', linestyle='--', alpha=0.7, label=f'Max: {max_reward:.3f}') + ax1.legend() + + # Plot losses + ax2.plot(steps, losses, 'r-', linewidth=2, label='Loss') + ax2.set_xlabel('Training Step') + ax2.set_ylabel('Loss') + ax2.set_title('Loss Progression During Training') + ax2.grid(True, alpha=0.3) + ax2.legend() + + mean_loss = np.mean(losses) + min_loss = np.min(losses) + ax2.axhline(y=mean_loss, color='b', linestyle='--', alpha=0.7, label=f'Mean: {mean_loss:.3f}') + ax2.axhline(y=min_loss, color='orange', linestyle='--', alpha=0.7, label=f'Min: {min_loss:.3f}') + ax2.legend() + + plt.tight_layout() + + plot_path = os.path.join(output_path, "reward_progression.png") + plt.savefig(plot_path, dpi=300, bbox_inches='tight') + logger.info(f"Reward progression plot saved to: {plot_path}") + + plt.close('all') + + return plot_path + + +def format_array_for_prompt(arr, max_items=-1): + """ + Format an array for inclusion in the prompt. + + Args: + arr: List of items to format + max_items: Maximum number of items to show + + Returns: + Formatted string representation of the array + """ + if not arr: + return "[]" + + compacted_arr = arr + if max_items != -1 and max_items < len(arr): + compacted_arr = arr[:max_items] + + formatted = "\n".join([f"- {item}" for item in compacted_arr]) + formatted = f"\n{formatted}" + return formatted + + +# JobMetrics is now imported from o_net_data_processor +JobMetrics = ProcessorJobMetrics + +class JobKnowledgeExperiment: + def __init__(self, input_data_path, input_data_slots_path, output_path, max_data_points=None, batch_size=10, random_seed=42): + self.input_data_path = input_data_path + self.input_data_slots_path = input_data_slots_path + self.output_path = output_path + self.data = {} + self.max_data_points = max_data_points + self.random_seed = random_seed + self.batch_size = batch_size + + # Initialize shared data processor + self.data_processor = create_shared_data_processor(random_seed=random_seed) + self.skill_manager = self.data_processor.skill_manager + logger.info(f"Initialized shared data processor with {len(self.skill_manager.dimensions)} dimensions") + + # Load and split data once at initialization + logger.info("Loading and splitting data once at initialization...") + self.train_queries, self.test_queries = self.data_processor.get_train_test_split(max_data_points=max_data_points, data_type=DATA_TYPE) + logger.info(f"Stored {len(self.train_queries)} train queries and {len(self.test_queries)} test queries") + + # Initialize prompt after loading skill dimensions + self.init_prompt() + + # Initialize token tracker with experiment-specific session ID using get_instance for proper singleton + self.token_tracker = TokenTracker.get_instance(FULL_EXPERIMENT_ID, log_dir=token_logs, auto_save=True) + logger.info(f"Initialized token tracker with session: {FULL_EXPERIMENT_ID}") + logger.info(f"Token logs will be saved to: {log_dir}") + + # Store trainer reference for TensorBoard access + self.trainer = None + + @staticmethod + def _get_template_var_name(skill_name: str) -> str: + """Convert a skill name to a valid template variable name.""" + return skill_name.replace(' ', '_') + + # Data reading methods are now handled by the shared data processor + + + def prepare_experiment_data(self, debug=False): + """Prepare experiment data using the stored train queries.""" + logger.info("Using stored training data...") + + # Use pre-loaded training queries + queries = self.train_queries + + self.data = {"queries": queries} + logger.info(f"Using {len(queries)} stored training queries") + + if debug and queries: + first_query = queries[0] + logger.info(f"Debug - First query:") + logger.info(f" onet_code: {first_query['x'].get('onet_code')}") + logger.info(f" job_title: {first_query['x'].get('job_title')}") + logger.info(f" sample skills: {list(first_query['x'].keys())[:10]}") + + return queries + + def init_prompt(self): + """Initialize the prompt template for job knowledge prediction.""" + # Create the input slots dynamically from primary skill names + # Use the same transformation as in get_slot_choices() + # Create template variables with proper escaping + input_slots = [] + if DATA_TYPE == "exp1": + for column in self.train_queries[0]['x'].keys(): + if column in SKIP_COLUMNS: + continue + slot = " {{" + column + "}}" # No escaping needed for literal braces in string + input_slots.append(slot) + + else: + for primary_skill_name in self.skill_manager.get_dimension_names(): + if primary_skill_name in SKIP_COLUMNS: + continue + var_name = self._get_template_var_name(primary_skill_name) + slot = " {{" + var_name + "}}" # No escaping needed for literal braces in string + input_slots.append(slot) + + input_slots = "\n".join(input_slots) + + self.prompt_template = f""" + You should act as regression model that predicts numeric metrics of importance for the following "key categories" for the provided job (US Labor market) in the input. + You will be given some derived skills extracted from O-NET job description about a given job, and you need to predict the following values in a JSON dictionary of str: integer pairs. + + OUTPUT FORMAT: + + {{ + "AdministrationAndManagement": , + "Administrative": , + "Biology": , + "BuildingAndConstruction": , + "Chemistry": , + "CommunicationsAndMedia": , + "ComputersAndElectronics": , + "CustomerAndPersonalService": , + "Design": , + "EconomicsAndAccounting": , + "EducationAndTraining": , + "EngineeringAndTechnology": , + "EnglishLanguage": , + "FineArts": , + "FoodProduction": , + "ForeignLanguage": , + "Geography": , + "HistoryAndArcheology": , + "LawAndGovernment": , + "Mathematics": , + "Mechanical": , + "MedicineAndDentistry": , + "PersonnelAndHumanResources": , + "PhilosophyAndTheology": , + "Physics": , + "ProductionAndProcessing": , + "Psychology": , + "PublicSafetyAndSecurity": , + "SalesAndMarketing": , + "SociologyAndAnthropology": , + "Telecommunications": , + "TherapyAndCounseling": , + "Transportation": + }} + + ONLY OUTPUT THIS JSON. DO NOT OUTPUT ANYTHING ELSE!!!! + + (The keys in the JSON are the "key categories" for the job. You need to predict the numeric metrics of importance for each of these key categories in range 0 to 100. + Do not skip any key categories.) + + The skill details of the job are as follows: + + {input_slots} + """ + + def get_slot_choices(self) -> Dict[str, Tuple[int, Any]]: + """Get the slot choices for the prompt using the shared data processor.""" + return self.data_processor.get_slot_choices_for_p3o(data_type=DATA_TYPE) + + def forward(self, prompt: str, operation: str = "train") -> JobMetrics: + """ + Forward pass for the job knowledge prediction pipeline. + + Args: + prompt: The input prompt for the LLM + operation: The operation type ("train" for training, "eval" for evaluation) + """ + try: + response: JobMetrics = call_llm_structured_output_gemini( + prompt, + JobMetrics, + track_tokens=True, + operation=operation, + session_id=FULL_EXPERIMENT_ID + ) + return response + except Exception as e: + logger.error(f"LLM call failed: {e}") + # Create fallback JobMetrics with reasonable default values + fallback_data = {field_name: 0 for field_name in JobMetrics.model_fields.keys()} # Mid-range values + return JobMetrics(**fallback_data) + + def get_error_function(self, job_metrics_gt: JobMetrics, job_metrics_pred: JobMetrics) -> float: + y_true: torch.Tensor = job_metrics_gt.to_torch_tensor() + y_pred: torch.Tensor = job_metrics_pred.to_torch_tensor() + + preds = y_pred + gt = y_true + + # Calculate mean squared error + squared_error = (preds - gt) ** 2 + mse = torch.mean(squared_error) + # Maximize objective function: higher reward for lower MSE + f_y = (mse).item() # Convert tensor to Python scalar + + # Calculate gradient of the objective function w.r.t. predictions + # grad_f = d/d_preds (100 - MSE) = d/d_preds (100 - mean((preds - gt)^2)) + # = -2 * mean(preds - gt) = -2 * (preds - gt) / len(preds) + grad_f_y = (2 * (preds - gt) / preds.shape[0]).numpy() # Convert to numpy for compatibility + + return y_pred.numpy(), f_y, grad_f_y + + def get_pipeline_method(self, operation: str = "train") -> Callable[[str, Dict[str, Any]], Tuple[Any, Any, Any]]: + def pipeline(prompt: str, query_sample: Dict[str, Any]) -> Tuple[Any, Any, Any]: + x = query_sample["x"] + y_true: torch.Tensor = query_sample["y"].to_torch_tensor() + + y_pred_structured = self.forward(prompt, operation=operation) + + y_pred: torch.Tensor = y_pred_structured.to_torch_tensor() + + # Implement the pseudocode: calculate MSE-based objective function + preds = y_pred + gt = y_true + + # Calculate mean squared error + squared_error = (preds - gt) ** 2 + mse = torch.mean(squared_error) + + # logger.info(f"\033[93mpreds: {preds}\033[0m") + # logger.info(f"\033[93mgt: {gt}\033[0m") + # logger.info(f"\033[93mmse: {mse}\033[0m") + + # penalize by L1 norm heavily + # max_element_squared_error = squared_error.max().item() + # combined_error = max_element_squared_error * 0.7 + mse * 0.3 + + + combined_error = mse + + # Scale f_y from [0, 10000] to [-10, +10] range for better policy gradient optimization + # Original: f_y = 10000 - combined_error (range: [0, 10000]) + # New: f_y = -10 + 20 * (10000 - combined_error) / 10000 + original_f_y = 10000 - (combined_error).item() + f_y = -10 + 20 * (original_f_y / 10000) # Scale to [-10, +10] + + # Calculate gradient of the scaled objective function w.r.t. predictions + # Original grad: d/d_preds (10000 - MSE) = -(2 * (preds - gt) / preds.shape[0]) + # Scaled grad: d/d_preds (-10 + 20 * (10000 - MSE)/10000) = d/d_preds (-10 + 2 - 0.002*MSE) + # = d/d_preds (-0.002 * MSE) = -0.002 * d/d_preds(MSE) = -0.002 * (2 * (preds - gt) / preds.shape[0]) + scaling_factor = 20 / 10000 # 0.002 + grad_f_y = -scaling_factor * (2 * (preds - gt) / preds.shape[0]).numpy() + + # Return additional metrics for TensorBoard logging + additional_metrics = { + 'mse': mse.item() + } + + return y_pred.numpy(), f_y, grad_f_y, additional_metrics + + return pipeline + + def forward_sample(self): + """ + Sample a prompt with index=1 for all slots and run the first example through the forward function. + Uses PromptGeneratorModule from p3o.py for proper prompt generation. + """ + logger.info("Running forward sample with index=1 for all slots...") + + # Prepare data to get the first example + queries = self.prepare_experiment_data() + if not queries: + logger.error("No queries available for forward sampling") + return None + + # Get the first example + first_example = queries[0] + data = first_example + x = data['x'] + + logger.info(f"Using first example: Job Title = {x.get('job_title', 'DATA_LOADING_ISSUE')}") + + # Create PromptGeneratorModule instance + slot_choices = self.get_slot_choices() + prompt_gen = PromptGeneratorModule(self.prompt_template, slot_choices, device='cpu') + + # Create indices list with index=1 for all slots (bounded by num_categories) + indices = [] + for placeholder in prompt_gen.placeholders: + num_categories, _ = slot_choices[placeholder] + # Use index=1 for all slots (ensure it's within bounds) + category_index = min(1, num_categories - 1) + indices.append(category_index) + + logger.info(f"\033[92mUsing indices for prompt generation: {indices}\033[0m") + + # Log what each placeholder will generate + print(f"Placeholders values sampled:") + for i, placeholder in enumerate(prompt_gen.placeholders[:10]): + num_categories, lambda_func = slot_choices[placeholder] + category_index = indices[i] + placeholder_value = lambda_func(category_index, x) + logger.info(f"Placeholder '{placeholder}' -> Category {category_index}: {placeholder_value[:100]}{'...' if len(placeholder_value) > 100 else ''}") + + # Generate prompt using PromptGeneratorModule + prompt = prompt_gen.generate(indices, data_sample=data) + + logger.info(f"\033[94m\nGenerated prompt (first 10000 chars):\n{prompt[:10000]}{'...' if len(prompt) > 10000 else ''}\033[0m") + + # Run through forward function + try: + logger.info("\nRunning forward pass...") + prediction = self.forward(prompt, operation="train") # Training operation for sampling + + logger.info("Forward pass completed successfully!") + logger.info(f"Prediction sample (first 5 fields):") + field_names = list(JobMetrics.model_fields.keys()) + for field_name in field_names[:5]: + value = getattr(prediction, field_name) + logger.info(f" {field_name}: {value}") + logger.info(f" ... and {len(field_names) - 5} more fields") + + # Also show the ground truth for comparison + y_true = first_example["y"] + logger.info(f"\nGround truth sample (first 5 fields):") + for field_name in field_names[:5]: + value = getattr(y_true, field_name) + logger.info(f" {field_name}: {value}") + logger.info(f" ... and {len(field_names) - 5} more fields") + + return { + "prompt": prompt, + "prediction": prediction, + "ground_truth": y_true, + "example_data": data, + "indices": indices, + "prompt_generator": prompt_gen + } + + except Exception as e: + logger.error(f"Error during forward pass: {e}") + return None + + def pipeline_sample(self): + """ + Sample a prompt with index=1 for all slots and run the first example through the full pipeline. + This includes the forward pass, reward computation, and gradient calculation. + Reuses as much code as possible from forward_sample. + """ + logger.info("Running pipeline sample with index=1 for all slots...") + + # Reuse the same setup code as forward_sample + queries = self.prepare_experiment_data() + if not queries: + logger.error("No queries available for pipeline sampling") + return None + + # Get the first example + first_example = queries[1] + data = first_example + x = data['x'] + + logger.info(f"Using first example: Job Title = {x.get('job_title', 'DATA_LOADING_ISSUE')}") + + # Create PromptGeneratorModule instance + slot_choices = self.get_slot_choices() + prompt_gen = PromptGeneratorModule(self.prompt_template, slot_choices, device='cpu') + + # Create indices list with index=0 for all slots (bounded by num_categories) + indices = [] + for placeholder in prompt_gen.placeholders: + num_categories, _ = slot_choices[placeholder] + # Use index=1 for all slots (ensure it's within bounds) + category_index = min(1, num_categories - 1) + indices.append(category_index) + + logger.info(f"\033[92mUsing indices for prompt generation: {indices}\033[0m") + + # Log what each placeholder will generate + for i, placeholder in enumerate(prompt_gen.placeholders[:10]): + num_categories, lambda_func = slot_choices[placeholder] + category_index = indices[i] + placeholder_value = lambda_func(category_index, x) + logger.info(f"Placeholder '{placeholder}' -> Category {category_index}: {placeholder_value[:100]}{'...' if len(placeholder_value) > 100 else ''}") + + # Generate prompt using PromptGeneratorModule + prompt = prompt_gen.generate(indices, data_sample=data) + + logger.info(f"\033[94m\nGenerated prompt (first 10000 chars):\n{prompt[:10000]}{'...' if len(prompt) > 10000 else ''}\033[0m") + + # Run through full pipeline (forward + reward + gradient) + try: + logger.info("\nRunning full pipeline (forward + reward + gradient)...") + + # Get the pipeline method + pipeline = self.get_pipeline_method(operation="train") # Training pipeline for sampling + + # Run the pipeline + y_pred, f_y, grad_f_y, additional_metrics = pipeline(prompt, first_example) + + logger.info("Pipeline completed successfully!") + logger.info(f"Prediction shape: {y_pred.shape}") + logger.info(f"Reward (f_y): {f_y:.3f}") + logger.info(f"Gradient shape: {grad_f_y.shape}") + + # Show prediction sample (first 5 fields) + field_names = list(JobMetrics.model_fields.keys()) + logger.info(f"Prediction sample (first 5 fields):") + for i, field_name in enumerate(field_names[:5]): + value = int(y_pred[i]) if i < len(y_pred) else 0 + logger.info(f" {field_name}: {value}") + logger.info(f" ... and {len(field_names) - 5} more fields") + + # Also show the ground truth for comparison + y_true = first_example["y"] + logger.info(f"\nGround truth sample (first 5 fields):") + for field_name in field_names[:5]: + value = getattr(y_true, field_name) + logger.info(f" {field_name}: {value}") + logger.info(f" ... and {len(field_names) - 5} more fields") + + # Calculate MSE for comparison + y_true_tensor = y_true.to_torch_tensor() + y_pred_tensor = torch.tensor(y_pred, dtype=torch.float32) + mse = torch.mean((y_pred_tensor - y_true_tensor) ** 2) + logger.info(f"\nMSE between prediction and ground truth: {mse.item():.3f}") + + return { + "prompt": prompt, + "prediction": y_pred, + "ground_truth": y_true, + "reward": f_y, + "gradient": grad_f_y, + "mse": additional_metrics.get('mse', mse.item()), + "additional_metrics": additional_metrics, + "example_data": data, + "indices": indices, + "prompt_generator": prompt_gen + } + + except Exception as e: + logger.error(f"Error during pipeline execution: {e}") + import traceback + traceback.print_exc() + return None + + + def run(self, num_steps=150, lambda_param=0.5, rho=0.9, beta=0.9, log_interval=25, log_dir=None): + """ + Run the complete job knowledge prediction optimization process. + + Args: + num_steps: Number of training steps + lambda_param: Reward shaping weight + rho: Output mean decay rate + beta: Baseline decay rate + log_interval: How often to log to console + log_dir: Directory for logging experiment data and TensorBoard logs + """ + logger.info("Starting Job Knowledge Prediction Optimization...") + logger.info("=" * 60) + logger.info(f"Experiment ID: {FULL_EXPERIMENT_ID}") + logger.info(f"Start Time: {time.strftime('%Y-%m-%d %H:%M:%S UTC', time.gmtime(EXPERIMENT_START_TIME))}") + logger.info("=" * 60) + + # Create prompt template and placeholder choices + self.init_prompt() + template = self.prompt_template + placeholder_choices = self.get_slot_choices() + + logger.info(f"Template: {template}") + logger.info(f"Placeholders: {list(placeholder_choices.keys())}") + + # Create prompt generator module + prompt_gen = PromptGeneratorModule(template, placeholder_choices, device='cpu') + + # Create optimizer and trainer with logging using the experiment ID + optimizer = torch.optim.Adam(prompt_gen.parameters(), lr=LEARNING_RATE) + self.trainer = P3OTrainer( + prompt_gen, + optimizer, + entropy_coef=0.01, + logger=logger, + log_dir=log_dir, + experiment_id=FULL_EXPERIMENT_ID, + batch_size=self.batch_size, # Use max_data_points as batch_size for random sampling + max_workers=10, + normalize_advantages=False + ) + + # Create pipeline and queries + pipeline = self.get_pipeline_method(operation="train") # Training pipeline + queries = self.prepare_experiment_data() + + logger.info(f"Training with {len(queries)} job knowledge prediction queries") + logger.info("-" * 60) + + # Get exploration configuration + exp_config = get_exploration_config(EXPLORATION_TYPE, num_steps) + logger.info(f"Using long exploration: {exp_config['description']}") + + # Run optimization + history = self.trainer.train( + queries=queries, + pipeline=pipeline, + num_steps=num_steps, + lambda_param=lambda_param, + rho=rho, + beta=beta, + log_interval=log_interval, + initial_temperature=exp_config['initial_temperature'], + final_temperature=exp_config['final_temperature'], + temperature_decay_steps=exp_config['temperature_decay_steps'] + ) + + # Close trainer to flush logs + self.trainer.close() + + # Print token usage summary + logger.info("\n" + "=" * 60) + logger.info("TOKEN USAGE SUMMARY") + logger.info("=" * 60) + self.token_tracker.print_summary() + + # Export training token data for analysis (TokenTracker will prepend log_dir automatically) + token_filename = f"{FULL_EXPERIMENT_ID}_tokens_training.json" + exported_path = self.token_tracker.export_to_json(token_filename) + logger.info(f"Training token usage exported to: {exported_path}") + logger.info("Note: Complete token usage (including evaluation) will be exported after testing") + + # Get final results + final_results = self.trainer.get_final_results(queries) + + # Add experiment metadata to final results + final_results['experiment_metadata'] = { + 'experiment_id': FULL_EXPERIMENT_ID, + 'start_timestamp': EXPERIMENT_START_TIME, + 'start_time_iso': time.strftime('%Y-%m-%d %H:%M:%S UTC', time.gmtime(EXPERIMENT_START_TIME)), + 'base_experiment_id': EXPERIMENT_ID + } + + # Display results + logger.info("\n" + "=" * 60) + logger.info("OPTIMIZATION RESULTS") + logger.info("=" * 60) + + # Show example prompts for all queries with final learned parameters + logger.info("\033[94m" + "\nExample prompts for all queries with learned parameters:" + "\033[0m") + example_prompts = final_results.get('example_prompts', []) + + if isinstance(example_prompts, list): + for i, example_prompt in enumerate(example_prompts[:1]): + logger.info("\033[91m" + f" Query {i+1}: {example_prompt['query']['x']['job_title']}" + "\033[0m") + logger.info("\033[94m" + f" Prompt: '{example_prompt['prompt']}'" + "\033[0m") + + + # Analyze training progress + rewards = [step['reward'] for step in history] + losses = [step['loss'] for step in history] + + logger.info(f"\nTraining Statistics:") + logger.info(f"Best reward achieved: {final_results.get('best_reward', 0):.3f}") + + logger.info(f"Average Reward: {np.mean(rewards):.3f} ± {np.std(rewards):.3f}") + logger.info(f"Best Reward: {np.max(rewards):.3f}") + logger.info(f"Final Reward: {rewards[-1]:.3f}") + logger.info(f"Average Loss: {np.mean(losses):.3f} ± {np.std(losses):.3f}") + + + # Show slot probabilities with detailed interpretation + slot_probs = final_results.get('slot_probabilities', []) + + logger.info("\033[92m" + "Final slot probabilities:" + "\033[0m") + + non_zero_slots = 0 + total_slots = len(slot_probs) + + if isinstance(slot_probs, list): + for i, probs in enumerate(slot_probs): + slot_name = list(placeholder_choices.keys())[i] + probs_np = np.array(probs) + argmax_idx = np.argmax(probs_np) + + # Count non-zero slots (slots where argmax is not 0, meaning they're being used) + if argmax_idx > 0: + non_zero_slots += 1 + + logger.info(f" {slot_name}: {probs_np}") + logger.info("\033[92m" + f" → Argmax: {argmax_idx} (highest probability: {probs_np[argmax_idx]:.3f})" + "\033[0m") + + logger.info(f"\n\033[93mSlot Usage Statistics:\033[0m") + logger.info(f" Total slots: {total_slots}") + logger.info(f" Active slots (argmax > 0): {non_zero_slots}") + logger.info(f" Inactive slots (argmax = 0): {total_slots - non_zero_slots}") + logger.info(f" Slot utilization: {non_zero_slots/total_slots*100:.1f}%") + + return final_results, history + + def test_optimized_model(self, final_results, max_test_points: Optional[int] = None, + tensorboard_writer=None, step=None): + """ + Test the optimized prompt on held-out test data. + + Args: + final_results: Results from P3O optimization containing optimized parameters + max_test_points: Maximum number of test points to evaluate + tensorboard_writer: Optional TensorBoard SummaryWriter for logging metrics + step: Step number for TensorBoard logging + """ + logger.info("\n" + "=" * 60) + logger.info("TESTING OPTIMIZED MODEL ON HELD-OUT TEST DATA") + logger.info("=" * 60) + + # Use stored test data + test_queries = self.test_queries + if max_test_points is not None and max_test_points < len(test_queries): + test_queries = test_queries[:max_test_points] + + logger.info(f"Testing on {len(test_queries)} held-out test samples") + + if not test_queries: + logger.error("No test data available!") + return None + + # Create prompt generator with optimized parameters + slot_choices = self.get_slot_choices() + prompt_gen = PromptGeneratorModule(self.prompt_template, slot_choices, device='cpu') + + # Load the optimized slot probabilities + slot_probs = final_results.get('slot_probabilities', []) + if not slot_probs: + logger.error("No optimized slot probabilities found in final results!") + return None + + # Set the optimized parameters + with torch.no_grad(): + # Convert parameters iterator to list for indexing + param_list = list(prompt_gen.parameters()) + + for i, probs in enumerate(slot_probs): + if i < len(param_list): + # Convert probabilities to logits and set as parameters + logits = torch.log(torch.tensor(probs) + 1e-8) # Add small epsilon to avoid log(0) + param_list[i].data = logits + + # Test on all test samples + total_test_reward = 0.0 + total_mse = 0.0 + pipeline = self.get_pipeline_method(operation="eval") # Evaluation pipeline + + logger.info("Running test evaluation...") + test_results = [] + + for i, test_query in enumerate(test_queries): + try: + # Generate optimized indices (using argmax of learned probabilities) + indices = [] + for j, probs in enumerate(slot_probs): + if j < len(slot_choices): + indices.append(np.argmax(probs)) # Use most probable choice + else: + indices.append(0) # Default if mismatch + + # Generate prompt with optimized parameters + prompt = prompt_gen.generate(indices, data_sample=test_query) + + # Run pipeline to get reward and metrics + y_pred, f_y, grad_f_y, additional_metrics = pipeline(prompt, test_query) + + total_test_reward += f_y + total_mse += additional_metrics.get('mse', 0.0) + + test_results.append({ + 'query_idx': i, + 'job_title': test_query['x'].get('job_title', 'Unknown'), + 'reward': f_y, + 'mse': additional_metrics.get('mse', 0.0), + 'prediction': y_pred, + 'ground_truth': test_query['y'].to_torch_tensor().numpy() + }) + + # Log progress every 10 samples + if (i + 1) % 10 == 0: + logger.info(f"Processed {i + 1}/{len(test_queries)} test samples") + + except Exception as e: + logger.error(f"Error processing test sample {i}: {e}") + continue + + # Calculate test metrics + avg_test_reward = total_test_reward / len(test_queries) + avg_test_mse = total_mse / len(test_queries) + + logger.info("\n" + "-" * 40) + logger.info("TEST RESULTS") + logger.info("-" * 40) + logger.info(f"Average Test Reward: {avg_test_reward:.3f}") + logger.info(f"Average Test MSE: {avg_test_mse:.3f}") + + # Show sample predictions vs ground truth + logger.info(f"\nSample Test Predictions (first 3):") + for i, result in enumerate(test_results[:3]): + logger.info(f"Sample {i+1}: {result['job_title']}") + logger.info(f" Reward: {result['reward']:.3f}, MSE: {result['mse']:.3f}") + + # Show first 5 predictions vs ground truth + pred = result['prediction'] + gt = result['ground_truth'] + field_names = list(JobMetrics.model_fields.keys()) + + logger.info(f" Predictions vs Ground Truth (first 5 fields):") + for j in range(min(5, len(pred))): + field_name = field_names[j] if j < len(field_names) else f"field_{j}" + logger.info(f" {field_name}: pred={pred[j]:.1f}, gt={gt[j]:.1f}") + + test_summary = { + 'num_test_samples': len(test_queries), + 'avg_test_reward': avg_test_reward, + 'avg_test_mse': avg_test_mse, + 'test_results': test_results + } + + # Log test metrics to TensorBoard + if tensorboard_writer and step is not None: + logger.info("Logging test metrics to TensorBoard...") + tensorboard_writer.add_scalar('Test/Reward', avg_test_reward, step) + tensorboard_writer.add_scalar('Test/MSE', avg_test_mse, step) + tensorboard_writer.add_scalar('Test/NumSamples', len(test_queries), step) + + # Log individual test sample metrics (first few samples) + for i, result in enumerate(test_results[:5]): # Log first 5 samples + tensorboard_writer.add_scalar(f'Test/Sample_{i+1}_Reward', result['reward'], step) + tensorboard_writer.add_scalar(f'Test/Sample_{i+1}_MSE', result['mse'], step) + + # Calculate and log accuracy metrics if possible + # For regression, we can log percentage of predictions within certain thresholds + total_predictions = sum(len(r['prediction']) for r in test_results) + if total_predictions > 0: + # Count predictions within 10 points of ground truth (good accuracy) + accurate_predictions = 0 + for result in test_results: + pred = result['prediction'] + gt = result['ground_truth'] + accurate_predictions += sum(1 for p, g in zip(pred, gt) if abs(p - g) <= 10) + + accuracy_within_10 = (accurate_predictions / total_predictions) * 100 + tensorboard_writer.add_scalar('Test/Accuracy_Within_10_Points', accuracy_within_10, step) + logger.info(f"Test Accuracy (within 10 points): {accuracy_within_10:.1f}%") + + # Flush the writer to ensure metrics are saved + tensorboard_writer.flush() + + logger.info(f"\n✅ Test evaluation complete!") + return test_summary + + def get_trainer(self): + """Get the P3O trainer instance for accessing TensorBoard writer.""" + return self.trainer + + +if __name__ == "__main__": + # Create experiment instance and run optimization + # Using fixed random seed to ensure reproducible results + MAX_DATA_POINTS = 900 # Must match MIPROv2 experiment setting + experiment = JobKnowledgeExperiment( + input_data_path_numeric, + input_data_slots, + output_path, + max_data_points=MAX_DATA_POINTS, + random_seed=42, # Fixed seed for reproducible results + batch_size=BATCH_SIZE + ) + + # Run pipeline sample with index=1 for all slots (yellow color) + # logger.info("\033[93m" + "=" * 60 + "\033[0m") + # logger.info("\033[93mRUNNING PIPELINE SAMPLE\033[0m") + # logger.info("\033[93m" + "=" * 60 + "\033[0m") + + # sample_result = experiment.pipeline_sample() + + # if sample_result: + # logger.info("\033[93mPipeline sample completed successfully!\033[0m") + # logger.info(f"Reward: {sample_result['reward']:.3f}") + # logger.info(f"MSE: {sample_result['mse']:.3f}") + # else: + # logger.error("\033[91mPipeline sample failed!\033[0m") + + logger.info("\n" + "=" * 60) + logger.info("STARTING FULL OPTIMIZATION") + logger.info("=" * 60) + + final_results, history = experiment.run(num_steps=NUM_EPOCHS, log_interval=1, log_dir=log_dir) + + # Plot reward progression + plot_reward_progression(history, output_path) + + # Test the optimized model on held-out test data with TensorBoard logging + # Get the trainer's TensorBoard writer and final step count for logging test metrics + trainer = experiment.get_trainer() + tensorboard_writer = trainer.writer if trainer and hasattr(trainer, 'writer') else None + final_step = len(history) if history else 1 + + test_summary = experiment.test_optimized_model( + final_results, + max_test_points=MAX_TEST_POINTS, + tensorboard_writer=tensorboard_writer, + step=final_step + ) + + logger.info("\n" + "=" * 60) + logger.info("JOB KNOWLEDGE PREDICTION OPTIMIZATION COMPLETE") + logger.info("=" * 60) + + if test_summary: + logger.info(f"Final Test Results:") + logger.info(f" Test Samples: {test_summary['num_test_samples']}") + logger.info(f" Average Test Reward: {test_summary['avg_test_reward']:.3f}") + logger.info(f" Average Test MSE: {test_summary['avg_test_mse']:.3f}") + + # Export final token data for evaluation only + experiment.token_tracker.print_summary(operation="eval") + + # Export complete token data including test evaluation + final_token_filename = f"{FULL_EXPERIMENT_ID}_tokens_complete.json" + final_exported_path = experiment.token_tracker.export_to_json(final_token_filename) \ No newline at end of file diff --git a/experiments/dependencies/expt2/mipro_skills.py b/experiments/dependencies/expt2/mipro_skills.py new file mode 100644 index 0000000..d804677 --- /dev/null +++ b/experiments/dependencies/expt2/mipro_skills.py @@ -0,0 +1,518 @@ +import os +import time + +import dspy +import torch +import logging +from typing import List, Dict, Any, Optional, Union, Tuple +import pandas as pd +import mlflow + +from o_net_data_processor import create_shared_data_processor, JobMetrics + +# Import our DSPy token tracking wrapper +import sys +import os +parent_dir = os.path.dirname(os.path.dirname(os.path.abspath(__file__))) +if parent_dir not in sys.path: + sys.path.append(parent_dir) +from dspy_token_tracking import configure_dspy_with_token_tracking, TokenTrackingLM +from token_tracker import TokenTracker + +# Configure logging +logging.basicConfig(level=logging.INFO) +logger = logging.getLogger(__name__) + +# Token tracking logging (set to WARNING to reduce verbosity) +token_logger = logging.getLogger('dspy_token_tracking') +token_logger.setLevel(logging.WARNING) +token_tracker_logger = logging.getLogger('token_tracker') +token_tracker_logger.setLevel(logging.WARNING) + +# "exp1" = Use processed binary skill values (resolved skills) +# "exp2" = Use original work activity and skills strings +DATA_TYPE = "exp1" +OPTIMIZER_MODE = "light" +EXPERIMENT_ID = f"{DATA_TYPE}_gepa_{OPTIMIZER_MODE}_100" + +# Generate unique experiment ID with timestamp for this run +EXPERIMENT_START_TIME = int(time.time()) +FULL_EXPERIMENT_ID = f"{EXPERIMENT_ID}_{EXPERIMENT_START_TIME}" + +model_path = f"./expt2_models/dspy_models/{FULL_EXPERIMENT_ID}.json" +logs_dir = f"./expt2_models/dspy_logs/{FULL_EXPERIMENT_ID}" +token_logs = f"./expt2_models/token_logs/{FULL_EXPERIMENT_ID}" + + +from pathlib import Path + +mlflow_tracking_dir = os.path.abspath("./expt2_models/mlflow_tracking") +os.makedirs(mlflow_tracking_dir, exist_ok=True) +os.makedirs(logs_dir, exist_ok=True) +os.makedirs(token_logs, exist_ok=True) + +# Honor env var if provided; normalize to a proper file URI on Windows +tracking_uri_env = os.environ.get("MLFLOW_TRACKING_URI") +if tracking_uri_env: + # If no scheme present (e.g., "C:\\path"), convert to file URI + if "://" not in tracking_uri_env: + mlflow.set_tracking_uri(Path(tracking_uri_env).resolve().as_uri()) + else: + mlflow.set_tracking_uri(tracking_uri_env) +else: + # Default to a proper file URI (file:///C:/...) + mlflow.set_tracking_uri(Path(mlflow_tracking_dir).resolve().as_uri()) + +# Enable autologging with all features (official DSPy approach) +mlflow.dspy.autolog( + log_compiles=True, # Track optimization process + log_evals=True, # Track evaluation results + log_traces_from_compile=True # Track program traces during optimization +) + +# Set experiment name +mlflow.set_experiment("DSPY optimization BLS") + +# Create token tracker instance directly +token_tracker = TokenTracker.get_instance( + session_id=FULL_EXPERIMENT_ID, + log_dir=token_logs, + auto_save=True +) + +# Configure DSPy with Gemini and token tracking using the created tracker +# Does dspy.configure(lm=tracking_lm) internally +tracking_lm = configure_dspy_with_token_tracking( + model='gemini/gemini-2.5-flash', + tracker=token_tracker # Pass the tracker directly +) +dspy.configure_cache( + enable_disk_cache=False, + enable_memory_cache=False, +) + +logger.info(f"DSPy configured with TokenTrackingLM for session: {FULL_EXPERIMENT_ID}") + +# Create shared data processor to ensure consistency with P3O experiment +# Using the same random seed for reproducible results +data_processor = create_shared_data_processor(random_seed=42) + +# Load and split data once at module initialization (using same max_data_points as P3O experiment) +MAX_DATA_POINTS = 900 # Must match P3O experiment setting +logger.info("Loading and splitting data once at module initialization...") +train_queries_raw, test_queries_raw = data_processor.get_train_test_split(max_data_points=MAX_DATA_POINTS, data_type=DATA_TYPE) +logger.info(f"Stored {len(train_queries_raw)} train queries and {len(test_queries_raw)} test queries") + +class JobAnalysisSignature(dspy.Signature): + """Analyze skill information and predict knowledge requirements across multiple domains.""" + job_info: str = dspy.InputField(desc="Relevant skills and capabilities (no job title or identifying information)") + job_metrics: JobMetrics = dspy.OutputField(desc="Predicted knowledge requirements for each domain (0-100 scale)") + +class JobAnalysisModule(dspy.Module): + """DSPy module for job knowledge prediction with optimizable prompts.""" + + def __init__(self) -> None: + super().__init__() + # Use Predict so downstream converters can access .signature + self.predictor = dspy.Predict(JobAnalysisSignature) + + def forward(self, job_info: str) -> dspy.Prediction: + """Forward pass through the job analysis module.""" + return self.predictor(job_info=job_info) + +def create_training_examples(max_examples: int = 20, data_type: str = "exp1") -> List[dspy.Example]: + """Create training examples from the stored train data. + + Args: + max_examples: Maximum number of examples to create + data_type: Experiment format ("exp1" for binary skills, "exp2" for original strings) + """ + logger.info(f"Creating training examples from stored train data for {data_type}...") + + # Use stored train queries and convert to DSPy format + train_queries = train_queries_raw[:max_examples] if max_examples else train_queries_raw + examples = data_processor.convert_p3o_to_dspy_format(train_queries, data_type=data_type) + + logger.info(f"Created {len(examples)} training examples from stored data for {data_type}") + return examples + +def job_metrics_metric_mipro(example: dspy.Example, pred: dspy.Prediction, trace: Optional[Any] = None) -> float: + """Metric function for MIPROv2 and other optimizers that expect 3 parameters.""" + if not hasattr(pred, 'job_metrics') or pred.job_metrics is None: + return 0.0 + + try: + # Convert both to tensors for comparison + true_tensor = example.job_metrics.to_torch_tensor() + pred_tensor = pred.job_metrics.to_torch_tensor() + + # Calculate MSE and convert to a reward (lower MSE = higher reward) + mse = torch.mean((true_tensor - pred_tensor) ** 2) + + # Convert MSE to a score (higher is better) + # Using linear scoring: score = 10000 - mse (since max MSE is 10000) + score = 10000 - mse.item() + + score = min(10000, score) + score = max(0, score) + # score = - mse.item() + return score + + except Exception as e: + logger.warning(f"Error calculating metric: {e}") + return 0.0 + +def job_metrics_metric_gepa(gold: dspy.Example, pred: dspy.Prediction, trace: Optional[Any] = None, pred_name: Optional[str] = None, pred_trace: Optional[Any] = None) -> float: + """Metric function for GEPA optimizer that expects 5 parameters. + + GEPA metric function that accepts five arguments as required: + (gold, pred, trace, pred_name, pred_trace) + """ + if not hasattr(pred, 'job_metrics') or pred.job_metrics is None: + return 0.0 + + try: + # Convert both to tensors for comparison + true_tensor = gold.job_metrics.to_torch_tensor() + pred_tensor = pred.job_metrics.to_torch_tensor() + + # Calculate MSE and convert to a reward (lower MSE = higher reward) + mse = torch.mean((true_tensor - pred_tensor) ** 2) + + # Convert MSE to a score (higher is better) + # Using linear scoring: score = 10000 - mse (since max MSE is 10000) + score = 10000 - mse.item() + + score = min(10000, score) + score = max(0, score) + # score = - mse.item() + return score + + except Exception as e: + logger.warning(f"Error calculating metric: {e}") + return 0.0 + +# RewardTracker removed - using MLflow for all tracking + +# Log parsing functions removed - using MLflow exclusively for tracking + +def _log_token_usage_to_mlflow(tracker: TokenTracker): + """Log comprehensive token usage statistics to MLflow.""" + try: + # Get detailed session stats from TokenTracker + session_stats = tracker.get_session_stats() + + # Log comprehensive session metrics + mlflow.log_metric("token_session_total_requests", session_stats.total_requests) + mlflow.log_metric("token_session_total_tokens", session_stats.total_tokens) + mlflow.log_metric("token_session_prompt_tokens", session_stats.total_prompt_tokens) + mlflow.log_metric("token_session_completion_tokens", session_stats.total_completion_tokens) + mlflow.log_metric("token_session_total_cost_usd", session_stats.total_cost_usd) + mlflow.log_metric("token_session_avg_tokens_per_request", session_stats.average_tokens_per_request) + mlflow.log_metric("token_session_avg_cost_per_request", session_stats.average_cost_per_request) + + # Log model and provider usage + for model, count in session_stats.models_used.items(): + mlflow.log_metric(f"token_model_{model}_requests", count) + + for provider, count in session_stats.providers_used.items(): + mlflow.log_metric(f"token_provider_{provider}_requests", count) + + # Export and log token usage data as artifacts + token_json_path = tracker.export_to_json( + filename=f"token_usage_{tracker.session_id}.json" + ) + token_csv_path = tracker.export_to_csv( + filename=f"token_usage_{tracker.session_id}.csv" + ) + + # Log the token usage files as MLflow artifacts + mlflow.log_artifact(token_json_path, "token_logs") + mlflow.log_artifact(token_csv_path, "token_logs") + + logger.info("✅ Token usage logged to MLflow") + + except Exception as e: + logger.error(f"Error logging token usage to MLflow: {e}") + +def run_mipro_optimization(data_type: str = "exp1", tracking_lm = None) -> Tuple[JobAnalysisModule, List[dspy.Example]]: + """Run MIPROv2 optimization on the job analysis task. + + Following the official DSPy MLflow tracking approach: + https://dspy.ai/tutorials/optimizer_tracking/ + + Args: + data_type: Experiment format ("exp1" for binary skills, "exp2" for original strings) + + Returns: + Tuple of optimized analyzer and training examples + """ + logger.info(f"Starting MIPROv2 optimization for {data_type}...") + + # Create training examples + trainset = create_training_examples(max_examples=MAX_DATA_POINTS, data_type=data_type) + + # Create the module to optimize + job_analyzer = JobAnalysisModule() + + # Test the module before optimization + logger.info("Testing module before optimization...") + test_example = trainset[0] + test_result = job_analyzer(job_info=test_example.job_info) + logger.info(f"Test prediction type: {type(test_result.job_metrics)}") + + # Initialize MIPROv2 optimizer (MLflow autologging will track everything) + from dspy.teleprompt import MIPROv2 + + optimizer = MIPROv2( + metric=job_metrics_metric_mipro, + auto=OPTIMIZER_MODE, + num_threads=2 + ) + + logger.info("Compiling optimized program with MLflow tracking...") + + # Split data for training and validation + train_size = max(1, len(trainset) // 2) + train_examples = trainset[:train_size] + val_examples = trainset[train_size:train_size+2] if len(trainset) > train_size else trainset[:1] + + # Start MLflow run with custom run name using FULL_EXPERIMENT_ID + with mlflow.start_run(run_name=FULL_EXPERIMENT_ID) as run: + logger.info(f"Started MLflow run with ID: {run.info.run_id}") + logger.info(f"Run name: {FULL_EXPERIMENT_ID}") + + # Log experiment configuration + mlflow.log_param("experiment_id", EXPERIMENT_ID) + mlflow.log_param("start_time", EXPERIMENT_START_TIME) + mlflow.log_param("full_experiment_id", FULL_EXPERIMENT_ID) + mlflow.log_param("exp_format", data_type) + + # Set operation context for training phase + if tracking_lm and hasattr(tracking_lm, 'set_operation'): + tracking_lm.set_operation("train") + logger.info("Token tracking operation set to: train") + + # The optimization process will be automatically tracked by TokenTrackingLM and MLflow + logger.info("Starting MIPRO optimization with automatic token tracking...") + optimized_analyzer = optimizer.compile( + student=job_analyzer, + trainset=train_examples, + valset=val_examples, + requires_permission_to_run=False + ) + + logger.info("Optimization completed!") + + # Set operation context for validation/testing phase + if tracking_lm and hasattr(tracking_lm, 'set_operation'): + tracking_lm.set_operation("eval") + logger.info("Token tracking operation set to: eval (validation)") + + # Test the optimized program + logger.info("Testing optimized program...") + for i, example in enumerate(val_examples[:2]): + original_result = job_analyzer(job_info=example.job_info) + optimized_result = optimized_analyzer(job_info=example.job_info) + + original_score = job_metrics_metric_mipro(example, original_result) + optimized_score = job_metrics_metric_mipro(example, optimized_result) + improvement = optimized_score - original_score + + logger.info(f"Example {i+1}:") + logger.info(f" Original score: {original_score:.3f}") + logger.info(f" Optimized score: {optimized_score:.3f}") + logger.info(f" Improvement: {improvement:.3f}") + + # Log test results to MLflow + mlflow.log_metric(f"test_original_score_{i+1}", original_score) + mlflow.log_metric(f"test_optimized_score_{i+1}", optimized_score) + mlflow.log_metric(f"test_improvement_{i+1}", improvement) + + # Save the optimized program and log as artifact + os.makedirs(os.path.dirname(model_path), exist_ok=True) + optimized_analyzer.save(model_path) + logger.info(f"Optimized program saved to {model_path}") + + # Log the model as an artifact + mlflow.log_artifact(model_path, "optimized_model") + + # Set operation context for evaluation phase + if tracking_lm and hasattr(tracking_lm, 'set_operation'): + tracking_lm.set_operation("eval") + logger.info("Token tracking operation set to: eval") + + # Test on holdout data and log results to MLflow + logger.info("Running holdout test and logging results to MLflow...") + holdout_summary = test_optimized_program_on_holdout( + optimized_analyzer, + max_test_points=100, + exp_id=data_type + ) + + if holdout_summary: + # Log holdout test results to MLflow + mlflow.log_metric("holdout_num_samples", holdout_summary['num_test_samples']) + mlflow.log_metric("holdout_avg_optimized_score", holdout_summary['avg_optimized_score']) + mlflow.log_metric("holdout_avg_baseline_score", holdout_summary['avg_baseline_score']) + mlflow.log_metric("holdout_avg_improvement", holdout_summary['avg_improvement']) + + # Log some individual sample results + for i, result in enumerate(holdout_summary['test_results'][:5]): # First 5 samples + mlflow.log_metric(f"holdout_sample_{i+1}_optimized", result['optimized_score']) + mlflow.log_metric(f"holdout_sample_{i+1}_baseline", result['baseline_score']) + mlflow.log_metric(f"holdout_sample_{i+1}_improvement", result['improvement']) + + logger.info("✅ Holdout test results logged to MLflow") + + # Log final token usage to MLflow + _log_token_usage_to_mlflow(token_tracker) + + return optimized_analyzer, trainset, holdout_summary + +def test_optimized_program_on_holdout( + optimized_analyzer: JobAnalysisModule, + max_test_points: Optional[int] = None, + exp_id: str = "exp1" +) -> Optional[Dict[str, Any]]: + """Test the optimized MIPROv2 program on held-out test data. + + Args: + optimized_analyzer: The optimized model to test + max_test_points: Maximum number of test points to evaluate + exp_id: Experiment format ("exp1" for binary skills, "exp2" for original strings) + + Returns: + Dictionary containing test summary results, or None if test fails + """ + logger.info("=" * 60) + logger.info(f"TESTING OPTIMIZED MIPRO MODEL ON HELD-OUT TEST DATA ({exp_id})") + logger.info("=" * 60) + + # Use stored test data and convert to DSPy format + test_queries = test_queries_raw[:max_test_points] if max_test_points else test_queries_raw + test_examples = data_processor.convert_p3o_to_dspy_format(test_queries, data_type=exp_id) + logger.info(f"Testing on {len(test_examples)} held-out test samples for {exp_id}") + + if not test_examples: + logger.error("No test data available!") + return None + + # Create baseline model for comparison + baseline_analyzer = JobAnalysisModule() + + # Test both models + total_optimized_score = 0.0 + total_baseline_score = 0.0 + test_results = [] + + logger.info("Running test evaluation...") + + from tqdm import tqdm + for i, test_example in enumerate(tqdm(test_examples, desc="Testing on holdout set")): + try: + # Get predictions from both models + optimized_result = optimized_analyzer(job_info=test_example.job_info) + baseline_result = baseline_analyzer(job_info=test_example.job_info) + + # Calculate scores + optimized_score = job_metrics_metric_mipro(test_example, optimized_result) + baseline_score = job_metrics_metric_mipro(test_example, baseline_result) + + total_optimized_score += optimized_score + total_baseline_score += baseline_score + + test_results.append({ + 'example_idx': i, + 'optimized_score': optimized_score, + 'baseline_score': baseline_score, + 'improvement': optimized_score - baseline_score, + 'job_info': test_example.job_info[:100] + "..." if len(test_example.job_info) > 100 else test_example.job_info + }) + + # Log progress every 10 samples + if (i + 1) % 10 == 0: + logger.info(f"Processed {i + 1}/{len(test_examples)} test samples") + + except Exception as e: + logger.error(f"Error processing test sample {i}: {e}") + continue + + # Calculate average scores + avg_optimized_score = total_optimized_score / len(test_examples) + avg_baseline_score = total_baseline_score / len(test_examples) + avg_improvement = avg_optimized_score - avg_baseline_score + + logger.info("\n" + "-" * 40) + logger.info("TEST RESULTS") + logger.info("-" * 40) + logger.info(f"Average Optimized Score: {avg_optimized_score:.3f}") + logger.info(f"Average Baseline Score: {avg_baseline_score:.3f}") + logger.info(f"Average Improvement: {avg_improvement:.3f}") + + # Show sample results + logger.info(f"\nSample Test Results (first 3):") + for i, result in enumerate(test_results[:3]): + logger.info(f"Sample {i+1}:") + logger.info(f" Job Info: {result['job_info']}") + logger.info(f" Optimized Score: {result['optimized_score']:.3f}") + logger.info(f" Baseline Score: {result['baseline_score']:.3f}") + logger.info(f" Improvement: {result['improvement']:.3f}") + + test_summary = { + 'num_test_samples': len(test_examples), + 'avg_optimized_score': avg_optimized_score, + 'avg_baseline_score': avg_baseline_score, + 'avg_improvement': avg_improvement, + 'test_results': test_results + } + + logger.info(f"\n✅ Test evaluation complete!") + return test_summary + + +def load_optimized_program(model_path: str = "./saved_models/optimized_job_analyzer") -> JobAnalysisModule: + """ + Load a previously optimized MIPRO program using DSPy's standard method. + + Args: + model_path: Path to the saved model (default: "./saved_models/optimized_job_analyzer") + + Returns: + Loaded optimized program + """ + optimized_program = JobAnalysisModule() + optimized_program.load(model_path) + logger.info(f"Optimized program loaded from {model_path}") + return optimized_program + + +if __name__ == "__main__": + # Configuration: Choose experiment format + + try: + optimized_program, examples, test_summary = run_mipro_optimization(data_type=DATA_TYPE, tracking_lm=tracking_lm) + logger.info(f"MIPROv2 optimization completed successfully for {FULL_EXPERIMENT_ID}!") + + # Summary results + logger.info("\n" + "=" * 60) + logger.info("MIPRO OPTIMIZATION COMPLETE") + logger.info("=" * 60) + + if test_summary: + logger.info(f"Final Test Results (logged to MLflow):") + logger.info(f" Test Samples: {test_summary['num_test_samples']}") + logger.info(f" Average Optimized Score: {test_summary['avg_optimized_score']:.3f}") + logger.info(f" Average Baseline Score: {test_summary['avg_baseline_score']:.3f}") + logger.info(f" Average Improvement: {test_summary['avg_improvement']:.3f}") + + logger.info("\n✅ All results logged to MLflow experiment") + logger.info("🚀 Launch MLflow UI to view complete results:") + logger.info(" python3 launch_mlflow_ui.py") + logger.info("📊 Token usage data available in MLflow artifacts and token logs") + + except Exception as e: + logger.error(f"Error during optimization: {e}") + import traceback + traceback.print_exc() + \ No newline at end of file diff --git a/experiments/dependencies/expt2/o_net_data_processor.py b/experiments/dependencies/expt2/o_net_data_processor.py new file mode 100644 index 0000000..09298ef --- /dev/null +++ b/experiments/dependencies/expt2/o_net_data_processor.py @@ -0,0 +1,630 @@ +""" +O-NET Data Processor +==================== + +Common data processing utilities for O-NET job analysis experiments. +This module ensures that both P3O and MIPROv2 experiments use the same +dataset and train/test splits for fair comparison. + +Features: +- Deterministic data loading and splitting with fixed random seeds +- Skill dimension management and normalization +- Common data transformation utilities +- Support for both P3O and DSPy experiment formats +""" + +import json +import logging +import os +from typing import Dict, Any, List, Tuple, Optional, Union +import pandas as pd +import numpy as np +from pydantic import BaseModel + +# Configure logging +logger = logging.getLogger(__name__) + +data_input_columns = [ + 'Tasks', 'TechnologySkills', + 'WorkActivities', 'DetailedWorkActivities', 'WorkContext', 'Skills', + 'Knowledge', 'Abilities', 'Interests', 'WorkValues', 'WorkStyles', + 'RelatedOccupations', 'ProfessionalAssociations' +] + +class JobMetrics(BaseModel): + """Model for job knowledge metrics across different domains.""" + AdministrationAndManagement: int + Administrative: int + Biology: int + BuildingAndConstruction: int + Chemistry: int + CommunicationsAndMedia: int + ComputersAndElectronics: int + CustomerAndPersonalService: int + Design: int + EconomicsAndAccounting: int + EducationAndTraining: int + EngineeringAndTechnology: int + EnglishLanguage: int + FineArts: int + FoodProduction: int + ForeignLanguage: int + Geography: int + HistoryAndArcheology: int + LawAndGovernment: int + Mathematics: int + Mechanical: int + MedicineAndDentistry: int + PersonnelAndHumanResources: int + PhilosophyAndTheology: int + Physics: int + ProductionAndProcessing: int + Psychology: int + PublicSafetyAndSecurity: int + SalesAndMarketing: int + SociologyAndAnthropology: int + Telecommunications: int + TherapyAndCounseling: int + Transportation: int + + def to_torch_tensor(self): + """Convert JobMetrics to torch tensor with consistent field ordering.""" + import torch + field_names = list(JobMetrics.model_fields.keys()) + values = [getattr(self, field_name) for field_name in field_names] + return torch.tensor(values, dtype=torch.float32) + + +class SkillDimension(BaseModel): + """Model for storing skill dimensions from the CSV file.""" + primary_skill_name: str + skill_name: str + description: str + confidence: float + usage_count: int + last_updated: str + is_primary: bool + + +class SkillDimensionManager: + """Manager class for handling skill dimensions.""" + def __init__(self, csv_path: str): + self.csv_path = csv_path + self.dimensions: Dict[str, SkillDimension] = {} # Maps skill_name -> SkillDimension + self.skill_to_primary: Dict[str, str] = {} # Maps skill_name -> primary_skill_name + self.primary_skills: List[str] = [] # List of unique primary skill names + self._load_dimensions() + + def _load_dimensions(self): + """Load dimensions from CSV file.""" + try: + df = pd.read_csv(self.csv_path) + logger.info(f"Loaded skill dimensions CSV with {len(df)} rows") + + primary_skills_set = set() + + for _, row in df.iterrows(): + # Create SkillDimension from row data + dim = SkillDimension( + primary_skill_name=row['primary_skill_name'], + skill_name=row['skill_name'], + description=row['description'], + confidence=float(row['confidence']), + usage_count=int(row['usage_count']), + last_updated=str(row['last_updated']) if pd.notna(row['last_updated']) else '', + is_primary=bool(row['is_primary']) + ) + + # Store dimension by skill_name + self.dimensions[dim.skill_name] = dim + + # Map skill_name to primary_skill_name + self.skill_to_primary[dim.skill_name] = dim.primary_skill_name + + # Collect unique primary skills + primary_skills_set.add(dim.primary_skill_name) + + # Store sorted list of primary skills + self.primary_skills = sorted(list(primary_skills_set)) + + logger.info(f"Successfully loaded {len(self.dimensions)} skill dimensions") + logger.info(f"Found {len(self.primary_skills)} unique primary skills") + + except Exception as e: + logger.error(f"Error loading skill dimensions: {e}") + self.dimensions = {} + self.skill_to_primary = {} + self.primary_skills = [] + + def get_dimension(self, skill_name: str) -> Optional[SkillDimension]: + """Get a specific dimension by skill name.""" + return self.dimensions.get(skill_name) + + def get_all_dimensions(self) -> List[Tuple[str, SkillDimension]]: + """Get all dimensions with their names.""" + return [(name, dim) for name, dim in self.dimensions.items()] + + def get_dimension_names(self) -> List[str]: + """Get list of unique primary skill names.""" + return self.primary_skills.copy() + + def get_normalized_skill_name(self, skill_name: str) -> Optional[str]: + """Get the primary skill name for a given skill name.""" + return self.skill_to_primary.get(skill_name) + + def get_all_skill_names(self) -> List[str]: + """Get list of all skill names (both primary and synonyms).""" + return list(self.dimensions.keys()) + + +class ONetDataProcessor: + """ + Main data processor class that handles O-NET job data loading, + processing, and splitting for both P3O and MIPROv2 experiments. + """ + + def __init__(self, + numeric_data_path: str, + skill_vector_path: str, + skill_dimensions_path: str, + output_column_prefix: str = "NUMERIC_knowledge_", + random_seed: int = 42): + """ + Initialize the data processor. + + Args: + numeric_data_path: Path to the processed job data CSV + skill_vector_path: Path to the skill vectors JSON + skill_dimensions_path: Path to the skill dimensions CSV + output_column_prefix: Prefix for output metric columns + random_seed: Fixed seed for deterministic data splitting + """ + self.numeric_data_path = numeric_data_path # stores path to the files where numeric skill values live + self.skill_vector_path = skill_vector_path # stores path to the files where skill vectors live for all the jobs + self.skill_dimensions_path = skill_dimensions_path # stores path to the files where normalized skill dimensions live + self.output_column_prefix = output_column_prefix + self.random_seed = random_seed + + # Initialize skill manager + self.skill_manager = SkillDimensionManager(skill_dimensions_path) + + # Data storage + self._raw_data = None + self._processed_queries = None + self._train_indices = None + self._test_indices = None + + logger.info(f"Initialized ONetDataProcessor with seed={random_seed}") + + @staticmethod + def _get_template_var_name(skill_name: str) -> str: + """Convert a skill name to a valid template variable name.""" + return skill_name.replace(' ', '_') + + def _safe_str_convert(self, val): + """Safely convert value to string, handling pandas null values.""" + if pd.isna(val): + return "" + return str(val) + + def _safe_array_convert(self, val): + """Safely convert value to array, splitting by newlines.""" + if pd.isna(val): + return [] + str_val = str(val) + if not str_val.strip(): + return [] + return [item.strip() for item in str_val.split('\n') if item.strip()] + + def _load_slot_data(self) -> pd.DataFrame: + """Load skill vector data from JSON file.""" + data = [] + with open(self.skill_vector_path, 'r') as f: + slot_data = json.load(f) + for item in slot_data: + data.append({ + "onet_code": item["onet_code"], + "skill_vector": item["skill_vector"] + }) + return pd.DataFrame(data) + + def load_raw_data(self) -> pd.DataFrame: + """ + Load and merge all raw data sources. + + Returns: + DataFrame with merged job data and skill vectors + """ + if self._raw_data is not None: + return self._raw_data + + logger.info(f"Loading job data from: {self.numeric_data_path}") + + # Load numeric job data + job_df = pd.read_csv(self.numeric_data_path) + logger.info(f"Loaded {len(job_df)} job samples") + + # Load skill vector data + slots_df = self._load_slot_data() + logger.info(f"Loaded {len(slots_df)} skill vector records") + + # Merge data + merged_df = job_df.merge(slots_df, left_on="soc_code", right_on="onet_code", how="left") + logger.info(f"Merged dataset has {len(merged_df)} records") + + # Log column information + logger.info(f"CSV columns: {list(merged_df.columns)}") + + self._raw_data = merged_df + return merged_df + + def process_job_queries(self, max_data_points: Optional[int] = None, data_type: str = "exp1", debug: bool = False) -> List[Dict[str, Any]]: + """ + Process raw data into query format suitable for both experiments. + + Args: + max_data_points: Maximum number of data points to process (None for all) + data_type: Experiment ID to determine format ("exp1" or "exp2") + debug: Enable debug logging + + Returns: + List of query dictionaries with 'x' and 'y' keys + """ + if self._processed_queries is not None: + if max_data_points is None: + return self._processed_queries + else: + return self._processed_queries[:max_data_points] + + # Load raw data + df = self.load_raw_data() + + # Set random seed for reproducible processing + np.random.seed(self.random_seed) + + queries = [] + + + for i, (_, row) in enumerate(df.iterrows()): + # Extract basic job information + soc_code = self._safe_str_convert(row['soc_code']) + job_name = self._safe_str_convert(row['job_name']) + + ########## Process skill vector (Y) ########## + skill_vector_raw = row.get("skill_vector", {}) + + + # Handle invalid skill vectors + if pd.isna(skill_vector_raw) or not isinstance(skill_vector_raw, dict): + logger.warning(f"Invalid skill_vector for job_code {soc_code} (row {i}): {type(skill_vector_raw)}") + skill_vector_raw = {} + elif len(skill_vector_raw) == 0: + logger.warning(f"Empty skill_vector for job_code {soc_code} (row {i})") + + # Create target metrics (y) + y_data = {} + for field_name in JobMetrics.model_fields.keys(): + column_name = f"{self.output_column_prefix}{field_name}" + if column_name in row: + try: + y_data[field_name] = int(row[column_name]) + except (ValueError, TypeError): + y_data[field_name] = 0 + else: + y_data[field_name] = 0 + + # Create JobMetrics instance + y = JobMetrics(**y_data) + ########## Process skill vector (Y) ########## END + + ########## Process skill vector (X) ########## + if data_type == "exp1": + # read all the columns in data_input_columns + global data_input_columns + data = { + col:row.get(col, '') for col in data_input_columns + } + x = { + "onet_code": soc_code, + "job_title": job_name, + **data + } + else: + # Transform skill names to their primary equivalents + skill_vector_transformed = {} + skills_not_normalized = [] + for skill_name, value in skill_vector_raw.items(): + # Get normalized (primary) skill name + skill_name_lower = skill_name.lower() + normalized_skill = self.skill_manager.get_normalized_skill_name(skill_name_lower) + + if normalized_skill: + # Use primary skill name as template variable + var_name = self._get_template_var_name(normalized_skill) + skill_vector_transformed[var_name] = value + else: + skills_not_normalized.append(skill_name) + var_name = self._get_template_var_name(skill_name) + skill_vector_transformed[var_name] = value + + # Only log if there are many unnormalized skills (reduce log spam) + if len(skills_not_normalized) > 3: + logger.warning(f"Job {i+1}: {len(skills_not_normalized)}/{len(skill_vector_raw)} skills not normalized") + + # Create input features (x) + x = { + "onet_code": soc_code, + "job_title": job_name, + **skill_vector_transformed + } + ########## Process skill vector (X) ########## END + + + # Debug logging for first row + if debug and i == 0: + logger.info(f"Processed first row:") + logger.info(f" onet_code: {soc_code}") + logger.info(f" job_title: {job_name}") + logger.info(f" skill_vector_transformed: {skill_vector_transformed}") + logger.info(f" y_data sample: {dict(list(y_data.items())[:5])}") + + query = {"x": x, "y": y} + queries.append(query) + + self._processed_queries = queries + logger.info(f"Created {len(queries)} processed queries from job data") + + # Log overall normalization statistics + total_skills_processed = sum(len(q['x']) - 2 for q in queries) # -2 for onet_code and job_title + logger.info(f"Processed {total_skills_processed} total skill entries across all jobs") + + # Apply max_data_points limit if specified + if max_data_points is not None: + return queries[:max_data_points] + return queries + + def get_train_test_split(self, + max_data_points: Optional[int] = None, + test_ratio: float = 0.3, + data_type: str = "exp1") -> Tuple[List[Dict[str, Any]], List[Dict[str, Any]]]: + """ + Get deterministic train/test split of the data. + Default: 30% train, 70% test (common for prompt optimization). + + Args: + max_data_points: Maximum total data points to use + test_ratio: Fraction of data to use for testing (default 0.7 = 70% test) + data_type: Experiment ID to determine format ("exp1" or "exp2") + Returns: + Tuple of (train_queries, test_queries) + """ + # Get processed queries + queries = self.process_job_queries(max_data_points=max_data_points, data_type=data_type) + + # Set seed for deterministic splitting + np.random.seed(self.random_seed) + + # Create indices and shuffle + indices = np.arange(len(queries)) + np.random.shuffle(indices) + + # Split indices + test_size = int(len(queries) * test_ratio) + test_indices = indices[:test_size] + train_indices = indices[test_size:] + + # Store for reproducibility + self._train_indices = train_indices + self._test_indices = test_indices + + # Create splits + train_queries = [queries[i] for i in train_indices] + test_queries = [queries[i] for i in test_indices] + + logger.info(f"Data split: {len(train_queries)} train, {len(test_queries)} test samples") + logger.info(f"Train/test split seed: {self.random_seed}") + + return train_queries, test_queries + + def get_slot_choices_for_p3o(self, data_type: str = "exp1") -> Dict[str, Tuple[int, Any]]: #TODO + """ + Get slot choices configuration for P3O experiment. + + Returns: + Dictionary mapping slot names to (num_categories, lambda_function) tuples + data_type: Experiment ID to determine format ("exp1" or "exp2") + """ + def make_custom_lambda_exp1(skill_name): + """Create a lambda that captures the skill_name value.""" + return lambda cat, data: "" if cat == 0 else ( + f"{skill_name} : {data[skill_name]}\n" + ) + + def make_custom_lambda_exp2(skill_name): + """Create a lambda that captures the skill_name value.""" + return lambda cat, data: "" if cat == 0 else ( + f"Skill: {skill_name}\n" if skill_name in data and data[skill_name] == 1 else "" + ) + + slot_choices = {} + skills_columns = [] + if data_type == "exp1": + skills_columns = data_input_columns + else: + skills_columns = self.skill_manager.get_dimension_names() + + # For each primary skill + for slot_name in skills_columns: + # Get template variable name + if data_type == "exp1": + make_custom_lambda = make_custom_lambda_exp1 + else: + slot_name = self._get_template_var_name(slot_name) + make_custom_lambda = make_custom_lambda_exp2 + + slot_choices[slot_name] = ( + 2, # Binary choice: 0 for nothing, 1 for skill info + make_custom_lambda(slot_name) + ) + + return slot_choices + + def convert_p3o_to_dspy_format(self, queries: List[Dict[str, Any]], data_type: str = "exp1") -> List: + import dspy + """ + Convert P3O format queries to DSPy format examples. + + Args: + queries: List of P3O format queries + data_type: Experiment ID to determine format ("exp1" or "exp2") + + Returns: + List of DSPy examples + """ + + examples = [] + for query in queries: + x = query["x"] + y = query["y"] + + if data_type == "exp1": + # For exp1: Use original work activity and skills strings + job_info = self._get_original_job_info_for_exp1(x) + else: + # For exp2: Use resolved binary skill values (default behavior) + job_info = self._get_binary_skill_info_for_exp2(x) + + # Create DSPy example + example = dspy.Example( + job_info=job_info, + job_metrics=y + ).with_inputs("job_info") + + examples.append(example) + + return examples + + def _get_binary_skill_info_for_exp2(self, x: Dict[str, Any]) -> str: + """Get job info string from binary skill data for exp2.""" + # Create job info string from ONLY skill data (no job title or ONET code) + skill_info = [] + for key, value in x.items(): + if key not in ['job_title', 'onet_code'] and value == 1: + skill_info.append(key.replace('_', ' ').title()) + + # Create job info with only skills - no identifying information + if skill_info: + return f"Job Description via skills: {', '.join(skill_info)}" + else: + return "No specific skills identified" + + def _get_original_job_info_for_exp1(self, x: Dict[str, Any]) -> str: + """Get job info string from original work activity and skills strings for exp1.""" + # do not expose onet_code and job_title + job_parts = [f'{col}: {x.get(col, "")}' for col in data_input_columns] + if len(job_parts) == 0: + return "No job information available" + return " | ".join(job_parts) + + def verify_data_consistency(self, + p3o_queries: List[Dict[str, Any]], + dspy_examples: List) -> bool: + """ + Verify that P3O and DSPy experiments are using the same underlying data. + + Args: + p3o_queries: Queries used by P3O experiment + dspy_examples: Examples used by DSPy experiment + + Returns: + True if data is consistent, False otherwise + """ + if len(p3o_queries) != len(dspy_examples): + logger.error(f"Data length mismatch: P3O={len(p3o_queries)}, DSPy={len(dspy_examples)}") + return False + + # Check a sample of the data for consistency + sample_size = min(5, len(p3o_queries)) + for i in range(sample_size): + p3o_job_title = p3o_queries[i]["x"]["job_title"] + p3o_onet_code = p3o_queries[i]["x"]["onet_code"] + + # DSPy examples don't contain job titles directly, but we can check + # by comparing the JobMetrics outputs + p3o_metrics = p3o_queries[i]["y"] + dspy_metrics = dspy_examples[i].job_metrics + + if p3o_metrics.model_dump() != dspy_metrics.model_dump(): + logger.error(f"Metrics mismatch at index {i}") + logger.error(f" P3O job: {p3o_job_title} ({p3o_onet_code})") + logger.error(f" P3O metrics: {p3o_metrics.model_dump()}") + logger.error(f" DSPy metrics: {dspy_metrics.model_dump()}") + return False + + logger.info(f"Data consistency verified for {len(p3o_queries)} samples") + return True + + def get_data_summary(self) -> Dict[str, Any]: + """Get a summary of the loaded data.""" + queries = self.process_job_queries() + + summary = { + "total_samples": len(queries), + "random_seed": self.random_seed, + "skill_dimensions": len(self.skill_manager.dimensions), + "primary_skills": len(self.skill_manager.primary_skills), + "data_sources": { + "numeric_data": self.numeric_data_path, + "skill_vectors": self.skill_vector_path, + "skill_dimensions": self.skill_dimensions_path + } + } + + # Sample job titles + sample_titles = [q["x"]["job_title"] for q in queries[:5]] + summary["sample_job_titles"] = sample_titles + + # Get train/test split info + if self._train_indices is not None: + summary["train_samples"] = len(self._train_indices) + summary["test_samples"] = len(self._test_indices) + + return summary + + +def create_shared_data_processor(random_seed: int = 42) -> ONetDataProcessor: + """ + Create a shared data processor instance with standard paths. + + Args: + random_seed: Fixed seed for reproducible results across experiments + + Returns: + Configured ONetDataProcessor instance + """ + # Resolve paths relative to the experiment working directory (experiments/hybrid) + # Resolve paths relative to the module location (stable regardless of CWD) + module_dir = os.path.dirname(__file__) # .../experiments/hybrid/expt2 + hybrid_root = os.path.dirname(module_dir) + # Numeric CSV under expt2_data + numeric_data_path = os.path.join(hybrid_root, "expt2_data", "job_data_processed.csv") + # Skill vectors JSON under expt2_data + skill_vector_path = os.path.join(hybrid_root, "expt2_data", "skill_dimensions_updated", "updated_job_vectors.json") + # Skill dimensions CSV: prefer expt2_data; fallback to legacy location at hybrid root + skill_dimensions_primary = os.path.join(hybrid_root, "expt2_data", "skill_dimensions_updated", "all_skills.csv") + skill_dimensions_fallback = os.path.join(hybrid_root, "all_skills.csv") + skill_dimensions_path = skill_dimensions_primary if os.path.exists(skill_dimensions_primary) else skill_dimensions_fallback + + processor = ONetDataProcessor( + numeric_data_path=numeric_data_path, + skill_vector_path=skill_vector_path, + skill_dimensions_path=skill_dimensions_path, + random_seed=random_seed + ) + + return processor + + +if __name__ == "__main__": + # Example usage and testing + pass \ No newline at end of file diff --git a/experiments/dependencies/expt2/process_skills.py b/experiments/dependencies/expt2/process_skills.py new file mode 100644 index 0000000..8dd3082 --- /dev/null +++ b/experiments/dependencies/expt2/process_skills.py @@ -0,0 +1,367 @@ +#!/usr/bin/env python3 +""" +Script to process skill dimensions JSON file and create rows for primary skills and synonyms. +Also provides analysis of unique values and duplicate counts in skill_name column. + +Creates multiple rows: +- First row: skill_name = primary_skill_name (the key from JSON) +- Additional rows: skill_name = synonym, primary_skill_name = original key + +Analysis features: +- Find unique values in skill_name column +- Show duplicate counts and most common skill names +- Generate detailed analysis report + +Deduplication features: +- Smart duplicate removal with primary skill preference +- If skill_name appears as both primary and synonym: keep primary +- If skill_name only appears as synonyms: keep first occurrence +- Overwrite original file with deduplicated data +- Automatic analysis integration + +Usage: +python expt2/process_skills.py "/Users/ferozahmad/hackspace/prompt-opt/expt2_data/skill_dimensions_updated/updated_skill_dimensions.json" --analyze --deduplicate + +Output will be saved to: /Users/ferozahmad/hackspace/prompt-opt/expt2_data/skill_dimensions_updated/all_skills.csv + + +""" + +import json +import csv +import sys +from pathlib import Path +from collections import Counter + +output_file_path = "/Users/ferozahmad/hackspace/prompt-opt/expt2_data/skill_dimensions_updated/all_skills.csv" + + +def process_skills_json(input_file_path, output_file_path=None, suppress_stdout=False): + """ + Process the skills JSON file and create structured output. + + Args: + input_file_path (str): Path to the input JSON file + output_file_path (str, optional): Path for output CSV file. If None, prints to stdout unless suppressed. + suppress_stdout (bool, optional): If True, don't print CSV to stdout when no output file is specified. + """ + try: + # Read the JSON file + with open(input_file_path, 'r', encoding='utf-8') as f: + skills_data = json.load(f) + + # Prepare output data + processed_rows = [] + + # Process each skill + for primary_skill_name, skill_info in skills_data.items(): + description = skill_info.get('description', '') + confidence = skill_info.get('confidence', 0.0) + usage_count = skill_info.get('usage_count', 0) + last_updated = skill_info.get('last_updated', '') + synonyms = skill_info.get('synonyms', []) + + # First row: skill_name = primary_skill_name + processed_rows.append({ + 'primary_skill_name': primary_skill_name.lower(), + 'skill_name': primary_skill_name.lower(), + 'description': description, + 'confidence': confidence, + 'usage_count': usage_count, + 'last_updated': last_updated, + 'is_primary': True + }) + + # Additional rows for each synonym + for synonym in synonyms: + processed_rows.append({ + 'primary_skill_name': primary_skill_name.lower(), + 'skill_name': synonym.lower(), + 'description': description, + 'confidence': confidence, + 'usage_count': usage_count, + 'last_updated': last_updated, + 'is_primary': False + }) + + # Output the data + if output_file_path: + # Write to CSV file + fieldnames = ['primary_skill_name', 'skill_name', 'description', 'confidence', + 'usage_count', 'last_updated', 'is_primary'] + + with open(output_file_path, 'w', newline='', encoding='utf-8') as csvfile: + writer = csv.DictWriter(csvfile, fieldnames=fieldnames) + writer.writeheader() + writer.writerows(processed_rows) + + print(f"Successfully processed {len(skills_data)} skills into {len(processed_rows)} rows.") + print(f"Output saved to: {output_file_path}") + elif not suppress_stdout: + # Print to stdout only if not suppressed + fieldnames = ['primary_skill_name', 'skill_name', 'description', 'confidence', + 'usage_count', 'last_updated', 'is_primary'] + + writer = csv.DictWriter(sys.stdout, fieldnames=fieldnames) + writer.writeheader() + writer.writerows(processed_rows) + else: + # Data processed but no output (for analysis only) + print(f"Successfully processed {len(skills_data)} skills into {len(processed_rows)} rows.") + + return processed_rows + + except FileNotFoundError: + print(f"Error: File not found: {input_file_path}") + return None + except json.JSONDecodeError as e: + print(f"Error: Invalid JSON format: {e}") + return None + except Exception as e: + print(f"Error processing file: {e}") + return None + + +def analyze_skill_names(processed_rows): + """ + Analyze unique values in skill_name column and show duplicate counts. + + Args: + processed_rows (list): List of processed skill rows + + Returns: + dict: Analysis results containing unique counts and duplicates + """ + if not processed_rows: + return None + + # Extract all skill names + skill_names = [row['skill_name'] for row in processed_rows] + + # Count occurrences + skill_name_counts = Counter(skill_names) + + # Find unique and duplicate skill names + unique_skills = list(skill_name_counts.keys()) + duplicates = {name: count for name, count in skill_name_counts.items() if count > 1} + + # Analysis results + analysis = { + 'total_rows': len(processed_rows), + 'unique_skill_names': len(unique_skills), + 'total_skill_name_occurrences': len(skill_names), + 'duplicate_skill_names': len(duplicates), + 'duplicates_detail': duplicates, + 'skill_name_counts': skill_name_counts + } + + return analysis + + +def print_analysis_report(analysis): + """ + Print a formatted analysis report. + + Args: + analysis (dict): Analysis results from analyze_skill_names + """ + if not analysis: + print("No analysis data available.") + return + + print("\n" + "="*80) + print("SKILL NAME ANALYSIS REPORT") + print("="*80) + + print(f"Total rows processed: {analysis['total_rows']:,}") + print(f"Unique skill names: {analysis['unique_skill_names']:,}") + print(f"Total skill name occurrences: {analysis['total_skill_name_occurrences']:,}") + print(f"Skill names with duplicates: {analysis['duplicate_skill_names']:,}") + + if analysis['duplicates_detail']: + print(f"\nDUPLICATE SKILL NAMES (appears more than once):") + print("-" * 60) + + # Sort duplicates by count (descending) + sorted_duplicates = sorted(analysis['duplicates_detail'].items(), + key=lambda x: x[1], reverse=True) + + for skill_name, count in sorted_duplicates[:20]: # Show top 20 + print(f"{skill_name:<50} | {count:>5} times") + + if len(sorted_duplicates) > 20: + print(f"... and {len(sorted_duplicates) - 20} more duplicates") + else: + print("\nNo duplicate skill names found - all skill names are unique!") + + # Show most common skill names + print(f"\nTOP 10 MOST COMMON SKILL NAMES:") + print("-" * 60) + most_common = analysis['skill_name_counts'].most_common(10) + for skill_name, count in most_common: + print(f"{skill_name:<50} | {count:>5} times") + + print("="*80) + + +def deduplicate_skill_names(processed_rows, analysis): + """ + Remove duplicate skill names using smart logic: + - If a skill_name has both primary and synonym entries, keep the primary + - If a skill_name only has synonym entries, keep the first occurrence + + Args: + processed_rows (list): List of processed skill rows + analysis (dict): Analysis results containing duplicate information + + Returns: + list: Deduplicated rows with intelligent duplicate resolution + """ + if not processed_rows or not analysis: + return processed_rows + + # Step 1: Group rows by skill_name + skill_groups = {} + for i, row in enumerate(processed_rows): + skill_name = row['skill_name'] + if skill_name not in skill_groups: + skill_groups[skill_name] = [] + skill_groups[skill_name].append((i, row)) # Store original index for debugging + + # Step 2: Apply smart selection logic + deduplicated_rows = [] + primary_preferred = 0 + synonym_first_kept = 0 + total_duplicates_removed = 0 + + for skill_name, group in skill_groups.items(): + if len(group) == 1: + # No duplicates - keep the single row + deduplicated_rows.append(group[0][1]) + else: + # Multiple rows for this skill_name - apply smart logic + total_duplicates_removed += len(group) - 1 + + # Look for primary skill (is_primary=True) + primary_rows = [row_data for idx, row_data in group if row_data['is_primary']] + synonym_rows = [row_data for idx, row_data in group if not row_data['is_primary']] + + if primary_rows: + # Case A: Primary exists - keep the primary, discard synonyms + if len(primary_rows) > 1: + # Multiple primaries (shouldn't happen, but handle gracefully) + deduplicated_rows.append(primary_rows[0]) + print(f"⚠️ Warning: Multiple primary entries for '{skill_name}' - kept first primary") + else: + deduplicated_rows.append(primary_rows[0]) + primary_preferred += 1 + else: + # Case B: Only synonyms - keep first occurrence + deduplicated_rows.append(group[0][1]) # First in original order + synonym_first_kept += 1 + + # Sort deduplicated rows by their original order to maintain consistency + original_indices = {} + for i, row in enumerate(processed_rows): + row_id = id(row) # Use object id as unique identifier + original_indices[row_id] = i + + # Sort deduplicated rows by their original position + deduplicated_rows.sort(key=lambda row: original_indices.get(id(row), float('inf'))) + + # Print detailed results + print(f"\nSMART DEDUPLICATION RESULTS:") + print("-" * 50) + print(f"Original rows: {len(processed_rows):,}") + print(f"Deduplicated rows: {len(deduplicated_rows):,}") + print(f"Total duplicates removed: {total_duplicates_removed:,}") + print(f"Unique skill names: {len(skill_groups):,}") + print() + print("Selection Strategy:") + print(f" • Primary skills preferred: {primary_preferred:,}") + print(f" • First synonym kept: {synonym_first_kept:,}") + print(f" • Unique skills (no duplicates): {len(skill_groups) - primary_preferred - synonym_first_kept:,}") + + return deduplicated_rows + + + +def main(): + """Main function to handle command line execution.""" + if len(sys.argv) < 2: + print("Usage: python process_skills.py [--analyze] [--deduplicate]") + print("Example: python process_skills.py updated_skill_dimensions.json") + print("Example with analysis: python process_skills.py updated_skill_dimensions.json --analyze") + print("Example with deduplication: python process_skills.py updated_skill_dimensions.json --analyze --deduplicate") + print(f"Output file: {output_file_path}") + sys.exit(1) + + # Parse command line arguments + args = sys.argv[1:] + analyze_flag = '--analyze' in args + deduplicate_flag = '--deduplicate' in args + + # Remove flags from args + if analyze_flag: + args.remove('--analyze') + if deduplicate_flag: + args.remove('--deduplicate') + + input_file = args[0] + + # Ensure input file exists + if not Path(input_file).exists(): + print(f"Error: Input file '{input_file}' does not exist.") + sys.exit(1) + + # Process the file + # Always suppress stdout since we're using a fixed output file + suppress_output = True + result = process_skills_json(input_file, output_file_path, suppress_stdout=suppress_output) + + if result is None: + sys.exit(1) + + # Run analysis if requested + analysis = None + if analyze_flag: + print("\nRunning skill name analysis...") + analysis = analyze_skill_names(result) + if analysis: + print_analysis_report(analysis) + else: + print("Failed to analyze skill names.") + + # Run deduplication if requested + if deduplicate_flag: + if not analyze_flag: + # Need analysis for deduplication, so run it if not already done + print("\nRunning analysis for deduplication...") + analysis = analyze_skill_names(result) + + if analysis: + print("\nPerforming deduplication...") + deduplicated_rows = deduplicate_skill_names(result, analysis) + + if deduplicated_rows: + # Overwrite the same file with deduplicated data + fieldnames = ['primary_skill_name', 'skill_name', 'description', 'confidence', + 'usage_count', 'last_updated', 'is_primary'] + + try: + with open(output_file_path, 'w', newline='', encoding='utf-8') as csvfile: + writer = csv.DictWriter(csvfile, fieldnames=fieldnames) + writer.writeheader() + writer.writerows(deduplicated_rows) + + print(f"\n✅ Deduplication complete! Original file overwritten: {output_file_path}") + except Exception as e: + print(f"\n❌ Failed to overwrite file with deduplicated data: {e}") + else: + print("\n❌ Deduplication failed.") + else: + print("\n❌ Cannot deduplicate without analysis data.") + + +if __name__ == "__main__": + main() diff --git a/experiments/dependencies/expt2/skill_dimension_discovery_with_updates.py b/experiments/dependencies/expt2/skill_dimension_discovery_with_updates.py new file mode 100644 index 0000000..7b34185 --- /dev/null +++ b/experiments/dependencies/expt2/skill_dimension_discovery_with_updates.py @@ -0,0 +1,637 @@ +""" +Enhanced Skill Dimension Discovery with Updates +============================================== + +This script discovers and updates skill dimensions for job analysis. +It can: +1. Discover new skill dimensions +2. Update/refine existing skill dimensions +3. Merge similar dimensions +4. Remove redundant dimensions +5. Improve dimension quality over iterations + +The algorithm: +s = {} # Start with empty set +for job in jobs: + s = update_skill_dimensions(job, s) # Can add new OR update existing +return s +""" + +import logging +import sys +import pandas as pd +import numpy as np +from typing import Dict, Any, List, Set, Optional, Tuple +from pydantic import BaseModel +from llm_utils import call_llm_structured_output +import instructor +from anthropic import Anthropic +from openai import OpenAI +import json +import os +from collections import defaultdict +from concurrent.futures import ThreadPoolExecutor, as_completed +import threading + +# Configure logging +logging.basicConfig( + level=logging.INFO, + format='%(asctime)s - %(levelname)s - %(message)s', + stream=sys.stdout, + force=True +) +logger = logging.getLogger(__name__) + +# Input data path +input_data_path = "./data/job_data_processed/job_data_processed.csv" +output_dir = "./expt2_data/skill_dimensions_updated" +skill_extraction_dump_dir = "./expt2_data/skill_extraction_dump" + + +class SkillDimension(BaseModel): + """Represents a skill dimension with metadata.""" + dimension_name: str # The skill dimension name (≤5 words) + description: str # Brief description of what this dimension represents + confidence: float # Confidence score (0-1) for this dimension discovery + usage_count: Optional[int] = 0 # How many jobs use this dimension + last_updated: Optional[str] = "" # When this dimension was last updated + synonyms: Optional[List[str]] = [] # Alternative names for this dimension + + + +class SkillDimensionResponse(BaseModel): + """Response from LLM for skill dimension discovery/updates.""" + new_dimensions: List[SkillDimension] = [] # New dimensions to add + updated_dimensions: List[SkillDimension] = [] # Existing dimensions to update + removed_dimensions: List[str] = [] # Names of dimensions to remove + reasoning: str # Reasoning for the updates + + +class DimensionScore(BaseModel): + """Represents a score for a skill dimension for a specific job.""" + dimension_name: str + relevance_score: int # Strict 0 or 1 indicating relevance + reasoning: str # Reasoning for the score + + +class JobVectorResponse(BaseModel): + """Response from LLM for job vector creation.""" + dimension_scores: List[DimensionScore] # Scores for each dimension + summary: str # Summary of the job's key characteristics + + +def safe_str_convert(val) -> str: + """Safely convert value to string, handling pandas null values.""" + if pd.isna(val): + return "" + return str(val) + + +def safe_array_convert(val) -> List[str]: + """Safely convert value to array, splitting by newlines.""" + if pd.isna(val): + return [] + str_val = str(val) + if not str_val.strip(): + return [] + # Split by newlines and filter out empty strings + return [item.strip() for item in str_val.split('\n') if item.strip()] + + +def read_job_data(input_path: str, max_jobs: Optional[int] = None) -> List[Dict[str, Any]]: + """Read job data from CSV file and convert to list of job dictionaries.""" + logger.info(f"Reading job data from: {input_path}") + + try: + df = pd.read_csv(input_path) + logger.info(f"Loaded {len(df)} job samples") + + if max_jobs is not None: + df = df[:max_jobs] + logger.info(f"Processing first {max_jobs} jobs") + + jobs = [] + for i, (_, row) in enumerate(df.iterrows()): + soc_code = safe_str_convert(row['soc_code']) + job_name = safe_str_convert(row['job_name']) + detailed_work_activities = safe_array_convert(row.get('DetailedWorkActivities', '')) + skills = safe_array_convert(row.get('Skills', '')) + + job = { + "onet_code": soc_code, + "job_title": job_name, + "detailed_work_activities": detailed_work_activities, + "skills": skills + } + + jobs.append(job) + + if i < 3: + logger.info(f"Job {i+1}: {job_name}") + logger.info(f" Skills: {len(skills)} items") + logger.info(f" Work Activities: {len(detailed_work_activities)} items") + + logger.info(f"Processed {len(jobs)} jobs successfully") + return jobs + + except Exception as e: + logger.error(f"Error reading CSV file: {e}") + return [] + + +def format_existing_dimensions(existing_dimensions: Dict[str, SkillDimension]) -> str: + """Format existing dimensions for the prompt.""" + if not existing_dimensions: + return "None" + + formatted = [] + for name, dim in existing_dimensions.items(): + formatted.append(f"- {name}: {dim.description} (confidence: {dim.confidence:.2f}, usage: {dim.usage_count})") + + return "\n".join(formatted) + + +def create_skill_update_prompt(job: Dict[str, Any], existing_dimensions: Dict[str, SkillDimension]) -> str: + """ + Create a prompt for the LLM to discover new dimensions AND update existing ones. + + Args: + job: Job dictionary with skills and work activities + existing_dimensions: Dictionary of existing skill dimensions + + Returns: + Formatted prompt string for LLM + """ + skills_text = "\n".join([f"- {skill}" for skill in job['skills']]) + activities_text = "\n".join([f"- {activity}" for activity in job['detailed_work_activities']]) + existing_dims_text = format_existing_dimensions(existing_dimensions) + + prompt = f""" +You are an expert job analyst tasked with discovering and updating skill dimensions for job classification. + +JOB INFORMATION: +Job Title: {job['job_title']} +ONET Code: {job['onet_code']} + +JOB SKILLS: +{skills_text} + +JOB DETAILED WORK ACTIVITIES: +{activities_text} + +EXISTING SKILL DIMENSIONS so far: +{existing_dims_text} + +CRITICAL CONSTRAINT: +The skill dimension set must represent ALL jobs analyzed so far, not just the current job. +DO NOT REMOVE any existing dimensions as they may be essential for previous jobs. +Instead, focus on adding new dimensions or updating existing ones to better represent the current job. + +TASK: +Analyze this job and the existing skill dimensions. You can: + +1. ADD NEW DIMENSIONS: Identify new skill dimensions (≤5 words) not covered by existing ones +2. UPDATE EXISTING DIMENSIONS: Improve descriptions, confidence scores, or add synonyms +3. REMOVE DIMENSIONS: Remove dimensions that are redundant, too specific, or not generalizable;; OR in case you want to merge two dimensions into one - you would delete 2 and create 1 + +GUIDELINES: +- New dimensions should be ≤5 words, specific, and meaningful +- Updates should improve clarity and accuracy while preserving relevance to previous jobs +- Only remove dimensions if they are truly redundant or not generalizable across jobs +- When removing a dimension, provide clear reasoning why it should be removed + +EXAMPLES: +- NEW: "Technical Programming", "Customer Service", "Data Analysis" +- UPDATE: Improve description of "Problem Solving" to be more specific +- REMOVE: "Specific Tool Knowledge" (too specific, better covered by broader technical skills) + +Return a comprehensive update that may include new, updated, and merged dimensions. +Focus on creating a comprehensive set of skill dimensions that represents ALL jobs, not just the current one. +""" + + return prompt + + +def create_vector_scoring_prompt(job: Dict[str, Any], skill_dimensions: Dict[str, SkillDimension]) -> str: + """ + Create a prompt for the LLM to score skill dimensions for a job with strict 0 or 1 values. + + Args: + job: Job dictionary with skills and work activities + skill_dimensions: Dictionary of all skill dimensions to score + + Returns: + Formatted prompt string for LLM + """ + skills_text = "\n".join([f"- {skill}" for skill in job['skills']]) + activities_text = "\n".join([f"- {activity}" for activity in job['detailed_work_activities']]) + + dimensions_text = "\n".join([f"- {dim}" for dim in sorted(skill_dimensions.keys())]) + + prompt = f""" +Score skill dimensions for this job with 0 or 1: + +JOB: {job['job_title']} ({job['onet_code']}) + +SKILLS: +{skills_text} +ACTIVITIES: {activities_text} + +DIMENSIONS TO SCORE: +{dimensions_text} + +RULES: +- 0: NOT relevant to this job +- 1: RELEVANT to this job (even minor relevance) + +Score each dimension as 0 or 1. Provide brief reasoning for each score. +""" + + return prompt + +def skill_extraction_dump(job_code: str, step: str, skill_dimensions: SkillDimensionResponse) -> str: + """Dump skill dimensions response to JSON file with step information.""" + os.makedirs(skill_extraction_dump_dir, exist_ok=True) + path_dump = os.path.join(skill_extraction_dump_dir, f"{job_code}.json") + + # Convert pydantic model to dict and add step information + skill_dimensions_dump = skill_dimensions.model_dump() + skill_dimensions_dump["step"] = step + + # Write to file + with open(path_dump, 'w') as f: + json.dump(skill_dimensions_dump, f, indent=2, default=str) + logger.info(f"Saved skill extraction dump to: {path_dump}") + + return path_dump + +def update_skill_dimensions_enhanced(job: Dict[str, Any], existing_dimensions: Dict[str, SkillDimension], step: int = 0) -> Dict[str, SkillDimensionResponse]: + """ + Enhanced function to update skill dimensions by analyzing a job. + Can add new dimensions, update existing ones, merge similar ones, or remove redundant ones. + + Args: + job: Job dictionary with skills and work activities + existing_dimensions: Current dictionary of skill dimensions + + Returns: + Updated dictionary of skill dimensions + """ + logger.info(f"Analyzing job: {job['job_title']}") + + # Create prompt for LLM + prompt = create_skill_update_prompt(job, existing_dimensions) + + try: + # Call LLM to get updates + response: SkillDimensionResponse = call_llm_structured_output( + prompt, + SkillDimensionResponse, + model='claude-3-5-haiku-latest' + ) + + updated_dimensions = existing_dimensions.copy() + + # Process new dimensions + for new_dim in response.new_dimensions: + if new_dim.dimension_name not in updated_dimensions: + new_dim.usage_count = 1 # This job gave rise to this dimension + updated_dimensions[new_dim.dimension_name] = new_dim + logger.info(f" ADDED: {new_dim.dimension_name} (confidence: {new_dim.confidence:.2f})") + + # Process updated dimensions + for updated_dim in response.updated_dimensions: + if updated_dim.dimension_name in updated_dimensions: + # Update existing dimension + old_dim = updated_dimensions[updated_dim.dimension_name] + updated_dim.usage_count = old_dim.usage_count + 1 # Increment usage count as this job also uses it + updated_dimensions[updated_dim.dimension_name] = updated_dim + logger.info(f" UPDATED: {updated_dim.dimension_name} (usage: {updated_dim.usage_count})") + + # Process removed dimensions + for dim_name in response.removed_dimensions: + if dim_name in updated_dimensions: + del updated_dimensions[dim_name] + logger.info(f" REMOVED: {dim_name}") + + skill_extraction_dump(job['onet_code'], f"{step}", response) + + # Note: Usage counts track how many jobs contributed to discovering/updating each dimension + # This helps understand which dimensions emerged from more jobs during discovery + + logger.info(f" Total dimensions after update: {len(updated_dimensions)}") + logger.info(f" Reasoning: {response.reasoning[:100]}...") + + return updated_dimensions + + except Exception as e: + logger.error(f"Error calling LLM for job {job['job_title']}: {e}") + return existing_dimensions + + +def discover_and_update_skill_dimensions(jobs: List[Dict[str, Any]], max_iterations: int = 3) -> Dict[str, SkillDimension]: + """ + Discover and iteratively update skill dimensions across all jobs. + + Args: + jobs: List of job dictionaries + max_iterations: Maximum number of iterations for refinement + + Returns: + Dictionary of refined skill dimensions + """ + logger.info("Starting enhanced skill dimension discovery and updates...") + logger.info("=" * 60) + + # Initialize empty dictionary of skill dimensions + skill_dimensions = {} + + # Multiple iterations for refinement + for iteration in range(max_iterations): + logger.info(f"\n=== ITERATION {iteration + 1}/{max_iterations} ===") + + # Process each job + for i, job in enumerate(jobs): + logger.info(f"\nProcessing job {i+1}/{len(jobs)}") + + # Update skill dimensions based on this job + skill_dimensions = update_skill_dimensions_enhanced(job, skill_dimensions, i) + + # Log progress + if (i + 1) % 10 == 0: + logger.info(f"Progress: {i+1}/{len(jobs)} jobs processed, {len(skill_dimensions)} dimensions") + logger.info("Current skill dimensions:") + for dim_name, dim in skill_dimensions.items(): + logger.info(f" - {dim_name}: {dim.description} (confidence: {dim.confidence:.2f}, usage: {dim.usage_count})") + + # Analyze current state + logger.info(f"\nAfter iteration {iteration + 1}:") + logger.info(f"Total dimensions: {len(skill_dimensions)}") + + # Show top dimensions by usage + sorted_dims = sorted(skill_dimensions.items(), key=lambda x: x[1].usage_count, reverse=True) + logger.info("Top 5 dimensions by usage:") + for i, (name, dim) in enumerate(sorted_dims[:5]): + logger.info(f" {i+1}. {name}: {dim.usage_count} uses (confidence: {dim.confidence:.2f})") + + logger.info("\n" + "=" * 60) + logger.info("ENHANCED SKILL DIMENSION DISCOVERY COMPLETE") + logger.info("=" * 60) + logger.info(f"Final total unique skill dimensions: {len(skill_dimensions)}") + + # Display all discovered dimensions + logger.info("\nFinal skill dimensions:") + for i, (name, dim) in enumerate(sorted(skill_dimensions.items()), 1): + logger.info(f" {i:2d}. {name}: {dim.description} (usage: {dim.usage_count}, confidence: {dim.confidence:.2f})") + + return skill_dimensions + + +def create_job_vector_with_updated_dimensions(job: Dict[str, Any], skill_dimensions: Dict[str, SkillDimension]) -> Dict[str, float]: + """ + Create a sparse vector representation for a job using LLM-based scoring with strict 0 or 1 values. + + Args: + job: Job dictionary + skill_dimensions: Dictionary of skill dimensions + + Returns: + Dictionary mapping skill dimensions to relevance scores (0 or 1) + """ + logger.info(f"Creating vector for job: {job['job_title']}") + + # Create prompt for LLM + prompt = create_vector_scoring_prompt(job, skill_dimensions) + + try: + response: JobVectorResponse = call_llm_structured_output( + prompt, + JobVectorResponse, + model='claude-3-5-haiku-latest' + ) + + # Convert to dictionary with strict 0 or 1 values + vector = {} + for score in response.dimension_scores: + # Ensure the score is strictly 0 or 1 + relevance_score = 1 if score.relevance_score > 0 else 0 + vector[score.dimension_name] = relevance_score + + if relevance_score == 1: # Only log relevant dimensions + logger.info(f" {score.dimension_name}: {relevance_score} - {score.reasoning[:50]}...") + + logger.info(f" Summary: {response.summary[:100]}...") + + return vector + + except Exception as e: + logger.error(f"Error calling LLM for vector creation: {e}") + # Fallback to all zeros if LLM fails + vector = {} + for dim_name in skill_dimensions: + vector[dim_name] = 0 + return vector + + +def process_single_job_vector(job_data: tuple) -> Dict[str, Any]: + """ + Process a single job to create its skill vector. + + Args: + job_data: Tuple of (job_index, job, skill_dimensions, lock) + + Returns: + Job dictionary with added skill vector and sparsity + """ + job_index, job, skill_dimensions = job_data + + logger.info(f"Creating vector for job {job_index+1}: {job['job_title']}") + + vector = create_job_vector_with_updated_dimensions(job, skill_dimensions) + + # No need to update usage counts here - will be calculated after all vectors are created + + job_with_vector = job.copy() + job_with_vector['skill_vector'] = vector + job_with_vector['original_index'] = job_index # Store original index for sorting + + # Calculate sparsity (now with strict 0/1 values) + non_zero_scores = sum(1 for score in vector.values() if score == 1) # Count 1s + sparsity = 1.0 - (non_zero_scores / len(skill_dimensions)) + job_with_vector['sparsity'] = sparsity + + logger.info(f" Job {job_index+1} - Sparsity: {sparsity:.3f} ({non_zero_scores}/{len(skill_dimensions)} dimensions relevant)") + + return job_with_vector + + +def create_job_vectors_parallel(jobs: List[Dict[str, Any]], skill_dimensions: Dict[str, SkillDimension], max_workers: int = 5) -> List[Dict[str, Any]]: + """ + Create skill vectors for all jobs using parallel processing. + + Args: + jobs: List of job dictionaries + skill_dimensions: Dictionary of skill dimensions + max_workers: Maximum number of parallel workers + + Returns: + List of jobs with added skill vectors + """ + logger.info(f"\nCreating sparse vectors for all jobs using {max_workers} parallel workers...") + + # Prepare job data for parallel processing + job_data_list = [(i, job, skill_dimensions) for i, job in enumerate(jobs)] + + jobs_with_vectors = [] + + with ThreadPoolExecutor(max_workers=max_workers) as executor: + # Submit all jobs for processing + future_to_job = {executor.submit(process_single_job_vector, job_data): job_data[0] for job_data in job_data_list} + + # Process completed jobs in order of completion + for future in as_completed(future_to_job): + job_index = future_to_job[future] + try: + job_with_vector = future.result() + jobs_with_vectors.append(job_with_vector) + logger.info(f"Completed job {job_index+1}/{len(jobs)}") + except (ConnectionError, TimeoutError) as e: + logger.error(f"Network error processing job {job_index+1}: {e}") + # Add a fallback job with zero vector + fallback_job = jobs[job_index].copy() + fallback_job['skill_vector'] = {dim: 0 for dim in skill_dimensions} + fallback_job['sparsity'] = 1.0 + fallback_job['original_index'] = job_index + jobs_with_vectors.append(fallback_job) + except Exception as e: + logger.error(f"Unexpected error processing job {job_index+1}: {e}") + # Add a fallback job with zero vector + fallback_job = jobs[job_index].copy() + fallback_job['skill_vector'] = {dim: 0 for dim in skill_dimensions} + fallback_job['sparsity'] = 1.0 + fallback_job['original_index'] = job_index + jobs_with_vectors.append(fallback_job) + + # Sort by original job index to maintain order + jobs_with_vectors.sort(key=lambda x: x['original_index']) + + logger.info(f"Completed vector creation for {len(jobs_with_vectors)} jobs") + return jobs_with_vectors + + +def save_skill_dimensions_only(skill_dimensions: Dict[str, SkillDimension], output_dir: str, filename: str = "skill_dimensions_before_vectors.json"): + """Save skill dimensions to a JSON file before vector creation.""" + os.makedirs(output_dir, exist_ok=True) + + # Convert skill dimensions to serializable format + dimensions_data = {} + for name, dim in skill_dimensions.items(): + dimensions_data[name] = { + "description": dim.description, + "confidence": dim.confidence, + "usage_count": dim.usage_count, + "last_updated": dim.last_updated, + "synonyms": dim.synonyms + } + + # Save skill dimensions + dimensions_file = os.path.join(output_dir, filename) + with open(dimensions_file, 'w') as f: + json.dump(dimensions_data, f, indent=2) + logger.info(f"Saved skill dimensions to: {dimensions_file}") + logger.info(f"Total dimensions saved: {len(skill_dimensions)}") + + return dimensions_file + + +def save_updated_results(jobs_with_vectors: List[Dict[str, Any]], skill_dimensions: Dict[str, SkillDimension], output_dir: str): + """Save results to files.""" + os.makedirs(output_dir, exist_ok=True) + + # Convert skill dimensions to serializable format + dimensions_data = {} + for name, dim in skill_dimensions.items(): + dimensions_data[name] = { + "description": dim.description, + "confidence": dim.confidence, + "usage_count": dim.usage_count, + "last_updated": dim.last_updated, + "synonyms": dim.synonyms + } + + # Save skill dimensions + dimensions_file = os.path.join(output_dir, "updated_skill_dimensions.json") + with open(dimensions_file, 'w') as f: + json.dump(dimensions_data, f, indent=2) + logger.info(f"Saved updated skill dimensions to: {dimensions_file}") + + # Save job vectors + vectors_file = os.path.join(output_dir, "updated_job_vectors.json") + with open(vectors_file, 'w') as f: + json.dump(jobs_with_vectors, f, indent=2) + logger.info(f"Saved updated job vectors to: {vectors_file}") + + # Create summary statistics + summary = { + "total_jobs": len(jobs_with_vectors), + "total_dimensions": len(skill_dimensions), + "average_sparsity": np.mean([job['sparsity'] for job in jobs_with_vectors]), + "dimensions": list(skill_dimensions.keys()), + "top_dimensions_by_usage": sorted(skill_dimensions.items(), key=lambda x: x[1].usage_count, reverse=True)[:10] + } + + summary_file = os.path.join(output_dir, "updated_summary.json") + with open(summary_file, 'w') as f: + json.dump(summary, f, indent=2, default=str) + logger.info(f"Saved updated summary to: {summary_file}") + + +def main(): + """Main function to run enhanced skill dimension discovery and updates.""" + logger.info("Starting Enhanced Skill Dimension Discovery with Updates") + logger.info("=" * 60) + + # Read job data + jobs = read_job_data(input_data_path) # Process all jobs + + if not jobs: + logger.error("No jobs found. Exiting.") + return + + # Discover and update skill dimensions + skill_dimensions = discover_and_update_skill_dimensions(jobs, max_iterations=1) + + # Save skill dimensions before creating sparse vectors + save_skill_dimensions_only(skill_dimensions, output_dir) + + # Create sparse vectors for all jobs + jobs_with_vectors = create_job_vectors_parallel(jobs, skill_dimensions) + + # Save results + save_updated_results(jobs_with_vectors, skill_dimensions, output_dir) + + # Final analysis + logger.info("\n" + "=" * 60) + logger.info("FINAL ANALYSIS") + logger.info("=" * 60) + + sparsities = [job['sparsity'] for job in jobs_with_vectors] + avg_sparsity = np.mean(sparsities) + + logger.info(f"Total jobs analyzed: {len(jobs_with_vectors)}") + logger.info(f"Total skill dimensions: {len(skill_dimensions)}") + logger.info(f"Average sparsity: {avg_sparsity:.3f}") + + # Show top dimensions by usage + sorted_dims = sorted(skill_dimensions.items(), key=lambda x: x[1].usage_count, reverse=True) + logger.info("\nTop 5 dimensions by usage:") + for i, (name, dim) in enumerate(sorted_dims[:5]): + logger.info(f" {i+1}. {name}: {dim.usage_count} uses (confidence: {dim.confidence:.2f})") + + logger.info("\n" + "=" * 60) + logger.info("ENHANCED SKILL DIMENSION DISCOVERY WITH UPDATES COMPLETE") + logger.info("=" * 60) + + +if __name__ == "__main__": + main() diff --git a/experiments/dependencies/expt2/verify_experiment_consistency.py b/experiments/dependencies/expt2/verify_experiment_consistency.py new file mode 100644 index 0000000..62ecb1d --- /dev/null +++ b/experiments/dependencies/expt2/verify_experiment_consistency.py @@ -0,0 +1,214 @@ +#!/usr/bin/env python3 +""" +Experiment Data Consistency Verification +======================================== + +This script verifies that both P3O and MIPROv2 experiments are using +the exact same dataset for training and testing. + +Usage: + python verify_experiment_consistency.py +""" + +import logging +import sys +from typing import List, Dict, Any +import numpy as np + +sys.path.append("..") + +# Configure logging +logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') +logger = logging.getLogger(__name__) + +def verify_experiments_consistency(max_data_points: int = 20) -> bool: + """ + Verify that both P3O and MIPROv2 experiments use identical datasets. + + Args: + max_data_points: Number of data points to verify + + Returns: + True if experiments are consistent, False otherwise + """ + try: + # Import required modules + from o_net_data_processor import create_shared_data_processor + from expt_2_slot_imp_selection import JobKnowledgeExperiment + from mipro_skills import create_training_examples + + logger.info("=" * 60) + logger.info("VERIFYING EXPERIMENT DATA CONSISTENCY") + logger.info("=" * 60) + + # Create shared data processor + processor = create_shared_data_processor(random_seed=42) + logger.info(f"✓ Created shared data processor with seed=42") + + # Get data summary + summary = processor.get_data_summary() + logger.info(f"✓ Data summary: {summary['total_samples']} total samples, {summary['skill_dimensions']} skill dimensions") + + # Test P3O experiment data + logger.info("\n" + "-" * 40) + logger.info("TESTING P3O EXPERIMENT DATA") + logger.info("-" * 40) + + p3o_experiment = JobKnowledgeExperiment( + input_data_path="dummy", + input_data_slots_path="dummy", + output_path="dummy", + max_data_points=max_data_points, + random_seed=42 + ) + + p3o_queries = p3o_experiment.prepare_experiment_data() + logger.info(f"✓ P3O experiment loaded {len(p3o_queries)} queries") + + # Test MIPROv2 experiment data + logger.info("\n" + "-" * 40) + logger.info("TESTING MIPROv2 EXPERIMENT DATA") + logger.info("-" * 40) + + try: + import dspy + dspy_examples = create_training_examples(max_examples=max_data_points) + logger.info(f"✓ MIPROv2 experiment loaded {len(dspy_examples)} examples") + + # Verify data consistency using processor's verification method + logger.info("\n" + "-" * 40) + logger.info("VERIFYING DATA CONSISTENCY") + logger.info("-" * 40) + + is_consistent = processor.verify_data_consistency(p3o_queries, dspy_examples) + + if is_consistent: + logger.info("✅ DATA CONSISTENCY VERIFICATION: PASSED") + logger.info("Both experiments are using identical datasets!") + else: + logger.error("❌ DATA CONSISTENCY VERIFICATION: FAILED") + logger.error("Experiments are using different datasets!") + return False + + except ImportError: + logger.warning("DSPy not available, skipping MIPROv2 data verification") + return True + + # Additional detailed verification + logger.info("\n" + "-" * 40) + logger.info("DETAILED DATA VERIFICATION") + logger.info("-" * 40) + + # Check first few samples in detail + sample_count = min(3, len(p3o_queries)) + + for i in range(sample_count): + p3o_sample = p3o_queries[i] + + # Get job info + job_title = p3o_sample["x"]["job_title"] + onet_code = p3o_sample["x"]["onet_code"] + + # Count skills + skill_count = sum(1 for k, v in p3o_sample["x"].items() + if k not in ['job_title', 'onet_code'] and v == 1) + + # Get target metrics sample + y_sample = p3o_sample["y"] + admin_score = y_sample.AdministrationAndManagement + + logger.info(f"Sample {i+1}:") + logger.info(f" Job: {job_title} ({onet_code})") + logger.info(f" Skills: {skill_count} active skills") + logger.info(f" Target (AdministrationAndManagement): {admin_score}") + + # Verify DSPy example matches + if i < len(dspy_examples): + dspy_sample = dspy_examples[i] + dspy_admin_score = dspy_sample.job_metrics.AdministrationAndManagement + + if admin_score != dspy_admin_score: + logger.error(f" ❌ Mismatch: P3O={admin_score}, DSPy={dspy_admin_score}") + return False + else: + logger.info(f" ✅ DSPy match confirmed") + + # Test deterministic behavior + logger.info("\n" + "-" * 40) + logger.info("TESTING DETERMINISTIC BEHAVIOR") + logger.info("-" * 40) + + # Create second instance with same seed + processor2 = create_shared_data_processor(random_seed=42) + p3o_queries2 = processor2.get_p3o_format_data(max_data_points=max_data_points, use_train_split=True) + + # Compare first few samples + if len(p3o_queries) == len(p3o_queries2): + matches = 0 + for i in range(min(5, len(p3o_queries))): + if (p3o_queries[i]["x"]["onet_code"] == p3o_queries2[i]["x"]["onet_code"] and + p3o_queries[i]["x"]["job_title"] == p3o_queries2[i]["x"]["job_title"]): + matches += 1 + + if matches == min(5, len(p3o_queries)): + logger.info("✅ Deterministic behavior confirmed - same seed produces same data order") + else: + logger.warning(f"⚠️ Non-deterministic behavior detected - only {matches}/{min(5, len(p3o_queries))} samples match") + + logger.info("\n" + "=" * 60) + logger.info("VERIFICATION COMPLETE") + logger.info("=" * 60) + logger.info("✅ All consistency checks passed!") + logger.info("Both experiments will use identical training datasets.") + + return True + + except Exception as e: + logger.error(f"❌ Verification failed with error: {e}") + import traceback + traceback.print_exc() + return False + + +def compare_random_seeds(): + """Test different random seeds to confirm they produce different data splits.""" + logger.info("\n" + "=" * 60) + logger.info("TESTING DIFFERENT RANDOM SEEDS") + logger.info("=" * 60) + + from o_net_data_processor import create_shared_data_processor + + # Test with different seeds + seeds = [42, 123, 999] + first_jobs = {} + + for seed in seeds: + processor = create_shared_data_processor(random_seed=seed) + queries = processor.get_p3o_format_data(max_data_points=5, use_train_split=True) + + first_job = queries[0]["x"]["job_title"] if queries else "None" + first_jobs[seed] = first_job + logger.info(f"Seed {seed}: First job = '{first_job}'") + + # Check if different seeds produce different orders + unique_first_jobs = set(first_jobs.values()) + if len(unique_first_jobs) > 1: + logger.info("✅ Different random seeds produce different data orders (as expected)") + else: + logger.warning("⚠️ All seeds produced the same first job (unexpected)") + + +if __name__ == "__main__": + # Run verification + success = verify_experiments_consistency(max_data_points=10) + + if success: + logger.info("\n🎉 SUCCESS: Experiments are using consistent datasets!") + + # Also test different random seeds + compare_random_seeds() + + sys.exit(0) + else: + logger.error("\n💥 FAILURE: Experiments are NOT using consistent datasets!") + sys.exit(1) diff --git a/experiments/dependencies/expt2_data/job_data_processed.csv b/experiments/dependencies/expt2_data/job_data_processed.csv new file mode 100644 index 0000000..97aa1f1 --- /dev/null +++ b/experiments/dependencies/expt2_data/job_data_processed.csv @@ -0,0 +1,167208 @@ +soc_code,job_name,url,timestamp,Tasks,TechnologySkills,WorkActivities,DetailedWorkActivities,WorkContext,Skills,Knowledge,Abilities,Interests,WorkValues,WorkStyles,RelatedOccupations,ProfessionalAssociations,NUMERIC_knowledge_CustomerAndPersonalService,NUMERIC_knowledge_FoodProduction,NUMERIC_knowledge_ProductionAndProcessing,NUMERIC_knowledge_EnglishLanguage,NUMERIC_knowledge_Mathematics,NUMERIC_knowledge_AdministrationAndManagement,NUMERIC_knowledge_PublicSafetyAndSecurity,NUMERIC_knowledge_EducationAndTraining,NUMERIC_knowledge_Administrative,NUMERIC_knowledge_EconomicsAndAccounting,NUMERIC_knowledge_SalesAndMarketing,NUMERIC_knowledge_PersonnelAndHumanResources,NUMERIC_knowledge_Chemistry,NUMERIC_knowledge_ComputersAndElectronics,NUMERIC_knowledge_ForeignLanguage,NUMERIC_knowledge_LawAndGovernment,NUMERIC_knowledge_CommunicationsAndMedia,NUMERIC_knowledge_Mechanical,NUMERIC_knowledge_PhilosophyAndTheology,NUMERIC_knowledge_Transportation,NUMERIC_knowledge_Psychology,NUMERIC_knowledge_TherapyAndCounseling,NUMERIC_knowledge_SociologyAndAnthropology,NUMERIC_knowledge_Telecommunications,NUMERIC_knowledge_MedicineAndDentistry,NUMERIC_knowledge_EngineeringAndTechnology,NUMERIC_knowledge_BuildingAndConstruction,NUMERIC_knowledge_Physics,NUMERIC_knowledge_Biology,NUMERIC_knowledge_Design,NUMERIC_knowledge_Geography,NUMERIC_knowledge_FineArts,NUMERIC_knowledge_HistoryAndArcheology +35-2015.00,"Cooks, Short Order",https://www.onetonline.org/link/summary/35-2015.00,2025-06-11T19:11:44.698122,"Clean food preparation equipment, work areas, and counters or tables. +Perform food preparation tasks, such as making sandwiches, carving meats, making soups or salads, baking breads or desserts, and brewing coffee or tea. +Perform general cleaning activities in kitchen and dining areas. +Restock kitchen supplies, rotate food, and stamp the time and date on food in coolers. +Grill, cook, and fry foods such as french fries, eggs, and pancakes. +Plan work on orders so that items served together are finished at the same time. +Take orders from customers and cook foods requiring short preparation times, according to customer requirements. +Grill and garnish hamburgers or other meats, such as steaks and chops. +Complete orders from steam tables, placing food on plates and serving customers at tables or counters. +Order supplies and stock them on shelves. +Accept payments, and make change or write charge slips as necessary.","Inventory management software— Inventory control software +Point of sale POS software— Aldelo Systems Aldelo for Restaurants Pro; Foodman Home-Delivery; Plexis Software Plexis POS; RestaurantPlus PRO","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Clean food preparation areas, facilities, or equipment. +Prepare breads or doughs. +Prepare foods for cooking or serving. +Prepare hot or cold beverages. +Store supplies or goods in kitchens or storage areas. +Maintain food, beverage, or equipment inventories. +Cook foods. +Coordinate timing of food production activities. +Take customer orders. +Arrange food for serving. +Serve food or beverages. +Order materials, supplies, or equipment. +Process customer bills or payments.","Spend Time Standing— 89% responded “Continually or almost continually.” +Contact With Others— 79% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 54% responded “Every day.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Health and Safety of Other Workers— 68% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Telephone Conversations— 65% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Every day.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Spend Time Walking or Running— 46% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 37% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Physical Proximity— 39% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 57% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Important.” +Time Pressure— 48% responded “Every day.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 50% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bakers +Butchers and Meat Cutters +Chefs and Head Cooks +Bright Outlook +Cooks, Fast Food +Cooks, Institution and Cafeteria +Cooks, Private Household +Cooks, Restaurant +Fast Food and Counter Workers +Food Cooking Machine Operators and Tenders +Food Preparation Workers","View the list of Allies +American Personal and Private Chef Association +external site +National Restaurant Association +external site +American Culinary Federation +external site",69,62,59,52,48,47,47,38,37,36,36,33,32,29,26,24,23,23,23,23,22,19,18,14,13,12,11,11,10,10,9,7,6 +49-9098.00,"Helpers--Installation, Maintenance, and Repair Workers",https://www.onetonline.org/link/summary/49-9098.00,2025-06-11T19:23:34.886927,"Install or replace machinery, equipment, and new or replacement parts and instruments, using hand or power tools. +Examine and test machinery, equipment, components, and parts for defects to ensure proper functioning. +Tend and observe equipment and machinery to verify efficient and safe operation. +Adjust, connect, or disconnect wiring, piping, tubing, and other parts, using hand or power tools. +Clean or lubricate vehicles, machinery, equipment, instruments, tools, work areas, and other objects, using hand tools, power tools, and cleaning equipment. +Hold or supply tools, parts, equipment, and supplies for other workers. +Diagnose electrical problems and install and rewire electrical components. +Disassemble broken or defective equipment to facilitate repair and reassemble equipment when repairs are complete. +Position vehicles, machinery, equipment, physical structures, and other objects for assembly or installation, using hand tools, power tools, and moving equipment. +Transfer tools, parts, equipment, and supplies to and from work stations and other areas. +Adjust, maintain, and repair tools, equipment, and machines, and assist more skilled workers with similar tasks. +Order new parts to maintain inventory. +Apply protective materials to equipment, components, and parts to prevent defects and corrosion. +Design, weld, and fabricate parts, using blueprints or other mechanical plans. +Assemble and maintain physical structures, using hand or power tools. +Prepare work stations for use by mechanics and repairers.","Computer aided design CAD software— HVAC tools software +Data base user interface and query software— Data logging software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Facility energy management software +Industrial control software— Building automation software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Atlas Construction Business Forms; Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Inspect mechanical equipment to locate damage, defects, or wear. +Install machine or equipment replacement parts. +Test mechanical equipment to ensure proper functioning. +Connect electrical components or equipment. +Connect hoses to equipment or piping. +Observe equipment in operation to detect potential problems. +Assemble structural components. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Clean work areas. +Lubricate equipment to allow proper functioning. +Inspect electrical or electronic systems for defects. +Repair electrical components. +Disassemble equipment for maintenance or repair. +Reassemble equipment after repair. +Move materials, equipment, or supplies. +Position equipment using hand tools, power tools, or heavy equipment. +Adjust equipment to ensure optimal performance. +Maintain work equipment or machinery. +Order materials, supplies, or equipment. +Apply protective coverings to objects or surfaces near work areas. +Fabricate parts or components. +Operate welding equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Indoors, Not Environmentally Controlled— 71% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 60% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Exposed to Contaminants— 48% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Contact With Others— 50% responded “Contact with others most of the time.” +Spend Time Standing— 40% responded “More than half the time.” +Frequency of Decision Making— 53% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 59% responded “Every day.” +Health and Safety of Other Workers— 39% responded “Very high responsibility.” +Telephone Conversations— 55% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Exposed to Hazardous Equipment— 36% responded “Every day.” +E-Mail— 50% responded “Every day.” +Consequence of Error— 39% responded “Extremely serious.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 38% responded “Once a month or more but not every week.” +Physical Proximity— 44% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 49% responded “High responsibility.” +Duration of Typical Work Week— 62% responded “40 hours.” +Spend Time Walking or Running— 31% responded “Less than half the time.” +Time Pressure— 30% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 35% responded “Fairly important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Exposed to Hazardous Conditions— 31% responded “Every day.” +Exposed to High Places— 39% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 43% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 28% responded “Important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 25% responded “Every day.” +Spend Time Bending or Twisting Your Body— 41% responded “More than half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 33% responded “Once a year or more but not every month.” +In an Open Vehicle or Operating Equipment— 34% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Electric Motor, Power Tool, and Related Repairers +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Carpenters +Helpers--Electricians +Helpers--Extraction Workers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Helpers--Production Workers +Maintenance Workers, Machinery +Millwrights","View the list of Allies +Automotive Service Association +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +International Brotherhood of Electrical Workers +external site +Refrigeration Service Engineers Society +external site +United Mine Workers of America +external site +Utility Workers Union of America, AFL-CIO +external site",67,10,54,62,59,41,62,44,35,21,33,37,25,53,8,17,24,77,2,31,20,19,7,31,9,59,69,44,15,58,8,,5 +53-2011.00,"Airline Pilots, Copilots, and Flight Engineers",https://www.onetonline.org/link/summary/53-2011.00,2025-06-11T19:28:57.477827,"Use instrumentation to guide flights when visibility is poor. +Start engines, operate controls, and pilot airplanes to transport passengers, mail, or freight, adhering to flight plans, regulations, and procedures. +Work as part of a flight team with other crew members, especially during takeoffs and landings. +Respond to and report in-flight emergencies and malfunctions. +Inspect aircraft for defects and malfunctions, according to pre-flight checklists. +Contact control towers for takeoff clearances, arrival instructions, and other information, using radio equipment. +Monitor engine operation, fuel consumption, and functioning of aircraft systems during flights. +Monitor gauges, warning devices, and control panels to verify aircraft performance and to regulate engine speed. +Steer aircraft along planned routes, using autopilot and flight management computers. +Check passenger and cargo distributions and fuel amounts to ensure that weight and balance specifications are met. +Confer with flight dispatchers and weather forecasters to keep abreast of flight conditions. +Order changes in fuel supplies, loads, routes, or schedules to ensure safety of flights. +Brief crews about flight details, such as destinations, duties, and responsibilities. +Choose routes, altitudes, and speeds that will provide the fastest, safest, and smoothest flights. +Direct activities of aircraft crews during flights. +Record in log books information, such as flight times, distances flown, and fuel consumption. +Instruct other pilots and student pilots in aircraft operations and the principles of flight. +Make announcements regarding flights, using public address systems. +Coordinate flight activities with ground crews and air traffic control and inform crew members of flight and test procedures. +Conduct in-flight tests and evaluations at specified altitudes and in all types of weather to determine the receptivity and other characteristics of equipment and systems. +File instrument flight plans with air traffic control to ensure that flights are coordinated with other air traffic. +Perform minor maintenance work, or arrange for major maintenance. +Evaluate other pilots or pilot-license applicants for proficiency. +Plan and formulate flight activities and test schedules and prepare flight evaluation reports.","Analytical or scientific software— Pilot Navigator Software Load Balance +Calendar and scheduling software— SBS International Maestro Suite +Data base user interface and query software— Airline Pilots Daily Aviation Log PPC; AirSmith FlightPrompt; CoPilot Flight Planning & E6B; Skylog Services Skylog Pro;7 more +Electronic mail software— Microsoft Outlook +Information retrieval or search software— AeroPlanner; Notam Development Group Airport Insight +Object or component oriented development software— Document Object Model DOM Scripting +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Route navigation software— IFT-Pro; Navzilla +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Pilot aircraft. +Notify others of emergencies, problems, or hazards. +Report vehicle or equipment malfunctions. +Respond to transportation emergencies. +Inspect aircraft or aircraft components. +Communicate with others to coordinate vehicle movement. +Monitor engine operation or functioning. +Monitor equipment gauges or displays to ensure proper operation. +Monitor work environment to ensure safety or adherence to specifications. +Coordinate flight control or management activities. +Meet with coworkers to communicate work orders or plans. +Resolve issues affecting transportation operations. +Test performance of aircraft equipment. +Arrange maintenance activities. +Maintain locomotives or other rail equipment in good working condition. +Choose optimal transportation routes or speeds. +Evaluate performance of applicants, trainees, or employees. +Record operational details of travel. +Train transportation or material moving personnel. +Provide transportation information to passengers or customers. +Plan flight operations.","Importance of Being Exact or Accurate— 84% responded “Extremely important.” +Spend Time Sitting— 74% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 74% responded “Every day.” +Time Pressure— 72% responded “Every day.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Contact With Others— 75% responded “Constant contact with others.” +Health and Safety of Other Workers— 63% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 67% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 54% responded “Every day.” +Consequence of Error— 77% responded “Extremely serious.” +Freedom to Make Decisions— 58% responded “A lot of freedom.” +Frequency of Decision Making— 65% responded “Every day.” +E-Mail— 46% responded “Every day.” +Level of Competition— 42% responded “Extremely competitive.” +Physical Proximity— 83% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 53% responded “Every day.” +Public Speaking— 57% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Determine Tasks, Priorities and Goals— 29% responded “A lot of freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Every day.” +Exposed to High Places— 45% responded “Every day.” +Degree of Automation— 67% responded “Highly automated.” +Exposed to Very Hot or Cold Temperatures— 43% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 54% responded “Every day.” +Exposed to Contaminants— 35% responded “Every day.” +Exposed to Radiation— 39% responded “Every day.” +Conflict Situations— 30% responded “Once a year or more but not every month.” +Outdoors, Exposed to All Weather Conditions— 40% responded “Every day.” +Telephone Conversations— 50% responded “Once a week or more but not every day.” +Pace Determined by Speed of Equipment— 42% responded “Extremely important.” +Deal With External Customers or the Public in General— 30% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 28% responded “More than half the time.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Peripheral Vision— The ability to see objects or movement of objects to one's side when the eyes are looking ahead. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Night Vision— The ability to see under low-light conditions. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Air Traffic Controllers +Aircraft Cargo Handling Supervisors +Bright Outlook +Aircraft Mechanics and Service Technicians +Aircraft Service Attendants +Airfield Operations Specialists +Aviation Inspectors +Captains, Mates, and Pilots of Water Vessels +Commercial Pilots +First-Line Supervisors of Passenger Attendants +Locomotive Engineers","View the list of Allies +Aircraft Owners and Pilots Association +external site +Coalition of Airline Pilots Associations +external site +Helicopter Association International +external site +National Agricultural Aviation Association +external site +Air Line Pilots Association, International +external site",53,,8,73,60,53,68,41,17,8,4,22,20,59,8,57,21,68,10,95,46,10,15,37,9,47,5,58,7,19,68,,2 +53-7062.04,Recycling and Reclamation Workers,https://www.onetonline.org/link/summary/53-7062.04,2025-06-11T19:30:39.242468,"Sort materials, such as metals, glass, wood, paper or plastics, into appropriate containers for recycling. +Clean recycling yard by sweeping, raking, picking up broken glass and loose paper debris, or moving barrels and bins. +Operate forklifts, pallet jacks, power lifts, or front-end loaders to load bales, bundles, or other heavy items onto trucks for shipping to smelters or other recycled materials processing facilities. +Sort metals to separate high-grade metals, such as copper, brass, and aluminum, for recycling. +Clean, inspect, or lubricate recyclable collection equipment or perform routine maintenance or minor repairs on recycling equipment, such as star gears, finger sorters, destoners, belts, and grinders. +Collect and sort recyclable construction materials, such as concrete, drywall, plastics, or wood, into containers. +Extract chemicals from discarded appliances, such as air conditioners or refrigerators, using specialized machinery, such as refrigerant recovery equipment. +Deposit recoverable materials into chutes or place materials on conveyor belts. +Operate balers to compress recyclable materials into bundles or bales. +Clean materials, such as metals, according to recycling requirements. +Record logs of recycled materials or waste chemicals removed from products. +Operate processing equipment, such as fiber-sorters and grinders, to sort, crush, or grind recyclable materials. +Collect recyclable materials from curbside for delivery to designated facilities. +Operate automated refuse or manual recycling collection vehicles.","Calendar and scheduling software— Work scheduling software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Sort recyclable materials. +Decontaminate equipment or sites to remove hazardous or toxic substances. +Load materials into production equipment. +Clean work areas. +Operate recycling equipment. +Clean materials to prepare them for production. +Operate forklifts or other loaders. +Record operational or production data. +Clean production equipment. +Lubricate production equipment. +Repair production equipment or tools. +Operate grinding equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 93% responded “Every day.” +Exposed to Contaminants— 78% responded “Every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Outdoors, Exposed to All Weather Conditions— 70% responded “Every day.” +Spend Time Standing— 59% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 60% responded “Continually or almost continually.” +Contact With Others— 52% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 47% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 37% responded “Every day.” +Outdoors, Under Cover— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 37% responded “Extremely important.” +In an Open Vehicle or Operating Equipment— 53% responded “Every day.” +Determine Tasks, Priorities and Goals— 31% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 61% responded “Every day.” +Health and Safety of Other Workers— 40% responded “Very high responsibility.” +Spend Time Bending or Twisting Your Body— 39% responded “Continually or almost continually.” +Spend Time Walking or Running— 39% responded “About half the time.” +Work Outcomes and Results of Other Workers— 30% responded “High responsibility.” +Freedom to Make Decisions— 34% responded “A lot of freedom.” +Time Pressure— 33% responded “Every day.” +Indoors, Not Environmentally Controlled— 49% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Extremely important.” +Physical Proximity— 44% responded “Moderately close (at arm's length).” +Impact of Decisions on Co-workers or Company Results— 28% responded “Important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 40% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 42% responded “Every day.” +Frequency of Decision Making— 41% responded “Every day.” +Importance of Being Exact or Accurate— 42% responded “Important.” +Pace Determined by Speed of Equipment— 26% responded “Very important.” +Exposed to Hazardous Equipment— 43% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Speed of Limb Movement— The ability to quickly move the arms and legs.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cleaners of Vehicles and Equipment +Hazardous Materials Removal Workers +Helpers--Extraction Workers +Helpers--Production Workers +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Machine Feeders and Offbearers +Packaging and Filling Machine Operators and Tenders +Recycling Coordinators +Refuse and Recyclable Material Collectors +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders","View the list of Allies +MHI +external site +National Waste and Recycling Association +external site +Warehousing Education and Research Council +external site +Northeast Recycling Council +external site +International Brotherhood of Teamsters +external site",55,8,72,53,40,62,62,59,39,19,49,51,20,30,9,31,21,63,5,38,35,13,11,24,12,41,22,30,10,16,13,7,11 +47-2152.00,"Plumbers, Pipefitters, and Steamfitters",https://www.onetonline.org/link/summary/47-2152.00,2025-06-11T19:19:12.973112,"Shut off steam, water, or other gases or liquids from pipe sections, using valve keys or wrenches. +Install underground storm, sanitary, or water piping systems, extending piping as needed to connect fixtures and plumbing. +Assemble pipe sections, tubing, or fittings, using couplings, clamps, screws, bolts, cement, plastic solvent, caulking, or soldering, brazing, or welding equipment. +Locate and mark the position of pipe installations, connections, passage holes, or fixtures in structures, using measuring instruments such as rulers or levels. +Cut, thread, or hammer pipes to specifications, using tools such as saws, cutting torches, pipe threaders, or pipe benders. +Lay out full scale drawings of pipe systems, supports, or related equipment, according to blueprints. +Plan pipe system layout, installation, or repair, according to specifications. +Review blueprints, building codes, or specifications to determine work details or procedures. +Select pipe sizes, types, or related materials, such as supports, hangers, or hydraulic cylinders, according to specifications. +Fill pipes or plumbing fixtures with water or air and observe pressure gauges to detect and locate leaks. +Direct helpers engaged in pipe cutting, preassembly, or installation of plumbing systems or components. +Inspect, examine, or test installed systems or pipe lines, using pressure gauge, hydrostatic testing, observation, or other methods. +Install pipe assemblies, fittings, valves, appliances such as dishwashers or water heaters, or fixtures such as sinks or toilets, using hand or power tools. +Anchor steel supports from ceiling joists to hold pipes in place. +Attach pipes to walls, structures, or fixtures, such as radiators or tanks, using brackets, clamps, tools, or welding equipment. +Modify, clean, or maintain pipe systems, units, fittings, or related machines or equipment, using hand or power tools. +Install automatic controls to regulate pipe systems. +Estimate time, material, or labor costs for use in project plans. +Keep records of work assignments. +Inspect structures to assess material or equipment needs, to establish the sequence of pipe installations, or to plan installation around obstructions, such as electrical wiring. +Maintain or repair plumbing by replacing defective washers, replacing or mending broken pipes, or opening clogged drains. +Repair or remove and replace system components. +Cut openings in structures to accommodate pipes or pipe fittings, using hand or power tools. +Install green plumbing equipment, such as faucet flow restrictors, dual-flush or pressure-assisted flush toilets, or tankless hot water heaters. +Inspect work sites for obstructions or holes that could cause structural weakness. +Install pipe systems to support alternative energy-fueled systems, such as geothermal heating or cooling systems. +Install fixtures, appliances, or equipment designed to reduce water or energy consumption. +Repair hydraulic or air pumps. +Weld small pipes or special piping, using specialized techniques, equipment, or materials, such as computer-assisted welding or microchip fabrication. +Operate motorized pumps to remove water from flooded manholes, basements, or facility floors.","Accounting software— Bookkeeping software; Intuit QuickBooks; KRS Enterprises Service First!; Quicken;1 more +Analytical or scientific software— Bentley Systems AutoPIPE; COADE CAESAR II; Quote Software QuoteExpress; Watter Hammer Software Hytran;7 more +Computer aided design CAD software— AEC Design Group CADPIPE; Drawing and drafting software; Horizon Engineering Sigma Plumbing Calculator; ViziFlow;3 more +Data base user interface and query software— Database software; Insight Direct ServiceCEO; PricePoint; Wintac Pro +Electronic mail software— Email software +Facilities management software— Maintenance management software +Internet browser software +Office suite software— Microsoft Office software +Project management software— Estimating software; FastEST FastPipe; Piping construction costs estimation software; Vision InfoSoft Plumbing Bid Manager;1 more +Spreadsheet software— Microsoft Excel; PipingOffice +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Atlas Construction Business Forms; Microsoft Word; Wilhelm Publishing Threshold","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Install plumbing or piping. +Maintain plumbing structures or fixtures. +Weld metal components. +Mark reference points on construction materials. +Measure materials or objects for installation or assembly. +Create construction or installation diagrams. +Cut metal components for installation. +Fabricate parts or components. +Plan layout of construction, installation, or repairs. +Inspect plumbing systems or fixtures. +Review blueprints or specifications to determine work requirements. +Select construction materials. +Direct construction or extraction personnel. +Clean equipment or facilities. +Estimate construction project costs. +Estimate construction project labor requirements. +Install gauges or controls. +Record operational or environmental data. +Inspect work sites to determine condition or necessary repairs. +Repair worn, damaged, or defective mechanical parts. +Remove parts or components from equipment. +Replace worn, damaged, or defective mechanical parts. +Cut openings in existing structures. +Inspect work sites to identify potential environmental or safety hazards. +Install green plumbing or water handling systems. +Operate pumps or compressors.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 91% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 86% responded “Continually or almost continually.” +Spend Time Standing— 75% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Exposed to Contaminants— 56% responded “Every day.” +Frequency of Decision Making— 65% responded “Every day.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Time Pressure— 57% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 45% responded “Once a week or more but not every day.” +Contact With Others— 54% responded “Constant contact with others.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 41% responded “Every day.” +Telephone Conversations— 45% responded “Every day.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Exposed to Hazardous Equipment— 46% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 47% responded “Once a week or more but not every day.” +Physical Proximity— 67% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 38% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 32% responded “Continually or almost continually.” +Exposed to Cramped Work Space, Awkward Positions— 43% responded “Once a week or more but not every day.” +Exposed to High Places— 45% responded “Once a month or more but not every week.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 43% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 33% responded “Every day.” +Level of Competition— 59% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Extremely important.” +Duration of Typical Work Week— 73% responded “40 hours.” +Exposed to Very Hot or Cold Temperatures— 49% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 38% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 40% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 38% responded “About half the time.” +E-Mail— 33% responded “Every day.” +Outdoors, Under Cover— 35% responded “Once a week or more but not every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 40% responded “More than half the time.” +Exposed to Hazardous Conditions— 29% responded “Every day.” +Indoors, Environmentally Controlled— 34% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Deal With External Customers or the Public in General— 27% responded “Extremely important.” +Consequence of Error— 29% responded “Not serious at all.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Boilermakers +Construction Laborers +Bright Outlook +Control and Valve Installers and Repairers, Except Mechanical Door +Heating, Air Conditioning, and Refrigeration Mechanics and Installers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Maintenance and Repair Workers, General +Pipelayers +Septic Tank Servicers and Sewer Pipe Cleaners +Solar Thermal Installers and Technicians +Stationary Engineers and Boiler Operators","View the list of Allies +American Welding Society +external site +Home Builders Institute +external site +International Association of Machinists and Aerospace Workers +external site +Mechanical Contractors Association of America +external site +National Association of Home Builders +external site +National Fire Protection Association +external site +National Fire Sprinkler Association +external site +Plumbing-Heating-Cooling Contractors Association +external site +American Fire Sprinkler Association +external site +International Brotherhood of Electrical Workers +external site +National Center for Construction Education and Research +external site +United Association of Journeymen and Apprentices of the Plumbing and Pipe Fitting Industry +external site +United Steelworkers +external site",65,18,42,48,69,58,56,46,30,29,29,29,38,28,10,33,21,83,12,31,23,13,8,15,17,56,84,56,9,69,12,4,11 +47-2231.00,Solar Photovoltaic Installers,https://www.onetonline.org/link/summary/47-2231.00,2025-06-11T19:19:33.373468,"Install photovoltaic (PV) systems in accordance with codes and standards, using drawings, schematics, and instructions. +Check electrical installation for proper wiring, polarity, grounding, or integrity of terminations. +Identify electrical, environmental, and safety hazards associated with photovoltaic (PV) installations. +Identify installation locations with proper orientation, area, solar access, or structural integrity for photovoltaic (PV) arrays. +Assemble solar modules, panels, or support structures, as specified. +Apply weather sealing to array, building, or support mechanisms. +Install module array interconnect wiring, implementing measures to disable arrays during installation. +Install required labels on solar system components and hardware. +Diagram layouts and locations for photovoltaic (PV) arrays and equipment, including existing building or site features. +Determine materials, equipment, and installation sequences necessary to maximize installation efficiency. +Test operating voltages to ensure operation within acceptable limits for power conditioning equipment, such as inverters and controllers. +Determine appropriate sizes, ratings, and locations for all system overcurrent devices, disconnect devices, grounding equipment, and surge suppression equipment. +Activate photovoltaic (PV) systems to verify system functionality and conformity to performance expectations. +Identify and resolve any deficiencies in photovoltaic (PV) system installation or materials. +Visually inspect and test photovoltaic (PV) modules or systems. +Examine designs to determine current requirements for all parts of the photovoltaic (PV) system electrical circuit. +Demonstrate system functionality and performance, including start-up, shut-down, normal operation, and emergency or bypass operations. +Identify methods for laying out, orienting, and mounting modules or arrays to ensure efficient installation, electrical configuration, or system maintenance. +Measure and analyze system performance and operating parameters to assess operating condition of systems or equipment. +Program, adjust, or configure inverters and controls for desired set points and operating modes. +Determine connection interfaces for additional subpanels or for connecting photovoltaic (PV) systems with utility services or other power generation sources. +Determine photovoltaic (PV) system designs or configurations based on factors such as customer needs, expectations, and site conditions. +Select mechanical designs, installation equipment, or installation plans that conform to environmental, architectural, structural, site, and code requirements. +Perform routine photovoltaic (PV) system maintenance on modules, arrays, batteries, power conditioning equipment, safety systems, structural systems, weather sealing, or balance of systems equipment. +Compile or maintain records of system operation, performance, and maintenance. +Install active solar systems, including solar collectors, concentrators, pumps, or fans.","Calendar and scheduling software— Work scheduling software +Computer aided design CAD software +Customer relationship management CRM software— Salesforce software +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Office suite software— Microsoft Office software +Project management software— Cost estimating software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Install solar energy systems. +Inspect electrical or electronic systems for defects. +Determine appropriate locations for operations or installations. +Apply sealants or other protective coatings. +Install electrical components, equipment, or systems. +Select construction materials. +Apply identification labels or tags. +Create construction or installation diagrams. +Select construction equipment. +Test electrical equipment or systems to ensure proper functioning. +Test green technology installations to verify performance. +Review blueprints or specifications to determine work requirements. +Determine construction project layouts. +Maintain mechanical equipment. +Record operational or environmental data.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 70% responded “Every day.” +Telephone Conversations— 62% responded “Every day.” +Exposed to High Places— 69% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Contact With Others— 57% responded “Contact with others most of the time.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Spend Time Standing— 53% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 59% responded “Every day.” +Exposed to Hazardous Equipment— 58% responded “Every day.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 67% responded “Every day.” +Frequency of Decision Making— 56% responded “Every day.” +Work Outcomes and Results of Other Workers— 49% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 51% responded “Some freedom.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Every day.” +Spend Time Keeping or Regaining Balance— 59% responded “Continually or almost continually.” +Consequence of Error— 53% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Indoors, Not Environmentally Controlled— 56% responded “Every day.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Conflict Situations— 58% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +E-Mail— 59% responded “Every day.” +Outdoors, Under Cover— 34% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 42% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 38% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 33% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 39% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 44% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 40% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 51% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 28% responded “Extremely important.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 48% responded “More than half the time.” +Public Speaking— 33% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 59% responded “40 hours.” +Spend Time Walking or Running— 44% responded “Less than half the time.” +Exposed to Contaminants— 27% responded “Once a month or more but not every week.”","Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electricians +Geothermal Technicians +Hydroelectric Plant Technicians +Lighting Technicians +Maintenance and Repair Workers, General +Solar Energy Installation Managers +Solar Thermal Installers and Technicians +Wind Turbine Service Technicians","View the list of Allies +Interstate Renewable Energy Council +external site +Electrical Training Alliance +external site +Electronics Technicians Association International +external site +NABCEP +external site +National Center for Construction Education and Research +external site",75,3,61,57,74,78,69,68,44,19,36,37,25,53,18,30,29,82,7,48,29,11,12,50,10,85,95,31,8,78,23,4,5 +53-1041.00,Aircraft Cargo Handling Supervisors,https://www.onetonline.org/link/summary/53-1041.00,2025-06-11T19:28:43.253449,"Determine the quantity and orientation of cargo, and compute an aircraft's center of gravity. +Direct ground crews in the loading, unloading, securing, or staging of aircraft cargo or baggage. +Train new employees in areas such as safety procedures or equipment operation. +Distribute cargo to maximize use of space. +Calculate load weights for different aircraft compartments, using charts and computers. +Accompany aircraft as a member of the flight crew to monitor and handle cargo in flight.","Electronic mail software— Microsoft Outlook +Inventory management software— Cargo tracking system software +Materials requirements planning logistics and supply chain software— Warehouse management system WMS +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Calculate weights, volumes or other characteristics of materials. +Direct material handling or moving activities. +Train personnel on proper operational procedures. +Load shipments, belongings, or materials. +Monitor cargo area conditions.","E-Mail— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Contact With Others— 89% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 85% responded “Extremely important.” +Frequency of Decision Making— 73% responded “Every day.” +Time Pressure— 81% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 13% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 70% responded “Very important results.” +Health and Safety of Other Workers +Importance of Being Exact or Accurate— 66% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 62% responded “A lot of freedom.” +Freedom to Make Decisions +Indoors, Not Environmentally Controlled— 86% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 78% responded “Every day.” +Work Outcomes and Results of Other Workers— 14% responded “Moderate responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 71% responded “Every day.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 53% responded “Every day.” +Indoors, Environmentally Controlled— 60% responded “Every day.” +Conflict Situations— 62% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 19% responded “Very important.” +In an Open Vehicle or Operating Equipment— 14% responded “Never.” +Importance of Repeating Same Tasks— 47% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 60% responded “40 hours.” +Physical Proximity— 43% responded “Very close (near touching).” +Consequence of Error— 59% responded “Extremely serious.” +Written Letters and Memos— 32% responded “Every day.” +Exposed to Hazardous Equipment— 49% responded “Every day.” +Spend Time Standing— 39% responded “More than half the time.” +Exposed to Contaminants— 41% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 45% responded “Less than half the time.” +Spend Time Walking or Running— 26% responded “More than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Airfield Operations Specialists +Cargo and Freight Agents +Bright Outlook +Dispatchers, Except Police, Fire, and Ambulance +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers +Industrial Truck and Tractor Operators +Transportation Inspectors +Transportation, Storage, and Distribution Managers","View the list of Allies +International Association of Machinists and Aerospace Workers +external site +Transport Workers Union of America AFL-CIO +external site",91,19,55,82,61,69,85,61,68,38,29,62,26,61,30,48,43,34,7,83,45,25,14,60,16,29,16,32,23,18,54,7,10 +11-9081.00,Lodging Managers,https://www.onetonline.org/link/summary/11-9081.00,2025-06-11T18:48:15.301909,"Answer inquiries pertaining to hotel policies and services, and resolve occupants' complaints. +Participate in financial activities, such as the setting of room rates, the establishment of budgets, and the allocation of funds to departments. +Confer and cooperate with other managers to ensure coordination of hotel activities. +Greet and register guests. +Monitor the revenue activity of the hotel or facility. +Manage and maintain temporary or permanent lodging facilities. +Train staff members. +Observe and monitor staff performance to ensure efficient operations and adherence to facility's policies and procedures. +Coordinate front-office activities of hotels or motels, and resolve problems. +Inspect guest rooms, public areas, and grounds for cleanliness and appearance. +Assign duties to workers, and schedule shifts. +Receive and process advance registration payments, mail letters of confirmation, or return checks when registrations cannot be accepted. +Interview and hire applicants. +Purchase supplies, and arrange for outside services, such as deliveries, laundry, maintenance and repair, and trash collection. +Collect payments and record data pertaining to funds and expenditures. +Develop and implement policies and procedures for the operation of a department or establishment. +Prepare required paperwork pertaining to departmental functions. +Show, rent, or assign accommodations. +Perform marketing and public relations activities. +Organize and coordinate the work of staff and convention personnel for meetings to be held at a particular facility. +Provide assistance to staff members by inspecting rooms, setting tables, or doing laundry. +Arrange telephone answering services, deliver mail and packages, or answer questions regarding locations for eating and entertainment. +Meet with clients to schedule and plan details of conventions, banquets, receptions and other functions. +Book tickets for guests for local tours and attractions.","Accounting software +Customer relationship management CRM software— Enablez ResortSuite +Data base user interface and query software— Microsoft Access; Property management system PMS software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne +Facilities management software— Anand Systems ASI FrontDesk; M-Tech Hotel Service Optimization System HotSOS; TCS Hotel Software Guest Tracker; UniResMan;9 more +Financial analysis software— Delphi Technology +Office suite software— Microsoft Office software +Point of sale POS software— ePOS Business Solutions System 3 POS +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Provide basic information to guests, visitors, or clients. +Resolve customer complaints or problems. +Manage organizational or project budgets. +Confer with organizational members to accomplish work activities. +Monitor flow of cash or other resources. +Monitor facilities or operational systems. +Coordinate operational activities with external stakeholders. +Conduct employee training programs. +Evaluate employee performance. +Monitor activities of individuals to ensure safety or compliance with rules. +Monitor performance of organizational members or partners. +Direct administrative or support services. +Inspect condition or functioning of facilities or equipment. +Prepare staff schedules or work assignments. +Collect payments for goods or services. +Hire personnel. +Interview employees, customers, or others to collect information. +Purchase materials, equipment, or other resources. +Schedule product or material transportation. +Maintain operational records. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Document organizational or operational procedures. +Implement organizational process or policy changes. +Assign resources or facilities to patrons or employees. +Guide patrons on tours. +Promote products, services, or programs. +Manage guest services. +Perform manual service or maintenance tasks.","E-Mail— 92% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +Contact With Others— 89% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 66% responded “A lot of freedom.” +Frequency of Decision Making— 80% responded “Every day.” +Work Outcomes and Results of Other Workers— 64% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 71% responded “Extremely important.” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Very important results.” +Deal With External Customers or the Public in General— 69% responded “Extremely important.” +Time Pressure— 58% responded “Every day.” +Written Letters and Memos— 44% responded “Every day.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Health and Safety of Other Workers— 80% responded “High responsibility.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Importance of Repeating Same Tasks— 15% responded “Important.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Conflict Situations— 46% responded “Once a week or more but not every day.” +Public Speaking— 31% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a month or more but not every week.” +Level of Competition— 52% responded “Moderately competitive.” +Spend Time Sitting— 45% responded “About half the time.” +Spend Time Standing— 42% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Services Managers +Bright Outlook +Concierges +Facilities Managers +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Personal Service Workers +Food Service Managers +General and Operations Managers +Meeting, Convention, and Event Planners +Property, Real Estate, and Community Association Managers +Spa Managers","View the list of Allies +American Hotel and Lodging Association +external site +IEHA +external site +International Council on Hotel, Restaurant, and Institutional Education +external site +American Hotel and Lodging Educational Institute +external site",89,40,37,93,83,93,74,67,78,75,81,91,25,78,36,47,66,34,29,42,59,36,47,49,17,35,9,7,14,21,34,9,13 +25-2051.00,"Special Education Teachers, Preschool",https://www.onetonline.org/link/summary/25-2051.00,2025-06-11T19:01:34.091320,"Employ special educational strategies or techniques during instruction to improve the development of sensory- and perceptual-motor skills, language, cognition, or memory. +Teach socially acceptable behavior, employing techniques such as behavior modification or positive reinforcement. +Communicate nonverbally with children to provide them with comfort, encouragement, or positive reinforcement. +Teach basic skills, such as color, shape, number and letter recognition, personal hygiene, or social skills, to preschool students with special needs. +Develop individual educational plans (IEPs) designed to promote students' educational, physical, or social development. +Confer with parents, administrators, testing specialists, social workers, or other professionals to develop individual education plans (IEPs). +Teach students personal development skills, such as goal setting, independence, or self-advocacy. +Develop or implement strategies to meet the needs of students with a variety of disabilities. +Observe and evaluate students' performance, behavior, social development, and physical health. +Instruct and monitor students in the use and care of equipment or materials to prevent injuries and damage. +Administer tests to help determine children's developmental levels, needs, or potential. +Establish and enforce rules for behavior and procedures for maintaining order among students. +Attend to children's basic needs by feeding them, dressing them, or changing their diapers. +Prepare classrooms with a variety of materials or resources for children to explore, manipulate, or use in learning activities or imaginative play. +Monitor teachers or teacher assistants to ensure adherence to special education program requirements. +Encourage students to explore learning opportunities or persevere with challenging tasks to prepare them for later grades. +Meet with parents or guardians to discuss their children's progress, advise them on using community resources, or teach skills for dealing with students' impairments. +Confer with parents, guardians, teachers, counselors, or administrators to resolve students' behavioral or academic problems. +Maintain accurate and complete student records as required by laws, district policies, or administrative regulations. +Establish and communicate clear objectives for all lessons, units, and projects to students, parents, or guardians. +Modify the general preschool curriculum for students with disabilities. +Provide assistive devices, supportive technology, or assistance accessing facilities, such as restrooms. +Organize and supervise games or other recreational activities to promote physical, mental, or social development. +Prepare objectives, outlines, or other materials for courses of study, following curriculum guidelines or requirements. +Attend professional meetings, educational conferences, or teacher training workshops to maintain or improve professional competence. +Read books to entire classes or to small groups. +Prepare reports on students and activities as required by administration. +Arrange indoor or outdoor space to facilitate creative play, motor-skill activities, or safety. +Organize and display students' work in a manner appropriate for their perceptual skills. +Present information in audio-visual or interactive formats, using computers, television, audio-visual aids, or other equipment, materials, or technologies. +Collaborate with other teachers or administrators to develop, evaluate, or revise preschool programs. +Plan and supervise experiential learning activities, such as class projects, field trips, or demonstrations. +Prepare assignments for teacher assistants or volunteers. +Control the inventory or distribution of classroom equipment, materials, or supplies. +Coordinate placement of students with special needs into mainstream classes. +Serve meals or snacks in accordance with nutritional guidelines.","Computer based training software— Children's educational software +Data base user interface and query software— American Sign Language Browser +Device drivers or system software— Screen magnification software; Screen reader software +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Drawing software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Develop strategies or programs for students with special needs. +Teach life skills. +Collaborate with other teaching professionals to develop educational programs. +Encourage students. +Monitor student performance. +Evaluate student work. +Monitor student behavior, social development, or health. +Teach others to use technology or equipment. +Provide for basic needs of children. +Administer tests to assess educational needs or progress. +Establish rules or policies governing student behavior. +Set up classroom materials or equipment. +Direct activities of subordinates. +Develop instructional objectives. +Discuss student progress with parents or guardians. +Discuss problems or issues with supervisors. +Maintain student records. +Modify teaching methods or materials to accommodate student needs. +Assist students with special educational needs. +Develop instructional materials. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Plan educational activities. +Read to students. +Prepare reports detailing student activities or performance. +Display student work. +Create technology-based learning materials. +Plan experiential learning activities. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products.","Contact With Others— 98% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +E-Mail— 74% responded “Every day.” +Physical Proximity— 72% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Frequency of Decision Making— 72% responded “Every day.” +Freedom to Make Decisions— 71% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Telephone Conversations— 28% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 46% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Very important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 36% responded “Less than half the time.” +Spend Time Standing— 48% responded “About half the time.” +Written Letters and Memos— 51% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 28% responded “Moderate responsibility.” +Spend Time Bending or Twisting Your Body— 32% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 24% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 41% responded “Important.” +Duration of Typical Work Week— 54% responded “40 hours.” +Exposed to Disease or Infections— 32% responded “Every day.” +Spend Time Making Repetitive Motions— 32% responded “About half the time.” +Time Pressure— 34% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adapted Physical Education Specialists +Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Preschool Teachers, Except Special Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Secondary School +Teaching Assistants, Special Education","View the list of Allies +Council for Exceptional Children +external site +National Association of Special Education Teachers +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",52,7,4,88,46,35,60,81,52,1,4,17,10,56,39,42,44,5,48,35,71,57,50,29,49,4,,7,18,4,33,16,29 +47-5011.00,"Derrick Operators, Oil and Gas",https://www.onetonline.org/link/summary/47-5011.00,2025-06-11T19:20:25.066207,"Inspect derricks, or order their inspection, prior to being raised or lowered. +Inspect derricks for flaws, and clean and oil derricks to maintain proper working conditions. +Control the viscosity and weight of the drilling fluid. +Repair pumps, mud tanks, and related equipment. +Set and bolt crown blocks to posts at tops of derricks. +Listen to mud pumps and check regularly for vibration and other problems to ensure that rig pumps and drilling mud systems are working properly. +Start pumps that circulate mud through drill pipes and boreholes to cool drill bits and flush out drill cuttings. +Position and align derrick elements, using harnesses and platform climbing devices. +Supervise crew members, and provide assistance in training them. +Guide lengths of pipe into and out of elevators. +Prepare mud reports, and instruct crews about the handling of any chemical additives. +Clamp holding fixtures on ends of hoisting cables. +Weigh clay, and mix with water and chemicals to make drilling mud, using portable mixers. +String cables through pulleys and blocks. +Steady pipes during connection to or disconnection from drill or casing strings.","Electronic mail software— Microsoft Outlook +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Inspect equipment or tools to be used in construction or excavation. +Maintain drilling equipment. +Clean equipment or facilities. +Mix substances or compounds needed for work activities. +Assemble temporary equipment or structures. +Monitor extraction operations. +Operate pumps or compressors. +Train construction or extraction personnel. +Direct construction or extraction personnel. +Position construction or extraction equipment. +Install drilling equipment. +Prepare operational reports. +Operate cranes, hoists, or other moving or lifting equipment. +Measure materials or objects for installation or assembly.","Exposed to Contaminants— 99% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Duration of Typical Work Week— 99% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 94% responded “Every day.” +Exposed to Hazardous Equipment— 86% responded “Every day.” +Health and Safety of Other Workers +Exposed to Minor Burns, Cuts, Bites, or Stings— 86% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 78% responded “Every day.” +Exposed to Hazardous Conditions— 81% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 81% responded “Continually or almost continually.” +Exposed to High Places +Contact With Others +Work With or Contribute to a Work Group or Team— 15% responded “Important.” +Physical Proximity— 51% responded “Very close (near touching).” +Spend Time Standing— 50% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 76% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 12% responded “No results.” +Importance of Repeating Same Tasks— 21% responded “Very important.” +Spend Time Bending or Twisting Your Body— 19% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 17% responded “Moderate responsibility.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 44% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Freedom to Make Decisions +Determine Tasks, Priorities and Goals— 11% responded “Limited freedom.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Once a week or more but not every day.” +Exposed to Whole Body Vibration +Spend Time Walking or Running— 38% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 13% responded “Less than half the time.” +Conflict Situations— 25% responded “Once a year or more but not every month.” +Telephone Conversations— 32% responded “Never.” +Time Pressure— 30% responded “Every day.” +Outdoors, Under Cover— 30% responded “Never.” +Pace Determined by Speed of Equipment— 50% responded “Very important.” +Deal With External Customers or the Public in General— 32% responded “Extremely important.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speed of Limb Movement— The ability to quickly move the arms and legs. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Dredge Operators +Earth Drillers, Except Oil and Gas +Helpers--Extraction Workers +Hoist and Winch Operators +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators +Rotary Drill Operators, Oil and Gas +Roustabouts, Oil and Gas +Bright Outlook +Service Unit Operators, Oil and Gas +Wellhead Pumpers","View the list of Allies +American Association of Drilling Engineers +external site +American Association of Petroleum Geologists +external site +American Association of Professional Landmen +external site +American Petroleum Institute +external site +IADC +external site +Independent Petroleum Association of America +external site +Society of Petroleum Engineers +external site +Southern Gas Association +external site +Southeastern Oil & Gas Association +external site +Western States Petroleum Association +external site +International Union of Operating Engineers +external site +National Association of Energy Service Companies +external site +United Steelworkers +external site",34,3,29,55,58,42,46,51,22,19,11,34,35,25,12,35,16,65,3,44,31,19,20,7,21,31,37,35,13,22,31,2,8 +17-3021.00,Aerospace Engineering and Operations Technologists and Technicians,https://www.onetonline.org/link/summary/17-3021.00,2025-06-11T18:55:04.962037,"Test aircraft systems under simulated operational conditions, performing systems readiness tests and pre- and post-operational checkouts, to establish design or fabrication parameters. +Identify required data, data acquisition plans, and test parameters, setting up equipment to conform to these specifications. +Inspect, diagnose, maintain, and operate test setups and equipment to detect malfunctions. +Confer with engineering personnel regarding details and implications of test procedures and results. +Operate and calibrate computer systems and devices to comply with test requirements and to perform data acquisition and analysis. +Record and interpret test data on parts, assemblies, and mechanisms. +Adjust, repair, or replace faulty components of test setups and equipment. +Fabricate and install parts and systems to be tested in test equipment, using hand tools, power tools, and test instruments. +Finish vehicle instrumentation and deinstrumentation. +Construct and maintain test facilities for aircraft parts and systems, according to specifications. +Design electrical and mechanical systems for avionic instrumentation applications. +Operate, test, and troubleshoot uncrewed aerial systems, commonly known as drones, to ensure optimal performance.","Analytical or scientific software— Data acquisition software; Vibration analysis software +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks +Data base management system software— Apache Hadoop +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Oracle Database; Structured query language SQL +Development environment software— National Instruments LabVIEW +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Graphical user interface development software— Graphical user interface GUI design software +Industrial control software— Computerized numerical control CNC software +Inventory management software— Inventory software +Object or component oriented development software— Apache JMeter; C++; Oracle Java; Python +Office suite software— Microsoft Office software +Operating system software— Job control language JCL; Linux; Red Hat Enterprise Linux; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Bugzilla; Hewlett Packard LoadRunner; JUnit; Selenium;1 more +Project management software— Atlassian JIRA; Microsoft Project +Spreadsheet software— Microsoft Excel +Transaction server software— Customer information control system CICS +Web platform development software— JavaScript +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Estimate technical or resource requirements for development or production projects. +Inspect equipment or systems. +Confer with technical personnel to prepare designs or operational plans. +Document design or operational test results. +Interpret design or operational test results. +Operate computer systems. +Test quality of materials or finished products. +Maintain test equipment. +Calibrate scientific or technical equipment. +Fabricate devices or components. +Install production equipment or systems. +Assemble equipment or components. +Design electrical equipment or systems. +Document technical design details.","Importance of Being Exact or Accurate— 96% responded “Extremely important.” +Duration of Typical Work Week— 95% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +E-Mail— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Time Pressure— 55% responded “Every day.” +Work With or Contribute to a Work Group or Team +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 69% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Important results.” +Frequency of Decision Making +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Freedom to Make Decisions— 60% responded “Some freedom.” +Contact With Others— 21% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 25% responded “Very important.” +Exposed to Hazardous Conditions— 41% responded “Once a week or more but not every day.” +Consequence of Error— 36% responded “Very serious.” +Deal With External Customers or the Public in General— 32% responded “Very important.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 34% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 52% responded “Moderate responsibility.” +Level of Competition— 45% responded “Highly competitive.” +Exposed to Cramped Work Space, Awkward Positions— 42% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 36% responded “Very important.” +Work Outcomes and Results of Other Workers— 26% responded “Limited responsibility.” +Exposed to Contaminants— 32% responded “Every day.” +Spend Time Sitting— 37% responded “More than half the time.” +Physical Proximity","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Operation and Control— Controlling operations of equipment or systems. +Repairing— Repairing machines or systems using the needed tools. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aircraft Mechanics and Service Technicians +Automotive Engineering Technicians +Avionics Technicians +Bright Outlook +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electro-Mechanical and Mechatronics Technologists and Technicians +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Robotics Technicians","View the list of Allies +American Institute of Aeronautics and Astronautics +external site +American Society of Mechanical Engineers +external site +IEEE Aerospace and Electronic Systems Society +external site +International Association of Machinists and Aerospace Workers +external site +Technology Student Association +external site",68,,70,60,73,49,42,51,59,21,19,28,35,58,3,24,21,87,2,37,17,5,5,40,,82,1,59,3,38,3,, +49-9043.00,"Maintenance Workers, Machinery",https://www.onetonline.org/link/summary/49-9043.00,2025-06-11T19:22:37.328102,"Dismantle machines and remove parts for repair, using hand tools, chain falls, jacks, cranes, or hoists. +Reassemble machines after the completion of repair or maintenance work. +Record production, repair, and machine maintenance information. +Lubricate or apply adhesives or other materials to machines, machine parts, or other equipment according to specified procedures. +Install, replace, or change machine parts and attachments, according to production specifications. +Set up and operate machines, and adjust controls to regulate operations. +Collaborate with other workers to repair or move machines, machine parts, or equipment. +Read work orders and specifications to determine machines and equipment requiring repair or maintenance. +Inspect or test damaged machine parts, and mark defective areas or advise supervisors of repair needs. +Start machines and observe mechanical operation to determine efficiency and to detect problems. +Transport machine parts, tools, equipment, and other material between work areas and storage, using cranes, hoists, or dollies. +Collect and discard worn machine parts and other refuse to maintain machinery and work areas. +Inventory and requisition machine parts, equipment, and other supplies so that stock can be maintained and replenished. +Remove hardened material from machines or machine parts, using abrasives, power and hand tools, jackhammers, sledgehammers, or other equipment. +Replace, empty, or replenish machine and equipment containers such as gas tanks or boxes. +Clean machines and machine parts, using cleaning solvents, cloths, air guns, hoses, vacuums, or other equipment. +Replace or repair metal, wood, leather, glass, or other lining in machines, or in equipment compartments or containers. +Measure, mix, prepare, and test chemical solutions used to clean or repair machinery and equipment. +Troubleshoot electrical, hydraulic, or mechanical equipment and machines.","Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Management information systems MIS; SAP software +Facilities management software— Computerized maintenance management system software CMMS +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Disassemble equipment for maintenance or repair. +Maintain repair or maintenance records. +Reassemble equipment after repair. +Adjust equipment to ensure optimal performance. +Install machine or equipment replacement parts. +Lubricate equipment to allow proper functioning. +Communicate with coworkers to coordinate installations or repairs. +Confer with coworkers to resolve equipment problems. +Inspect mechanical equipment to locate damage, defects, or wear. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Test mechanical equipment to ensure proper functioning. +Observe equipment in operation to detect potential problems. +Clean work areas. +Operate cranes, hoists, or other moving or lifting equipment. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Maintain inventories of materials, equipment, or products. +Order materials, supplies, or equipment. +Position containers to receive materials or workpieces. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Prepare compounds or solutions to be used for repairs. +Test fluids to identify contamination or other problems.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Exposed to Contaminants— 61% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 60% responded “Every day.” +Spend Time Standing— 54% responded “More than half the time.” +Contact With Others— 55% responded “Contact with others most of the time.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 38% responded “A lot of freedom.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Health and Safety of Other Workers— 47% responded “High responsibility.” +Consequence of Error— 52% responded “Extremely serious.” +Exposed to Hazardous Equipment— 48% responded “Every day.” +E-Mail— 56% responded “Every day.” +Frequency of Decision Making— 43% responded “Every day.” +Exposed to Hazardous Conditions— 43% responded “Every day.” +Indoors, Not Environmentally Controlled— 51% responded “Every day.” +Time Pressure— 41% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 46% responded “Very important.” +Spend Time Walking or Running— 29% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 40% responded “Every day.” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.” +Telephone Conversations— 35% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Important.” +Exposed to Cramped Work Space, Awkward Positions— 37% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Once a week or more but not every day.” +Pace Determined by Speed of Equipment— 31% responded “Important.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 33% responded “Less than half the time.” +In an Open Vehicle or Operating Equipment— 38% responded “Never.” +Spend Time Bending or Twisting Your Body— 48% responded “Less than half the time.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Industrial Machinery Mechanics +Bright Outlook +Machine Feeders and Offbearers +Mobile Heavy Equipment Mechanics, Except Engines +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rail Car Repairers +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +American Welding Society +external site +International Association of Machinists and Aerospace Workers +external site +ISA +external site +Precision Machined Products Association +external site +International Brotherhood of Boilermakers +external site +International Brotherhood of Teamsters +external site +International Union of Operating Engineers +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +Society for Maintenance and Reliability Professionals +external site +United Brotherhood of Carpenters and Joiners of America +external site +United Steelworkers +external site",26,2,59,51,45,56,35,50,27,16,7,16,32,39,5,24,18,89,5,15,20,7,6,17,3,48,25,31,9,51,10,1,8 +47-5023.00,"Earth Drillers, Except Oil and Gas",https://www.onetonline.org/link/summary/47-5023.00,2025-06-11T19:20:38.157299,"Operate controls to stabilize machines and to position and align drills. +Start, stop, and control drilling speed of machines and insertion of casings into holes. +Regulate air pressure, rotary speed, and downward pressure, according to the type of rock or concrete being drilled. +Select and attach drill bits and drill rods, adding more rods as hole depths increase, and changing drill bits as needed. +Drive or guide truck-mounted equipment into position, level and stabilize rigs, and extend telescoping derricks. +Operate machines to flush earth cuttings or to blow dust from holes. +Verify depths and alignments of boring positions. +Perform routine maintenance and upgrade work on machines and equipment, such as replacing parts, building up drill bits, and lubricating machinery. +Select the appropriate drill for the job, using knowledge of rock or soil conditions. +Document geological formations encountered during work. +Drive trucks, tractors, or truck-mounted drills to and from work sites. +Assemble and position machines, augers, casing pipes, and other equipment, using hand and power tools. +Record drilling progress and geological data. +Retrieve lost equipment from bore holes, using retrieval tools and equipment. +Fabricate well casings. +Pour water into wells, or pump water or slush into wells to cool drill bits and to remove drillings. +Create and lay out designs for drill and blast patterns. +Place and install screens, casings, pumps, and other well fixtures to develop wells. +Operate water-well drilling rigs and other equipment to drill, bore, and dig for water wells or for environmental assessment purposes. +Review client requirements and proposed locations for drilling operations to determine feasibility, and to determine cost estimates. +Drill or bore holes in rock for blasting, grouting, anchoring, or building foundations. +Perform pumping tests to assess well performance. +Disinfect, reconstruct, and redevelop contaminated wells and water pumping systems, and clean and disinfect new wells in preparation for use. +Design well pumping systems. +Signal crane operators to move equipment. +Withdraw drill rods from holes, and extract core samples. +Inspect core samples to determine nature of strata, or take samples to laboratories for analysis. +Retract augers to force discharge dirt from holes. +Monitor drilling operations, by checking gauges and listening to equipment to assess drilling conditions and to determine the need to adjust drilling or alter equipment.","Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Fabricate parts or components. +Operate drilling equipment. +Operate pumps or compressors. +Pour materials into or on designated areas. +Drive trucks or truck-mounted equipment. +Select construction equipment. +Install drilling equipment. +Develop equipment or component configurations. +Remove debris or vegetation from work sites. +Position construction or extraction equipment. +Maintain drilling equipment. +Measure work site dimensions. +Record operational or environmental data. +Assemble products or production equipment. +Operate cranes, hoists, or other moving or lifting equipment. +Determine appropriate locations for operations or installations. +Review blueprints or specifications to determine work requirements. +Drill holes in earth or rock. +Inspect equipment or tools to be used in construction or excavation. +Clean equipment or facilities. +Decontaminate equipment or sites to remove hazardous or toxic substances. +Prepare excavation or extraction sites for commissioning or decommissioning. +Design energy production or management equipment or systems. +Signal equipment operators to indicate proper equipment positioning. +Collect geological samples. +Monitor extraction operations.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 84% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 76% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Freedom to Make Decisions— 66% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 71% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 65% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 79% responded “Every day.” +Exposed to Contaminants— 68% responded “Every day.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Spend Time Standing— 52% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Duration of Typical Work Week— 53% responded “More than 40 hours.” +Exposed to Whole Body Vibration— 43% responded “Once a week or more but not every day.” +Contact With Others— 39% responded “Constant contact with others.” +Consequence of Error— 52% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Important results.” +Frequency of Decision Making— 44% responded “Every day.” +Health and Safety of Other Workers— 41% responded “High responsibility.” +In an Open Vehicle or Operating Equipment— 45% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 34% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 39% responded “Once a week or more but not every day.” +Telephone Conversations— 39% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 45% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 39% responded “Every day.” +Work Outcomes and Results of Other Workers— 33% responded “Limited responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 42% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 39% responded “Less than half the time.” +Time Pressure— 25% responded “Once a year or more but not every month.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Construction Laborers +Bright Outlook +Continuous Mining Machine Operators +Drilling and Boring Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Excavating and Loading Machine and Dragline Operators, Surface Mining +Explosives Workers, Ordnance Handling Experts, and Blasters +Helpers--Extraction Workers +Operating Engineers and Other Construction Equipment Operators +Rotary Drill Operators, Oil and Gas +Roustabouts, Oil and Gas +Service Unit Operators, Oil and Gas","View the list of Allies +International Society of Explosives Engineers +external site +National Ground Water Association +external site",45,,48,44,50,58,58,42,34,19,15,16,27,12,10,46,17,63,8,58,28,11,10,25,20,44,25,32,21,52,30,,8 +11-9199.10,Wind Energy Development Managers,https://www.onetonline.org/link/summary/11-9199.10,2025-06-11T18:49:01.466902,"Coordinate or direct development, energy assessment, engineering, or construction activities to ensure that wind project needs and objectives are met. +Manage wind project costs to stay within budget limits. +Lead or support negotiations involving tax agreements or abatements, power purchase agreements, land use, or interconnection agreements. +Create wind energy project plans, including project scope, goals, tasks, resources, schedules, costs, contingencies, or other project information. +Supervise the work of subcontractors or consultants to ensure quality and conformance to specifications or budgets. +Develop scope of work for wind project functions, such as design, site assessment, environmental studies, surveying, or field support services. +Provide verbal or written project status reports to project teams, management, subcontractors, customers, or owners. +Update schedules, estimates, forecasts, or budgets for wind projects. +Prepare or assist in the preparation of applications for environmental, building, or other required permits. +Review or evaluate proposals or bids to make recommendations regarding awarding of contracts. +Manage site assessments or environmental studies for wind fields. +Prepare wind project documentation, including diagrams or layouts. +Review civil design, engineering, or construction technical documentation to ensure compliance with applicable government or industrial codes, standards, requirements, or regulations. +Prepare requests for proposals (RFPs) for wind project construction or equipment acquisition. +Provide technical support for the design, construction, or commissioning of wind farm projects.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Video conferencing software— Web conferencing software +Word processing software— Microsoft Word","Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Manage environmental sustainability projects. +Manage construction activities. +Manage organizational or project budgets. +Negotiate contracts for environmental remediation, green energy, or renewable resources. +Develop operating strategies, plans, or procedures for green or sustainable operations. +Supervise workers performing environmentally sustainable activities. +Communicate green energy production information. +Estimate green project costs. +Prepare forms or applications. +Evaluate environmental or sustainability projects. +Document organizational or operational procedures. +Review documents or materials for compliance with policies or regulations. +Advise others on green energy or related technologies.","E-Mail— 85% responded “Every day.” +Telephone Conversations— 85% responded “Every day.” +Determine Tasks, Priorities and Goals— 69% responded “A lot of freedom.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Every day.” +Spend Time Sitting— 60% responded “More than half the time.” +Contact With Others— 36% responded “Contact with others most of the time.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Deal With External Customers or the Public in General— 47% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Frequency of Decision Making— 38% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Time Pressure— 37% responded “Once a month or more but not every week.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Level of Competition— 35% responded “Moderately competitive.” +Conflict Situations— 42% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 48% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Construction Managers +Bright Outlook +Energy Engineers, Except Wind and Solar +Geothermal Production Managers +Hydroelectric Production Managers +Solar Energy Installation Managers +Solar Energy Systems Engineers +Sustainability Specialists +Wind Energy Engineers +Wind Energy Operations Managers +Wind Turbine Service Technicians","View the list of Allies +American Clean Power +external site +American Council on Renewable Energy +external site +Interstate Renewable Energy Council +external site +REWI +external site +World Wind Energy Association +external site +Midwest Renewable Energy Association +external site +Northeast Sustainable Energy Association +external site +Southeastern Wind Coalition +external site +Southern Renewable Energy Association +external site +Western Energy Institute +external site +Renewable Energy Institute +external site",59,6,42,71,58,78,49,41,49,60,40,38,18,51,17,46,47,50,12,41,26,6,24,29,8,67,69,38,17,58,49,5,20 +29-1221.00,"Pediatricians, General",https://www.onetonline.org/link/summary/29-1221.00,2025-06-11T19:06:52.931815,"Prescribe or administer treatment, therapy, medication, vaccination, and other specialized medical care to treat or prevent illness, disease, or injury in infants and children. +Examine children regularly to assess their growth and development. +Treat children who have minor illnesses, acute and chronic health problems, and growth and development concerns. +Examine patients or order, perform, and interpret diagnostic tests to obtain information on medical condition and determine diagnosis. +Advise patients, parents or guardians, and community members concerning diet, activity, hygiene, and disease prevention. +Explain procedures and discuss test results or prescribed treatments with patients and parents or guardians. +Collect, record, and maintain patient information, such as medical history, reports, or examination results. +Monitor patients' conditions and progress and reevaluate treatments as necessary. +Direct and coordinate activities of nurses, students, assistants, specialists, therapists, and other medical staff. +Plan and execute medical care programs to aid in the mental and physical growth and development of children and adolescents. +Refer patient to medical specialist or other practitioner when necessary. +Teach residents or medical students about pediatric topics. +Provide consulting services to other physicians. +Operate on patients to remove, repair, or improve functioning of diseased or injured body parts and systems. +Plan, implement, or administer health programs or standards in hospitals, businesses, or communities for prevention or treatment of injury or illness. +Conduct research to study anatomy and develop or test medications, treatments, or procedures to prevent or control disease or injury. +Prepare government or organizational reports of birth, death, and disease statistics, workforce evaluations, or medical status of individuals.","Calendar and scheduling software— Scheduling software +Data base user interface and query software— Microsoft Access +Electronic mail software— Email software +Information retrieval or search software— Drug reference software; Medical information databases +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; MEDITECH software; Patient electronic medical record EMR software;10 more","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Examine patients to assess general physical condition. +Administer non-intravenous medications. +Prescribe medications. +Prescribe treatments or therapies. +Treat acute illnesses, infections, or injuries. +Treat chronic diseases or disorders. +Order medical diagnostic or clinical tests. +Advise communities or institutions regarding health or safety issues. +Provide health and wellness advice to patients, program participants, or caregivers. +Explain medical procedures or test results to patients or family members. +Collect medical information from patients, family members, or other medical professionals. +Record patient medical histories. +Monitor patient progress or responses to treatments. +Supervise patient care personnel. +Design public or employee health programs. +Direct healthcare delivery programs. +Refer patients to other healthcare practitioners or health resources. +Teach classes in area of specialization. +Teach medical procedures to healthcare personnel. +Advise medical personnel regarding healthcare issues. +Operate on patients to treat conditions. +Conduct research to increase knowledge about medical issues. +Prepare official health documents or records.","Exposed to Disease or Infections— 99% responded “Every day.” +Contact With Others— 95% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 92% responded “Extremely important.” +Freedom to Make Decisions— 85% responded “A lot of freedom.” +Frequency of Decision Making— 77% responded “Every day.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Very important results.” +Telephone Conversations— 66% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Physical Proximity— 18% responded “Slightly close (e.g., shared office).” +Coordinate or Lead Others in Accomplishing Work Activities +Indoors, Environmentally Controlled— 83% responded “Every day.” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +E-Mail— 43% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 62% responded “Every day.” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a month or more but not every week.” +Spend Time Standing— 28% responded “More than half the time.” +Consequence of Error— 63% responded “Extremely serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 19% responded “Continually or almost continually.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Level of Competition— 24% responded “Extremely competitive.” +Conflict Situations— 68% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 33% responded “Every day.” +Time Pressure— 27% responded “Once a month or more but not every week.” +Exposed to Contaminants— 39% responded “Never.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Allergists and Immunologists +Cardiologists +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Neurologists +Bright Outlook +Nurse Practitioners +Obstetricians and Gynecologists +Pediatric Surgeons +Psychiatrists","View the list of Allies +Academic Pediatric Association +external site +Academy of Breastfeeding Medicine +external site +American Academy of Family Physicians +external site +American Academy of Pediatrics +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American College of Osteopathic Pediatricians +external site +American Medical Association +external site +American Osteopathic Association +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +Society for Adolescent Health and Medicine +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site +The American Board of Pediatrics +external site",81,,19,69,54,48,46,57,37,39,22,56,46,54,35,44,43,18,24,20,84,87,59,26,100,15,4,18,85,,10,,8 +29-1215.00,Family Medicine Physicians,https://www.onetonline.org/link/summary/29-1215.00,2025-06-11T19:06:40.774624,"Prescribe or administer treatment, therapy, medication, vaccination, and other specialized medical care to treat or prevent illness, disease, or injury. +Order, perform, and interpret tests and analyze records, reports, and examination information to diagnose patients' condition. +Collect, record, and maintain patient information, such as medical history, reports, or examination results. +Monitor patients' conditions and progress and reevaluate treatments as necessary. +Explain procedures and discuss test results or prescribed treatments with patients. +Advise patients and community members concerning diet, activity, hygiene, and disease prevention. +Direct and coordinate activities of nurses, students, assistants, specialists, therapists, and other medical staff. +Refer patients to medical specialists or other practitioners when necessary. +Coordinate work with nurses, social workers, rehabilitation therapists, pharmacists, psychologists, and other health care providers. +Plan, implement, or administer health programs or standards in hospitals, businesses, or communities for prevention or treatment of injury or illness. +Train residents, medical students, and other health care professionals. +Prepare government or organizational reports which include birth, death, and disease statistics, workforce evaluations, or medical status of individuals.","Accounting software— Billing software +Calendar and scheduling software— Scheduling software +Electronic mail software— Email software +Information retrieval or search software— Medical reference software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Medical procedure coding software; MEDITECH software;14 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Analyze test data or images to inform diagnosis or treatment. +Collect medical information from patients, family members, or other medical professionals. +Immunize patients. +Order medical diagnostic or clinical tests. +Prescribe medications. +Prescribe treatments or therapies. +Record patient medical histories. +Explain medical procedures or test results to patients or family members. +Monitor patient progress or responses to treatments. +Advise communities or institutions regarding health or safety issues. +Provide health and wellness advice to patients, program participants, or caregivers. +Supervise patient care personnel. +Refer patients to other healthcare practitioners or health resources. +Collaborate with healthcare professionals to plan or provide treatment. +Design public or employee health programs. +Direct healthcare delivery programs. +Prepare official health documents or records. +Train medical providers.","Contact With Others— 100% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Freedom to Make Decisions— 98% responded “A lot of freedom.” +Frequency of Decision Making— 100% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 99% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 98% responded “Extremely important.” +Consequence of Error— 97% responded “Extremely serious.” +Physical Proximity— 98% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Exposed to Disease or Infections— 78% responded “Every day.” +Importance of Being Exact or Accurate— 76% responded “Extremely important.” +Time Pressure— 83% responded “Every day.” +Telephone Conversations +Deal With External Customers or the Public in General +Determine Tasks, Priorities and Goals— 71% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 66% responded “Very important.” +Work Outcomes and Results of Other Workers— 62% responded “Very high responsibility.” +Written Letters and Memos— 75% responded “Once a week or more but not every day.” +E-Mail— 26% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Health and Safety of Other Workers— 57% responded “High responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 67% responded “Once a week or more but not every day.” +Conflict Situations— 60% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 23% responded “Every day.” +Duration of Typical Work Week— 42% responded “More than 40 hours.” +Spend Time Sitting— 36% responded “More than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Cardiologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Hospitalists +Obstetricians and Gynecologists +Pediatric Surgeons +Pediatricians, General +Physician Assistants +Psychiatrists","View the list of Allies +Aerospace Medical Association +external site +American Academy of Family Physicians +external site +American Academy of Pediatrics +external site +American Academy of Physician Associates +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +International Society of Travel Medicine +external site +Society of Teachers of Family Medicine +external site +American Board of Physician Specialties +external site +American College of Osteopathic Family Physicians +external site +American College of Physicians +external site +American College of Surgeons +external site",67,3,14,92,57,36,43,56,47,11,22,35,49,60,32,52,48,4,28,11,87,89,54,50,100,17,1,25,87,2,11,3,22 +51-9124.00,"Coating, Painting, and Spraying Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-9124.00,2025-06-11T19:27:59.883752,"Dispose of hazardous waste in an appropriate manner. +Hold or position spray guns to direct spray onto articles. +Spray prepared surfaces with specified amounts of primers and decorative or finish coatings. +Monitor painting operations to identify flaws, such as blisters or streaks, and correct their causes. +Disassemble, clean, and reassemble sprayers or power equipment, using solvents, wire brushes, and cloths. +Fill hoppers, reservoirs, troughs, or pans with material used to coat, paint, or spray, using conveyors or pails. +Clean equipment and work areas. +Apply rust-resistant undercoats and caulk and seal seams. +Start and stop operation of machines, using levers or buttons. +Determine paint flow, viscosity, and coating quality by performing visual inspections, or by using viscometers. +Attach hoses or nozzles to machines, using wrenches and pliers, and make adjustments to obtain the proper dispersion of spray. +Turn dials, handwheels, valves, or switches to regulate conveyor speeds, machine temperature, air pressure and circulation, and the flow or spray of coatings or paints. +Observe machine gauges and equipment operation to detect defects or deviations from standards, and make adjustments as necessary. +Examine, measure, weigh, or test sample products to ensure conformance to specifications. +Buff and wax the finished paintwork. +Use brush to hand-paint areas in need of retouching or unreachable with a spray gun. +Thread or feed items or products through or around machine rollers and dryers. +Weigh or measure chemicals, coatings, or paints before adding them to machines. +Operate auxiliary machines or equipment used in coating or painting processes. +Remove materials, parts, or workpieces from painting or coating machines, using hand tools. +Record operational data on specified forms. +Operate lifting or moving devices to move equipment or materials to access areas to be painted. +Set up portable equipment, such as ventilators, exhaust units, ladders, or scaffolding. +Adjust controls on infrared ovens, heat lamps, portable ventilators, or exhaust units to speed the drying of surfaces between coats. +Apply primer over any repairs made to surfaces. +Fill small dents or scratches with body fillers and smooth surfaces to prepare for painting. +Mix paints to match color specifications or original colors, stirring or thinning paints, using spatulas or power mixing equipment. +Remove grease, dirt, paint, or rust from surfaces in preparation for paint application, using abrasives, solvents, brushes, blowtorches, washing tanks, or sandblasters. +Sand and apply sealer to properly dried finish.","Calendar and scheduling software— Scheduling software +Electronic mail software— Microsoft Outlook +Facilities management software— Maintenance management software +Industrial control software— Robotic painting software +Inventory management software— Inventory control software; Inventory management systems +Materials requirements planning logistics and supply chain software— Materials requirement planning MRP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Time accounting software— Time recording software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Dispose of trash or waste materials. +Mount attachments or tools onto production equipment. +Apply protective or decorative finishes to workpieces or products. +Operate painting or coating equipment. +Clean production equipment. +Clean work areas. +Disassemble equipment for maintenance or repair. +Load materials into production equipment. +Monitor equipment operation to ensure that products are not flawed. +Feed materials or products into or through equipment. +Measure ingredients or substances to be used in production processes. +Inspect finishes of workpieces or finished products. +Remove products or workpieces from production equipment. +Adjust equipment controls to regulate flow of production materials or products. +Adjust temperature controls of ovens or other heating equipment. +Connect supply lines to production equipment or tools. +Record operational or production data. +Operate cranes, hoists, or other moving or lifting equipment. +Monitor equipment operation to ensure proper functioning. +Assemble temporary equipment or structures. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Weigh finished products. +Polish materials, workpieces, or finished products. +Prepare surfaces for finishing. +Fill cracks, imperfections, or holes in products or workpieces. +Mix ingredients to create specific finishes. +Smooth metal surfaces or edges.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 87% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 79% responded “Every day.” +Spend Time Making Repetitive Motions— 70% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Exposed to Contaminants— 74% responded “Every day.” +Spend Time Standing— 69% responded “Continually or almost continually.” +Time Pressure— 68% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 76% responded “Every day.” +Frequency of Decision Making— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Every day.” +Importance of Being Exact or Accurate— 65% responded “Very important.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 55% responded “Every day.” +Freedom to Make Decisions— 37% responded “Limited freedom.” +Spend Time Walking or Running— 44% responded “Continually or almost continually.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Exposed to Hazardous Conditions— 58% responded “Every day.” +Health and Safety of Other Workers— 32% responded “Moderate responsibility.” +Contact With Others— 36% responded “Contact with others most of the time.” +Pace Determined by Speed of Equipment— 40% responded “Important.” +Duration of Typical Work Week— 51% responded “40 hours.” +Spend Time Bending or Twisting Your Body— 28% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Moderate results.” +Work Outcomes and Results of Other Workers— 33% responded “Limited responsibility.” +Indoors, Not Environmentally Controlled— 41% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adhesive Bonding Machine Operators and Tenders +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Fiberglass Laminators and Fabricators +Furniture Finishers +Grinding and Polishing Workers, Hand +Molders, Shapers, and Casters, Except Metal and Plastic +Painters, Construction and Maintenance +Painting, Coating, and Decorating Workers +Plating Machine Setters, Operators, and Tenders, Metal and Plastic +Textile Bleaching and Dyeing Machine Operators and Tenders","View the list of Allies +Finishing Contractors Association +external site +Inter-Industry Conference on Auto Collision Repair +external site +National Institute for Automotive Service Excellence +external site +The Society for Protective Coatings +external site +UNITE HERE +external site +United Steelworkers +external site",26,1,40,41,15,22,26,31,15,4,4,7,27,24,4,9,9,50,2,11,9,1,4,9,1,22,6,10,1,11,3,1,1 +51-9012.00,"Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-9012.00,2025-06-11T19:27:17.105065,"Dump, pour, or load specified amounts of refined or unrefined materials into equipment or containers for further processing or storage. +Operate machines to process materials in compliance with applicable safety, energy, or environmental regulations. +Monitor material flow or instruments, such as temperature or pressure gauges, indicators, or meters, to ensure optimal processing conditions. +Turn valves or move controls to admit, drain, separate, filter, clarify, mix, or transfer materials. +Set up or adjust machine controls to regulate conditions such as material flow, temperature, or pressure. +Examine samples to verify qualities such as clarity, cleanliness, consistency, dryness, or texture. +Start agitators, shakers, conveyors, pumps, or centrifuge machines. +Inspect machines or equipment for hazards, operating efficiency, malfunctions, wear, or leaks. +Collect samples of materials or products for laboratory analysis. +Communicate processing instructions to other workers. +Turn valves to pump sterilizing solutions or rinse water through pipes or equipment or to spray vats with atomizers. +Maintain logs of instrument readings, test results, or shift production for entry in computer databases. +Remove clogs, defects, or impurities from machines, tanks, conveyors, screens, or other processing equipment. +Clean or sterilize tanks, screens, inflow pipes, production areas, or equipment, using hoses, brushes, scrapers, or chemical solutions. +Measure or weigh materials to be refined, mixed, transferred, stored, or otherwise processed. +Test samples to determine viscosity, acidity, specific gravity, or degree of concentration, using test equipment such as viscometers, pH meters, or hydrometers. +Install, maintain, or repair hoses, pumps, filters, or screens to maintain processing equipment, using hand tools. +Connect pipes between vats and processing equipment. +Assemble fittings, valves, bowls, plates, disks, impeller shafts, or other parts to prepare equipment for operation. +Remove full containers from discharge outlets and replace them with empty containers.","Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Load materials into production equipment. +Assess compliance with environmental laws. +Maintain safety. +Monitor instruments to ensure proper production conditions. +Adjust equipment controls to regulate flow of production materials or products. +Operate mixing equipment. +Operate pumping systems or equipment. +Adjust temperature controls of ovens or other heating equipment. +Test chemical or physical characteristics of materials or products. +Inspect production equipment. +Measure ingredients or substances to be used in production processes. +Collect samples of materials or products for testing. +Exchange information with colleagues. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Clear equipment jams. +Record operational or production data. +Install mechanical components in production equipment. +Maintain production or processing equipment. +Repair production equipment or tools. +Clean production equipment. +Clean work areas. +Connect supply lines to production equipment or tools. +Assemble machine tools, parts, or fixtures. +Position containers to receive materials or workpieces.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Exposed to Contaminants— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 83% responded “Every day.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Indoors, Not Environmentally Controlled— 78% responded “Every day.” +Consequence of Error— 49% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Duration of Typical Work Week— 52% responded “40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 53% responded “Every day.” +Telephone Conversations— 30% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 45% responded “Very important.” +Importance of Being Exact or Accurate— 33% responded “Very important.” +Frequency of Decision Making— 54% responded “Every day.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Conflict Situations— 33% responded “Once a month or more but not every week.” +Degree of Automation— 47% responded “Highly automated.” +Exposed to Hazardous Equipment— 56% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 54% responded “Every day.” +Exposed to Hazardous Conditions— 47% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a month or more but not every week.” +Spend Time Standing— 38% responded “More than half the time.” +Exposed to High Places— 30% responded “Every day.” +Pace Determined by Speed of Equipment— 33% responded “Extremely important.” +Indoors, Environmentally Controlled— 52% responded “Every day.” +Spend Time Walking or Running— 48% responded “About half the time.” +Contact With Others— 36% responded “Occasional contact with others.” +Work Outcomes and Results of Other Workers— 26% responded “Very high responsibility.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 42% responded “Every day.” +Written Letters and Memos— 28% responded “Never.” +Exposed to Cramped Work Space, Awkward Positions— 30% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Not important at all.” +Importance of Repeating Same Tasks— 45% responded “Very important.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Chemical Equipment Operators and Tenders +Chemical Plant and System Operators +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Batchmakers +Bright Outlook +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Mixing and Blending Machine Setters, Operators, and Tenders","View the list of Allies +International Brotherhood of Teamsters +external site +United Steelworkers +external site",36,28,69,52,45,31,47,44,26,12,19,28,41,39,7,19,25,57,6,25,23,7,14,24,9,37,19,35,24,17,9,1,6 +35-2012.00,"Cooks, Institution and Cafeteria",https://www.onetonline.org/link/summary/35-2012.00,2025-06-11T19:11:37.784531,"Monitor and record food temperatures to ensure food safety. +Cook foodstuffs according to menus, special dietary or nutritional restrictions, or numbers of portions to be served. +Rotate and store food supplies. +Wash pots, pans, dishes, utensils, or other cooking equipment. +Apportion and serve food to facility residents, employees, or patrons. +Clean and inspect galley equipment, kitchen appliances, and work areas to ensure cleanliness and functional operation. +Clean, cut, and cook meat, fish, or poultry. +Direct activities of one or more workers who assist in preparing and serving meals. +Train new employees. +Take inventory of supplies and equipment. +Requisition food supplies, kitchen equipment, and appliances, based on estimates of future needs. +Bake breads, rolls, or other pastries. +Monitor use of government food commodities to ensure that proper procedures are followed. +Plan menus that are varied, nutritionally balanced, and appetizing, taking advantage of foods in season and local availability. +Monitor menus and spending to ensure that meals are prepared economically. +Compile and maintain records of food use and expenditures. +Determine meal prices, based on calculations of ingredient prices.","Analytical or scientific software— GNOME Gnutrition +Data base user interface and query software— Meals Plus +Point of sale POS software— PCS Revenue Control Systems FASTRAK School Meal Software +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Monitor food services operations to ensure procedures are followed. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Record operational or production data. +Cook foods. +Maintain food, beverage, or equipment inventories. +Clean tableware. +Move equipment, supplies or food to required locations. +Store supplies or goods in kitchens or storage areas. +Clean food preparation areas, facilities, or equipment. +Cut cooked or raw foods. +Prepare foods for cooking or serving. +Serve food or beverages. +Coordinate activities of food service staff. +Plan menu options. +Train food preparation or food service personnel. +Order materials, supplies, or equipment. +Prepare breads or doughs. +Determine prices for menu items.","Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Spend Time Standing— 79% responded “Continually or almost continually.” +Contact With Others— 77% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Time Pressure— 83% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 71% responded “Every day.” +Spend Time Walking or Running— 42% responded “More than half the time.” +Health and Safety of Other Workers— 49% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Determine Tasks, Priorities and Goals— 38% responded “A lot of freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 66% responded “Every day.” +Frequency of Decision Making— 63% responded “Every day.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 44% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Spend Time Making Repetitive Motions— 36% responded “Continually or almost continually.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a week or more but not every day.” +Consequence of Error— 27% responded “Extremely serious.” +Deal With External Customers or the Public in General— 32% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 32% responded “Less than half the time.” +Telephone Conversations— 35% responded “Every day.”","Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Bakers +Chefs and Head Cooks +Bright Outlook +Cooks, Fast Food +Cooks, Private Household +Cooks, Restaurant +Cooks, Short Order +Fast Food and Counter Workers +First-Line Supervisors of Food Preparation and Serving Workers +Food Preparation Workers +Food Service Managers","View the list of Allies +American Personal and Private Chef Association +external site +National Restaurant Association +external site +School Nutrition Association +external site +American Culinary Federation +external site +ServSafe +external site",64,65,52,65,64,59,50,47,39,26,26,39,28,42,21,33,18,18,18,9,30,24,25,19,17,19,7,21,13,17,9,3,7 +47-3015.00,"Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters",https://www.onetonline.org/link/summary/47-3015.00,2025-06-11T19:19:50.015855,"Measure, cut, thread and assemble new pipe, placing the assembled pipe in hangers or other supports. +Cut or drill holes in walls or floors to accommodate the passage of pipes. +Perform rough-ins, repair and replace fixtures and water heaters, and locate, repair, or remove leaking or broken pipes. +Assist pipe fitters in the layout, assembly, and installation of piping for air, ammonia, gas, and water systems. +Cut pipe and lift up to fitters. +Fit or assist in fitting valves, couplings, or assemblies to tanks, pumps, or systems, using hand tools. +Requisition tools and equipment, select type and size of pipe, and collect and transport materials and equipment to work site. +Mount brackets and hangers on walls and ceilings to hold pipes, and set sleeves or inserts to provide support for pipes. +Excavate and grade ditches, and lay and join pipe for water and sewer service. +Disassemble and remove damaged or worn pipe. +Clean shop, work area, and machines, using solvent and rags. +Install gas burners to convert furnaces from wood, coal, or oil. +Fill pipes with sand or resin to prevent distortion, and hold pipes during bending and installation. +Immerse pipe in chemical solution to remove dirt, oil, and scale. +Clean and renew steam traps.","Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Install plumbing or piping. +Cut metal components for installation. +Maintain plumbing structures or fixtures. +Cut openings in existing structures. +Drill holes in construction materials. +Measure materials or objects for installation or assembly. +Assist skilled construction or extraction personnel. +Assemble products or production equipment. +Move construction or extraction materials to locations where they are needed. +Install building fixtures. +Order construction or extraction materials or equipment. +Select construction materials. +Dig holes or trenches. +Remove worn, damaged or outdated materials from work areas. +Clean equipment or facilities.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 58% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 36% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 11% responded “Never.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Spend Time Standing— 44% responded “More than half the time.” +Contact With Others— 53% responded “Constant contact with others.” +Spend Time Bending or Twisting Your Body— 54% responded “Continually or almost continually.” +Exposed to Cramped Work Space, Awkward Positions— 49% responded “Every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Important.” +Time Pressure— 56% responded “Once a week or more but not every day.” +Frequency of Decision Making— 60% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 46% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Duration of Typical Work Week— 67% responded “40 hours.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Indoors, Not Environmentally Controlled— 52% responded “Once a week or more but not every day.” +Telephone Conversations— 40% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 21% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 66% responded “Important.” +Exposed to Hazardous Equipment— 33% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 32% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 28% responded “Very important results.” +Consequence of Error— 32% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Fairly important.” +Outdoors, Under Cover— 35% responded “Once a week or more but not every day.” +Exposed to Contaminants— 40% responded “Every day.” +Spend Time Walking or Running— 38% responded “About half the time.” +Freedom to Make Decisions— 37% responded “Some freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 27% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 35% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 22% responded “Moderate responsibility.”",,"Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Boilermakers +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Carpenters +Helpers--Electricians +Helpers--Extraction Workers +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Pipelayers +Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Septic Tank Servicers and Sewer Pipe Cleaners","View the list of Allies +American Subcontractors Association +external site +Associated Builders and Contractors +external site +National Utility Contractors Association +external site +Plumbing-Heating-Cooling Contractors Association +external site +International Association of Plumbing and Mechanical Officials +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site +United Association of Journeymen and Apprentices of the Plumbing and Pipe Fitting Industry +external site",67,,34,57,63,53,45,45,34,29,25,30,21,20,28,33,9,66,1,43,7,4,1,14,3,47,87,23,7,48,14,,3 +49-9041.00,Industrial Machinery Mechanics,https://www.onetonline.org/link/summary/49-9041.00,2025-06-11T19:22:34.667503,"Repair or maintain the operating condition of industrial production or processing machinery or equipment. +Repair or replace broken or malfunctioning components of machinery or equipment. +Clean, lubricate, or adjust parts, equipment, or machinery. +Disassemble machinery or equipment to remove parts and make repairs. +Reassemble equipment after completion of inspections, testing, or repairs. +Examine parts for defects, such as breakage or excessive wear. +Record repairs and maintenance performed. +Operate newly repaired machinery or equipment to verify the adequacy of repairs. +Record parts or materials used and order or requisition new parts or materials, as necessary. +Observe and test the operation of machinery or equipment to diagnose malfunctions, using voltmeters or other testing devices. +Analyze test results, machine error messages, or information obtained from operators to diagnose equipment problems. +Study blueprints or manufacturers' manuals to determine correct installation or operation of machinery. +Cut and weld metal to repair broken metal parts, fabricate new parts, or assemble new equipment. +Enter codes and instructions to program computer-controlled machinery. +Demonstrate equipment functions and features to machine operators. +Assign schedules to work crews.","Computer aided design CAD software +Computer aided manufacturing CAM software— Extranet Machine Tools Suite +Data base user interface and query software— Maintenance planning and control software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Maintenance management software +Industrial control software— BIT Corp ProMACS PLC; KEYENCE PLC Ladder Logic; Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Maintain work equipment or machinery. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Adjust equipment to ensure optimal performance. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Disassemble equipment for maintenance or repair. +Lubricate equipment to allow proper functioning. +Inspect mechanical equipment to locate damage, defects, or wear. +Reassemble equipment after repair. +Test mechanical equipment to ensure proper functioning. +Maintain repair or maintenance records. +Order materials, supplies, or equipment. +Record information about parts, materials or repair procedures. +Observe equipment in operation to detect potential problems. +Analyze test or performance data to assess equipment operation. +Cut materials according to specifications or needs. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Operate welding equipment. +Enter codes or other information into computers. +Train others in operational procedures. +Assign duties or work schedules to employees. +Plan employee work schedules.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 87% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 71% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Contact With Others— 49% responded “Contact with others most of the time.” +Exposed to Contaminants— 44% responded “Every day.” +Exposed to Hazardous Equipment— 54% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 46% responded “Every day.” +Duration of Typical Work Week— 53% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Every day.” +Spend Time Standing— 40% responded “Continually or almost continually.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Indoors, Not Environmentally Controlled— 68% responded “Every day.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Physical Proximity— 35% responded “Moderately close (at arm's length).” +Time Pressure— 49% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 53% responded “Every day.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Health and Safety of Other Workers— 40% responded “High responsibility.” +Spend Time Walking or Running— 34% responded “Less than half the time.” +Exposed to Hazardous Conditions— 38% responded “Every day.” +Pace Determined by Speed of Equipment— 29% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Important.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Once a month or more but not every week.” +Telephone Conversations— 33% responded “Once a week or more but not every day.” +Exposed to High Places— 45% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Very important results.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Maintenance Workers, Machinery +Bright Outlook +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Paper Goods Machine Setters, Operators, and Tenders","View the list of Allies +Associated General Contractors of America +external site +International Association of Machinists and Aerospace Workers +external site +ISA +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +International Brotherhood of Electrical Workers +external site +Society for Maintenance and Reliability Professionals +external site +United Steelworkers +external site",33,24,61,63,52,37,43,44,19,18,12,18,33,50,9,15,15,82,8,15,18,9,8,21,10,59,30,42,8,57,7,7,7 +23-1021.00,"Administrative Law Judges, Adjudicators, and Hearing Officers",https://www.onetonline.org/link/summary/23-1021.00,2025-06-11T18:59:17.303560,"Determine existence and amount of liability according to current laws, administrative and judicial precedents, and available evidence. +Monitor and direct the activities of trials and hearings to ensure that they are conducted fairly and that courts administer justice while safeguarding the legal rights of all involved parties. +Prepare written opinions and decisions. +Authorize payment of valid claims and determine method of payment. +Conduct hearings to review and decide claims regarding issues, such as social program eligibility, environmental protection, or enforcement of health and safety regulations. +Research and analyze laws, regulations, policies, and precedent decisions to prepare for hearings and to determine conclusions. +Review and evaluate data on documents, such as claim applications, birth or death certificates, or physician or employer records. +Recommend the acceptance or rejection of claims or compromise settlements according to laws, regulations, policies, and precedent decisions. +Rule on exceptions, motions, and admissibility of evidence. +Explain to claimants how they can appeal rulings that go against them. +Confer with individuals or organizations involved in cases to obtain relevant information. +Issue subpoenas and administer oaths in preparation for formal hearings. +Schedule hearings. +Conduct studies of appeals procedures in field agencies to ensure adherence to legal requirements and to facilitate determination of cases.","Data base user interface and query software— Microsoft Access; Online databases +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Information retrieval or search software— LexisNexis; Thomson Reuters Westlaw +Instant messaging software +Internet browser software— Web browser software +Legal management software— Courtroom scheduling software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Videoconferencing software +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Make decisions in legal cases. +Direct courtroom activities or procedures. +Prepare written decisions for legal proceedings. +Authorize payments to settle legal disputes. +Conduct hearings to investigate legal issues. +Research relevant legal materials to aid decision making. +Evaluate information related to legal matters in public or personal records. +Identify implications for cases from legal precedents or other legal information. +Provide legal advice to clients. +Rule on admissibility of legal proceedings. +Coordinate legal schedules or activities. +Interview claimants to get information related to legal proceedings. +Administer oaths to court participants. +Prepare legal documents.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Spend Time Sitting— 95% responded “Continually or almost continually.” +E-Mail— 92% responded “Every day.” +Frequency of Decision Making— 88% responded “Every day.” +Deal With External Customers or the Public in General— 81% responded “Extremely important.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Written Letters and Memos— 64% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Very important results.” +Telephone Conversations— 67% responded “Every day.” +Time Pressure— 51% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Importance of Repeating Same Tasks— 58% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a month or more but not every week.” +Conflict Situations— 40% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 39% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 33% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Arbitrators, Mediators, and Conciliators +Bright Outlook +Chief Executives +Claims Adjusters, Examiners, and Investigators +Equal Opportunity Representatives and Officers +Fraud Examiners, Investigators and Analysts +Judges, Magistrate Judges, and Magistrates +Judicial Law Clerks +Labor Relations Specialists +Lawyers +Probation Officers and Correctional Treatment Specialists","View the list of Allies +American Bar Association +external site +National Association of Administrative Law Judiciary +external site +National Association of Hearing Officials +external site +National Association of Unemployment Insurance Appeals Professionals +external site +National Center for State Courts +external site +The National Judicial College +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +Association of Administrative Law Judges +external site +International Association of Workforce Professionals +external site",72,,15,78,42,57,36,35,61,18,,38,3,44,8,96,30,12,15,23,37,39,19,17,58,6,9,,18,3,7,,5 +51-5112.00,Printing Press Operators,https://www.onetonline.org/link/summary/51-5112.00,2025-06-11T19:25:42.086727,"Start presses and pull proofs to check for ink coverage and density, alignment, and registration. +Examine job orders to determine quantities to be printed, stock specifications, colors, or special printing instructions. +Adjust ink fountain flow rates. +Verify that paper and ink meet the specifications for a given job. +Collect and inspect random samples during print runs to identify any necessary adjustments. +Feed paper through press cylinders and adjust feed and tension controls. +Monitor automated press operation systems and respond to fault, error, or alert messages. +Load presses with paper and make necessary adjustments, according to paper size. +Secure printing plates to printing units and adjust tolerances. +Clean ink fountains, plates, or printing unit cylinders when press runs are completed. +Change press plates, blankets, or cylinders, as required. +Obtain or mix inks and fill ink fountains. +Input production job settings into workstation terminals that control automated printing systems. +Clean or oil presses or make minor repairs, using hand tools. +Maintain time or production records. +Monitor inventory levels on a regular basis, ordering or requesting additional supplies, as necessary. +Monitor environmental factors, such as humidity and temperature, that may impact equipment performance and make necessary adjustments. +Download or scan files to be printed, using printing production software. +Adjust digital files to alter print elements, such as fonts, graphics, or color separations. +Direct or monitor work of press crews. +Download completed jobs to archive media so that questions can be answered or jobs replicated. +Control workflow scheduling or job tracking, using computer database software. +Set up or operate auxiliary equipment, such as cutting, folding, plate-making, drilling, or laminating machines.","Calendar and scheduling software— Job scheduling software +Cloud-based data access and sharing software— Squeegee +Data base user interface and query software— Printers Software Inc. Presidio; Printing management system software +Desktop publishing software— Adobe InDesign; Adobe PageMaker; Enfocus PitStop Pro; QuarkXPress +Document management software— Adobe Acrobat; Adobe LifeCycle Production Print ES3; Xerox FreeFlow Print Server +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Electronics for Imaging EFI Monarch; Electronics for Imaging EFI Pace; SAP software +Financial analysis software— Xerox ProfitQuick +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; Graphics software; Image editing software;1 more +Industrial control software— AABACH Graphic Systems DIGRA +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Project management software— Job tracking software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Inspected printed materials or other images to verify quality. +Operate photographic developing or print production equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Adjust equipment controls to regulate flow of production materials or products. +Collect samples of materials or products for testing. +Evaluate quality of materials or products. +Load materials into production equipment. +Feed materials or products into or through equipment. +Monitor equipment operation to ensure proper functioning. +Mount materials or workpieces onto production equipment. +Download data. +Clean production equipment. +Install mechanical components in production equipment. +Mix ingredients to create specific finishes. +Enter commands, instructions, or specifications into equipment. +Program equipment to perform production tasks. +Lubricate production equipment. +Direct operational or production activities. +Record operational or production data. +Maintain inventories of materials, equipment, or products. +Monitor environmental impacts of production or development activities. +Order materials, supplies, or equipment. +Operate cutting equipment.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Time Pressure— 85% responded “Every day.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 81% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Exposed to Contaminants— 75% responded “Every day.” +Spend Time Standing— 55% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Frequency of Decision Making— 68% responded “Every day.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Contact With Others— 43% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Pace Determined by Speed of Equipment— 49% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 54% responded “Every day.” +Spend Time Walking or Running— 40% responded “Continually or almost continually.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Duration of Typical Work Week— 59% responded “40 hours.” +Spend Time Making Repetitive Motions— 35% responded “More than half the time.” +Exposed to Hazardous Equipment— 67% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Exposed to Hazardous Conditions— 60% responded “Every day.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 29% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Consequence of Error— 37% responded “Fairly serious.” +Deal With External Customers or the Public in General— 34% responded “Extremely important.” +Physical Proximity— 39% responded “I work with others but not closely (e.g., private office).”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adhesive Bonding Machine Operators and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Paper Goods Machine Setters, Operators, and Tenders +Photographic Process Workers and Processing Machine Operators +Prepress Technicians and Workers +Print Binding and Finishing Workers +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic","View the list of Allies +International Brotherhood of Teamsters +external site",47,2,67,45,44,27,28,27,13,5,11,11,37,44,,6,8,71,,2,3,,,2,,22,4,7,,15,2,5, +17-3023.00,Electrical and Electronic Engineering Technologists and Technicians,https://www.onetonline.org/link/summary/17-3023.00,2025-06-11T18:55:10.744670,"Modify, maintain, or repair electronics equipment or systems to ensure proper functioning. +Replace defective components or parts, using hand tools and precision instruments. +Set up and operate specialized or standard test equipment to diagnose, test, or analyze the performance of electronic components, assemblies, or systems. +Read blueprints, wiring diagrams, schematic drawings, or engineering instructions for assembling electronics units, applying knowledge of electronic theory and components. +Identify and resolve equipment malfunctions, working with manufacturers or field representatives as necessary to procure replacement parts. +Assemble electrical systems or prototypes, using hand tools or measuring instruments. +Review electrical engineering plans to ensure adherence to design specifications and compliance with applicable electrical codes and standards. +Assemble, test, or maintain circuitry or electronic components, according to engineering instructions, technical manuals, or knowledge of electronics, using hand or power tools. +Review existing electrical engineering criteria to identify necessary revisions, deletions, or amendments to outdated material. +Maintain system logs or manuals to document testing or operation of equipment. +Select electronics equipment, components, or systems to meet functional specifications. +Calculate design specifications or cost, material, and resource estimates, and prepare project schedules and budgets. +Educate equipment operators on the proper use of equipment. +Supervise the installation or operation of electronic equipment or systems. +Compile and maintain records documenting engineering schematics, installed equipment, installation or operational problems, resources used, repairs, or corrective action performed. +Modify electrical prototypes, parts, assemblies, or systems to correct functional deviations. +Integrate software or hardware components, using computer, microprocessor, or control architecture. +Procure parts and maintain inventory and related documentation. +Participate in training or continuing education activities to stay abreast of engineering or industry advances. +Research equipment or component needs, sources, competitive prices, delivery times, or ongoing operational costs. +Provide user applications or engineering support or recommendations for new or existing equipment with regard to installation, upgrades, or enhancements. +Specify, coordinate, or conduct quality control or quality assurance programs or procedures. +Produce electronics drawings or other graphics representing industrial control, instrumentation, sensors, or analog or digital telecommunications networks, using computer-aided design (CAD) software. +Install or maintain electrical control systems, industrial automation systems, or electrical equipment, including control circuits, variable speed drives, or programmable logic controllers. +Design or modify engineering schematics for electrical transmission and distribution systems or for electrical installation in residential, commercial, or industrial buildings, using computer-aided design (CAD) software. +Interpret test information to resolve design-related problems. +Conduct statistical studies to analyze or compare production costs for sustainable or nonsustainable designs. +Construct and evaluate electrical components for consumer electronics applications such as fuel cells for consumer electronic devices, power saving devices for computers or televisions, or energy efficient power chargers. +Participate in the development or testing of electrical aspects of new green technologies, such as lighting, optical data storage devices, and energy efficient televisions. +Review, develop, or prepare maintenance standards.","Analytical or scientific software— MathWorks Simulink; The MathWorks MATLAB; Transmission line simulators; Wolfram Research Mathematica;26 more +Business intelligence and data analysis software— IBM Cognos Impromptu +Cloud-based management software— IBM WebSphere +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;16 more +Data base user interface and query software— Database software; FileMaker Pro; Microsoft Access; Oracle Database +Development environment software— C; Eclipse IDE; Microsoft Visual Basic; National Instruments LabVIEW;9 more +Document management software— Adobe Acrobat; FlukeView Forms +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle Hyperion; Oracle JD Edwards EnterpriseOne; Oracle Primavera Enterprise Project Portfolio Management; SAP software +Graphics or photo imaging software— Graphics software +Industrial control software— AVEVA InTouch HMI; Programmable logic controller PLC software; Rockwell RSView; Supervisory control and data acquisition SCADA software;1 more +Internet browser software— Microsoft Internet Explorer +Network connectivity terminal emulation software— Terminal emulation software +Object or component oriented development software— C++; Computer aided software engineering CASE tools; Microsoft Visual Basic.NET; Python +Office suite software— Microsoft Office software +Operating system software— Linux; Magellan Firmware; Microsoft Windows; UNIX;1 more +Presentation software— Microsoft PowerPoint +Program testing software— Debugging software; Rockwell RSLogix; Vector Software VectorCast +Project management software— Bentley Systems ProjectWise; Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Maintain electronic equipment. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Review technical documents to plan work. +Install instrumentation or electronic equipment or systems. +Confer with other personnel to resolve design or operational problems. +Resolve operational performance problems. +Create electrical schematics. +Assemble equipment or components. +Evaluate designs or specifications to ensure quality. +Interpret design or operational test results. +Maintain operational records or records systems. +Select tools, equipment, or technologies for use in operations or projects. +Estimate technical or resource requirements for development or production projects. +Direct industrial production activities. +Direct installation activities. +Document technical design details. +Estimate operational costs. +Prepare project budgets. +Train personnel on proper operational procedures. +Design electrical equipment or systems. +Operate computer systems. +Purchase materials, equipment, or other resources. +Update technical knowledge. +Advise customers on the use of products or services. +Direct quality control activities. +Create schematic drawings for electronics. +Analyze costs and benefits of proposed designs or projects. +Determine operational criteria or specifications. +Evaluate characteristics of equipment or systems. +Test green technologies or processes.","E-Mail— How frequently does your job require you to use E-mail? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Telephone Conversations— How often do you have telephone conversations in this job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Spend Time Sitting— How much does this job require sitting? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Written Letters and Memos— How frequently does your job require written letters and memos? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Calibration Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electro-Mechanical and Mechatronics Technologists and Technicians +Electromechanical Equipment Assemblers +Electronics Engineers, Except Computer +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Robotics Technicians","View the list of Allies +American Society for Engineering Education +external site +IEEE-USA +external site +Institute of Electrical and Electronics Engineers +external site +National Fire Protection Association +external site +SAE International +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +CompTIA +external site +Electronics Technicians Association International +external site +International Brotherhood of Electrical Workers +external site +International Society of Automation +external site +International Society of Certified Electronics Technicians +external site +National Institute for Certification in Engineering Technologies +external site",58,5,55,69,63,44,49,42,43,22,26,25,32,85,12,34,32,57,6,23,18,6,9,53,5,84,31,52,7,66,18,1,4 +13-1075.00,Labor Relations Specialists,https://www.onetonline.org/link/summary/13-1075.00,2025-06-11T18:49:51.584392,"Negotiate collective bargaining agreements. +Investigate and evaluate union complaints or arguments to determine viability. +Propose resolutions for collective bargaining or other labor or contract negotiations. +Draft contract proposals or counter-proposals for collective bargaining or other labor negotiations. +Interpret contractual agreements for employers and employees engaged in collective bargaining or other labor relations processes. +Prepare evidence for disciplinary hearings, including preparing witnesses to testify. +Mediate discussions between employer and employee representatives in attempt to reconcile differences. +Review employer practices or employee data to ensure compliance with contracts on matters such as wages, hours, or conditions of employment. +Recommend collective bargaining strategies, goals, or objectives. +Monitor company or workforce adherence to labor agreements. +Call or meet with union, company, government, or other interested parties to discuss labor relations matters, such as contract negotiations or grievances. +Assess risk levels associated with collective bargaining strategies. +Present the position of the company or of labor during arbitration or other labor negotiations. +Identify alternatives to proposals of unions, employees, companies, or government agencies. +Draft rules or regulations to govern collective bargaining activities in collaboration with company, government, or employee representatives. +Research case law or outcomes of previous case hearings. +Write letters related to labor relations activities, such as letters to amend collective bargaining agreements, letters of dispute or conciliation, or letters to seek clarification of contract terms. +Schedule or coordinate the details of grievance hearings or other meetings. +Review and approve employee disciplinary actions, such as written reprimands, suspensions, or terminations. +Select mediators or arbitrators for labor disputes or contract negotiations. +Assess the impact of union proposals on company or government operations. +Advise management on matters related to the administration of contracts or employee discipline or grievance procedures. +Train managers or supervisors on topics related to labor relations, such as working conditions, safety, or equal opportunity practices. +Provide expert testimony in legal proceedings related to labor relations or labor contracts. +Develop employee health and safety policies. +Develop methods to monitor employee satisfaction with policies or working conditions, including grievance or complaint procedures. +Prepare reports or presentations to communicate employee satisfaction or related data to management. +Prepare and submit required governmental reports or forms related to labor relations matters, such as equal employment opportunity (EEO) forms, new hire forms, or minority compensation reports.","Application server software— Kubernetes +Data base user interface and query software— Microsoft Access; ServiceNow +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft +Human resources software— Internet Grievance System IGS; LaborSoft LaborForce Reporting/Dashboard Manager module; Micropact entellitrak Labor Relations Edition; Oracle HRIS;6 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Arrange collective bargaining agreements. +Evaluate personnel practices to ensure adherence to regulations. +Negotiate agreements to resolve disputes. +Collect evidence for legal proceedings. +Assess risks to business operations. +Update knowledge of legal or regulatory environments. +Measure effectiveness of business strategies or practices. +Advise others on human resources topics. +Organize special events. +Train personnel on managerial topics. +Testify at legal or legislative proceedings. +Establish organizational guidelines or policies. +Establish business management methods. +Present business-related information to audiences. +Prepare regulatory or compliance documentation.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Contact With Others— 62% responded “Constant contact with others.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Spend Time Sitting— 62% responded “More than half the time.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Conflict Situations— 43% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 71% responded “Important results.” +Frequency of Decision Making— 37% responded “Every day.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.” +Level of Competition— 60% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 58% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Negotiation— Bringing others together and trying to reconcile differences. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Arbitrators, Mediators, and Conciliators +Bright Outlook +Compensation and Benefits Managers +Compensation, Benefits, and Job Analysis Specialists +Compliance Managers +Equal Opportunity Representatives and Officers +Human Resources Assistants, Except Payroll and Timekeeping +Human Resources Managers +Human Resources Specialists +Lawyers +Public Relations Managers","View the list of Allies +Academy of Management +external site +Association of Labor Relations Agencies +external site +Labor and Employment Relations Association +external site +National Public Employer Labor Relations Association +external site +Society for Human Resource Management +external site +United Association for Labor Education +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +American Federation of Labor and Congress of Industrial Organizations +external site +American Federation of Musicians +external site",43,5,22,67,41,54,40,46,38,38,13,76,6,42,19,65,35,11,20,20,34,24,36,23,9,10,14,4,3,10,13,6,20 +39-9041.00,Residential Advisors,https://www.onetonline.org/link/summary/39-9041.00,2025-06-11T19:13:57.318899,"Communicate with other staff to resolve problems with individual students. +Observe students to detect and report unusual behavior. +Supervise, train, and evaluate residence hall staff, including resident assistants, participants in work-study programs, and other student workers. +Provide emergency first aid and summon medical assistance when necessary. +Make regular rounds to ensure that residents and areas are safe and secure. +Mediate interpersonal problems between residents. +Enforce rules and regulations to ensure the smooth and orderly operation of dormitory programs. +Determine the need for facility maintenance and repair, and notify appropriate personnel. +Collaborate with counselors to develop counseling programs that address the needs of individual students. +Develop and coordinate educational programs for residents. +Develop program plans for individuals or assist in plan development. +Provide requested information on students' progress and the development of case plans. +Confer with medical personnel to better understand the backgrounds and needs of individual residents. +Administer, coordinate, or recommend disciplinary and corrective actions. +Answer telephones, and route calls or deliver messages. +Counsel students in the handling of issues such as family, financial, and educational problems. +Hold regular meetings with each assigned unit. +Compile information such as residents' daily activities and the quantities of supplies used to prepare required reports. +Chaperone group-sponsored trips and social functions. +Order supplies for facilities. +Oversee departmental budget. +Supervise students' housekeeping work to ensure that it is done properly. +Process contract cancellations for students who are unable to follow residence hall policies and procedures. +Accompany and supervise students during meals. +Supervise the activities of housekeeping personnel. +Assign rooms to students. +Provide transportation or escort for expeditions, such as shopping trips or visits to doctors or dentists. +Direct and participate in on- and off-campus recreational activities for residents of institutions, boarding schools, fraternities or sororities, children's homes, or similar establishments. +Sort and distribute mail. +Inventory, pack, and remove items left behind by former residents. +Advise student organizations.","Accounting software— Budgeting software +Analytical or scientific software— Survey software +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Website development software +Word processing software— Google Docs; Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Communicate with management or other staff to resolve problems. +Monitor patron activities to identify problems or potential problems. +Supervise service workers. +Administer first aid. +Evaluate employee performance. +Train service staff. +Monitor environment to ensure safety. +Mediate disputes. +Enforce rules or regulations. +Inspect facilities. +Develop plans for programs or services. +Develop educational or training programs. +Teach daily living skills or behaviors. +Manage budgets for personal services operations. +Inform individuals or organizations of status or findings. +Collect information about clients. +Enforce rules or policies governing student behavior. +Perform administrative or clerical tasks. +Provide counsel, comfort, or encouragement to individuals or families. +Accompany individuals or groups to activities. +Maintain client information or service records. +Meet with coworkers to communicate work orders or plans. +Prepare administrative documents. +Assign resources or facilities to patrons or employees. +Provide escort or transportation. +Organize recreational activities or events. +Order materials, supplies, or equipment. +Deliver items. +Package materials or products. +Store items.","E-Mail— 61% responded “Every day.” +Contact With Others— 64% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Health and Safety of Other Workers— 47% responded “High responsibility.” +Telephone Conversations— 41% responded “Once a week or more but not every day.” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Indoors, Environmentally Controlled— 56% responded “Every day.” +Work Outcomes and Results of Other Workers— 45% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Very important results.” +Time Pressure— 40% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Important.” +Frequency of Decision Making— 36% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Consequence of Error— 36% responded “Extremely serious.” +Physical Proximity— 53% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 39% responded “Very important.” +Spend Time Sitting— 58% responded “About half the time.” +Duration of Typical Work Week— 50% responded “More than 40 hours.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Educational, Guidance, and Career Counselors and Advisors +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Personal Service Workers +Patient Representatives +Recreation Workers +Rehabilitation Counselors +Social and Community Service Managers +Social and Human Service Assistants","View the list of Allies +Adventist Student Personnel Association +external site +American College Personnel Association +external site +American Counseling Association +external site +Association for Christians in Student Development +external site +Association of College and University Housing Officers - International +external site +NASPA - Student Affairs Administrators in Higher Education +external site +National Association of College and University Residence Halls +external site +National Association of Social Workers +external site +National Residence Hall Honorary +external site +NODA +external site",86,32,25,73,31,80,76,75,63,37,21,62,13,52,19,50,53,20,35,38,54,61,69,45,45,20,15,13,15,24,17,19,14 +43-6013.00,Medical Secretaries and Administrative Assistants,https://www.onetonline.org/link/summary/43-6013.00,2025-06-11T19:16:49.762007,"Answer telephones and direct calls to appropriate staff. +Schedule and confirm patient diagnostic appointments, surgeries, or medical consultations. +Complete insurance or other claim forms. +Greet visitors, ascertain purpose of visit, and direct them to appropriate staff. +Transmit correspondence or medical records by mail, e-mail, or fax. +Maintain medical records, technical library, or correspondence files. +Receive and route messages or documents, such as laboratory results, to appropriate staff. +Interview patients to complete documents, case histories, or forms, such as intake or insurance forms. +Operate office equipment, such as voice mail messaging systems, and use word processing, spreadsheet, or other software applications to prepare reports, invoices, financial statements, letters, case histories, or medical records. +Perform bookkeeping duties, such as credits or collections, preparing and sending financial statements or bills, and keeping financial records. +Perform various clerical or administrative functions, such as ordering and maintaining an inventory of supplies. +Transcribe recorded messages or practitioners' diagnoses or recommendations into patients' medical records. +Compile and record medical charts, reports, or correspondence, using typewriter or personal computer. +Schedule tests or procedures for patients, such as lab work or x-rays, based on physician orders. +Prepare correspondence or assist physicians or medical scientists with preparation of reports, speeches, articles, or conference proceedings.","Accounting software— Accounts receivable software; Allscripts Professional PM; Billing software; Intuit QuickBooks;1 more +Calendar and scheduling software— IDX Groupcast; Scheduling software +Cloud-based data access and sharing software— Google Drive +Data base user interface and query software— Data entry software; Database software; dBASE Plus; Microsoft Access +Desktop publishing software— Microsoft Publisher +Electronic mail software— Email software; Microsoft Exchange; Microsoft Outlook +Graphics or photo imaging software— Graphics software +Internet browser software— Microsoft Internet Explorer; Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Henry Schein Dentrix; MEDITECH software;17 more +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software— Intuit QuickBooks Point of Sale +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Addressing software; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Answer telephones to direct calls or provide information. +Maintain medical records. +Transcribe spoken or written information. +Compile data or documentation. +Schedule appointments. +Prepare documentation for contracts, transactions, or regulatory compliance. +Send information, materials or documentation. +Greet customers, patrons, or visitors. +Refer customers to appropriate personnel. +Relay information between personnel. +Interview employees, customers, or others to collect information. +Operate computers or computerized equipment. +Operate office equipment. +Collect deposits, payments or fees. +Maintain financial or account records. +Prepare business correspondence. +Order materials, supplies, or equipment.","Telephone Conversations— 90% responded “Every day.” +E-Mail— 83% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Importance of Repeating Same Tasks— 62% responded “Extremely important.” +Spend Time Sitting— 69% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 62% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Written Letters and Memos— 49% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Time Pressure— 41% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Freedom to Make Decisions— 35% responded “Limited freedom.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Frequency of Decision Making— 42% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Conflict Situations— 28% responded “Every day.” +Exposed to Disease or Infections— 31% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Physical Proximity— 60% responded “Slightly close (e.g., shared office).” +Spend Time Making Repetitive Motions— 32% responded “Never.” +Work Outcomes and Results of Other Workers— 32% responded “Limited responsibility.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Customer Service Representatives +Bright Outlook +Executive Secretaries and Executive Administrative Assistants +Insurance Claims and Policy Processing Clerks +Medical Assistants +Medical Records Specialists +Medical Transcriptionists +Office Clerks, General +Patient Representatives +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive","View the list of Allies +International Association of Administrative Professionals +external site +International Virtual Assistants Association +external site +National Association for Legal Support Professionals +external site +AAPC +external site +American Association of Medical Assistants +external site",86,13,24,82,47,57,30,31,73,50,31,60,12,60,29,22,33,16,11,14,27,20,21,32,65,11,10,11,17,11,14,10,11 +49-9011.00,Mechanical Door Repairers,https://www.onetonline.org/link/summary/49-9011.00,2025-06-11T19:22:23.399448,"Wind large springs with upward motion of arm. +Adjust doors to open or close with the correct amount of effort, or make simple adjustments to electric openers. +Carry springs to tops of doors, using ladders or scaffolding, and attach springs to tracks to install spring systems. +Repair or replace worn or broken door parts, using hand tools. +Complete required paperwork, such as work orders, according to services performed or required. +Fasten angle iron back-hangers to ceilings and tracks, using fasteners or welding equipment. +Collect payment upon job completion. +Install door frames, rails, steel rolling curtains, electronic-eye mechanisms, or electric door openers and closers, using power tools, hand tools, and electronic test equipment. +Inspect job sites, assessing headroom, side room, or other conditions to determine appropriateness of door for a given location. +Assemble and fasten tracks to structures or bucks, using impact wrenches or welding equipment. +Set doors into place or stack hardware sections into openings after rail or track installation. +Operate lifts, winches, or chain falls to move heavy curtain doors. +Remove or disassemble defective automatic mechanical door closers, using hand tools. +Fabricate replacements for worn or broken parts, using welders, lathes, drill presses, or shaping or milling machines. +Prepare doors for hardware installation, such as drilling holes to install locks. +Run low voltage wiring on ceiling surfaces, using insulated staples. +Cut door stops or angle irons to fit openings. +Study blueprints and schematic diagrams to determine appropriate methods of installing or repairing automated door openers. +Install dock seals, bumpers, or shelters. +Order replacement springs, sections, or slats. +Lubricate door closer oil chambers, and pack spindles with leather washers. +Set in and secure floor treadles for door-activating mechanisms, and connect power packs and electrical panelboards to treadles. +Cover treadles with carpeting or other floor covering materials, and test systems by operating treadles. +Bore or cut holes in flooring as required for installation, using hand or power tools. +Clean door closer parts, using caustic soda, rotary brushes, or grinding wheels.","Data base user interface and query software— Work order software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Route navigation software— Route mapping software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Assemble mechanical components or machine parts. +Adjust equipment to ensure optimal performance. +Order materials, supplies, or equipment. +Move materials, equipment, or supplies. +Document operational activities. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Collect payments for goods or services. +Install hardware or other interior fixtures. +Gather information about work conditions or locations. +Assemble structural components. +Position equipment using hand tools, power tools, or heavy equipment. +Move large objects using heavy equipment. +Lubricate equipment to allow proper functioning. +Disassemble equipment for maintenance or repair. +Remove parts or components from equipment. +Drill holes in parts, equipment, or materials. +Fabricate parts or components. +Run wiring to connect equipment. +Cut materials according to specifications or needs. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Install structural foundations. +Assemble electrical components, subsystems, or systems. +Connect electrical components or equipment. +Test mechanical equipment to ensure proper functioning. +Clean equipment, parts, or tools to repair or maintain them in good working order.","Telephone Conversations— 87% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 91% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 65% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Contact With Others— 59% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “More than half the time.” +Freedom to Make Decisions— 58% responded “A lot of freedom.” +Exposed to Very Hot or Cold Temperatures— 49% responded “Every day.” +Frequency of Decision Making— 50% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 49% responded “Every day.” +Exposed to High Places— 54% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Spend Time Standing— 74% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Time Pressure— 47% responded “Every day.” +Duration of Typical Work Week— 52% responded “40 hours.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Physical Proximity— 77% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 37% responded “Once a week or more but not every day.” +Exposed to Contaminants— 40% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 59% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 46% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 46% responded “Once a week or more but not every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 43% responded “More than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 46% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 40% responded “More than half the time.” +Spend Time Making Repetitive Motions— 39% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 46% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 48% responded “Important.” +Level of Competition— 34% responded “Highly competitive.” +Work Outcomes and Results of Other Workers— 41% responded “Limited responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 45% responded “More than half the time.” +Consequence of Error— 43% responded “Fairly serious.” +E-Mail— 33% responded “Every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Electricians +Bright Outlook +Electronic Equipment Installers and Repairers, Motor Vehicles +Elevator and Escalator Installers and Repairers +Fence Erectors +Glaziers +Helpers--Installation, Maintenance, and Repair Workers +Locksmiths and Safe Repairers +Maintenance and Repair Workers, General +Sheet Metal Workers +Structural Iron and Steel Workers","View the list of Allies +Door and Access Systems Manufacturers Association International +external site",71,1,36,47,49,43,44,40,25,9,39,19,8,48,4,24,9,73,2,28,10,2,3,13,5,52,68,29,1,44,12,2,1 +23-1012.00,Judicial Law Clerks,https://www.onetonline.org/link/summary/23-1012.00,2025-06-11T18:59:14.828310,"Prepare briefs, legal memoranda, or statements of issues involved in cases, including appropriate suggestions or recommendations. +Research laws, court decisions, documents, opinions, briefs, or other information related to cases before the court. +Draft or proofread judicial opinions, decisions, or citations. +Confer with judges concerning legal questions, construction of documents, or granting of orders. +Review complaints, petitions, motions, or pleadings that have been filed to determine issues involved or basis for relief. +Keep abreast of changes in the law and inform judges when cases are affected by such changes. +Attend court sessions to hear oral arguments or record necessary case information. +Review dockets of pending litigation to ensure adequate progress. +Communicate with counsel regarding case management or procedural requirements. +Respond to questions from judicial officers or court staff on general legal issues. +Enter information into computerized court calendar, filing, or case management systems. +Verify that all files, complaints, or other papers are available and in the proper order. +Coordinate judges' meeting and appointment schedules. +Participate in conferences or discussions between trial attorneys and judges. +Prepare periodic reports on court proceedings, as required. +Supervise law students, volunteers, or other personnel assigned to the court. +Maintain judges' law libraries by assembling or updating appropriate documents. +Perform courtroom duties, including calling calendars, administering oaths, and swearing in jury panels and witnesses.","Analytical or scientific software— LexisNexis CourtLink Strategic Profiles +Calendar and scheduling software— Aderant CompuLaw; American Legalnet Smart Dockets; Compugov DocketView; Infocom JACS;2 more +Data base user interface and query software— Microsoft Access; Orion Law Management Systems Orion; PTS Solutions WinJuris Court Solutions +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Information retrieval or search software— LexisNexis; Public Access to Court Electronic Records (PACER); Thomson Reuters Westlaw; Thomson Reuters WestlawNext;2 more +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft operating system; Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Canyon Solutions Jcats; Legal Files software; New Dawn Technologies JustWare Court; Thomson Reuters Elite ProLaw;3 more +Spreadsheet software— Microsoft Excel +Web platform development software— Oracle JavaServer Pages JSP +Word processing software— Microsoft Word; WordPerfect","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Prepare documentation of legal proceedings. +Prepare legal documents. +Research relevant legal materials to aid decision making. +Confer with court staff to clarify information. +Identify implications for cases from legal precedents or other legal information. +Meet with individuals involved in legal processes to provide information and clarify issues. +Record information from legal proceedings. +Maintain the order of legal documents. +Direct courtroom activities or procedures. +Coordinate legal schedules or activities. +Supervise activities of other legal personnel. +Administer oaths to court participants.","Indoors, Environmentally Controlled— 98% responded “Every day.” +E-Mail +Importance of Being Exact or Accurate— 90% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Very important results.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Telephone Conversations— 24% responded “Once a month or more but not every week.” +Written Letters and Memos— 16% responded “Once a month or more but not every week.” +Contact With Others— 47% responded “Constant contact with others.” +Time Pressure— 51% responded “Once a week or more but not every day.” +Frequency of Decision Making— 47% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Freedom to Make Decisions— 42% responded “Some freedom.” +Duration of Typical Work Week— 65% responded “40 hours.” +Importance of Repeating Same Tasks— 29% responded “Extremely important.” +Deal With External Customers or the Public in General— 35% responded “Extremely important.” +Level of Competition— 32% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Fairly important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Administrative Law Judges, Adjudicators, and Hearing Officers +Arbitrators, Mediators, and Conciliators +Bright Outlook +Court Reporters and Simultaneous Captioners +Equal Opportunity Representatives and Officers +Fraud Examiners, Investigators and Analysts +Judges, Magistrate Judges, and Magistrates +Law Teachers, Postsecondary +Lawyers +Legal Secretaries and Administrative Assistants +Paralegals and Legal Assistants","View the list of Allies +American Bankruptcy Institute +external site +American Bar Association +external site +American Inns of Court +external site +Federal Bar Association +external site +National Association of Women Lawyers +external site",25,,,86,17,32,44,11,63,19,2,13,2,47,11,97,31,2,16,8,14,4,9,13,4,,2,1,2,5,12,,20 +29-1161.00,Nurse Midwives,https://www.onetonline.org/link/summary/29-1161.00,2025-06-11T19:06:20.944527,"Provide prenatal, intrapartum, postpartum, or newborn care to patients. +Monitor fetal development by listening to fetal heartbeat, taking external uterine measurements, identifying fetal position, or estimating fetal size and weight. +Document patients' health histories, symptoms, physical conditions, or other diagnostic information. +Provide patients with direct family planning services, such as inserting intrauterine devices, dispensing oral contraceptives, and fitting cervical barriers, including cervical caps or diaphragms. +Prescribe medications as permitted by state regulations. +Develop and implement individualized plans for health care management. +Explain procedures to patients, family members, staff members or others. +Order and interpret diagnostic or laboratory tests. +Initiate emergency interventions to stabilize patients. +Document findings of physical examinations. +Educate patients and family members regarding prenatal, intrapartum, postpartum, newborn, or interconception care. +Perform physical examinations by taking vital signs, checking neurological reflexes, examining breasts, or performing pelvic examinations. +Write information in medical records or provide narrative summaries to communicate patient information to other health care providers. +Provide primary health care, including pregnancy and childbirth, to women. +Consult with or refer patients to appropriate specialists when conditions exceed the scope of practice or expertise. +Read current literature, talk with colleagues, or participate in professional organizations or conferences to keep abreast of developments in midwifery. +Instruct student nurse midwives, medical students, or residents on the birthing process. +Establish practice guidelines for specialty areas such as primary health care of women, care of the childbearing family, and newborn care. +Plan, provide, or evaluate educational programs for nursing staff, health care teams, or the community. +Conduct clinical research on topics such as maternal or infant health care, contraceptive methods, breastfeeding, and gynecological care. +Manage newborn care during the first weeks of life. +Evaluate mental health of patients. +Screen patients for gynecologic conditions such as infections.","Medical software— digiChart OB-GYN; eClinicalWorks EHR software; Epic Systems; GE Healthcare Centricity EMR;17 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Care for women during pregnancy and childbirth. +Examine patients to assess general physical condition. +Measure the physical or physiological attributes of patients. +Administer basic health care or medical treatments. +Record patient medical histories. +Develop medical treatment plans. +Prescribe medications. +Explain medical procedures or test results to patients or family members. +Analyze test data or images to inform diagnosis or treatment. +Order medical diagnostic or clinical tests. +Treat medical emergencies. +Provide health and wellness advice to patients, program participants, or caregivers. +Test patient nervous system functioning. +Inform medical professionals regarding patient conditions and care. +Prepare reports summarizing patient diagnostic or care activities. +Collaborate with healthcare professionals to plan or provide treatment. +Refer patients to other healthcare practitioners or health resources. +Maintain medical or professional knowledge. +Train medical providers. +Teach medical procedures to healthcare personnel. +Establish nursing policies or standards. +Conduct health or safety training programs. +Conduct research to increase knowledge about medical issues.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Physical Proximity— 94% responded “Very close (near touching).” +Contact With Others— 91% responded “Constant contact with others.” +E-Mail— 88% responded “Every day.” +Telephone Conversations— 84% responded “Every day.” +Frequency of Decision Making— 81% responded “Every day.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Consequence of Error— 78% responded “Extremely serious.” +Freedom to Make Decisions— 67% responded “A lot of freedom.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Exposed to Disease or Infections— 69% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Very important results.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Health and Safety of Other Workers— 36% responded “Very high responsibility.” +Time Pressure— 48% responded “Every day.” +Conflict Situations— 52% responded “Once a week or more but not every day.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a month or more but not every week.” +Exposed to Contaminants— 34% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 38% responded “High responsibility.” +Spend Time Standing— 56% responded “About half the time.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Exposed to Cramped Work Space, Awkward Positions— 30% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Advanced Practice Psychiatric Nurses +Clinical Nurse Specialists +Critical Care Nurses +Licensed Practical and Licensed Vocational Nurses +Midwives +Nurse Anesthetists +Nurse Practitioners +Obstetricians and Gynecologists +Registered Nurses","View the list of Allies +American Association of Birth Centers +external site +American Association of Colleges of Nursing +external site +American Association of Critical-Care Nurses +external site +American Association of Nurse Anesthesiology +external site +American Association of Nurse Practitioners +external site +American College of Obstetricians and Gynecologists +external site +American Nurses Association +external site +American Society for Colposcopy and Cervical Pathology +external site +Association of Women's Health, Obstetric and Neonatal Nurses +external site +North American Menopause Society +external site +Sigma Theta Tau International Honor Society of Nursing +external site +Midwives Alliance of North America +external site +American College of Nurse-Midwives +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",80,4,15,80,53,46,44,67,42,27,27,42,48,48,38,52,40,12,40,20,83,68,70,28,96,11,2,22,77,5,16,5,20 +53-2022.00,Airfield Operations Specialists,https://www.onetonline.org/link/summary/53-2022.00,2025-06-11T19:29:05.560562,"Inspect airfield conditions to ensure compliance with federal regulatory requirements. +Implement airfield safety procedures to ensure a safe operating environment for personnel and aircraft operation. +Conduct inspections of the airport property and perimeter to maintain controlled access to airfields. +Assist in responding to aircraft and medical emergencies. +Initiate or conduct airport-wide coordination of snow removal on runways and taxiways. +Manage wildlife on and around airport grounds. +Coordinate communications between air traffic control and maintenance personnel. +Perform and supervise airfield management activities, including mobile airfield management functions. +Plan and coordinate airfield construction. +Monitor the arrival, parking, refueling, loading, and departure of all aircraft. +Train operations staff. +Coordinate with agencies, such as air traffic control, civil engineers, or command posts, to ensure support of airfield management activities. +Relay departure, arrival, delay, aircraft and airfield status, and other pertinent information to upline controlling agencies. +Provide aircrews with information and services needed for airfield management and flight planning. +Coordinate with agencies to meet aircrew requirements for billeting, messing, refueling, ground transportation, and transient aircraft maintenance. +Use airfield landing and navigational aids and digital data terminal communications equipment to perform duties. +Receive, transmit, and control message traffic. +Maintain air-to-ground and point-to-point radio contact with aircraft commanders. +Procure, produce, and provide information on the safe operation of aircraft, such as flight planning publications, operations publications, charts and maps, or weather information. +Anticipate aircraft equipment needs for air evacuation and cargo flights. +Post visual display boards and status boards. +Receive and post weather information and flight plan data, such as air routes or arrival and departure times. +Conduct departure and arrival briefings. +Collaborate with others to plan flight schedules and air crew assignments. +Maintain flight and event logs, air crew flying records, and flight operations records of incoming and outgoing flights. +Coordinate changes to flight itineraries with appropriate Air Traffic Control (ATC) agencies. +Check military flight plans with civilian agencies. +Issue notices to advise flight crews of airfield status. +Monitor and manage the operation of drones within the airport airspace to ensure safe aircraft operations.","Accounting software— Intuit QuickBooks +Application server software— Apache HTTP Server +Calendar and scheduling software— Operations scheduling software +Data base user interface and query software— FileMaker Pro; Microsoft Access; Oracle Database; TRMI Airport AVI;3 more +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Expert system software— Decision Support Technologies Propworks +Graphics or photo imaging software— Adobe Photoshop +Internet protocol IP multimedia subsystem software— Internet Protocol Television Systems +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft operating system; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Inspect facilities, equipment or supplies to ensure conformance to standards. +Inspect facilities. +Plan flight operations. +Assist others during emergencies. +Inspect facilities to ensure compliance with security or safety regulations. +Inspect work sites to identify potential environmental or safety hazards. +Confer with coworkers to coordinate maintenance or cleaning activities. +Coordinate operational activities. +Maintain facilities. +Remove snow. +Communicate with others to coordinate vehicle movement. +Coordinate flight control or management activities. +Plan work operations. +Monitor vehicle movement or location. +Pilot aircraft. +Train transportation or material moving personnel. +Record operational details of travel. +Meet with coworkers to communicate work orders or plans. +Review work orders or schedules to determine operations or procedures.","Contact With Others— 93% responded “Constant contact with others.” +Telephone Conversations— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Consequence of Error— 85% responded “Extremely serious.” +Freedom to Make Decisions— 82% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 79% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +E-Mail— 87% responded “Every day.” +Importance of Being Exact or Accurate— 69% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 76% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 78% responded “Very important results.” +Importance of Repeating Same Tasks— 55% responded “Extremely important.” +Frequency of Decision Making— 66% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 62% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 62% responded “Every day.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a week or more but not every day.” +Time Pressure— 55% responded “Every day.” +Exposed to Contaminants— 57% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 26% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 69% responded “Every day.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Every day.” +Conflict Situations— 39% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Every day.” +Duration of Typical Work Week— 71% responded “40 hours.” +Written Letters and Memos— 36% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 36% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Spend Time Standing— 36% responded “Less than half the time.” +Indoors, Not Environmentally Controlled— 41% responded “Every day.” +Spend Time Walking or Running— 32% responded “Less than half the time.” +Spend Time Sitting— 29% responded “More than half the time.” +Exposed to Hazardous Equipment— 35% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Service Orientation— Actively looking for ways to help people.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Air Traffic Controllers +Aircraft Cargo Handling Supervisors +Bright Outlook +Airline Pilots, Copilots, and Flight Engineers +Aviation Inspectors +Commercial Pilots +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Passenger Attendants +Flight Attendants +Railroad Conductors and Yardmasters +Transportation, Storage, and Distribution Managers","View the list of Allies +Aircraft Owners and Pilots Association +external site +Aircraft Rescue and Fire Fighting Working Group +external site +American Association of Airport Executives +external site +Experimental Aircraft Association +external site +National Air Transportation Association +external site +National Business Aviation Association +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +International Union of Operating Engineers +external site +Transport Workers Union of America AFL-CIO +external site",76,1,34,80,52,65,86,69,59,29,29,49,28,57,19,59,52,40,7,81,30,17,10,66,20,36,31,27,30,24,41,,10 +21-1011.00,Substance Abuse and Behavioral Disorder Counselors,https://www.onetonline.org/link/summary/21-1011.00,2025-06-11T18:58:37.521852,"Complete and maintain accurate records or reports regarding the patients' histories and progress, services provided, or other required information. +Counsel clients or patients, individually or in group sessions, to assist in overcoming dependencies, adjusting to life, or making changes. +Assess individuals' degree of drug dependency by collecting and analyzing urine samples. +Follow progress of discharged patients to determine effectiveness of treatments. +Conduct chemical dependency program orientation sessions. +Review and evaluate clients' progress in relation to measurable goals described in treatment and care plans. +Coordinate activities with courts, probation officers, community services, or other post-treatment agencies. +Develop client treatment plans based on research, clinical experience, and client histories. +Modify treatment plans to comply with changes in client status. +Coordinate counseling efforts with mental health professionals or other health professionals, such as doctors, nurses, or social workers. +Plan or implement follow-up or aftercare programs for clients to be discharged from treatment programs. +Intervene as an advocate for clients or patients to resolve emergency problems in crisis situations. +Attend training sessions to increase knowledge and skills. +Interview clients, review records, and confer with other professionals to evaluate individuals' mental and physical condition and to determine their suitability for participation in a specific program. +Instruct others in program methods, procedures, or functions. +Participate in case conferences or staff meetings. +Act as liaisons between clients and medical staff. +Provide clients or family members with information about addiction issues and about available services or programs, making appropriate referrals when necessary. +Train or supervise student interns or new staff members. +Counsel family members to assist them in understanding, dealing with, and supporting clients or patients. +Confer with family members or others close to clients to keep them informed of treatment planning and progress. +Develop, implement, or evaluate public education, prevention, or health promotion programs, working in collaboration with organizations, institutions, or communities. +Supervise or direct other workers providing services to clients or patients.","Analytical or scientific software— Statistical software +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software; Economic Analysis Group EAG CaseTrack; Online informational database software +Electronic mail software— Email software; IBM Lotus Notes; Microsoft Outlook +Internet browser software— Web browser software +Medical software— Addison Health Systems WritePad EHR; Athena Software Penelope Case Management; STI Computer Services ChartMaker; Varian Medical Systems;10 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Practice Technology Prevail +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Maintain client records. +Write reports or evaluations. +Counsel clients or patients with substance abuse issues. +Monitor clients to evaluate treatment progress. +Administer drug screening tests. +Collaborate with other professionals to assess client needs or plan treatments. +Develop treatment plans for patients or clients. +Modify treatment plans to accommodate client needs. +Intervene in crisis situations to assist clients. +Interview clients to gather information about their backgrounds, needs, or progress. +Maintain professional social services knowledge. +Train staff members in social services skills. +Advocate for individual or community needs. +Present social services program information to the public. +Refer clients to community or social service programs. +Supervise workers providing client or patient services. +Confer with family members to discuss client treatment plans or progress. +Counsel family members of clients or patients. +Collaborate with other professionals to develop education or assistance programs. +Evaluate the effectiveness of counseling or educational programs. +Plan programs to address community health issues.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Contact With Others— 93% responded “Constant contact with others.” +Telephone Conversations— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +E-Mail— 75% responded “Every day.” +Time Pressure— 66% responded “Every day.” +Deal With External Customers or the Public in General— 48% responded “Extremely important.” +Importance of Repeating Same Tasks +Spend Time Sitting— 90% responded “More than half the time.” +Health and Safety of Other Workers— 46% responded “High responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 61% responded “Very important.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Written Letters and Memos— 40% responded “Every day.” +Importance of Being Exact or Accurate— 27% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 60% responded “High responsibility.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Conflict Situations— 29% responded “Every day.” +Public Speaking— 57% responded “Every day.” +Dealing with Violent or Physically Aggressive People— 47% responded “Once a week or more but not every day.” +Physical Proximity— 38% responded “Slightly close (e.g., shared office).” +Exposed to Disease or Infections— 33% responded “Never.” +Consequence of Error— 38% responded “Serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others.","Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Healthcare Social Workers +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Psychiatrists +Recreational Therapists +Rehabilitation Counselors","View the list of Allies +Addiction Technology Transfer Center Network +external site +American Association for Marriage and Family Therapy +external site +American Correctional Association +external site +American Counseling Association +external site +American Psychological Association +external site +Association for Behavioral and Cognitive Therapies +external site +NAADAC +external site +National Association of Social Workers +external site +American Academy of Health Care Providers in the Addictive Disorders +external site +Employee Assistance Professionals Association +external site +International Certification and Reciprocity Consortium +external site +International Profession Certification Association +external site +National Board for Certified Counselors +external site +Psychiatric Rehabilitation Association +external site",79,15,48,79,43,62,50,87,64,25,32,22,15,54,41,40,43,6,58,31,99,100,61,40,54,8,18,2,19,18,23,8,27 +53-5022.00,Motorboat Operators,https://www.onetonline.org/link/summary/53-5022.00,2025-06-11T19:29:50.260349,"Operate engine throttles and steering mechanisms to guide boats on desired courses. +Direct safety operations in emergency situations. +Secure boats to docks with mooring lines, and cast off lines to enable departure. +Maintain desired courses, using compasses or electronic navigational aids. +Organize and direct the activities of crew members. +Follow safety procedures to ensure the protection of passengers, cargo, and vessels. +Maintain equipment such as range markers, fire extinguishers, boat fenders, lines, pumps, and fittings. +Report any observed navigational hazards to authorities. +Oversee operation of vessels used for carrying passengers, motor vehicles, or goods across rivers, harbors, lakes, and coastal waters. +Service motors by performing tasks such as changing oil and lubricating parts. +Arrange repairs, fuel, and supplies for vessels. +Issue directions for loading, unloading, and seating in boats. +Clean boats and repair hulls and superstructures, using hand tools, paint, and brushes. +Tow, push, or guide other boats, barges, logs, or rafts. +Take depth soundings in turning basins. +Perform general labor duties such as repairing booms.","Analytical or scientific software— Echo sounder software; Radar software +Expert system software— Autopilot software; Roam Devices Roam Marine Monitor Hub +Internet browser software— Web browser software +Map creation software— Cartography software +Mobile location based services software— Global positioning system GPS software; SEA.AI Offshore ONE","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Operate ships or other watercraft. +Direct emergency management activities. +Secure watercraft to docks, wharves or other vessels. +Navigate water vessels. +Direct passenger or freight transport activities. +Follow safety procedures for vehicle operation. +Maintain watercraft engines or machinery. +Notify others of emergencies, problems, or hazards. +Arrange maintenance activities. +Direct material handling or moving activities. +Clean vessels or marine equipment. +Measure the level or depth of water or other liquids. +Maintain work equipment or machinery.","Frequency of Decision Making— 99% responded “Every day.” +Freedom to Make Decisions— 98% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 64% responded “Very important results.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Health and Safety of Other Workers— 51% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Contact With Others— 54% responded “Constant contact with others.” +Outdoors, Exposed to All Weather Conditions— 64% responded “Every day.” +Time Pressure— 60% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 70% responded “Every day.” +Work Outcomes and Results of Other Workers— 54% responded “High responsibility.” +Physical Proximity— 56% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Duration of Typical Work Week— 21% responded “40 hours.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 44% responded “More than half the time.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Exposed to Contaminants— 47% responded “Every day.” +In an Open Vehicle or Operating Equipment— 54% responded “Every day.” +Telephone Conversations— 51% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 39% responded “Every day.” +Outdoors, Under Cover— 47% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Never.” +Exposed to Hazardous Conditions— 41% responded “Never.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Far Vision— The ability to see details at a distance. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Recognition— The ability to identify and understand the speech of another person. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Peripheral Vision— The ability to see objects or movement of objects to one's side when the eyes are looking ahead. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Captains, Mates, and Pilots of Water Vessels +Commercial Pilots +Bright Outlook +Dredge Operators +Fishing and Hunting Workers +Heavy and Tractor-Trailer Truck Drivers +Hoist and Winch Operators +Motorboat Mechanics and Service Technicians +Riggers +Sailors and Marine Oilers +Ship Engineers","View the list of Allies +American Waterways Operators +external site +National Association of Charterboat Operators +external site +Passenger Vessel Association +external site +Pacific Whale Watch Association +external site +Inlandboatmen's Union of the Pacific +external site +International Organization of Masters, Mates and Pilots +external site +Seafarers International Union +external site",84,22,34,78,38,48,71,73,39,14,29,49,15,41,15,42,36,62,3,69,34,8,24,48,22,44,36,29,22,24,49,1,9 +47-3012.00,Helpers--Carpenters,https://www.onetonline.org/link/summary/47-3012.00,2025-06-11T19:19:40.222580,"Clean work areas, machines, or equipment, to maintain a clean and safe job site. +Fasten timbers or lumber with glue, screws, pegs, or nails and install hardware. +Perform tie spacing layout and measure, mark, drill or cut. +Select tools, equipment, or materials from storage and transport items to work site. +Drill holes in timbers or lumber. +Cut timbers, lumber, or paneling to specified dimensions. +Position and hold timbers, lumber, or paneling in place for fastening or cutting. +Align, straighten, plumb, or square forms for installation. +Hold plumb bobs, sighting rods, or other equipment to aid in establishing reference points and lines. +Erect scaffolding, shoring, or braces. +Construct forms and assist in raising them to the required elevation. +Install handrails under the direction of a carpenter. +Glue and clamp edges or joints of assembled parts. +Smooth or sand surfaces to remove ridges, tool marks, glue, or caulking. +Secure stakes to grids for constructions of footings, nail scabs to footing forms, and vibrate and float concrete. +Cut and install insulating or sound-absorbing material. +Cut tile or linoleum to fit and spread adhesives on flooring for installation. +Cover surfaces with laminated plastic covering material. +Cut or weld metal.","Accounting software— Intuit QuickBooks; Job costing software; Quicken +Computer aided design CAD software— Drawing and drafting software +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Microsoft Access; Oracle Database +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Project management software— Bosch Punch List; Cost estimating software; Craftsman CD Estimator; Turtle Creek Software Goldenseal +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Mark reference points on construction materials. +Clean equipment or facilities. +Install wooden structural components. +Measure materials or objects for installation or assembly. +Move construction or extraction materials to locations where they are needed. +Select construction equipment. +Select construction materials. +Drill holes in construction materials. +Cut wood components for installation. +Position structural components. +Position construction forms or molds. +Assemble temporary equipment or structures. +Build construction forms or molds. +Assist skilled construction or extraction personnel. +Install building fixtures. +Apply adhesives to construction materials. +Smooth surfaces with abrasive materials or tools. +Cut carpet, vinyl or other flexible materials. +Compact materials to create level bases. +Finish concrete surfaces. +Install insulation in equipment or structures. +Apply protective coverings to objects or surfaces near work areas.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Spend Time Standing— 83% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 72% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 62% responded “Every day.” +Contact With Others— 61% responded “Constant contact with others.” +Exposed to Hazardous Equipment— 71% responded “Every day.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 50% responded “Every day.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Time Pressure— 53% responded “Once a week or more but not every day.” +Exposed to Contaminants— 54% responded “Every day.” +Spend Time Making Repetitive Motions— 39% responded “Continually or almost continually.” +Telephone Conversations— 45% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 37% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 43% responded “Every day.” +Work Outcomes and Results of Other Workers— 31% responded “Very high responsibility.” +Consequence of Error— 47% responded “Very serious.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Moderate results.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.” +Frequency of Decision Making— 40% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 49% responded “Once a month or more but not every week.” +Level of Competition— 27% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Important.” +Indoors, Not Environmentally Controlled— 43% responded “Once a week or more but not every day.” +Conflict Situations— 24% responded “Once a year or more but not every month.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 39% responded “Every day.” +Exposed to High Places— 29% responded “Once a month or more but not every week.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 30% responded “More than half the time.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 41% responded “Less than half the time.” +Duration of Typical Work Week— 53% responded “40 hours.” +Spend Time Walking or Running— 28% responded “Less than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 31% responded “Never.” +Exposed to Whole Body Vibration— 39% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Carpenters +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Electricians +Helpers--Extraction Workers +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Helpers--Production Workers +Helpers--Roofers +Structural Iron and Steel Workers","View the list of Allies +American Subcontractors Association +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Construction Specifications Institute +external site +Home Builders Institute +external site +National Association of Home Builders +external site +National Association of the Remodeling Industry +external site +North East Roofing Contractors Association +external site +American Institute of Constructors +external site +Central South Carpenters Regional Council +external site +Eastern Atlantic States Regional Council of Carpenters +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site +North Central States Regional Council of Carpenters +external site +Southeastern Carpenters Regional Council +external site +Southwest Regional Council of Carpenters +external site +United Brotherhood of Carpenters and Joiners of America +external site",63,3,58,73,77,54,55,52,25,27,21,24,39,18,19,47,32,77,6,74,21,13,11,50,18,46,90,26,15,57,17,5,10 +39-9011.00,Childcare Workers,https://www.onetonline.org/link/summary/39-9011.00,2025-06-11T19:13:45.960549,"Maintain a safe play environment. +Observe and monitor children's play activities. +Communicate with children's parents or guardians about daily activities, behaviors, and related issues. +Support children's emotional and social development, encouraging understanding of others and positive self-concepts. +Care for children in institutional setting, such as group homes, nursery schools, private businesses, or schools for people with disabilities. +Sanitize toys and play equipment. +Dress children and change diapers. +Keep records on individual children, including daily observations and information about activities, meals served, and medications administered. +Identify signs of emotional or developmental problems in children and bring them to parents' or guardians' attention. +Instruct children in health and personal habits, such as eating, resting, and toilet habits. +Organize and store toys and materials to ensure order in activity areas. +Perform general administrative tasks, such as taking attendance, editing internal paperwork, and making phone calls. +Create developmentally appropriate lesson plans. +Perform housekeeping duties, such as laundry, cleaning, dish washing, and changing of linens. +Read to children and teach them simple painting, drawing, handicrafts, and songs. +Assist in preparing food and serving meals and refreshments to children. +Discipline children and recommend or initiate other measures to control behavior, such as caring for own clothing and picking up toys and books. +Regulate children's rest periods. +Organize and participate in recreational activities and outings, such as games and field trips. +Sterilize bottles and prepare formulas. +Help children with homework and school work. +Provide care for children with physical, developmental, or mental health disabilities. +Perform general personnel functions, such as supervision, training, and scheduling. +Accompany children to and from school, on outings, and to medical appointments.","Calendar and scheduling software— Scheduling software +Computer based training software— Educational software; Schoology +Desktop communications software— Tadpoles +Internet browser software— Web browser software +Multi-media educational software— Nearpod; Seesaw +Office suite software— Microsoft Office software +Project management software— Google Classroom +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Arrange childcare or educational settings to ensure physical safety of children. +Monitor activities of individuals to ensure safety or compliance with rules. +Discuss child development and behavior with parents or guardians. +Assist individuals with special needs. +Provide counsel, comfort, or encouragement to individuals or families. +Clean tools or equipment. +Provide for basic needs of children. +Maintain client information or service records. +Monitor health or behavior of people or animals. +Arrange items for use or display. +Teach health or hygiene practices. +Teach daily living skills or behaviors. +Perform administrative or clerical tasks. +Care for patients with mental illnesses. +Develop educational or training programs. +Perform housekeeping duties. +Prepare foods or meals. +Develop daily schedules for children or families. +Assign duties or work schedules to employees. +Perform human resources activities. +Train service staff. +Organize recreational activities or events. +Accompany individuals or groups to activities.","Contact With Others— 83% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Physical Proximity— 51% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Spend Time Standing— 48% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Important.” +Time Pressure— 30% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 31% responded “Very high responsibility.” +Conflict Situations— 31% responded “Every day.” +Deal With External Customers or the Public in General— 34% responded “Extremely important.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Telephone Conversations— 41% responded “Once a week or more but not every day.” +Frequency of Decision Making— 47% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Written Letters and Memos— 29% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 38% responded “About half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 33% responded “About half the time.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Health Education Specialists +Bright Outlook +Home Health Aides +Kindergarten Teachers, Except Special Education +Nannies +Nursing Assistants +Personal Care Aides +Preschool Teachers, Except Special Education +Special Education Teachers, Preschool +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education","View the list of Allies +Association for Early Learning Leaders +external site +Child Care Aware of America +external site +International Nanny Association +external site +National Association for the Education of Young Children +external site +National Catholic Educational Association +external site +American Federation of Teachers, AFL-CIO +external site",68,28,26,63,37,47,55,59,36,25,26,40,17,30,17,26,22,4,18,9,51,24,30,13,28,17,4,6,9,11,16,17,12 +43-5111.00,"Weighers, Measurers, Checkers, and Samplers, Recordkeeping",https://www.onetonline.org/link/summary/43-5111.00,2025-06-11T19:16:41.781730,"Document quantity, quality, type, weight, test result data, and value of materials or products to maintain shipping, receiving, and production records and files. +Weigh or measure materials, equipment, or products to maintain relevant records, using volume meters, scales, rules, or calipers. +Collect or prepare measurement, weight, or identification labels and attach them to products. +Examine products or materials, parts, subassemblies, and packaging for damage, defects, or shortages, using specification sheets, gauges, and standards charts. +Signal or instruct other workers to weigh, move, or check products. +Collect product samples and prepare them for laboratory analysis or testing. +Maintain, monitor, and clean work areas, such as recycling collection sites, drop boxes, counters and windows, and areas around scale houses. +Compare product labels, tags, or tickets, shipping manifests, purchase orders, and bills of lading to verify accuracy of shipment contents, quality specifications, or weights. +Remove from stock products or loads not meeting quality standards, and notify supervisors or appropriate departments of discrepancies or shortages. +Inspect products and examination records to determine the number of defects per worker and the reasons for examiners' rejections. +Store samples of finished products in labeled cartons and record their location. +Count or estimate quantities of materials, parts, or products received or shipped. +Communicate with customers and vendors to exchange information regarding products, materials, and services. +Fill orders for products and samples, following order tickets, and forward or mail items. +Operate scalehouse computers to obtain weight information about incoming shipments such as those from waste haulers. +Sort products or materials into predetermined sequences or groupings for display, packing, shipping, or storage. +Transport materials, products, or samples to processing, shipping, or storage areas, manually or using conveyors, pumps, or hand trucks. +Unload or unpack incoming shipments.","Analytical or scientific software— Root cause analysis software +Data base user interface and query software— Microsoft Access; Oracle Database +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Infor XA; NetSuite ERP; Oracle JD Edwards EnterpriseOne; SAP software;2 more +Inventory management software— Inventory management systems; Inventory software +Materials requirements planning logistics and supply chain software— Materials resource planning MRP software; Warehouse management system WMS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Record production information. +Inspect shipments to ensure correct order fulfillment. +Calculate weights, volumes or other characteristics of materials. +Attach identification information to products, items or containers. +Provide information to coworkers. +Inspect items for damage or defects. +Store items. +Instruct staff in work policies or procedures. +Signal others to coordinate work activities. +Count finished products or workpieces. +Discuss goods or services information with customers or patrons. +Package objects for shipping. +Send information, materials or documentation. +Operate computers or computerized equipment. +Collect samples of materials or products for testing. +Prepare products for testing. +Sort materials or products. +Deliver items. +Clean facilities or equipment. +Unload materials or equipment.","Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Contact With Others— 66% responded “Constant contact with others.” +Time Pressure— 49% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 53% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 51% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 75% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 57% responded “Every day.” +Spend Time Standing— 45% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 32% responded “Extremely important.” +Telephone Conversations— 18% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 58% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 22% responded “Extremely important.” +Duration of Typical Work Week— 44% responded “More than 40 hours.” +Health and Safety of Other Workers— 28% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Freedom to Make Decisions— 28% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 39% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 43% responded “Every day.” +Spend Time Making Repetitive Motions— 28% responded “More than half the time.” +Physical Proximity— 36% responded “Slightly close (e.g., shared office).” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +E-Mail— 43% responded “Every day.” +Frequency of Decision Making— 27% responded “Once a month or more but not every week.” +Exposed to Contaminants— 43% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Moderate results.” +Work Outcomes and Results of Other Workers— 38% responded “Limited responsibility.” +Consequence of Error— 24% responded “Extremely serious.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Graders and Sorters, Agricultural Products +Inspectors, Testers, Sorters, Samplers, and Weighers +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Log Graders and Scalers +Machine Feeders and Offbearers +Packaging and Filling Machine Operators and Tenders +Packers and Packagers, Hand +Production, Planning, and Expediting Clerks +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers","View the list of Allies +MHI +external site +National Association of Wholesaler-Distributors +external site +Warehousing Education and Research Council +external site",47,36,78,54,68,52,41,37,52,38,17,31,32,45,26,19,22,28,11,25,8,8,10,23,11,24,16,11,6,8,13,9,2 +49-3022.00,Automotive Glass Installers and Repairers,https://www.onetonline.org/link/summary/49-3022.00,2025-06-11T19:21:47.774575,"Prime all scratches on pinchwelds with primer and allow to dry. +Remove all dirt, foreign matter, and loose glass from damaged areas, apply primer along windshield or window edges, and allow primer to dry. +Allow all glass parts installed with urethane ample time to cure, taking temperature and humidity into account. +Apply a bead of urethane around the perimeter of each pinchweld and dress the remaining urethane on the pinchwelds so that it is of uniform level and thickness. +Select appropriate tools, safety equipment, and parts, according to job requirements. +Install replacement glass in vehicles. +Obtain windshields or windows for specific automobile makes and models from stock and examine them for defects prior to installation. +Check for and remove moisture or contamination in damaged areas and keep areas dry until repairs are complete. +Replace all moldings, clips, windshield wipers, or other parts that were removed prior to glass replacement or repair. +Remove broken or damaged glass windshields or window glass from motor vehicles, using hand tools to remove screws from frames holding glass. +Remove moldings, clips, windshield wipers, screws, bolts, and inside A-pillar moldings and lower headliners in preparation for installation or repair work. +Install, repair, or replace safety glass and related materials, such as back glass heating elements, on vehicles or equipment. +Cool or warm glass in the event of temperature extremes. +Replace or adjust motorized or manual window-raising mechanisms. +Install new foam dams on pinchwelds, if required. +Install rubber channeling strips around edges of glass or frames to weatherproof windows or to prevent rattling. +Hold cut or uneven edges of glass against automated abrasive belts to shape or smooth edges. +Cut flat safety glass according to specified patterns or perform precision pattern making and glass cutting to custom fit replacement windows.","Accounting software +Data base user interface and query software— Recordkeeping software +Enterprise resource planning ERP software— Workday software +Operating system software— Microsoft Windows +Project management software— Estimating software","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Replace vehicle glass. +Paint surfaces or equipment. +Determine types of equipment, tools, or materials needed for jobs. +Inspect structural components of vehicles to identify problems. +Clean workpieces or finished products. +Reassemble equipment after repair. +Remove parts or components from vehicles. +Repair non-engine automotive or vehicle components. +Prepare materials for processing. +Adjust vehicle components according to specifications. +Replace worn, damaged, or defective mechanical parts. +Install machine or equipment replacement parts. +Cut materials according to specifications or needs.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 84% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 84% responded “Every day.” +Contact With Others— 29% responded “Contact with others most of the time.” +Time Pressure— 79% responded “Every day.” +Importance of Being Exact or Accurate— 13% responded “Fairly important.” +Indoors, Not Environmentally Controlled— 33% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 26% responded “More than half the time.” +Spend Time Standing— 40% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 23% responded “Every day.” +Outdoors, Under Cover— 37% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 43% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 15% responded “Once a month or more but not every week.” +Frequency of Decision Making— 25% responded “Never.” +Work With or Contribute to a Work Group or Team— 36% responded “Important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 59% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 27% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions +Freedom to Make Decisions— 46% responded “Limited freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 38% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Very important results.” +Exposed to Hazardous Equipment— 26% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 66% responded “40 hours.” +Spend Time Bending or Twisting Your Body— 20% responded “Less than half the time.” +Importance of Repeating Same Tasks— 27% responded “Important.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Consequence of Error— 29% responded “Very serious.” +Physical Proximity— 63% responded “Moderately close (at arm's length).”","Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Automotive Body and Related Repairers +Automotive Service Technicians and Mechanics +Cleaners of Vehicles and Equipment +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Glaziers +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Molders, Shapers, and Casters, Except Metal and Plastic +Painting, Coating, and Decorating Workers +Rail Car Repairers","View the list of Allies +Auto Care Association +external site +Automotive Maintenance and Repair Association +external site +Automotive Service Association +external site +Inter-Industry Conference on Auto Collision Repair +external site +National Automobile Dealers Association +external site +National Glass Association +external site +SkillsUSA +external site +Society of Collision Repair Specialists +external site +Accrediting Commission of Career Schools and Colleges +external site +ASE Education Foundation +external site +Auto Glass Safety Council +external site +National Institute for Automotive Service Excellence +external site",77,,33,59,33,50,45,35,49,34,39,42,17,33,4,6,17,68,1,37,18,11,2,29,11,33,9,23,1,27,22,,1 +11-9071.00,Gambling Managers,https://www.onetonline.org/link/summary/11-9071.00,2025-06-11T18:48:10.529013,"Resolve customer complaints regarding problems, such as payout errors. +Remove suspected cheaters, such as card counters or other players who may have systems that shift the odds of winning to their favor. +Track supplies of money to tables and perform any required paperwork. +Explain and interpret house rules, such as game rules or betting limits. +Prepare work schedules and station arrangements and keep attendance records. +Monitor staffing levels to ensure that games and tables are adequately staffed for each shift, arranging for staff rotations and breaks and locating substitute employees as necessary. +Maintain familiarity with all games used at a facility, as well as strategies or tricks employed in those games. +Train new workers or evaluate their performance. +Market or promote the casino to bring in business. +Interview and hire workers. +Direct the distribution of complimentary hotel rooms, meals, or other discounts or free items given to players, based on their length of play and betting totals. +Establish policies on issues, such as the type of gambling offered and the odds, the extension of credit, or the serving of food and beverages. +Circulate among gaming tables to ensure that operations are conducted properly, that dealers follow house rules, or that players are not cheating. +Set and maintain a bank and table limit for each game. +Direct the compilation of summary sheets that show wager amounts and payoffs for races or events. +Review operational expenses, budget estimates, betting accounts, or collection reports for accuracy. +Record, collect, or pay off bets, issuing receipts as necessary. +Notify board attendants of table vacancies so that waiting patrons can play. +Monitor credit extended to players. +Monitor the performance of the gaming floor, relocating games and installing new games as necessary.","Calendar and scheduling software— Employee scheduling software +Electronic mail software— Microsoft Outlook +Human resources software— Human resources management system HRMS +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Resolve customer complaints or problems. +Coordinate enforcement of laws or regulations. +Enforce rules or regulations. +Monitor activities of individuals to ensure safety or compliance with rules. +Communicate organizational policies and procedures. +Monitor flow of cash or other resources. +Determine pricing or monetary policies. +Monitor resources. +Maintain knowledge of current developments in area of expertise. +Maintain personnel records. +Prepare staff schedules or work assignments. +Compile operational data. +Conduct employee training programs. +Evaluate employee performance. +Conduct financial or regulatory audits. +Promote products, services, or programs. +Collect payments for goods or services. +Hire personnel. +Interview employees, customers, or others to collect information. +Manage guest services. +Signal others to coordinate work activities. +Develop organizational policies or programs.","Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Deal With External Customers or the Public in General— 69% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 77% responded “Extremely important.” +Frequency of Decision Making— 86% responded “Every day.” +E-Mail— 69% responded “Every day.” +Importance of Being Exact or Accurate— 62% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Very important results.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Health and Safety of Other Workers— 53% responded “Very high responsibility.” +Telephone Conversations— 57% responded “Every day.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 49% responded “Once a week or more but not every day.” +Conflict Situations— 50% responded “Once a week or more but not every day.” +Time Pressure— 34% responded “Every day.” +Duration of Typical Work Week— 49% responded “40 hours.” +Physical Proximity— 59% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Consequence of Error— 31% responded “Very serious.” +Spend Time Standing— 33% responded “About half the time.” +Spend Time Walking or Running— 27% responded “More than half the time.” +Level of Competition— 26% responded “Highly competitive.” +Spend Time Making Repetitive Motions— 36% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Financial Managers +Bright Outlook +First-Line Supervisors of Gambling Services Workers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +Food Service Managers +Gambling and Sports Book Writers and Runners +Gambling Surveillance Officers and Gambling Investigators +General and Operations Managers +Lodging Managers +Umpires, Referees, and Other Sports Officials","View the list of Allies +American Gaming Association +external site",82,14,28,79,79,79,59,61,69,63,50,75,11,63,21,50,43,29,14,17,50,23,22,22,9,30,12,9,4,15,11,4,5 +19-1023.00,Zoologists and Wildlife Biologists,https://www.onetonline.org/link/summary/19-1023.00,2025-06-11T18:56:00.272041,"Develop, or make recommendations on, management systems and plans for wildlife populations and habitat, consulting with stakeholders and the public at large to explore options. +Inventory or estimate plant and wildlife populations. +Inform and respond to public regarding wildlife and conservation issues, such as plant identification, hunting ordinances, and nuisance wildlife. +Study animals in their natural habitats, assessing effects of environment and industry on animals, interpreting findings and recommending alternative operating conditions for industry. +Disseminate information by writing reports and scientific papers or journal articles, and by making presentations and giving talks for schools, clubs, interest groups and park interpretive programs. +Study characteristics of animals, such as origin, interrelationships, classification, life histories, diseases, development, genetics, and distribution. +Perform administrative duties, such as fundraising, public relations, budgeting, and supervision of zoo staff. +Check for, and ensure compliance with, environmental laws, and notify law enforcement when violations are identified. +Analyze characteristics of animals to identify and classify them. +Conduct literature reviews. +Organize and conduct experimental studies with live animals in controlled or natural surroundings. +Coordinate preventive programs to control the outbreak of wildlife diseases. +Prepare collections of preserved specimens or microscopic slides for species identification and study of development or disease. +Collect and dissect animal specimens and examine specimens under microscope. +Use advanced technologies, such as GIS, remote sensing, and drone technology, for wildlife tracking, habitat mapping, and population studies.","Analytical or scientific software— Computer modeling software; HATPRO; SAS; Statistical software +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Database management software; Microsoft Access; Relational database software +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS software; Geographic information system GIS systems +Internet browser software— Web browser software +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— Python; R +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Advise others about environmental management or conservation. +Measure environmental characteristics. +Communicate with the public on environmental issues. +Plan biological research. +Research environmental impact of industrial or development activities. +Prepare scientific or technical reports or presentations. +Examine characteristics or behavior of living organisms. +Research diseases or parasites. +Research genetic characteristics or expression. +Direct fundraising or financing activities. +Implement advertising or marketing initiatives. +Manage organizational or project budgets. +Supervise employees. +Assess compliance with environmental laws. +Coordinate safety or regulatory compliance activities. +Review professional literature to maintain professional knowledge. +Prepare biological samples for testing or analysis. +Analyze biological samples. +Collect biological specimens.","E-Mail— 92% responded “Every day.” +Telephone Conversations— 62% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Contact With Others— 52% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Indoors, Environmentally Controlled— 60% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 51% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Importance of Being Exact or Accurate— 22% responded “Important.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 39% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Frequency of Decision Making— 32% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Spend Time Sitting— 44% responded “About half the time.” +Duration of Typical Work Week— 71% responded “40 hours.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 41% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Outdoors, Exposed to All Weather Conditions— 41% responded “Once a week or more but not every day.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Physical Proximity— 31% responded “I work with others but not closely (e.g., private office).” +Level of Competition— 24% responded “Extremely competitive.” +Indoors, Not Environmentally Controlled— 30% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 29% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Animal Scientists +Bright Outlook +Biologists +Conservation Scientists +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +Fish and Game Wardens +Foresters +Geoscientists, Except Hydrologists and Geographers +Range Managers +Soil and Plant Scientists","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Zoo Keepers +external site +American Elasmobranch Society +external site +American Fisheries Society +external site +American Ornithological Society +external site +American Society of Ichthyologists and Herpetologists +external site +American Society of Mammalogists +external site +Animal Behavior Society +external site +Association of Field Ornithologists +external site +Association of Fish and Wildlife Agencies +external site +Botanical Society of America +external site +Ecological Society of America +external site +International Association for Bear Research and Management +external site +MarineBio Conservation Society +external site +Ornithological Societies of North America +external site +Society for Conservation Biology +external site +Society for Freshwater Science +external site +Society for the Study of Amphibians and Reptiles +external site +Society of Environmental Toxicology and Chemistry +external site +The Waterbird Society +external site +Trout Unlimited +external site +Wildlife Disease Association +external site +Wildlife Society +external site +Western Bat Working Group +external site +Association of Zoos and Aquariums +external site",68,5,11,69,60,58,42,49,43,25,5,41,31,50,7,58,50,31,6,25,21,9,23,23,10,25,19,17,95,19,59,2,19 +11-3051.03,Biofuels Production Managers,https://www.onetonline.org/link/summary/11-3051.03,2025-06-11T18:47:23.843501,"Supervise production employees in the manufacturing of biofuels, such as biodiesel or ethanol. +Manage operations at biofuels power generation facilities, including production, shipping, maintenance, or quality assurance activities. +Provide direction to employees to ensure compliance with biofuels plant safety, environmental, or operational standards and regulations. +Confer with technical and supervisory personnel to report or resolve conditions affecting biofuels plant safety, operational efficiency, and product quality. +Review logs, datasheets, or reports to ensure adequate production levels or to identify abnormalities with biofuels production equipment or processes. +Monitor meters, flow gauges, or other real-time data to ensure proper operation of biofuels production equipment, implementing corrective measures as needed. +Adjust temperature, pressure, vacuum, level, flow rate, or transfer of biofuels to maintain processes at required levels. +Provide training to subordinate or new employees to improve biofuels plant safety or increase the production of biofuels. +Shut down and restart biofuels plant or equipment in emergency situations or for equipment maintenance, repairs, or replacements. +Monitor transportation and storage of flammable or other potentially dangerous feedstocks or products to ensure adherence to safety guidelines. +Draw samples of biofuels products or secondary by-products for quality control testing. +Approve proposals for the acquisition, replacement, or repair of biofuels processing equipment or the implementation of new production processes. +Prepare and manage biofuels plant or unit budgets. +Conduct cost, material, and efficiency studies for biofuels production plants or operations.","Calendar and scheduling software— Employee scheduling software +Computer aided design CAD software— Autodesk AutoCAD +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Distributed control system DCS; Human machine interface HMI software +Internet browser software— Web browser software +Inventory management software— Inventory control software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Supervise workers performing environmentally sustainable activities. +Direct green energy production operations. +Direct maintenance and repair activities in green energy production facilities. +Communicate green energy production information. +Operate green energy production equipment. +Evaluate energy production data. +Monitor green energy equipment, systems, or facilities. +Conduct employee training programs. +Train employees on environmental awareness, conservation, or safety topics. +Evaluate green operations or programs for compliance with standards or regulations. +Evaluate quality of materials or products. +Analyze data to determine project feasibility. +Prepare operational budgets for green energy or other green operations.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Telephone Conversations— 96% responded “Every day.” +Health and Safety of Other Workers— 86% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 81% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +Contact With Others— 71% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Frequency of Decision Making— 82% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 76% responded “Very important results.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Duration of Typical Work Week— 76% responded “More than 40 hours.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Indoors, Not Environmentally Controlled— 62% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Exposed to Hazardous Conditions— 47% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 38% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 54% responded “Once a week or more but not every day.” +Consequence of Error— 46% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Exposed to Contaminants— 42% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Deal With External Customers or the Public in General— 30% responded “Very important.” +Pace Determined by Speed of Equipment— 46% responded “Extremely important.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Outdoors, Under Cover— 41% responded “Once a week or more but not every day.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Conflict Situations— 37% responded “Once a month or more but not every week.” +Exposed to High Places— 42% responded “Once a month or more but not every week.” +Degree of Automation— 51% responded “Highly automated.” +Spend Time Sitting— 78% responded “About half the time.” +Exposed to Hazardous Equipment— 34% responded “Never.” +Physical Proximity— 41% responded “Slightly close (e.g., shared office).” +Level of Competition— 55% responded “Moderately competitive.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Operation and Control— Controlling operations of equipment or systems. +Persuasion— Persuading others to change their minds or behavior. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Science— Using scientific rules and methods to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels Processing Technicians +Biofuels/Biodiesel Technology and Product Development Managers +Bright Outlook +Biomass Plant Technicians +Biomass Power Plant Managers +Chemical Engineers +Geothermal Production Managers +Hydroelectric Production Managers +Industrial Production Managers +Manufacturing Engineers +Power Plant Operators","View the list of Allies +American Coalition for Ethanol +external site +American Institute of Chemical Engineers +external site +American Society for Quality +external site +Association for Supply Chain Management +external site",51,43,93,56,62,77,53,56,57,50,36,58,67,58,7,38,25,76,8,42,41,10,20,20,9,67,46,57,50,55,27,1,6 +43-5052.00,Postal Service Mail Carriers,https://www.onetonline.org/link/summary/43-5052.00,2025-06-11T19:16:30.750794,"Scan labels on letters or parcels to confirm receipt. +Obtain signed receipts for registered, certified, and insured mail, collect associated charges, and complete any necessary paperwork. +Return to the post office with mail collected from homes, businesses, and public mailboxes. +Sort mail for delivery, arranging it in delivery sequence. +Deliver mail to residences and business establishments along specified routes by walking or driving, using a combination of satchels, carts, cars, and small trucks. +Meet schedules for the collection and return of mail. +Sign for cash-on-delivery and registered mail before leaving the post office. +Hold mail for customers who are away from delivery locations. +Turn in money and receipts collected along mail routes. +Leave notices telling patrons where to collect mail that could not be delivered. +Maintain accurate records of deliveries. +Bundle mail in preparation for delivery or transportation to relay boxes. +Record address changes and redirect mail for those addresses. +Return incorrectly addressed mail to senders. +Answer customers' questions about postal services and regulations. +Provide customers with change of address cards and other forms. +Report any unusual circumstances concerning mail delivery, including the condition of street letter boxes. +Register, certify, and insure parcels and letters. +Travel to post offices to pick up the mail for routes or pick up mail from postal relay boxes. +Sell stamps and money orders. +Complete forms that notify publishers of address changes.","Data base user interface and query software— Address Management System AMS; Automated Data Collection System ADCS; End of Run Report EOR +Enterprise resource planning ERP software— Delivery operations information system DOIS +Human resources software— Time and Attendance Collection System TACS +Map creation software— Delivery Routing System DRS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Time accounting software— Electronic Time Clock ETC +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Enter information into databases or software programs. +Collect deposits, payments or fees. +Obtain written authorization to perform activities. +Route mail to correct destinations. +Sort mail. +Deliver items. +Arrange insurance coverage. +Prepare outgoing mail. +Perform administrative or clerical tasks. +Provide notifications to customers or patrons. +Record shipping information. +Package objects for shipping. +Maintain financial or account records. +Operate vehicles or material-moving equipment. +Explain regulations, policies, or procedures. +Sell products or services. +Prepare documentation for contracts, transactions, or regulatory compliance. +Report maintenance or equipment problems to appropriate personnel.","Outdoors, Exposed to All Weather Conditions— 91% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 88% responded “Every day.” +Spend Time Making Repetitive Motions— 70% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Importance of Repeating Same Tasks— 51% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 73% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Time Pressure— 62% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Frequency of Decision Making— 54% responded “Every day.” +Contact With Others— 41% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.” +Duration of Typical Work Week— 43% responded “More than 40 hours.” +Spend Time Standing— 29% responded “About half the time.” +Freedom to Make Decisions— 34% responded “Limited freedom.” +Spend Time Bending or Twisting Your Body— 32% responded “Less than half the time.” +Physical Proximity— 57% responded “Slightly close (e.g., shared office).” +Exposed to Contaminants— 34% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 30% responded “Once a year or more but not every month.” +Spend Time Walking or Running— 47% responded “Less than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a year or more but not every month.” +Indoors, Not Environmentally Controlled— 50% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Cargo and Freight Agents +Bright Outlook +Couriers and Messengers +Dispatchers, Except Police, Fire, and Ambulance +Freight Forwarders +Light Truck Drivers +Mail Clerks and Mail Machine Operators, Except Postal Service +Postal Service Clerks +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Postmasters and Mail Superintendents +Shipping, Receiving, and Inventory Clerks","View the list of Allies +National Association of Letter Carriers +external site +National Rural Letter Carriers' Association +external site",81,1,43,56,34,47,55,41,37,14,54,30,11,27,15,29,25,15,6,49,28,9,13,20,6,7,4,5,1,10,32,,3 +27-3092.00,Court Reporters and Simultaneous Captioners,https://www.onetonline.org/link/summary/27-3092.00,2025-06-11T19:03:56.265034,"Record verbatim proceedings of courts, legislative assemblies, committee meetings, and other proceedings, using computerized recording equipment, electronic stenograph machines, or stenomasks. +Proofread transcripts for correct spelling of words. +Ask speakers to clarify inaudible statements. +Provide transcripts of proceedings upon request of judges, lawyers, or the public. +Transcribe recorded proceedings in accordance with established formats. +Log and store exhibits from court proceedings. +File and store shorthand notes of court session. +File a legible transcript of records of a court case with the court clerk's office. +Verify accuracy of transcripts by checking copies against original records of proceedings and accuracy of rulings by checking with judges. +Respond to requests during court sessions to read portions of the proceedings already recorded. +Record symbols on computer storage media and use computer aided transcription to translate and display them as text. +Take notes in shorthand or use a stenotype or shorthand machine that prints letters on a paper tape. +Type court orders for judges. +Record depositions and other proceedings for attorneys. +File exhibits. +Perform secretarial tasks for the court. +Swear in witnesses.","Data base user interface and query software— Acclaim Legal Acclaim DepoManage; Chase Software Solutions Court Reporting Software; Courtpages; OMTI ReporterBase +Enterprise resource planning ERP software— Acculaw Court Reporters Billing Scheduling Job Management System ABSMS; ReporterWorks +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite +Presentation software— ForTheRecord TheRecord Player +Spreadsheet software— Microsoft Excel +Time accounting software— Equative TimeLedger +Voice recognition software— Courtroom Data Solutions Techlennium; Nuance Dragon NaturallySpeaking +Word processing software— Advantage Software Total Eclipse; AudioScribe SpeechCAT; Microsoft Word; VocEdit;8 more","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Record information from legal proceedings. +Proofread documents, records, or other files to ensure accuracy. +Enter information into databases or software programs. +Provide information to the general public. +File documents or records. +Maintain the order of legal documents. +Process forensic or legal evidence in accordance with procedures. +Prepare legal documents. +Type documents. +Confer with court staff to clarify information. +Review documents or materials for compliance with policies or regulations. +Verify accuracy of records.","Importance of Being Exact or Accurate— 96% responded “Extremely important.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Contact With Others— 83% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Spend Time Sitting— 79% responded “Continually or almost continually.” +E-Mail— 68% responded “Every day.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Time Pressure— 69% responded “Every day.” +Determine Tasks, Priorities and Goals— 63% responded “A lot of freedom.” +Telephone Conversations +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Freedom to Make Decisions— 35% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 62% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 17% responded “Not important at all.” +Written Letters and Memos— 48% responded “Every day.” +Spend Time Making Repetitive Motions +Physical Proximity— 58% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 25% responded “Once a week or more but not every day.” +Frequency of Decision Making— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Minor results.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Not important at all.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Correspondence Clerks +Court, Municipal, and License Clerks +Data Entry Keyers +File Clerks +Legal Secretaries and Administrative Assistants +Medical Records Specialists +Bright Outlook +Medical Transcriptionists +Office Clerks, General +Paralegals and Legal Assistants +Word Processors and Typists","View the list of Allies +National Court Reporters Association +external site +National Verbatim Reporters Association +external site +Society for the Technological Advancement of Reporting +external site +United States Court Reporters Association +external site +American Association of Electronic Reporters and Transcribers +external site",62,,39,95,10,53,40,23,90,38,19,24,1,79,1,73,50,4,6,25,12,3,7,35,13,27,,,,,11,,5 +51-2061.00,Timing Device Assemblers and Adjusters,https://www.onetonline.org/link/summary/51-2061.00,2025-06-11T19:24:06.657633,"Assemble and install components of timepieces to complete mechanisms, using watchmakers' tools and loupes. +Observe operation of timepiece parts and subassemblies to determine accuracy of movement, and to diagnose causes of defects. +Test operation and fit of timepiece parts and subassemblies, using electronic testing equipment, tweezers, watchmakers' tools, and loupes. +Replace specified parts to repair malfunctioning timepieces, using watchmakers' tools, loupes, and holding fixtures. +Disassemble timepieces such as watches, clocks, and chronometers so that repairs can be made. +Clean and lubricate timepiece parts and assemblies, using solvents, buff sticks, and oil. +Examine components of timepieces such as watches, clocks, or chronometers for defects, using loupes or microscopes. +Bend parts, such as hairsprings, pallets, barrel covers, and bridges, to correct deficiencies in truing or endshake, using tweezers. +Change timing weights on balance wheels to correct deficient timing. +Adjust sizes or positioning of timepiece parts to achieve specified fit or function, using calipers, fixtures, and loupes. +Mount hairsprings and balance wheel assemblies between jaws of truing calipers. +Estimate spaces between collets and first inner coils to determine if spaces are within acceptable limits. +Bend inner coils of springs away from or toward collets, using tweezers, to locate centers of collets in centers of springs, and to correct errors resulting from faulty colleting of coils. +Turn wheels of calipers and examine springs, using loupes, to determine if center coils appear as perfect circles. +Examine and adjust hairspring assemblies to ensure horizontal and circular alignment of hairsprings, using calipers, loupes, and watchmakers' tools. +Review blueprints, sketches, or work orders to gather information about tasks to be completed. +Tighten or replace loose jewels, using watchmakers' tools.","Analytical or scientific software— Maplesoft Maple +Data base user interface and query software— At Your Service Software At Your Service Repair +Internet browser software— Web browser software +Inventory management software— Inventory control software +Office suite software— Microsoft Office software +Point of sale POS software— Retail sales software","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Repair precision devices or workpieces. +Align parts or workpieces to ensure proper assembly. +Assemble metal or plastic parts or products. +Inspect timing devices. +Apply lubricants or coolants to workpieces. +Clean workpieces or finished products. +Disassemble equipment for maintenance or repair. +Calculate dimensions of workpieces, products, or equipment. +Reshape small metal components for precision assembly. +Review blueprints or other instructions to determine operational methods or sequences.","Face-to-Face Discussions with Individuals and Within Teams +Freedom to Make Decisions +Contact With Others +Determine Tasks, Priorities and Goals +Indoors, Environmentally Controlled +Frequency of Decision Making +Telephone Conversations +Work With or Contribute to a Work Group or Team +Importance of Being Exact or Accurate +Spend Time Sitting +Impact of Decisions on Co-workers or Company Results +Coordinate or Lead Others in Accomplishing Work Activities +E-Mail","Repairing— Repairing machines or systems using the needed tools. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Calibration Technologists and Technicians +Bright Outlook +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Equipment Assemblers +Electromechanical Equipment Assemblers +Engine and Other Machine Assemblers +Grinding and Polishing Workers, Hand +Industrial Machinery Mechanics +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Watch and Clock Repairers","View the list of Allies +American Watchmakers-Clockmakers Institute +external site +British Horological Institute +external site +Fabricators and Manufacturers Association +external site +IPC +external site",35,,45,24,51,26,16,41,15,7,22,17,9,32,4,4,10,65,,9,22,,7,8,,43,18,24,,21,1,, +13-1011.00,"Agents and Business Managers of Artists, Performers, and Athletes",https://www.onetonline.org/link/summary/13-1011.00,2025-06-11T18:49:06.343790,"Collect fees, commissions, or other payments, according to contract terms. +Send samples of clients' work and other promotional material to potential employers to obtain auditions, sponsorships, or endorsement deals. +Keep informed of industry trends and deals. +Conduct auditions or interviews to evaluate potential clients. +Negotiate with managers, promoters, union officials, and other persons regarding clients' contractual rights and obligations. +Confer with clients to develop strategies for their careers, and to explain actions taken on their behalf. +Develop contacts with individuals and organizations, and apply effective strategies and techniques to ensure their clients' success. +Schedule promotional or performance engagements for clients. +Arrange meetings concerning issues involving their clients. +Manage business and financial affairs for clients, such as arranging travel and lodging, selling tickets, and directing marketing and advertising activities. +Hire trainers or coaches to advise clients on performance matters, such as training techniques or performance presentations. +Prepare periodic accounting statements for clients. +Obtain information about or inspect performance facilities, equipment, and accommodations to ensure that they meet specifications. +Advise clients on financial and legal matters, such as investments and taxes.","Accounting software— Financial accounting software +Analytical or scientific software— Statistical analysis software +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Database software +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— LexisNexis +Instant messaging software— Twitter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Tax preparation software— Tax planning software +Transaction server software— Web server software +Video conferencing software— Videoconferencing software; Zoom +Video creation and editing software— Avid Technology iNEWS +Web page creation and editing software— Facebook; LinkedIn; Salesforce Marketing Cloud +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Collect payments for goods or services. +Distribute promotional literature or samples to customers. +Perform marketing activities. +Update professional knowledge. +Arrange collective bargaining agreements. +Conduct eligibility or selection interviews. +Correspond with customers to answer questions or resolve complaints. +Develop business relationships. +Organize special events. +Implement financial decisions. +Market products, services, or events. +Administer personnel recruitment or hiring activities. +Prepare financial documents. +Inspect facilities or equipment to ensure specifications are met. +Advise others on legal or regulatory compliance matters. +Recommend investments to clients.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Contact With Others— 94% responded “Constant contact with others.” +Time Pressure— 66% responded “Every day.” +Frequency of Decision Making— 71% responded “Every day.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Determine Tasks, Priorities and Goals— 53% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Very important results.” +Level of Competition— 36% responded “Extremely competitive.” +Indoors, Environmentally Controlled— 66% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Very important.” +Duration of Typical Work Week— 45% responded “More than 40 hours.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Conflict Situations— 39% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Advertising and Promotions Managers +Advertising Sales Agents +Market Research Analysts and Marketing Specialists +Bright Outlook +Marketing Managers +Meeting, Convention, and Event Planners +Public Relations Managers +Public Relations Specialists +Sales Managers +Talent Directors +Writers and Authors","View the list of Allies +Association of Performing Arts Professionals +external site +Association of Talent Agents +external site +International Association for Media and Communication Research +external site +International Entertainment Buyers Association +external site +International Radio and Television Society Foundation +external site +North American Performing Arts Managers and Agents +external site",84,,19,73,38,71,11,33,60,48,76,52,,38,15,31,67,2,6,14,34,10,23,35,,2,2,,,8,25,69,12 +47-4041.00,Hazardous Materials Removal Workers,https://www.onetonline.org/link/summary/47-4041.00,2025-06-11T19:20:08.380297,"Build containment areas prior to beginning abatement or decontamination work. +Remove asbestos or lead from surfaces, using hand or power tools such as scrapers, vacuums, or high-pressure sprayers. +Identify asbestos, lead, or other hazardous materials to be removed, using monitoring devices. +Prepare hazardous material for removal or storage. +Comply with prescribed safety procedures or federal laws regulating waste disposal methods. +Load or unload materials into containers or onto trucks, using hoists or forklifts. +Clean contaminated equipment or areas for reuse, using detergents or solvents, sandblasters, filter pumps, or steam cleaners. +Remove or limit contamination following emergencies involving hazardous substances. +Clean mold-contaminated sites by removing damaged porous materials or thoroughly cleaning all contaminated nonporous materials. +Operate machines or equipment to remove, package, store, or transport loads of waste materials. +Record numbers of containers stored at disposal sites, specifying amounts or types of equipment or waste disposed. +Sort specialized hazardous waste at landfills or disposal centers, following proper disposal procedures. +Operate cranes to move or load baskets, casks, or canisters. +Drive trucks or other heavy equipment to convey contaminated waste to designated sea or ground locations. +Identify or separate waste products or materials for recycling or reuse. +Upload baskets of irradiated elements onto machines that insert fuel elements into canisters and secure lids. +Process e-waste, such as computer components containing lead or mercury. +Organize or track the locations of hazardous items in landfills. +Mix or pour concrete into forms to encase waste material for disposal. +Apply bioremediation techniques to hazardous wastes to allow naturally occurring bacteria to break down toxic substances. +Package, store, or move irradiated fuel elements in the underwater storage basins of nuclear reactor plants, using machines or equipment.","Data base user interface and query software— Database software; Xactware Xactimate +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Jenkins CI +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system software CMMS +Internet browser software +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Assemble temporary equipment or structures. +Prepare hazardous waste for processing or disposal. +Inspect work sites to identify potential environmental or safety hazards. +Record operational or environmental data. +Operate cranes, hoists, or other moving or lifting equipment. +Drive trucks or truck-mounted equipment. +Load or unload materials used in construction or extraction. +Decontaminate equipment or sites to remove hazardous or toxic substances. +Mix substances or compounds needed for work activities. +Pour materials into or on designated areas. +Apply new technologies to improve work processes.","Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 69% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 69% responded “Every day.” +Health and Safety of Other Workers— 58% responded “Very high responsibility.” +Exposed to Contaminants— 42% responded “Every day.” +Telephone Conversations— 60% responded “Every day.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Contact With Others— 42% responded “Constant contact with others.” +Spend Time Standing— 49% responded “More than half the time.” +Time Pressure— 34% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Work Outcomes and Results of Other Workers— 60% responded “High responsibility.” +Indoors, Not Environmentally Controlled— 58% responded “Once a week or more but not every day.” +Physical Proximity— 56% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 33% responded “About half the time.” +Outdoors, Exposed to All Weather Conditions— 53% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Important.” +Spend Time Making Repetitive Motions— 36% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 54% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Indoors, Environmentally Controlled— 54% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 57% responded “Important.” +Frequency of Decision Making— 35% responded “Every day.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Outdoors, Under Cover +Exposed to Cramped Work Space, Awkward Positions— 33% responded “Once a week or more but not every day.” +Consequence of Error— 26% responded “Very serious.” +Exposed to Hazardous Equipment— 62% responded “Once a month or more but not every week.” +Conflict Situations— 38% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 35% responded “Some freedom.” +Exposed to High Places— 56% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Written Letters and Memos— 30% responded “Every day.” +Duration of Typical Work Week— 18% responded “More than 40 hours.” +Spend Time Bending or Twisting Your Body— 35% responded “More than half the time.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 35% responded “More than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 35% responded “More than half the time.” +Exposed to Hazardous Conditions— 30% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Once a month or more but not every week.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Cleaners of Vehicles and Equipment +Construction Laborers +Bright Outlook +Explosives Workers, Ordnance Handling Experts, and Blasters +Highway Maintenance Workers +Insulation Workers, Floor, Ceiling, and Wall +Recycling and Reclamation Workers +Recycling Coordinators +Refuse and Recyclable Material Collectors +Septic Tank Servicers and Sewer Pipe Cleaners +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +Nuclear Energy Institute +external site +Laborers' International Union of North America +external site +United Steelworkers +external site",60,24,29,52,46,62,65,38,40,26,33,38,40,27,32,39,19,53,18,60,27,17,17,32,28,39,56,35,31,38,20,19,13 +29-2052.00,Pharmacy Technicians,https://www.onetonline.org/link/summary/29-2052.00,2025-06-11T19:08:23.362465,"Receive written prescription or refill requests and verify that information is complete and accurate. +Enter prescription information into computer databases. +Establish or maintain patient profiles, including lists of medications taken by individual patients. +Maintain proper storage and security conditions for drugs. +Receive and store incoming supplies, verify quantities against invoices, check for outdated medications in current inventory, and inform supervisors of stock needs and shortages. +Answer telephones, responding to questions or requests. +Assist customers by answering simple questions, locating items, or referring them to the pharmacist for medication information. +Operate cash registers to accept payment from customers. +Price and file prescriptions that have been filled. +Mix pharmaceutical preparations, according to written prescriptions. +Order, label, and count stock of medications, chemicals, or supplies and enter inventory data into computer. +Clean and help maintain equipment or work areas and sterilize glassware, according to prescribed methods. +Prepack bulk medicines, fill bottles with prescribed medications, and type and affix labels. +Compute charges for medication or equipment dispensed to hospital patients and enter data in computer. +Prepare and process medical insurance claim forms and records. +Transfer medication from vials to the appropriate number of sterile, disposable syringes, using aseptic techniques. +Restock intravenous (IV) supplies and add measured drugs or nutrients to IV solutions under sterile conditions to prepare IV packs for various uses, such as chemotherapy medication. +Supply and monitor robotic machines that dispense medicine into containers and label the containers. +Deliver medications or pharmaceutical supplies to patients, nursing stations, or surgery. +Maintain and merchandise home healthcare products or services. +Price stock and mark items for sale.","Accounting software— Billing and reimbursement software +Data base user interface and query software— Database software; Drug compatibility software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Pharmacy management software +Internet browser software— Apple Safari; Microsoft Edge; Mozilla Firefox +Inventory management software— Pyxis MedStation software +Label making software— Label-making software +Medical software— Medical condition coding software; MEDITECH software; Patient record maintenance software; Pharmaceutical software;2 more +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Perform clerical work in medical settings. +Verify accuracy of patient information. +Enter codes or other information into computers. +Enter information into databases or software programs. +Enter patient or treatment data into computers. +Process medical billing information. +Record patient medical histories. +Maintain inventory of medical supplies or equipment. +Prepare medications or medical solutions. +Clean medical equipment or facilities. +Maintain medical equipment or instruments. +Sterilize medical equipment or instruments. +Merchandise healthcare products or services.","Importance of Being Exact or Accurate— 98% responded “Extremely important.” +Telephone Conversations— 100% responded “Every day.” +Indoors, Environmentally Controlled— 97% responded “Every day.” +Contact With Others— 90% responded “Constant contact with others.” +E-Mail— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Spend Time Standing— 74% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Importance of Repeating Same Tasks— 57% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 51% responded “Every day.” +Time Pressure— 69% responded “Every day.” +Physical Proximity— 68% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Consequence of Error— 44% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Frequency of Decision Making— 57% responded “Every day.” +Spend Time Walking or Running— 42% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 54% responded “Continually or almost continually.” +Conflict Situations— 37% responded “Every day.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Exposed to Disease or Infections— 49% responded “Every day.” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 37% responded “Very high responsibility.” +Freedom to Make Decisions— 37% responded “Some freedom.” +Exposed to Contaminants— 44% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 42% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Licensed Practical and Licensed Vocational Nurses +Medical and Clinical Laboratory Technicians +Medical Assistants +Bright Outlook +Medical Equipment Preparers +Nursing Assistants +Opticians, Dispensing +Pharmacy Aides +Phlebotomists +Surgical Technologists +Veterinary Technologists and Technicians","View the list of Allies +American Pharmacists Association +external site +American Society of Health-System Pharmacists +external site +National Pharmacy Technician Association +external site +National Association of Boards of Pharmacy +external site +National Healthcareer Association +external site +Pharmacy Technician Certification Board +external site",90,9,56,69,71,47,48,47,58,26,31,41,49,68,23,62,39,13,13,24,28,26,19,41,71,13,4,13,31,8,6,4,6 +45-4011.00,Forest and Conservation Workers,https://www.onetonline.org/link/summary/45-4011.00,2025-06-11T19:17:44.492128,"Check equipment to ensure that it is operating properly. +Fight forest fires or perform prescribed burning tasks under the direction of fire suppression officers or forestry technicians. +Perform fire protection or suppression duties, such as constructing fire breaks or disposing of brush. +Confer with other workers to discuss issues, such as safety, cutting heights, or work needs. +Maintain tallies of trees examined and counted during tree marking or measuring efforts. +Explain or enforce regulations regarding camping, vehicle use, fires, use of buildings, or sanitation. +Operate skidders, bulldozers, or other prime movers to pull a variety of scarification or site preparation equipment over areas to be regenerated. +Spray or inject vegetation with insecticides to kill insects or to protect against disease or with herbicides to reduce competing vegetation. +Thin or space trees, using power thinning saws. +Identify diseased or undesirable trees and remove them, using power saws or hand saws. +Select or cut trees according to markings or sizes, types, or grades. +Prune or shear tree tops or limbs to control growth, increase density, or improve shape. +Maintain campsites or recreational areas, replenishing firewood or other supplies and cleaning kitchens or restrooms. +Erect signs or fences, using posthole diggers, shovels, or other hand tools. +Select tree seedlings, prepare the ground, or plant the trees in reforestation areas, using manual planting tools. +Provide assistance to forest survey crews by clearing site-lines, holding measuring tools, or setting stakes. +Sort tree seedlings, discarding substandard seedlings, according to standard charts or verbal instructions. +Create field maps using geographic information systems technology.","Data base user interface and query software— Database software; Microsoft Access +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems +Map creation software— Leica Geosystems ERDAS IMAGINE +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Inspect equipment or facilities to determine condition or maintenance needs. +Perform forest firefighting activities. +Communicate with other workers to coordinate activities. +Record agricultural or forestry inventory data. +Advise others on farming or forestry operations, regulations, or equipment. +Operate forestry equipment. +Trim trees or other vegetation. +Apply chemical solutions to plants to protect against disease or insects or to enhance growth. +Cut trees or logs. +Determine forestry techniques or methods. +Evaluate quality of plants or crops. +Clean equipment or facilities. +Build agricultural structures. +Plant crops, trees, or other plants. +Perform manual agricultural, aquacultural, or horticultural tasks. +Sort forestry or agricultural materials.","E-Mail— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 70% responded “Every day.” +Telephone Conversations— 66% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 60% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings +Contact With Others— 48% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 56% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Frequency of Decision Making— 36% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Exposed to Contaminants— 53% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Health and Safety of Other Workers— 41% responded “High responsibility.” +Exposed to Hazardous Equipment— 30% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Consequence of Error— 36% responded “Extremely serious.” +Spend Time Standing— 47% responded “More than half the time.” +Importance of Being Exact or Accurate— 38% responded “Important.” +Spend Time Walking or Running— 44% responded “More than half the time.” +Duration of Typical Work Week— 70% responded “40 hours.” +Written Letters and Memos— 29% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 31% responded “Less than half the time.” +Indoors, Environmentally Controlled— 31% responded “Once a week or more but not every day.” +Level of Competition— 30% responded “Moderately competitive.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).” +Time Pressure— 46% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Agricultural Technicians +Bright Outlook +Conservation Scientists +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +Forest and Conservation Technicians +Foresters +Pesticide Handlers, Sprayers, and Applicators, Vegetation +Range Managers +Tree Trimmers and Pruners","View the list of Allies +American Fisheries Society +external site +Forest Stewards Guild +external site +National Christmas Tree Association +external site +Society of American Foresters +external site +Mid-America Christmas Tree Association +external site",55,2,17,62,34,55,62,46,37,16,6,43,23,43,4,43,47,42,4,46,32,16,9,29,16,19,23,23,51,21,51,3,23 +19-4042.00,"Environmental Science and Protection Technicians, Including Health",https://www.onetonline.org/link/summary/19-4042.00,2025-06-11T18:57:57.235239,"Collect samples of gases, soils, water, industrial wastewater, or asbestos products to conduct tests on pollutant levels or identify sources of pollution. +Investigate hazardous conditions or spills or outbreaks of disease or food poisoning, collecting samples for analysis. +Record test data and prepare reports, summaries, or charts that interpret test results. +Prepare samples or photomicrographs for testing and analysis. +Discuss test results and analyses with customers. +Inspect workplaces to ensure the absence of health and safety hazards, such as high noise levels, radiation, or potential lighting hazards. +Weigh, analyze, or measure collected sample particles, such as lead, coal dust, or rock, to determine concentration of pollutants. +Calibrate microscopes or test instruments. +Provide information or technical or program assistance to government representatives, employers, or the general public on the issues of public health, environmental protection, or workplace safety. +Maintain files, such as hazardous waste databases, chemical usage data, personnel exposure information, or diagrams showing equipment locations. +Set up equipment or stations to monitor and collect pollutants from sites, such as smoke stacks, manufacturing plants, or mechanical equipment. +Develop or implement programs for monitoring of environmental pollution or radiation. +Monitor emission control devices to ensure they are operating properly and comply with state and federal regulations. +Make recommendations to control or eliminate unsafe conditions at workplaces or public facilities. +Calculate amount of pollutant in samples or compute air pollution or gas flow in industrial processes, using chemical and mathematical formulas. +Develop testing procedures. +Perform statistical analysis of environmental data. +Develop or implement site recycling or hazardous waste stream programs. +Direct activities of workers in laboratory. +Analyze potential environmental impacts of production process changes, and recommend steps to mitigate negative impacts. +Initiate procedures to close down or fine establishments violating environmental or health regulations. +Inspect sanitary conditions at public facilities. +Determine amounts and kinds of chemicals to use in destroying harmful organisms or removing impurities from purification systems. +Examine and analyze material for presence and concentration of contaminants, such as asbestos, using variety of microscopes. +Distribute permits, closure plans, or cleanup plans.","Analytical or scientific software— FishXing; Flood modeling software; HEC-RAS; Visual OTTHYMO;3 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Softdesk +Data base user interface and query software— Database software; Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; ESRI ArcInfo; ESRI ArcPad; ESRI ArcView;1 more +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Map creation software— Geomechanical design analysis GDA software; Trimble GPS Pathfinder Office +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Collect environmental data or samples. +Record research or operational data. +Prepare scientific or technical reports or presentations. +Prepare biological samples for testing or analysis. +Confer with clients to exchange information. +Analyze geological samples. +Calibrate scientific or technical equipment. +Advise others on matters of public policy. +Inspect areas for compliance with sanitation standards. +Develop environmental sustainability plans or projects. +Direct natural resources management or conservation programs. +Assess compliance with environmental laws. +Inspect equipment to ensure proper functioning. +Set up laboratory or field equipment. +Advise others on business or operational matters. +Analyze environmental data. +Develop environmental research methods. +Determine methods to minimize environmental impact of activities. +Research environmental impact of industrial or development activities. +Supervise scientific or technical personnel. +Analyze chemical compounds or substances. +Prepare documentation for permits or licenses.","E-Mail— 86% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Indoors, Environmentally Controlled— 45% responded “Every day.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.” +Contact With Others— 36% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 36% responded “Extremely important.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 36% responded “Very important.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Outdoors, Exposed to All Weather Conditions— 45% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Indoors, Not Environmentally Controlled— 36% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 36% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Exposed to Contaminants— 32% responded “Once a week or more but not every day.” +Frequency of Decision Making— 36% responded “Once a week or more but not every day.” +Spend Time Sitting— 36% responded “More than half the time.” +Outdoors, Under Cover— 45% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 43% responded “Fairly important.” +Physical Proximity— 55% responded “Slightly close (e.g., shared office).” +Spend Time Standing— 55% responded “About half the time.” +Conflict Situations— 41% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 91% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 38% responded “High responsibility.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Conservation Scientists +Environmental Compliance Inspectors +Environmental Engineering Technologists and Technicians +Environmental Engineers +Environmental Scientists and Specialists, Including Health +Geological Technicians, Except Hydrologic Technicians +Water and Wastewater Treatment Plant and System Operators +Water Resource Specialists +Water/Wastewater Engineers","View the list of Allies +National Association of Environmental Professionals +external site +National Environmental Health Association +external site +Air and Waste Management Association +external site +American Chemical Society +external site +American Mosquito Control Association +external site +American Public Health Association +external site +American Society for Microbiology +external site +ASTM International +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +National Ground Water Association +external site +Society of Environmental Toxicology and Chemistry +external site +University Corporation for Atmospheric Research +external site +Water Environment Federation +external site +Rocky Mountain Water Quality Analysts Association +external site +Academy of Board Certified Environmental Professionals +external site +National Environmental Health Science and Protection Accreditation Council +external site +National Registry of Environmental Professionals +external site",66,16,31,62,59,46,51,42,42,25,26,38,62,59,13,60,39,33,8,35,27,12,19,29,17,51,29,38,61,29,36,4,17 +17-2199.11,Solar Energy Systems Engineers,https://www.onetonline.org/link/summary/17-2199.11,2025-06-11T18:54:52.583717,"Conduct engineering site audits to collect structural, electrical, and related site information for use in the design of residential or commercial solar power systems. +Create plans for solar energy system development, monitoring, and evaluation activities. +Design or coordinate design of photovoltaic (PV) or solar thermal systems, including system components, for residential and commercial buildings. +Provide technical direction or support to installation teams during installation, start-up, testing, system commissioning, or performance monitoring. +Create electrical single-line diagrams, panel schedules, or connection diagrams for solar electric systems, using computer-aided design (CAD) software. +Perform computer simulation of solar photovoltaic (PV) generation system performance or energy production to optimize efficiency. +Review specifications and recommend engineering or manufacturing changes to achieve solar design objectives. +Develop design specifications and functional requirements for residential, commercial, or industrial solar energy systems or components. +Develop standard operation procedures and quality or safety standards for solar installation work. +Create checklists for review or inspection of completed solar installation projects. +Perform thermal, stress, or cost reduction analyses for solar systems. +Test or evaluate photovoltaic (PV) cells or modules. +Design or develop vacuum tube collector systems for solar applications.","Analytical or scientific software— Data visualization software; Simulation software; SolTrace; The MathWorks MATLAB;17 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Dassault Systemes SolidWorks; Trimble SketchUp Pro;3 more +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Database software; Microsoft Access; Structured query language SQL +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; National Instruments LabVIEW; Software development tools +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle Hyperion +Geographic information system— ETAP; Geographic information system GIS systems +Industrial control software— Supervisory control and data acquisition SCADA software +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— C++; Python; Python Tools for Visual Studio (PTVS); R +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Bash; Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debugging software +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Collect data about project sites. +Prepare detailed work plans. +Design alternative energy systems. +Provide technical guidance to other personnel. +Create graphical representations of energy production systems. +Create models of engineering designs or methods. +Evaluate plans or specifications to determine technological or environmental implications. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Determine design criteria or specifications. +Determine operational methods. +Inspect finished products to locate flaws. +Analyze costs and benefits of proposed designs or projects. +Analyze green technology design requirements. +Test green technologies or processes.","E-Mail— 89% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Frequency of Decision Making— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Important results.” +Indoors, Environmentally Controlled— 46% responded “Once a week or more but not every day.” +Contact With Others— 43% responded “Constant contact with others.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Importance of Being Exact or Accurate— 36% responded “Extremely important.” +Time Pressure— 68% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 63% responded “High responsibility.” +Consequence of Error— 32% responded “Extremely serious.” +Outdoors, Exposed to All Weather Conditions— 36% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Deal With External Customers or the Public in General— 29% responded “Important.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Indoors, Not Environmentally Controlled— 32% responded “Once a month or more but not every week.” +Spend Time Sitting— 32% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 39% responded “Once a year or more but not every month.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 26% responded “Every day.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.” +Physical Proximity— 39% responded “Moderately close (at arm's length).” +Exposed to High Places— 25% responded “Every day.” +Level of Competition— 43% responded “Moderately competitive.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Electrical Engineers +Bright Outlook +Electronics Engineers, Except Computer +Energy Auditors +Energy Engineers, Except Wind and Solar +Mechanical Engineers +Solar Energy Installation Managers +Solar Sales Representatives and Assessors +Solar Thermal Installers and Technicians +Wind Energy Development Managers +Wind Energy Engineers","View the list of Allies +Interstate Renewable Energy Council +external site +Solar Energy International +external site +American Solar Energy Society +external site +ASHRAE +external site +Institute of Electrical and Electronics Engineers +external site +International Association of Electrical Inspectors +external site +National Society of Professional Engineers +external site +Smart Electric Power Alliance +external site +Society of Women Engineers +external site +Solar Energy Industries Association +external site +Southern Alliance for Clean Energy +external site +NABCEP +external site",49,2,31,54,71,55,38,35,38,41,46,33,21,57,7,33,22,64,1,18,14,3,5,35,2,83,73,57,4,79,24,3,4 +49-9045.00,"Refractory Materials Repairers, Except Brickmasons",https://www.onetonline.org/link/summary/49-9045.00,2025-06-11T19:22:42.676787,"Reline or repair ladles and pouring spouts with refractory clay, using trowels. +Chip slag from linings of ladles or remove linings when beyond repair, using hammers and chisels. +Mix specified amounts of sand, clay, mortar powder, and water to form refractory clay or mortar, using shovels or mixing machines. +Measure furnace walls to determine dimensions and cut required number of sheets from plastic block, using saws. +Dry and bake new linings by placing inverted linings over burners, building fires in ladles, or by using blowtorches. +Remove worn or damaged plastic block refractory linings of furnaces, using hand tools. +Climb scaffolding, carrying hoses, and spray surfaces of cupolas with refractory mixtures, using spray equipment. +Spread mortar on stopper heads and rods, using trowels, and slide brick sleeves over rods to form refractory jackets. +Dump and tamp clay in molds, using tamping tools. +Transfer clay structures to curing ovens, melting tanks, and drawing kilns, using forklifts. +Reline furnaces using ramming material.","Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Facilities management software— Maintenance management software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Time tracking software +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Cut materials according to specifications or needs. +Measure distances or dimensions. +Repair worn, damaged, or defective mechanical parts. +Fabricate parts or components. +Repair structural components. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Climb equipment or structures to access work areas. +Prepare compounds or solutions to be used for repairs. +Seal gaps or cracks to prevent leakage or moisture intrusion. +Place materials into molds. +Move large objects using heavy equipment.","Exposed to Contaminants— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Indoors, Not Environmentally Controlled— 96% responded “Every day.” +Duration of Typical Work Week— 96% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 95% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 75% responded “Every day.” +Time Pressure— 78% responded “Every day.” +Spend Time Bending or Twisting Your Body— 58% responded “Continually or almost continually.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 69% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions +Exposed to Hazardous Equipment— 17% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 85% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 62% responded “Every day.” +Spend Time Standing— 48% responded “More than half the time.” +Health and Safety of Other Workers— 27% responded “High responsibility.” +Contact With Others +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Spend Time Making Repetitive Motions— 43% responded “Continually or almost continually.” +Exposed to High Places— 56% responded “Every day.” +Spend Time Walking or Running— 32% responded “More than half the time.” +Freedom to Make Decisions— 54% responded “Some freedom.” +In an Open Vehicle or Operating Equipment— 38% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 23% responded “Very important results.” +Exposed to Cramped Work Space, Awkward Positions— 37% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a month or more but not every week.” +Exposed to Whole Body Vibration— 31% responded “Every day.” +Pace Determined by Speed of Equipment— 49% responded “Extremely important.” +Frequency of Decision Making— 38% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 20% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Importance of Repeating Same Tasks— 46% responded “Important.” +Outdoors, Exposed to All Weather Conditions— 26% responded “Once a week or more but not every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operation and Control— Controlling operations of equipment or systems.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Boilermakers +Brickmasons and Blockmasons +Cement Masons and Concrete Finishers +Foundry Mold and Coremakers +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Metal-Refining Furnace Operators and Tenders +Molders, Shapers, and Casters, Except Metal and Plastic +Structural Metal Fabricators and Fitters +Terrazzo Workers and Finishers","View the list of Allies +American Ceramic Society +external site +American Welding Society +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Association for Materials Protection and Performance +external site +High Temperature Insulation Wool Coalition +external site +Materials Research Society +external site +National Association of Home Builders +external site +National Association of Manufacturers +external site +The Refractories Institute +external site +United States Advanced Ceramics Association +external site +Southeastern Construction Owners & Associates Roundtable +external site +International Union of Bricklayers and Allied Craftworkers +external site",22,5,50,42,40,28,44,35,12,1,12,16,37,18,,15,21,63,1,23,4,,4,7,7,31,32,17,5,36,9,,3 +41-2031.00,Retail Salespersons,https://www.onetonline.org/link/summary/41-2031.00,2025-06-11T19:14:16.021412,"Greet customers and ascertain what each customer wants or needs. +Recommend, select, and help locate or obtain merchandise based on customer needs and desires. +Compute sales prices, total purchases, and receive and process cash or credit payment. +Prepare merchandise for purchase or rental. +Answer questions regarding the store and its merchandise. +Maintain knowledge of current sales and promotions, policies regarding payment and exchanges, and security practices. +Demonstrate use or operation of merchandise. +Describe merchandise and explain use, operation, and care of merchandise to customers. +Ticket, arrange, and display merchandise to promote sales. +Inventory stock and requisition new stock. +Exchange merchandise for customers and accept returns. +Watch for and recognize security risks and thefts and know how to prevent or handle these situations. +Place special orders or call other stores to find desired items. +Clean shelves, counters, and tables. +Maintain records related to sales. +Open and close cash registers, performing tasks such as counting money, separating charge slips, coupons, and vouchers, balancing cash drawers, and making deposits. +Prepare sales slips or sales contracts. +Estimate and quote trade-in allowances. +Bag or package purchases and wrap gifts. +Help customers try on or fit merchandise. +Sell or arrange for delivery, insurance, financing, or service contracts for merchandise. +Estimate quantity and cost of merchandise required, such as paint or floor covering. +Rent merchandise to customers. +Estimate cost of repair or alteration of merchandise.","Accounting software— Intuit QuickBooks; Sage 50 Accounting +Cloud-based data access and sharing software— Google Drive +Computer aided design CAD software— Autodesk AutoCAD +Customer relationship management CRM software— Microsoft Dynamics; Salesforce software +Data base user interface and query software— Database software; FileMaker Pro; Gift registry software; Microsoft Access;1 more +Desktop publishing software— Adobe InDesign +Development environment software— Eclipse IDE +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; SmugMug Flickr +Human resources software— Exact business software +Instant messaging software— Blink; GroupMe +Internet browser software +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Handheld computer device software; Microsoft Windows +Point of sale POS software— iQmetrix RQ4 Retail Management System; Plexis Software Plexis POS; The General Store; TokenWorks Magnetic Card Reader;33 more +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— YouTube +Web page creation and editing software— Facebook; LinkedIn; Social media sites +Word processing software— Google Docs; Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Gather customer or product information to determine customer needs. +Greet customers, patrons, or visitors. +Recommend products or services to customers. +Maintain records of sales or other business transactions. +Process sales or other transactions. +Set up merchandise displays. +Calculate costs of goods or services. +Answer customer questions about goods or services. +Review laws or regulations to maintain professional knowledge. +Reconcile records of sales or other financial transactions. +Prepare sales or other contracts. +Advise customers on the use of products or services. +Demonstrate products to consumers. +Explain technical product or service information to customers. +Monitor inventories of products or materials. +Purchase stocks of merchandise or supplies. +Estimate costs or terms of sales. +Assist customers with product selection. +Package materials or products. +Monitor work areas to provide security. +Arrange delivery of goods or services. +Sell products or services. +Clean work areas. +Arrange services or reservations for patrons.","Contact With Others— 89% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Deal With External Customers or the Public in General— 64% responded “Extremely important.” +Telephone Conversations— 90% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Frequency of Decision Making— 71% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Spend Time Standing— 46% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Dealing With Unpleasant, Angry, or Discourteous People— 59% responded “Once a week or more but not every day.” +E-Mail— 62% responded “Every day.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 43% responded “More than half the time.” +Level of Competition— 39% responded “Extremely competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Extremely important.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Freedom to Make Decisions— 29% responded “A lot of freedom.” +Time Pressure— 50% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 27% responded “Continually or almost continually.” +Conflict Situations— 38% responded “Once a week or more but not every day.”","Persuasion— Persuading others to change their minds or behavior. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cashiers +Bright Outlook +Counter and Rental Clerks +Customer Service Representatives +Demonstrators and Product Promoters +Door-to-Door Sales Workers, News and Street Vendors, and Related Workers +First-Line Supervisors of Retail Sales Workers +Order Clerks +Parts Salespersons +Stockers and Order Fillers +Telemarketers","View the list of Allies +National Automobile Dealers Association +external site +National Retail Federation +external site +Retail Industry Leaders Association +external site +Retail, Wholesale and Department Store Union +external site",84,9,31,67,51,51,34,42,50,32,88,21,10,44,19,24,36,20,12,24,47,16,22,26,19,22,11,9,4,25,15,18,7 +13-2022.00,Appraisers of Personal and Business Property,https://www.onetonline.org/link/summary/13-2022.00,2025-06-11T18:50:39.203715,"Calculate the value of property based on comparisons to recent sales, estimated cost to reproduce, and anticipated property income streams. +Create and maintain a database of completed appraisals. +Determine the appropriate type of valuation to make, such as fair market, replacement, or liquidation, based on the needs of the property owner. +Document physical characteristics of property such as measurements, quality, and design. +Forecast the value of property. +Inspect personal or business property. +Locate and record data on sales of comparable property using specialized software, internet searches, or personal records. +Recommend loan amounts based on the value of property being used as collateral. +Take photographs of property. +Testify in court as to the value of a piece of tangible property. +Update appraisals when property has been improved, damaged, or has otherwise changed. +Verify that property matches legal descriptions or certifications. +Write and submit appraisal reports for property, such as jewelry, art, antiques, collectibles, and equipment. +Write descriptions of the property being appraised.","Analytical or scientific software— Mass appraisal records system MARS; Wilson's Computer Applications RealEasy Appraisals; WinEstimator WinEst; WinGap;1 more +Data base user interface and query software— Ascend Property Assessment; Bruno Realty eNeighboorhoods; Microsoft Access; Yardi software +Electronic mail software— Microsoft Outlook +Financial analysis software— Cost estimating software; CPR Visual Estimator; HP 49G+ Appraiser Fee Calculator +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Appraise property values. +Write reports or evaluations. +Compile data or documentation. +Create databases to store electronic data. +Determine operational procedures. +Enter information into databases or software programs. +Forecast economic, political, or social trends. +Gather information in order to provide services to clients. +Implement financial decisions. +Inspect items for damage or defects. +Maintain data in information systems or databases. +Record images needed to address work issues. +Testify at legal or legislative proceedings. +Update computer database information. +Verify information or specifications. +Write informational material.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Appraisers and Assessors of Real Estate +Cost Estimators +Government Property Inspectors and Investigators +Insurance Appraisers, Auto Damage +Loan Officers +Property, Real Estate, and Community Association Managers +Real Estate Brokers +Real Estate Sales Agents +Tax Examiners and Collectors, and Revenue Agents +Wholesale and Retail Buyers, Except Farm Products +Bright Outlook","View the list of Allies +American Society of Appraisers +external site +American Bankers Association +external site +Appraisal Institute +external site +Appraisers Association of America +external site +International Association of Assessing Officers +external site +National Association of Professional Appraisers +external site +National Association of Realtors +external site +National Association of State Trust Lands +external site +The Appraisal Foundation +external site +New England Appraisers Association +external site +American Society of Farm Managers and Rural Appraisers +external site +CCIM Institute +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-2092.00,Team Assemblers,https://www.onetonline.org/link/summary/51-2092.00,2025-06-11T19:24:09.173206,"Perform quality checks on products and parts. +Review work orders and blueprints to ensure work is performed according to specifications. +Rotate through all the tasks required in a particular production process. +Determine work assignments and procedures. +Supervise assemblers and train employees on job procedures. +Shovel, sweep, or otherwise clean work areas. +Provide assistance in the production of wiring assemblies. +Maintain production equipment and machinery. +Complete production reports to communicate team production level to management. +Package finished products and prepare them for shipment. +Operate machinery and heavy equipment, such as forklifts.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Evaluate quality of materials or products. +Read work orders or other instructions to determine product specifications or materials requirements. +Assemble electrical or electronic equipment. +Maintain production or processing equipment. +Record operational or production data. +Plan production or operational procedures or sequences. +Direct operational or production activities. +Instruct workers to use equipment or perform technical procedures. +Package products for storage or shipment. +Clean work areas. +Operate forklifts or other loaders.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 85% responded “Continually or almost continually.” +Time Pressure— 68% responded “Every day.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Contact With Others— 56% responded “Constant contact with others.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Duration of Typical Work Week— 55% responded “40 hours.” +Spend Time Making Repetitive Motions— 48% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Health and Safety of Other Workers— 35% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 54% responded “Every day.” +Spend Time Standing— 41% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 34% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Exposed to Contaminants— 41% responded “Every day.” +Level of Competition— 30% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 28% responded “Very high responsibility.” +Spend Time Bending or Twisting Your Body— 26% responded “Continually or almost continually.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronic Equipment Assemblers +Bright Outlook +Electromechanical Equipment Assemblers +Engine and Other Machine Assemblers +Industrial Engineering Technologists and Technicians +Industrial Machinery Mechanics +Mechanical Engineering Technologists and Technicians +Millwrights +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Fabricators and Manufacturers Association +external site +IPC +external site +National Production Workers Union +external site",47,6,82,61,52,51,63,61,32,16,27,34,22,59,13,20,29,67,9,28,27,11,19,30,13,58,36,35,10,58,12,5,8 +11-9051.00,Food Service Managers,https://www.onetonline.org/link/summary/11-9051.00,2025-06-11T18:48:08.081185,"Keep records required by government agencies regarding sanitation or food subsidies. +Investigate and resolve complaints regarding food quality, service, or accommodations. +Maintain food and equipment inventories, and keep inventory records. +Monitor food preparation methods, portion sizes, and garnishing and presentation of food to ensure that food is prepared and presented in an acceptable manner. +Schedule and receive food and beverage deliveries, checking delivery contents to verify product quality and quantity. +Coordinate assignments of cooking personnel to ensure economical use of food and timely preparation. +Monitor compliance with health and fire regulations regarding food preparation and serving, and building maintenance in lodging and dining facilities. +Count money and make bank deposits. +Establish standards for personnel performance and customer service. +Perform some food preparation or service tasks, such as cooking, clearing tables, and serving food and drinks when necessary. +Greet guests, escort them to their seats, and present them with menus and wine lists. +Test cooked food by tasting and smelling it to ensure palatability and flavor conformity. +Schedule staff hours and assign duties. +Arrange for equipment maintenance and repairs, and coordinate a variety of services, such as waste removal and pest control. +Review menus and analyze recipes to determine labor and overhead costs, and assign prices to menu items. +Organize and direct worker training programs, resolve personnel problems, hire new staff, and evaluate employee performance in dining and lodging facilities. +Review work procedures and operational problems to determine ways to improve service, performance, or safety. +Assess staffing needs and recruit staff, using methods such as newspaper advertisements or attendance at job fairs. +Order and purchase equipment and supplies. +Record the number, type, and cost of items sold to determine which items may be unpopular or less profitable. +Monitor employee and patron activities to ensure liquor regulations are obeyed. +Monitor budgets and payroll records, and review financial transactions to ensure that expenditures are authorized and budgeted. +Estimate food, liquor, wine, and other beverage consumption to anticipate amounts to be purchased or requisitioned. +Schedule use of facilities or catering services for events such as banquets or receptions, and negotiate details of arrangements with clients. +Plan menus and food utilization, based on anticipated number of guests, nutritional value, palatability, popularity, and costs. +Establish and enforce nutritional standards for dining establishments, based on accepted industry standards.","Accounting software— Food Services Solutions DayCap; Intuit QuickBooks +Analytical or scientific software— Aurora FoodPro; Culinary Software Services ChefTec; IPro Restaurant Inventory, Recipe & Menu Software; SweetWARE nutraCoster;1 more +Calendar and scheduling software— espSoftware Employee Schedule Partner; iMagic Restaurant Reservation +Cloud-based data access and sharing software— Google Drive +Communications server software— IBM Domino +Data base user interface and query software— Database software; ValuSoft MasterCook +Desktop publishing software— SoftCafe MenuPro +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics +Financial analysis software— Delphi Technology +Human resources software— Oracle Taleo +Inventory management software— Army Food Management Information System; Food Service Solutions FoodCo; Gift Certificates Plus Giftworks +Object or component oriented development software— Apache Groovy +Office suite software— Microsoft Office software +Point of sale POS software— ClubSoft Food & Beverage Point of Sale; Dinerware Intuitive Restaurant; Food Service Solutions POSitive ID System; Restaurant Manager;1 more +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; ReServe Interactive +Spreadsheet software— Microsoft Excel +Time accounting software— Aestiva Employee Time Clock +Web page creation and editing software— Facebook +Word processing software— Evernote; Google Docs; Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Monitor activities of individuals to ensure safety or compliance with rules. +Maintain regulatory or compliance documentation. +Maintain operational records. +Manage inventories of products or organizational resources. +Resolve customer complaints or problems. +Evaluate quality of materials or products. +Monitor organizational procedures to ensure proper functioning. +Schedule product or material transportation. +Manage organizational or project budgets. +Manage guest services. +Collect payments for goods or services. +Monitor organizational compliance with regulations. +Develop organizational policies or programs. +Perform manual service or maintenance tasks. +Provide basic information to guests, visitors, or clients. +Prepare staff schedules or work assignments. +Estimate cost or material requirements. +Direct facility maintenance or repair activities. +Analyze data to inform operational decisions or activities. +Negotiate sales or lease agreements for products or services. +Schedule activities or facility use. +Evaluate employee performance. +Manage human resources activities. +Recommend organizational process or policy changes. +Determine resource needs. +Purchase materials, equipment, or other resources. +Recruit personnel. +Advise communities or institutions regarding health or safety issues.","Contact With Others— 88% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Health and Safety of Other Workers— 80% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Telephone Conversations— 69% responded “Every day.” +E-Mail— 80% responded “Every day.” +Frequency of Decision Making— 76% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Work Outcomes and Results of Other Workers— 63% responded “Very high responsibility.” +Spend Time Standing— 61% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 49% responded “Extremely important.” +Deal With External Customers or the Public in General— 61% responded “Extremely important.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 73% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Every day.” +Physical Proximity— 59% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Spend Time Walking or Running— 46% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Extremely important.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Time Pressure— 58% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 54% responded “Every day.” +Conflict Situations— 34% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Written Letters and Memos— 32% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 46% responded “Continually or almost continually.” +Level of Competition— 37% responded “Extremely competitive.” +Spend Time Bending or Twisting Your Body— 40% responded “Less than half the time.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Chefs and Head Cooks +Bright Outlook +Cooks, Institution and Cafeteria +Cooks, Private Household +Cooks, Restaurant +Cooks, Short Order +First-Line Supervisors of Food Preparation and Serving Workers +First-Line Supervisors of Personal Service Workers +First-Line Supervisors of Retail Sales Workers +Food Servers, Nonrestaurant +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop","View the list of Allies +Academy of Nutrition and Dietetics +external site +American National Standards Institute +external site +Association of Nutrition and Foodservice Professionals +external site +International Council on Hotel, Restaurant, and Institutional Education +external site +National Association for Catering and Events +external site +National Restaurant Association +external site +Society for Hospitality and Foodservice Management +external site +American Culinary Federation +external site +National Restaurant Association Educational Foundation +external site",91,68,68,74,64,85,59,68,57,52,58,71,29,40,33,39,43,30,18,41,48,34,24,32,14,17,19,9,15,15,23,9,16 +15-1299.09,Information Technology Project Managers,https://www.onetonline.org/link/summary/15-1299.09,2025-06-11T18:52:36.995868,"Manage project execution to ensure adherence to budget, schedule, and scope. +Confer with project personnel to identify and resolve problems. +Monitor or track project milestones and deliverables. +Submit project deliverables, ensuring adherence to quality standards. +Assess current or future customer needs and priorities by communicating directly with customers, conducting surveys, or other methods. +Initiate, review, or approve modifications to project plans. +Schedule and facilitate meetings related to information technology projects. +Direct or coordinate activities of project personnel. +Develop implementation plans that include analyses such as cost-benefit or return on investment (ROI). +Identify need for initial or supplemental project resources. +Develop or update project plans for information technology projects including information such as project objectives, technologies, systems, information specifications, schedules, funding, and staffing. +Perform risk assessments to develop response strategies. +Prepare project status reports by collecting, analyzing, and summarizing information and trends. +Identify, review, or select vendors or consultants to meet project needs. +Develop and manage annual budgets for information technology projects. +Establish and execute a project communication plan. +Develop and manage work breakdown structure (WBS) of information technology projects. +Monitor the performance of project team members, providing and documenting performance feedback. +Coordinate recruitment or selection of project personnel. +Assign duties, responsibilities, and spans of authority to project personnel. +Negotiate with project stakeholders or suppliers to obtain resources or materials.","Access software— Citrix cloud computing software +Accounting software— Tax software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;1 more +Application server software— Docker; GitHub; Red Hat OpenShift; Spring Boot;3 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Calendar and scheduling software— Scheduling software +Cloud-based data access and sharing software— Glasscubes; Google Drive; Slack; Wrike +Cloud-based management software— IBM WebSphere; IBM WebSphere MQ; Splunk Enterprise +Clustering software— VMware +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Dassault Systemes CATIA +Computer based training software— Blackboard software; Edulastic +Configuration management software— Chef; IBM Software Configuration and Library Manager SCLM; Perforce Helix software; Puppet +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; Oracle PL/SQL;10 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Airtable; IBM DB2; ServiceNow; Transact-SQL;21 more +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Microsoft Team Foundation Server; Oracle Java 2 Platform Enterprise Edition J2EE;31 more +Document management software— Adobe Acrobat; Document management system software; Microsoft SharePoint; O3spaces Workplace +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; Oracle Fusion Middleware;1 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP ERP; SAP software;13 more +Enterprise system management software— IBM Power Systems software; Kforge +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Continuous integration software; Git; Version control software +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Salesforce Visualforce +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; JamBoard; Trimble SketchUp Pro;1 more +Human resources software— Human resource management software HRMS; Oracle Taleo +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— LexisNexis +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Medical software— Epic Systems; Healthcare common procedure coding system HCPCS +Metadata management software— Quest Erwin Data Modeler +Mobile location based services software— Resource management software +Network monitoring software— Nagios; Wireshark +Network security or virtual private network VPN management software— Virtual private networking VPN software +Object or component oriented development software— C#; jQuery; Scala; Swift;10 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;11 more +Pattern design software— MatchWare MindView; MindGenius; MPI Micro Planner X-Pert; NovaMind Merlin Project Manager;1 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium +Project management software— Atlassian Confluence; Atlassian JIRA; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management;63 more +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Google Ads; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting +Video creation and editing software— Apple Final Cut Pro; Screencast-O-Matic +Web page creation and editing software— Adobe Dreamweaver; Facebook +Web platform development software— Django; Google Angular; React; Spring Framework;21 more +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word","Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Manage information technology projects or system activities. +Collaborate with others to resolve information technology issues. +Monitor financial information. +Evaluate utility of software or hardware technologies. +Inspect products or operations to ensure that standards are met. +Develop detailed project plans. +Collect data about customer needs. +Supervise information technology personnel. +Analyze security of systems, network, or data. +Develop guidelines for system implementation. +Identify information technology project resource requirements. +Analyze data to identify trends or relationships among variables. +Prepare analytical reports. +Participate in staffing decisions. +Manage budgets for appropriate resource allocation. +Develop information communication procedures. +Assign duties or work schedules to employees. +Coordinate resource procurement activities.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 80% responded “Every day.” +Work With or Contribute to a Work Group or Team— 75% responded “Extremely important.” +Contact With Others— 57% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Time Pressure— 52% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Level of Competition— 57% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Important results.” +Conflict Situations— 52% responded “Once a week or more but not every day.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Frequency of Decision Making— 40% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 52% responded “Very important.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Public Speaking— 43% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 33% responded “Limited responsibility.” +Physical Proximity— 60% responded “Slightly close (e.g., shared office).”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Persuasion— Persuading others to change their minds or behavior. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Computer and Information Systems Managers +Bright Outlook +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Database Architects +General and Operations Managers +Management Analysts +Network and Computer Systems Administrators +Project Management Specialists +Software Developers","View the list of Allies +CompTIA +external site +Project Management Institute +external site +Scrum Alliance +external site",81,4,43,82,54,75,40,49,57,59,44,54,18,80,16,44,53,30,17,25,40,20,31,55,8,65,30,20,8,47,24,6,8 +51-9195.04,"Glass Blowers, Molders, Benders, and Finishers",https://www.onetonline.org/link/summary/51-9195.04,2025-06-11T19:28:30.981287,"Heat glass to pliable stage, using gas flames or ovens and rotating glass to heat it uniformly. +Inspect, weigh, and measure products to verify conformance to specifications, using instruments such as micrometers, calipers, magnifiers, or rulers. +Record manufacturing information, such as quantities, sizes, or types of goods produced. +Place glass into dies or molds of presses and control presses to form products, such as glassware components or optical blanks. +Spray or swab molds with oil solutions to prevent adhesion of glass. +Blow tubing into specified shapes to prevent glass from collapsing, using compressed air or own breath, or blow and rotate gathers in molds or on boards to obtain final shapes. +Determine types and quantities of glass required to fabricate products. +Set up and adjust machine press stroke lengths and pressures and regulate oven temperatures, according to glass types to be processed. +Shape, bend, or join sections of glass, using paddles, pressing and flattening hand tools, or cork. +Design and create glass objects, using blowpipes and artisans' hand tools and equipment. +Operate and maintain finishing machines to grind, drill, sand, bevel, decorate, wash, or polish glass or glass products. +Repair broken scrolls by replacing them with new sections of tubing. +Develop sketches of glass products into blueprint specifications, applying knowledge of glass technology and glass blowing. +Superimpose bent tubing on asbestos patterns to ensure accuracy. +Cut lengths of tubing to specified sizes, using files or cutting wheels. +Place rubber hoses on ends of tubing and charge tubing with gas.","Accounting software— Billing software +Electronic mail software— Microsoft Outlook +Inventory management software— Inventory control software +Spreadsheet software— Microsoft Excel","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Place materials into molds. +Apply parting agents or other solutions to molds. +Heat material or workpieces to prepare for or complete production. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Weigh finished products. +Shape glass or similar materials. +Select production input materials. +Record operational or production data. +Adjust temperature controls of ovens or other heating equipment. +Design jewelry or decorative objects. +Maintain production or processing equipment. +Operate grinding equipment. +Repair production equipment or tools. +Replace worn equipment components. +Create diagrams or blueprints for workpieces or products. +Cut industrial materials in preparation for fabrication or processing. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Mount materials or workpieces onto production equipment.","Exposed to Minor Burns, Cuts, Bites, or Stings— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 96% responded “Every day.” +Exposed to Contaminants— 84% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 71% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 56% responded “Every day.” +Freedom to Make Decisions— 38% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 55% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Duration of Typical Work Week +Exposed to Hazardous Equipment— 56% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Spend Time Making Repetitive Motions— 29% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 25% responded “Never.” +Spend Time Standing— 35% responded “More than half the time.” +Consequence of Error— 47% responded “Extremely serious.” +Pace Determined by Speed of Equipment— 44% responded “Extremely important.” +Physical Proximity— 40% responded “Slightly close (e.g., shared office).” +Time Pressure— 36% responded “Every day.” +Contact With Others— 26% responded “Constant contact with others.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 38% responded “Never.” +Written Letters and Memos— 25% responded “Every day.” +Health and Safety of Other Workers— 39% responded “Limited responsibility.” +Work Outcomes and Results of Other Workers— 37% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 24% responded “Important.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Machine Feeders and Offbearers +Molders, Shapers, and Casters, Except Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Stone Cutters and Carvers, Manufacturing +Tool and Die Makers +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +American Scientific Glassblowers Society +external site",54,19,71,51,52,38,40,50,34,27,38,43,37,42,2,5,11,56,2,10,15,4,12,10,11,54,47,40,9,68,2,19,6 +39-5012.00,"Hairdressers, Hairstylists, and Cosmetologists",https://www.onetonline.org/link/summary/39-5012.00,2025-06-11T19:13:20.254604,"Keep work stations clean and sanitize tools, such as scissors and combs. +Bleach, dye, or tint hair, using applicator or brush. +Cut, trim and shape hair or hairpieces, based on customers' instructions, hair type, and facial features, using clippers, scissors, trimmers and razors. +Schedule client appointments. +Update and maintain customer information records, such as beauty services provided. +Demonstrate and sell hair care products and cosmetics. +Analyze patrons' hair and other physical features to determine and recommend beauty treatment or suggest hair styles. +Shampoo, rinse, condition, and dry hair and scalp or hairpieces with water, liquid soap, or other solutions. +Operate cash registers to receive payments from patrons. +Order, display, and maintain supplies. +Comb, brush, and spray hair or wigs to set style. +Develop new styles and techniques. +Apply water or setting, straightening or waving solutions to hair, and use curlers, rollers, hot combs and curling irons to press and curl hair. +Shape eyebrows and remove facial hair, using depilatory cream, tweezers, electrolysis or wax. +Shave, trim, and shape beards and moustaches. +Train or supervise other hairstylists, hairdressers, and assistants. +Massage and treat scalp for hygienic and remedial purposes, using hands, fingers, or vibrating equipment. +Administer therapeutic medication and advise patron to seek medical treatment for chronic or contagious scalp conditions. +Recommend and explain the use of cosmetics, lotions, and creams to soften and lubricate skin and enhance and restore natural appearance. +Clean, shape, and polish fingernails and toenails, using files and nail polish. +Give facials to patrons, using special compounds, such as lotions and creams. +Attach wigs or hairpieces to model heads and dress wigs and hairpieces according to instructions, samples, sketches or photographs.","Accounting software— Intuit QuickBooks +Calendar and scheduling software— Appointment scheduling software +Data base user interface and query software— Customer information databases +Office suite software— Microsoft Office software +Operating system software— Apple iOS +Point of sale POS software— Sale processing software +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Clean facilities or work areas. +Clean tools or equipment. +Apply solutions to hair for therapeutic or cosmetic purposes. +Groom wigs or hairpieces. +Trim client hair. +Schedule appointments. +Demonstrate activity techniques or equipment use. +Maintain client information or service records. +Promote products, services, or programs. +Sell products or services. +Assess skin or hair conditions. +Supervise service workers. +Train service staff. +Apply cleansing or conditioning agents to client hair, scalp, or skin. +Administer therapeutic massages. +Operate cash registers. +Provide medical or cosmetic advice for clients. +Order materials, supplies, or equipment. +Set up merchandise displays. +Administer basic health care or medical treatments. +Design costumes or cosmetic effects for characters. +Treat nails by shaping, decorating, or augmenting.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 100% responded “Continually or almost continually.” +Telephone Conversations— 99% responded “Every day.” +Contact With Others— 91% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Freedom to Make Decisions— 83% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 81% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 89% responded “Continually or almost continually.” +Physical Proximity— 78% responded “Very close (near touching).” +Spend Time Standing— 78% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 66% responded “Extremely important.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 48% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Frequency of Decision Making— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Importance of Repeating Same Tasks— 34% responded “Very important.” +Level of Competition— 31% responded “Highly competitive.” +Health and Safety of Other Workers— 43% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 36% responded “Once a week or more but not every day.” +Time Pressure— 49% responded “Every day.” +Exposed to Contaminants— 39% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Barbers +Bright Outlook +Fashion Designers +Makeup Artists, Theatrical and Performance +Manicurists and Pedicurists +Retail Salespersons +Sewers, Hand +Shampooers +Skincare Specialists +Spa Managers +Tailors, Dressmakers, and Custom Sewers","View the list of Allies +American Association of Cosmetology Schools +external site +Professional Beauty Association +external site",86,7,29,47,30,50,25,49,39,38,67,38,45,27,7,25,23,22,1,19,25,11,9,7,3,18,5,6,15,16,,5,1 +53-7081.00,Refuse and Recyclable Material Collectors,https://www.onetonline.org/link/summary/53-7081.00,2025-06-11T19:30:59.084034,"Inspect trucks prior to beginning routes to ensure safe operating condition. +Drive trucks, following established routes, through residential streets or alleys or through business or industrial areas. +Refuel trucks or add other fluids, such as oil or brake fluid. +Dump refuse or recyclable materials at disposal sites. +Fill out defective equipment reports. +Operate automated or semi-automated hoisting devices that raise refuse bins and dump contents into openings in truck bodies. +Dismount garbage trucks to collect garbage and remount trucks to ride to the next collection point. +Operate equipment that compresses collected refuse. +Communicate with dispatchers concerning delays, unsafe sites, accidents, equipment breakdowns, or other maintenance problems. +Check road or weather conditions to determine how routes will be affected. +Clean trucks or compactor bodies after routes have been completed. +Tag garbage or recycling containers to inform customers of problems, such as excess garbage or inclusion of items that are not permitted. +Make special pickups of recyclable materials, such as food scraps, used oil, discarded computers, or other electronic items. +Organize schedules for refuse collection.","Analytical or scientific software— AMCS Platform +Cloud-based data access and sharing software— Squeegee +Compliance software— WAM software +Data base user interface and query software— Dossier software; Mileage logging software +Facilities management software— Computerized maintenance management system CMMS +Map creation software— Routeware software +Materials requirements planning logistics and supply chain software— Fleet management software +Mobile location based services software— Global positioning system GPS software +Time accounting software— Payroll software","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Inspect motor vehicles. +Operate vehicles or material-moving equipment. +Dispose of trash or waste materials. +Maintain vehicles in good working condition. +Prepare accident or incident reports. +Operate cranes, hoists, or other moving or lifting equipment. +Climb ladders or vehicles to perform duties. +Operate packing or other material processing equipment. +Notify others of emergencies, problems, or hazards. +Report vehicle or equipment malfunctions. +Gather information about work conditions or locations. +Explain regulations, policies, or procedures. +Clean vehicles or vehicle components. +Load shipments, belongings, or materials. +Schedule operational activities.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 95% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 90% responded “Every day.” +Exposed to Contaminants— 12% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 57% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 56% responded “Every day.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Freedom to Make Decisions— 38% responded “Some freedom.” +Time Pressure— 50% responded “Every day.” +Exposed to Hazardous Equipment— 57% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Contact With Others— 42% responded “Contact with others most of the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 41% responded “Every day.” +Spend Time Sitting— 38% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 31% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Consequence of Error— 29% responded “Extremely serious.” +Spend Time Bending or Twisting Your Body— 41% responded “Less than half the time.” +Spend Time Standing— 46% responded “Less than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Never.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Cleaners of Vehicles and Equipment +Hazardous Materials Removal Workers +Heavy and Tractor-Trailer Truck Drivers +Bright Outlook +Industrial Truck and Tractor Operators +Laborers and Freight, Stock, and Material Movers, Hand +Operating Engineers and Other Construction Equipment Operators +Recycling and Reclamation Workers +Recycling Coordinators +Septic Tank Servicers and Sewer Pipe Cleaners +Tank Car, Truck, and Ship Loaders","View the list of Allies +MHI +external site +Warehousing Education and Research Council +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site",39,,22,45,25,28,39,24,22,19,19,16,8,26,14,21,14,56,1,40,3,2,,26,2,12,2,14,2,5,19,,1 +15-1211.00,Computer Systems Analysts,https://www.onetonline.org/link/summary/15-1211.00,2025-06-11T18:51:20.617215,"Troubleshoot program and system malfunctions to restore normal functioning. +Provide staff and users with assistance solving computer-related problems, such as malfunctions and program problems. +Test, maintain, and monitor computer programs and systems, including coordinating the installation of computer programs and systems. +Use the computer in the analysis and solution of business problems, such as development of integrated production and inventory control and cost analysis systems. +Coordinate and link the computer systems within an organization to increase compatibility so that information can be shared. +Use object-oriented programming languages, as well as client and server applications development processes and multimedia and Internet technology. +Analyze information processing or computation needs and plan and design computer systems, using techniques such as structured analysis, data modeling, and information engineering. +Consult with management to ensure agreement on system principles. +Specify inputs accessed by the system and plan the distribution and use of the results. +Expand or modify system to serve new purposes or improve work flow. +Train staff and users to work with computer systems and programs. +Assess the usefulness of pre-developed application packages and adapt them to a user environment. +Determine computer software or hardware needed to set up or alter systems. +Read manuals, periodicals, and technical reports to learn how to develop programs that meet staff and user requirements. +Develop, document, and revise system design procedures, test procedures, and quality standards. +Recommend new equipment or software packages. +Define the goals of the system and devise flow charts and diagrams describing logical operational steps of programs. +Confer with clients regarding the nature of the information processing or computation needs a computer program is to address. +Review and analyze computer printouts and performance indicators to locate code problems, and correct errors by correcting codes. +Interview or survey workers, observe job performance, or perform the job to determine what information is processed and how it is processed. +Supervise computer programmers or other systems analysts or serve as project leaders for particular systems projects. +Prepare cost-benefit and return-on-investment analyses to aid in decisions on system implementation. +Write code to perform desired actions.","Access software— Access management software; Citrix cloud computing software +Accounting software— Fund accounting software; Tax software +Administration software— Cisco Systems CiscoWorks; Element management software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;3 more +Application server software— Docker; GitHub; Red Hat OpenShift; Spring Boot;3 more +Backup or archival software— System and data disaster recovery software; Veritas NetBackup +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Microsoft Power BI; Tableau;4 more +Cloud-based data access and sharing software— Slack +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Oracle Cloud software; Splunk Enterprise +Clustering software— VMware +Communications server software— IBM Domino +Compiler and decompiler software— Time sharing option TSO software +Computer aided design CAD software— Dassault Systemes CATIA; Electronic design automation EDA software; OrCAD Capture; SpectraQuest;1 more +Configuration management software— Chef; HyperSpace; Perforce Helix software; Puppet;8 more +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Oracle Database; Oracle PL/SQL;11 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Oracle Business Intelligence Suite; SAP Crystal Reports +Data base user interface and query software— Blackboard software; IBM DB2; ServiceNow; Transact-SQL;11 more +Data conversion software +Data mining software— Google Analytics +Desktop communications software— Remote control software; Skype; Stac Software ReachOut; Symantec pcAnywhere;1 more +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Oracle Java 2 Platform Enterprise Edition J2EE; Oracle SQL Developer;25 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; WebFOCUS;4 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;6 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git; Version control software +Financial analysis software— Cost estimating software; Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Salesforce Visualforce +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Helpdesk or call center software— Help desk software +Human resources software— ADP Workforce Now; Human resource management software HRMS; Oracle Taleo +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— LexisNexis +Instant messaging software— Blink +Internet directory services software— Active directory software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Medical software— Epic Systems; Medical condition coding software; Medical procedure coding software; MEDITECH software;1 more +Metadata management software— Informatica Corporation PowerCenter; Oracle Master Data Management MDM Suite; Quest Erwin Data Modeler; SAP Master Data Management MDM +Network conferencing software— Slido interaction software +Network monitoring software— Nagios; Network intrusion prevention systems NIPS; Snort; Wireshark +Network security or virtual private network VPN management software— Virtual private networking VPN software +Object or component oriented development software— C#; jQuery; Scala; Swift;17 more +Object oriented data base management software— Hibernate ORM; Microsoft Visual FoxPro; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;10 more +Pattern design software— Diagramming software; Omni Group OmniGraffle +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Flow chart software; Microsoft Visio +Program testing software— Functional testing software; Hewlett Packard LoadRunner; JUnit; Selenium;20 more +Project management software— Atlassian Confluence; Microsoft Team Foundation Server; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management;1 more +Requirements analysis and system architecture software— Architecture description language ADL; Popkin System Architect; Requirements management software; Unified modeling language UML;1 more +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software; Virus scanning software +Transaction server software— Customer information control system CICS; Microsoft Internet Information Services (IIS); Sun Microsystems Sun ONE; Web server software +Video conferencing software— Cisco Webex +Video creation and editing software— YouTube +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Django; Google Angular; React; Spring Framework;23 more +Word processing software— 3M Post-it App; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Troubleshoot issues with computer applications or systems. +Provide technical support for software maintenance or use. +Coordinate software or hardware installation. +Monitor computer system performance to ensure proper operation. +Test software performance. +Apply information technology to solve business or other applied problems. +Configure computer networks. +Write computer programming code. +Analyze project data to determine specifications or requirements. +Design integrated computer systems. +Analyze data to identify or resolve operational problems. +Collaborate with others to determine design specifications or details. +Modify software programs to improve performance. +Select production input materials. +Train others in computer interface or software use. +Collect data about customer needs. +Manage information technology projects or system activities. +Supervise information technology personnel. +Evaluate utility of software or hardware technologies. +Identify information technology project resource requirements. +Develop testing routines or procedures. +Document design or development procedures. +Read documents to gather technical information. +Provide recommendations to others about computer hardware. +Develop diagrams or flow charts of system operation. +Estimate time or monetary resources needed to complete projects.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Contact With Others— 73% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Spend Time Sitting— 53% responded “Continually or almost continually.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 81% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Important results.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Frequency of Decision Making— 54% responded “Once a month or more but not every week.” +Level of Competition— 61% responded “Moderately competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Written Letters and Memos— 34% responded “Once a year or more but not every month.” +Consequence of Error— 43% responded “Serious.”","Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Programming— Writing computer programs for various purposes. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Computer and Information Systems Managers +Bright Outlook +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Health Informatics Specialists +Information Security Analysts +Information Security Engineers +Network and Computer Systems Administrators +Software Developers +Software Quality Assurance Analysts and Testers","View the list of Allies +AFCEA International +external site +Association for Computing Machinery +external site +Computing Research Association +external site +IEEE Computer Society +external site +Institute of Electrical and Electronics Engineers +external site +National Center for Women and Information Technology +external site +CompTIA +external site +Cyber Degrees +external site +Institute for Certification of Computing Professionals +external site +International Institute of Business Analysis +external site +Project Management Institute +external site",68,,18,62,56,55,31,50,39,33,27,36,5,91,,32,34,14,7,8,11,6,8,49,5,43,3,7,4,28,14,,5 +11-9199.08,Loss Prevention Managers,https://www.onetonline.org/link/summary/11-9199.08,2025-06-11T18:48:53.235094,"Coordinate or conduct internal investigations of problems such as employee theft and violations of corporate loss prevention policies. +Administer systems and programs to reduce loss, maintain inventory control, or increase safety. +Review loss prevention exception reports and cash discrepancies to ensure adherence to guidelines. +Train loss prevention staff, retail managers, or store employees on loss control and prevention measures. +Investigate or interview individuals suspected of shoplifting or internal theft. +Provide recommendations and solutions in crisis situations such as workplace violence, protests, and demonstrations. +Identify potential for loss and develop strategies to eliminate it. +Hire or supervise loss prevention staff. +Advise retail managers on compliance with applicable codes, laws, regulations, or standards. +Develop and maintain partnerships with federal, state, or local law enforcement agencies or members of the retail loss prevention community. +Perform or direct inventory investigations in response to shrink results outside of acceptable ranges. +Maintain documentation of all loss prevention activity. +Assess security needs across locations to ensure proper deployment of loss prevention resources, such as staff and technology. +Monitor compliance to operational, safety, or inventory control procedures, including physical security standards. +Verify correct use and maintenance of physical security systems, such as closed-circuit television, merchandise tags, and burglar alarms. +Visit stores to ensure compliance with company policies and procedures. +Analyze retail data to identify current or emerging trends in theft or fraud. +Direct loss prevention audit programs including target store audits, maintenance audits, safety audits, or electronic article surveillance (EAS) audits. +Collaborate with law enforcement to investigate and solve external theft or fraud cases. +Coordinate theft and fraud investigations involving career criminals or organized group activities. +Supervise surveillance, detection, or criminal processing related to theft and criminal cases. +Perform cash audits and deposit investigations to fully account for store cash. +Recommend improvements in loss prevention programs, staffing, scheduling, or training. +Direct installation of covert surveillance equipment, such as security cameras. +Monitor and review paperwork procedures and systems to prevent error-related shortages. +Advise retail establishments on development of loss-investigation procedures. +Maintain databases such as bad check logs, reports on multiple offenders, and alarm activation lists.","Accounting software— Financial accounting software +Business intelligence and data analysis software— MICROS XBR Loss Prevention +Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Microsoft Access; MySQL; Structured query language SQL +Document management software— Microsoft SharePoint +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software +Enterprise resource planning ERP software— SAP software +Human resources software— Personnel management software +Inventory management software— Inventory tracking software +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Microsoft operating system; Microsoft Windows +Point of sale POS software +Presentation software— Microsoft PowerPoint +Project management software— Enabl-u Technologies APIS; Microsoft Project +Spreadsheet software— Microsoft Excel +Time accounting software— Time reporting software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Investigate crimes committed within organizations. +Investigate illegal or suspicious activities. +Manage organizational security activities. +Examine financial records to ensure compliance with policies or regulations. +Conduct employee training programs. +Interview employees, customers, or others to collect information. +Analyze risks to minimize losses or damages. +Develop emergency response plans or procedures. +Develop operating strategies, plans, or procedures. +Advise others on legal or regulatory compliance matters. +Hire personnel. +Supervise employees. +Establish interpersonal business relationships to facilitate work activities. +Conduct financial or regulatory audits. +Maintain operational records. +Determine resource needs. +Analyze forecasting data to improve business decisions. +Determine operational compliance with regulations or standards. +Inspect condition or functioning of facilities or equipment. +Monitor organizational compliance with regulations. +Communicate with government agencies. +Monitor flow of cash or other resources. +Recommend organizational process or policy changes. +Monitor organizational procedures to ensure proper functioning. +Advise others on business or operational matters. +Develop computer or information systems.","E-Mail— 100% responded “Every day.” +Contact With Others— 82% responded “Constant contact with others.” +Telephone Conversations— 81% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Health and Safety of Other Workers— 73% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Duration of Typical Work Week— 73% responded “More than 40 hours.” +Freedom to Make Decisions— 55% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Frequency of Decision Making— 45% responded “Every day.” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Conflict Situations— 50% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 43% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a month or more but not every week.” +Spend Time Sitting— 55% responded “About half the time.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +In an Enclosed Vehicle or Operate Enclosed Equipment— 29% responded “Every day.” +Level of Competition— 43% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 32% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Negotiation— Bringing others together and trying to reconcile differences. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Business Continuity Planners +Bright Outlook +Compliance Managers +Emergency Management Directors +Financial Risk Specialists +Fraud Examiners, Investigators and Analysts +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Information Security Engineers +Management Analysts +Security Management Specialists +Security Managers","View the list of Allies +ASIS International +external site +American Association of Port Authorities +external site +American Risk and Insurance Association +external site +American Society of Safety Professionals +external site +Electronic Security Association +external site +Federation of European Risk Management Associations +external site +High Technology Crime Investigation Association +external site +Information Systems Security Association International +external site +Institute for Operations Research and the Management Sciences +external site +Institute of Internal Auditors +external site +International Association of Professional Security Consultants +external site +International Foundation for Protection Officers +external site +International Organization of Black Security Executives +external site +Midwest Business Administration Association International +external site +National Association of Chain Drug Stores +external site +National Association of Convenience Stores +external site +National Retail Federation +external site +Retail Industry Leaders Association +external site +Security Industry Association +external site +The Risk Management Society +external site +American Management Association +external site +Association of Certified Fraud Examiners +external site +Loss Prevention Foundation +external site +Society of Corporate Compliance and Ethics +external site",64,19,29,69,56,70,79,68,52,43,25,61,11,61,19,73,48,31,11,35,63,30,41,39,15,33,39,19,8,32,25,2,8 +11-3051.06,Hydroelectric Production Managers,https://www.onetonline.org/link/summary/11-3051.06,2025-06-11T18:47:28.012931,"Direct operations, maintenance, or repair of hydroelectric power facilities. +Identify and communicate power system emergencies. +Maintain records of hydroelectric facility operations, maintenance, or repairs. +Perform or direct preventive or corrective containment or cleanup to protect the environment. +Monitor or inspect hydroelectric equipment, such as hydro-turbines, generators, or control systems. +Inspect hydroelectric facilities, including switchyards, control houses, or relay houses, for normal operation or adherence to safety standards. +Supervise or monitor hydroelectric facility operations to ensure that generation or mechanical equipment conform to applicable regulations or standards. +Plan or coordinate hydroelectric production operations to meet customer requirements. +Check hydroelectric operations for compliance with prescribed operating limits, such as loads, voltages, temperatures, lines, or equipment. +Develop or implement projects to improve efficiency, economy, or effectiveness of hydroelectric plant operations. +Provide technical direction in the erection or commissioning of hydroelectric equipment or supporting electrical or mechanical systems. +Supervise hydropower plant equipment installations, upgrades, or maintenance. +Plan or manage hydroelectric plant upgrades. +Respond to problems related to ratepayers, water users, power users, government agencies, educational institutions, or other private or public power resource interests. +Develop or review budgets, annual plans, power contracts, power rates, standing operating procedures, power reviews, or engineering studies. +Develop or implement policy evaluation procedures for hydroelectric generation activities. +Operate energized high- or low-voltage hydroelectric power transmission system substations, according to procedures and safety requirements. +Create or enforce hydrostation voltage schedules. +Train employees in power plant operations.","Calendar and scheduling software— Personnel scheduling software +Clustering software— VMware +Data base management system software— Microsoft SQL Server +Data base user interface and query software— Microsoft Access; Oracle Database; Structure query language SQL +Development environment software— Apache Kafka +Electronic mail software— Email software +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Distributed control system DCS; Supervisory control and data acquisition SCADA software +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Direct maintenance and repair activities in green energy production facilities. +Communicate green energy production information. +Inspect operations of green energy facilities. +Maintain operational records for green energy processes or other environmentally-sustainable activities. +Manage environmental sustainability projects. +Direct green energy production operations. +Evaluate green operations or programs for compliance with standards or regulations. +Develop operating strategies, plans, or procedures for green or sustainable operations. +Operate green energy production equipment. +Implement organizational process or policy changes. +Develop sustainable organizational policies or practices. +Advise others on green energy or related technologies. +Schedule activities or facility use. +Resolve customer complaints or problems. +Develop procedures to evaluate organizational activities. +Prepare operational budgets for green energy or other green operations.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 98% responded “Every day.” +Health and Safety of Other Workers— 85% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 77% responded “Every day.” +Work Outcomes and Results of Other Workers— 64% responded “Very high responsibility.” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Frequency of Decision Making— 56% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Contact With Others— 55% responded “Constant contact with others.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Every day.” +Consequence of Error— 48% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 46% responded “Once a week or more but not every day.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Written Letters and Memos— 34% responded “Every day.” +Spend Time Sitting— 56% responded “More than half the time.” +Deal With External Customers or the Public in General— 42% responded “Very important.” +Importance of Repeating Same Tasks— 50% responded “Very important.” +Indoors, Not Environmentally Controlled— 29% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 54% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 39% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 32% responded “Every day.” +Level of Competition— 34% responded “Moderately competitive.” +Conflict Situations— 44% responded “Once a month or more but not every week.” +Physical Proximity— 35% responded “Moderately close (at arm's length).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels Production Managers +Biomass Power Plant Managers +Geothermal Production Managers +Industrial Production Managers +Quality Control Systems Managers +Water/Wastewater Engineers +Bright Outlook +Wind Energy Development Managers +Wind Energy Engineers +Wind Energy Operations Managers +Wind Turbine Service Technicians","View the list of Allies +American Society for Quality +external site +Association for Supply Chain Management +external site",43,1,53,71,60,73,77,63,55,44,16,65,38,65,4,57,35,77,12,20,51,22,29,43,20,66,50,53,18,55,41,1,14 +41-9041.00,Telemarketers,https://www.onetonline.org/link/summary/41-9041.00,2025-06-11T19:14:52.855931,"Contact businesses or private individuals by telephone to solicit sales for goods or services, or to request donations for charitable causes. +Obtain customer information such as name, address, and payment method, and enter orders into computers. +Explain products or services and prices, and answer questions from customers. +Record names, addresses, purchases, and reactions of prospects contacted. +Maintain records of contacts, accounts, and orders. +Answer telephone calls from potential customers who have been solicited through advertisements. +Deliver prepared sales talks, reading from scripts that describe products or services, to persuade potential customers to purchase a product or service or to make a donation. +Telephone or write letters to respond to correspondence from customers or to follow up initial sales contacts. +Adjust sales scripts to better target the needs and interests of specific individuals. +Obtain names and telephone numbers of potential customers from sources such as telephone directories, magazine reply cards, and lists purchased from other organizations. +Schedule appointments for sales representatives to meet with prospective customers or for customers to attend sales presentations. +Conduct client or market surveys to obtain information about potential customers.","Access software— Remote access call center software +Customer relationship management CRM software— Database Systems Corp Telemation; Microsoft Dynamics; Salesforce software +Electronic mail software— Microsoft Outlook +Helpdesk or call center software— Acarda Sales Technologies Acarda Outbound; Automatic call distribution software; Softphone software +Interactive voice response software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Contact current or potential customers to promote products or services. +Maintain records of customer accounts. +Answer customer questions about goods or services. +Explain technical product or service information to customers. +Answer telephones to direct calls or provide information. +Deliver promotional presentations to current or prospective customers. +Develop content for sales presentations or other materials. +Identify potential customers. +Schedule appointments with prospective customers. +Monitor market conditions or trends.","Telephone Conversations— 93% responded “Every day.” +Contact With Others— 88% responded “Constant contact with others.” +Spend Time Sitting— 85% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 69% responded “Extremely important.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Deal With External Customers or the Public in General— 75% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Every day.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Level of Competition— 46% responded “Extremely competitive.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 47% responded “Once a week or more but not every day.” +E-Mail— 50% responded “Every day.” +Time Pressure— 53% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 30% responded “Every day.” +Spend Time Making Repetitive Motions— 34% responded “Continually or almost continually.” +Freedom to Make Decisions— 32% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 37% responded “A lot of freedom.” +Physical Proximity— 69% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 31% responded “Fairly important.” +Frequency of Decision Making— 51% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Degree of Automation— 50% responded “Moderately automated.”","Persuasion— Persuading others to change their minds or behavior. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Advertising Sales Agents +Counter and Rental Clerks +Customer Service Representatives +Bright Outlook +Demonstrators and Product Promoters +New Accounts Clerks +Order Clerks +Receptionists and Information Clerks +Retail Salespersons +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Telephone Operators","View the list of Allies +Professional Associations for Customer Engagement +external site",76,6,13,69,33,53,20,31,43,33,83,15,6,53,10,38,52,6,25,21,27,8,14,37,2,11,1,12,3,9,25,21,20 +29-1125.00,Recreational Therapists,https://www.onetonline.org/link/summary/29-1125.00,2025-06-11T19:05:47.745759,"Instruct patient in activities and techniques, such as sports, dance, music, art, or relaxation techniques, designed to meet their specific physical or psychological needs. +Conduct therapy sessions to improve patients' mental and physical well-being. +Plan, organize, direct, and participate in treatment programs and activities to facilitate patients' rehabilitation, help them integrate into the community, and prevent further medical problems. +Observe, analyze, and record patients' participation, reactions, and progress during treatment sessions, modifying treatment programs as needed. +Develop treatment plan to meet needs of patient, based on needs assessment, patient interests, and objectives of therapy. +Obtain information from medical records, medical staff, family members and the patients, themselves, to assess patients' capabilities, needs and interests. +Confer with members of treatment team to plan and evaluate therapy programs. +Counsel and encourage patients to develop leisure activities. +Encourage clients with special needs and circumstances to acquire new skills and get involved in health-promoting leisure activities, such as sports, games, arts and crafts, and gardening. +Prepare and submit reports and charts to treatment team to reflect patients' reactions and evidence of progress or regression. +Develop discharge plans for patients.","Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Medical software— Patient electronic medical record EMR software +Music or sound editing software— Avid Technology Sibelius; Hyperscore; MakeMusic Finale; Steinberg Cubase Pro;1 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Voice recognition software— Speech recognition software +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Develop treatment plans that use non-medical therapies. +Treat patients using psychological therapies. +Monitor patient progress or responses to treatments. +Record patient medical histories. +Collaborate with healthcare professionals to plan or provide treatment. +Collect medical information from patients, family members, or other medical professionals. +Gather medical information from patient histories. +Provide health and wellness advice to patients, program participants, or caregivers. +Encourage patients or clients to develop life skills. +Inform medical professionals regarding patient conditions and care. +Prepare reports summarizing patient diagnostic or care activities. +Develop medical treatment plans.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Contact With Others— 84% responded “Constant contact with others.” +E-Mail— 84% responded “Every day.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Physical Proximity— 58% responded “Very close (near touching).” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Freedom to Make Decisions— 47% responded “Some freedom.” +Telephone Conversations— 43% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Very important.” +Deal With External Customers or the Public in General— 37% responded “Extremely important.” +Exposed to Disease or Infections— 53% responded “Every day.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Time Pressure— 34% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a month or more but not every week.” +Public Speaking— 37% responded “Every day.” +Written Letters and Memos— 35% responded “Once a month or more but not every week.” +Conflict Situations— 45% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 74% responded “40 hours.” +Spend Time Standing— 49% responded “About half the time.” +Frequency of Decision Making— 26% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Importance of Being Exact or Accurate— 39% responded “Important.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Art Therapists +Bright Outlook +Music Therapists +Occupational Therapists +Occupational Therapy Aides +Occupational Therapy Assistants +Physical Therapist Aides +Physical Therapist Assistants +Physical Therapists +Psychiatric Technicians +Rehabilitation Counselors","View the list of Allies +American Therapeutic Recreation Association +external site +American Music Therapy Association +external site +American Occupational Therapy Association +external site +National Association of Activity Professionals +external site +National Recreation and Park Association +external site +National Council for Therapeutic Recreation Certification +external site",86,18,26,77,28,59,50,79,47,31,43,46,15,46,26,42,38,17,39,37,89,88,62,26,54,23,14,15,30,18,23,39,22 +25-3041.00,Tutors,https://www.onetonline.org/link/summary/25-3041.00,2025-06-11T19:01:55.189165,"Provide feedback to students, using positive reinforcement techniques to encourage, motivate, or build confidence in students. +Review class material with students by discussing text, working solutions to problems, or reviewing worksheets or other assignments. +Assess students' progress throughout tutoring sessions. +Teach students study skills, note-taking skills, and test-taking strategies. +Provide private instruction to individual or small groups of students to improve academic performance, improve occupational skills, or prepare for academic or occupational tests. +Participate in training and development sessions to improve tutoring practices or learn new tutoring techniques. +Collaborate with students, parents, teachers, school administrators, or counselors to determine student needs, develop tutoring plans, or assess student progress. +Monitor student performance or assist students in academic environments, such as classrooms, laboratories, or computing centers. +Schedule tutoring appointments with students or their parents. +Organize tutoring environment to promote productivity and learning. +Communicate students' progress to students, parents, or teachers in written progress reports, in person, by phone, or by email. +Maintain records of students' assessment results, progress, feedback, or school performance, ensuring confidentiality of all records. +Identify, develop, or implement intervention strategies, tutoring plans, or individualized education plans (IEPs) for students. +Prepare and facilitate tutoring workshops, collaborative projects, or academic support sessions for small groups of students. +Prepare lesson plans or learning modules for tutoring sessions according to students' needs and goals. +Develop teaching or training materials, such as handouts, study materials, or quizzes. +Travel to students' homes, libraries, or schools to conduct tutoring sessions. +Administer, proctor, or score academic or diagnostic assessments. +Research or recommend textbooks, software, equipment, or other learning materials to complement tutoring.","Analytical or scientific software— Desmos +Calendar and scheduling software— Appointment scheduling software +Cloud-based data access and sharing software— Google Drive +Computer based training software— Academic educational software; Moodle; Schoology +Data base user interface and query software— Blackboard software; Database software; Redrock Software TutorTrac +Electronic mail software— Email software +Internet browser software— Web browser software +Multi-media educational software— Edpuzzle; Nearpod; Seesaw +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet; Zoom +Video creation and editing software— Flipgrid; Screencastify +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Encourage students. +Evaluate student work. +Tutor students who need extra assistance. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Assess educational needs of students. +Collaborate with other teaching professionals to develop educational programs. +Monitor student performance. +Schedule instructional activities. +Organize informational materials. +Discuss student progress with parents or guardians. +Develop strategies or programs for students with special needs. +Maintain student records. +Document lesson plans. +Develop instructional materials. +Administer tests to assess educational needs or progress. +Advise students on academic or career matters.","Spend Time Sitting— 86% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Contact With Others— 77% responded “Constant contact with others.” +E-Mail— 64% responded “Every day.” +Physical Proximity— 62% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 33% responded “Extremely important.” +Importance of Being Exact or Accurate— 29% responded “Very important.” +Time Pressure— 36% responded “Once a week or more but not every day.” +Telephone Conversations— 38% responded “Once a month or more but not every week.” +Frequency of Decision Making— 43% responded “Once a year or more but not every month.”","Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Secondary School +Teaching Assistants, Postsecondary +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Teaching Assistants, Special Education","View the list of Allies +Association on Higher Education and Disability +external site +College Reading and Learning Association +external site +Learning Disabilities Association of America +external site +National College Learning Center Association +external site +National Organization For Student Success +external site +The Association for the Coaching and Tutoring Profession +external site +Association of Colleges for Tutoring and Learning Assistance +external site +National Tutoring Association +external site",88,1,10,81,68,33,33,79,44,17,22,27,43,56,31,23,42,4,21,7,54,31,43,29,18,18,4,41,42,11,27,11,30 +17-3026.01,Nanotechnology Engineering Technologists and Technicians,https://www.onetonline.org/link/summary/17-3026.01,2025-06-11T18:55:24.709642,"Operate nanotechnology compounding, testing, processing, or production equipment in accordance with appropriate standard operating procedures, good manufacturing practices, hazardous material restrictions, or health and safety requirements. +Maintain work area according to cleanroom or other processing standards. +Produce images or measurements, using tools or techniques such as atomic force microscopy, scanning electron microscopy, optical microscopy, particle size analysis, or zeta potential analysis. +Collaborate with scientists or engineers to design or conduct experiments for the development of nanotechnology materials, components, devices, or systems. +Repair nanotechnology processing or testing equipment or submit work orders for equipment repair. +Measure or mix chemicals or compounds in accordance with detailed instructions or formulas. +Monitor equipment during operation to ensure adherence to specifications for characteristics such as pressure, temperature, or flow. +Collect or compile nanotechnology research or engineering data. +Calibrate nanotechnology equipment, such as weighing, testing, or production equipment. +Monitor hazardous waste cleanup procedures to ensure proper application of nanocomposites or accomplishment of objectives. +Contribute written material or data for grant or patent applications. +Inspect or measure thin films of carbon nanotubes, polymers, or inorganic coatings, using a variety of techniques or analytical tools. +Compare the performance or environmental impact of nanomaterials by nanoparticle size, shape, or organization. +Develop or modify wet chemical or industrial laboratory experimental techniques for nanoscale use. +Process nanoparticles or nanostructures, using technologies such as ultraviolet radiation, microwave energy, or catalysis. +Implement new or enhanced methods or processes for the processing, testing, or manufacture of nanotechnology materials or products. +Prepare detailed verbal or written presentations for scientists, engineers, project managers, or upper management. +Perform functional tests of nano-enhanced assemblies, components, or systems, using equipment such as torque gauges or conductivity meters. +Maintain accurate record or batch-record documentation of nanoproduction. +Assemble components, using techniques such as interference fitting, solvent bonding, adhesive bonding, heat sealing, or ultrasonic welding. +Prepare capability data, training materials, or other documentation for transfer of processes to production. +Analyze the life cycle of nanomaterials or nano-enabled products to determine environmental impact. +Measure emission of nanodust or nanoparticles during nanocomposite or other nano-scale production processes, using systems such as aerosol detection systems. +Assist nanoscientists or engineers in processing or characterizing materials according to physical or chemical properties. +Assist nanoscientists or engineers in writing process specifications or documentation.","Analytical or scientific software— Image analysis software; Simulation software; SPMLab +Computer aided design CAD software +Data base user interface and query software— Microsoft Access +Graphics or photo imaging software— Optical imaging systems +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Operate precision equipment to control microscopic or nanoscopic processes. +Maintain clean work areas. +Measure physical or chemical properties of materials or objects. +Research engineering applications of emerging technologies. +Maintain test equipment. +Prepare materials for processing. +Monitor processes for compliance with standards. +Calibrate scientific or technical equipment. +Monitor activities affecting environmental quality. +Prepare contracts, disclosures, or applications. +Investigate the environmental impact of projects. +Devise research or testing protocols. +Implement design or process improvements. +Prepare technical reports for internal use. +Maintain operational records or records systems. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Assemble equipment or components. +Prepare procedural documents. +Document technical design details.","E-Mail— How frequently does your job require you to use E-mail? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Exposed to Hazardous Conditions— How often does this job require exposure to hazardous conditions? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Telephone Conversations— How often do you have telephone conversations in this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Written Letters and Memos— How frequently does your job require written letters and memos? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Spend Time Standing— How much does this job require standing?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Calibration Technologists and Technicians +Chemical Engineers +Chemical Technicians +Chemists +Electrical and Electronic Engineering Technologists and Technicians +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Nanosystems Engineers +Robotics Technicians","View the list of Allies +IEEE Nanotechnology Council +external site +National Nanotechnology Coordinated Infrastructure +external site +American Association for the Advancement of Science +external site +American Microscopical Society +external site +American Nano Society +external site +American Society for Engineering Education +external site +American Society for Precision Engineering +external site +ASM International +external site +Center for Nanotechnology in Drug Delivery +external site +Engineers Without Borders USA +external site +IBM Research-Almaden +external site +Institute of Industrial and Systems Engineers +external site +Institute of Physics +external site +Materials Research Society +external site +Microscopy Society of America +external site +Minerals, Metals and Materials Society +external site +Nanotechnology Industries Association +external site +Nanotechnology World Association +external site +National Association of Manufacturers +external site +Optica +external site +Semiconductor Industry Association +external site +Society for Biomaterials +external site +Society for Experimental Mechanics +external site +Society of Manufacturing Engineers +external site +Society of Tribologists and Lubrication Engineers +external site +Society of Women Engineers +external site +Midwest Association for Medical Equipment Services and Supplies +external site +Accreditation Board for Engineering and Technology +external site +Material Science Technology Education +external site",38,1,55,63,64,30,32,38,32,16,14,15,78,67,6,16,21,59,3,8,7,5,4,18,15,82,17,68,30,48,4,1,3 +39-7012.00,Travel Guides,https://www.onetonline.org/link/summary/39-7012.00,2025-06-11T19:13:42.789859,"Arrange for tour or expedition details such as accommodations, transportation, equipment, and the availability of medical personnel. +Plan tour itineraries, applying knowledge of travel routes and destination sites. +Resolve any problems with itineraries, service, or accommodations. +Attend to special needs of tour participants. +Sell travel packages. +Evaluate services received on the tour, and report findings to tour organizers. +Give advice on sightseeing and shopping. +Administer first aid to injured group participants. +Explain hunting and fishing laws to groups to ensure compliance. +Lead individuals or groups to tour site locations and describe points of interest. +Pilot airplanes or drive land and water vehicles to transport tourists to activity or tour sites. +Sell or rent equipment, clothing, and supplies related to expeditions. +Pay bills and record checks issued. +Verify amounts and quality of equipment prior to expeditions or tours. +Instruct novices in climbing techniques, mountaineering, and wilderness survival, and demonstrate use of hunting, fishing, and climbing equipment. +Set up camps, and prepare meals for tour group members. +Provide tourists with assistance in obtaining permits and documents such as visas, passports, and health certificates, and in converting currency.","Accounting software— Financial accounting software +Analytical or scientific software— Data visualization software +Business intelligence and data analysis software— Tableau +Customer relationship management CRM software— Customer information databases +Data base user interface and query software— Microsoft Access; Structured query language SQL; Travel Agent CMS +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Explain regulations, policies, or procedures. +Provide attraction or event information to patrons. +Guide patrons on tours. +Drive vehicles to transport patrons. +Arrange services or reservations for patrons. +Organize recreational activities or events. +Resolve customer complaints or problems. +Sell products or services. +Assist individuals with special needs. +Maintain financial or account records. +Manage budgets for personal services operations. +Evaluate program effectiveness. +Report information to managers or other personnel. +Monitor availability of equipment or supplies. +Demonstrate activity techniques or equipment use. +Prepare foods or meals. +Administer first aid.","Telephone Conversations— 93% responded “Every day.” +Determine Tasks, Priorities and Goals— 88% responded “A lot of freedom.” +Contact With Others— 81% responded “Constant contact with others.” +Freedom to Make Decisions— 78% responded “A lot of freedom.” +E-Mail— 76% responded “Every day.” +Frequency of Decision Making— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 29% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities +Time Pressure— 38% responded “Every day.” +Work Outcomes and Results of Other Workers— 57% responded “Very high responsibility.” +Health and Safety of Other Workers— 22% responded “Moderate responsibility.” +Written Letters and Memos— 19% responded “Every day.” +Indoors, Environmentally Controlled— 42% responded “Every day.” +Spend Time Sitting— 40% responded “Continually or almost continually.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Outdoors, Exposed to All Weather Conditions— 28% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 29% responded “Fairly important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 33% responded “Once a week or more but not every day.”","Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Baggage Porters and Bellhops +Concierges +Counter and Rental Clerks +Flight Attendants +Bright Outlook +Lodging Managers +Meeting, Convention, and Event Planners +Reservation and Transportation Ticket Agents and Travel Clerks +Tour Guides and Escorts +Travel Agents +Ushers, Lobby Attendants, and Ticket Takers","View the list of Allies +America Outdoors Association +external site +American Bus Association +external site +Cruise Lines International Association +external site +International Mountain Bicycling Association +external site +National Tour Association +external site +United States Tour Operators Association +external site",83,6,10,57,34,48,42,43,50,44,55,41,4,33,18,22,27,8,6,49,29,10,19,26,20,6,6,6,21,5,47,2,16 +21-1021.00,"Child, Family, and School Social Workers",https://www.onetonline.org/link/summary/21-1021.00,2025-06-11T18:58:49.662282,"Maintain case history records and prepare reports. +Interview clients individually, in families, or in groups, assessing their situations, capabilities, and problems to determine what services are required to meet their needs. +Serve as liaisons between students, homes, schools, family services, child guidance clinics, courts, protective services, doctors, and other contacts to help children who face problems, such as disabilities, abuse, or poverty. +Develop and review service plans in consultation with clients and perform follow-ups assessing the quantity and quality of services provided. +Address legal issues, such as child abuse and discipline, assisting with hearings and providing testimony to inform custody arrangements. +Counsel parents with child rearing problems, interviewing the child and family to determine whether further action is required. +Consult with parents, teachers, and other school personnel to determine causes of problems, such as truancy and misbehavior, and to implement solutions. +Arrange for medical, psychiatric, and other tests that may disclose causes of difficulties and indicate remedial measures. +Refer clients to community resources for services, such as job placement, debt counseling, legal aid, housing, medical treatment, or financial assistance, and provide concrete information, such as where to go and how to apply. +Counsel individuals, groups, families, or communities regarding issues including mental health, poverty, unemployment, substance abuse, physical abuse, rehabilitation, social adjustment, child care, or medical care. +Provide, find, or arrange for support services, such as child care, homemaker service, prenatal care, substance abuse treatment, job training, counseling, or parenting classes to prevent more serious problems from developing. +Collect supplementary information needed to assist client, such as employment records, medical records, or school reports. +Place children in foster or adoptive homes, institutions, or medical treatment centers. +Recommend temporary foster care and advise foster or adoptive parents. +Counsel students whose behavior, school progress, or mental or physical impairment indicate a need for assistance, diagnosing students' problems and arranging for needed services. +Evaluate personal characteristics and home conditions of foster home or adoption applicants. +Conduct social research. +Supervise other social workers. +Lead group counseling sessions that provide support in such areas as grief, stress, or chemical dependency. +Serve on policy-making committees, assist in community development, and assist client groups by lobbying for solutions to problems. +Determine clients' eligibility for financial assistance.","Computer based training software— EasyCBM +Data base user interface and query software— Microsoft Access; Student information systems SIS software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Patient electronic medical record EMR software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Maintain client records. +Write reports or evaluations. +Interview clients to gather information about their backgrounds, needs, or progress. +Advocate for individual or community needs. +Arrange physical or mental health services for clients. +Counsel clients regarding educational or vocational issues. +Confer with clients to discuss treatment plans or progress. +Evaluate the effectiveness of counseling or educational programs. +Counsel clients regarding interpersonal issues. +Evaluate potential problems in home or work environments of clients. +Evaluate characteristics of individuals to determine needs or eligibility. +Collaborate with other professionals to assess client needs or plan treatments. +Confer with family members to discuss client treatment plans or progress. +Recommend legal actions. +Conduct research on social issues. +Counsel clients or patients with substance abuse issues. +Help clients get needed services or resources. +Advise clients or community groups on health issues. +Collect information about clients. +Refer clients to community or social service programs. +Refer individuals to educational or work programs. +Supervise workers providing client or patient services. +Counsel clients or patients regarding personal issues. +Collaborate with other professionals to develop education or assistance programs.","E-Mail— 100% responded “Every day.” +Contact With Others— 95% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Conflict Situations— 63% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 58% responded “Every day.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Time Pressure— 58% responded “Every day.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Indoors, Environmentally Controlled— 66% responded “Every day.” +Frequency of Decision Making— 71% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Written Letters and Memos— 31% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Duration of Typical Work Week— 57% responded “40 hours.” +Consequence of Error— 48% responded “Extremely serious.” +Spend Time Sitting— 47% responded “More than half the time.” +Spend Time Making Repetitive Motions— 37% responded “More than half the time.” +Dealing with Violent or Physically Aggressive People— 38% responded “Once a week or more but not every day.” +Physical Proximity— 43% responded “I work with others but not closely (e.g., private office).” +Importance of Repeating Same Tasks— 23% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Community Health Workers +Bright Outlook +Educational, Guidance, and Career Counselors and Advisors +Health Education Specialists +Healthcare Social Workers +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Probation Officers and Correctional Treatment Specialists +Rehabilitation Counselors +Social and Community Service Managers +Social and Human Service Assistants","View the list of Allies +Alliance for Strong Families and Communities +external site +American School Counselor Association +external site +Association for Community Organization and Social Administration +external site +National Association of Social Workers +external site +School Social Work Association of America +external site +Association of Social Work Boards +external site +Council on Social Work Education +external site",83,3,22,71,29,49,44,58,66,28,30,37,12,45,31,54,36,8,35,21,78,78,60,26,30,10,3,7,25,8,17,16,19 +39-5093.00,Shampooers,https://www.onetonline.org/link/summary/39-5093.00,2025-06-11T19:13:28.853682,"Massage, shampoo, and condition patron's hair and scalp to clean them and remove excess oil. +Advise patrons with chronic or potentially contagious scalp conditions to seek medical treatment. +Treat scalp conditions and hair loss, using specialized lotions, shampoos, or equipment such as infrared lamps or vibrating equipment. +Maintain treatment records. +Assist hair stylists with chemical services, such as neutralizing perms and applying hair color. +Launder and fold the towels that are used for drying customers' hair. +Refill and stock work stations with supplies, such as shampoos and conditioners. +Rinse out hair color or permanent solutions from customers' hair. +Sweep hair from the salon floor.","Calendar and scheduling software— Appointment scheduling software +Electronic mail software— Email software +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Web page creation and editing software— Facebook","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Administer therapeutic massages. +Apply cleansing or conditioning agents to client hair, scalp, or skin. +Provide medical or cosmetic advice for clients. +Maintain client information or service records. +Apply solutions to hair for therapeutic or cosmetic purposes.","Indoors, Environmentally Controlled— 98% responded “Every day.” +Contact With Others— 97% responded “Constant contact with others.” +Spend Time Standing— 79% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 79% responded “Extremely important.” +Physical Proximity +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 51% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 25% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Very important results.” +Frequency of Decision Making— 52% responded “Every day.” +Deal With External Customers or the Public in General— 19% responded “Very important.” +Telephone Conversations— 12% responded “Never.” +Freedom to Make Decisions— 24% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 38% responded “Limited freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Time Pressure— 34% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 38% responded “Never.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 30% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 25% responded “Moderate responsibility.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Barbers +Bright Outlook +Hairdressers, Hairstylists, and Cosmetologists +Home Health Aides +Laundry and Dry-Cleaning Workers +Makeup Artists, Theatrical and Performance +Manicurists and Pedicurists +Massage Therapists +Nursing Assistants +Physical Therapist Aides +Skincare Specialists","View the list of Allies +American Association of Cosmetology Schools +external site +Intercoiffure +external site +International SPA Association +external site +Professional Beauty Association +external site +National Association of Barber Boards of America +external site",81,2,30,77,25,31,44,43,16,10,56,17,43,13,12,8,24,5,8,5,40,12,22,8,9,4,2,11,14,15,1,8,3 +17-3013.00,Mechanical Drafters,https://www.onetonline.org/link/summary/17-3013.00,2025-06-11T18:55:01.835687,"Develop detailed design drawings and specifications for mechanical equipment, dies, tools, and controls, using computer-assisted drafting (CAD) equipment. +Produce three-dimensional models, using computer-aided design (CAD) software. +Lay out and draw schematic, orthographic, or angle views to depict functional relationships of components, assemblies, systems, and machines. +Modify and revise designs to correct operating deficiencies or to reduce production problems. +Review and analyze specifications, sketches, drawings, ideas, and related data to assess factors affecting component designs and the procedures and instructions to be followed. +Check dimensions of materials to be used and assign numbers to the materials. +Design scale or full-size blueprints of specialty items, such as furniture and automobile body or chassis components. +Compute mathematical formulas to develop and design detailed specifications for components or machinery, using computer-assisted equipment. +Coordinate with and consult other workers to design, lay out, or detail components and systems and to resolve design or other problems. +Confer with customer representatives to review schematics and answer questions pertaining to installation of systems. +Position instructions and comments onto drawings. +Supervise and train other drafters, technologists, and technicians. +Lay out, draw, and reproduce illustrations for reference manuals and technical publications to describe operation and maintenance of mechanical systems. +Draw freehand sketches of designs, trace finished drawings onto designated paper for the reproduction of blueprints, and reproduce working drawings on copy machines. +Shade or color drawings to clarify and emphasize details and dimensions or eliminate background, using ink, crayon, airbrush, and overlays. +Create bills of materials.","Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;13 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics; Rapid prototyping software +Data base user interface and query software— Microsoft Access +Document management software— Document management system software +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— ERP software; SAP software +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe After Effects; McNeel Rhinoceros 3D; Non uniform rational b-splines NURBS software; Trimble SketchUp Pro;3 more +Materials requirements planning logistics and supply chain software— Bill of materials software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Scanning software; Three-dimensional scanning software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Create graphical representations of mechanical equipment. +Create images or other visual displays. +Design electromechanical equipment or systems. +Analyze design or requirements information for mechanical equipment or systems. +Verify mathematical calculations. +Confer with technical personnel to prepare designs or operational plans. +Discuss designs or plans with clients. +Supervise engineering or other technical personnel.","Indoors, Environmentally Controlled— 100% responded “Every day.” +E-Mail— 98% responded “Every day.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Spend Time Sitting— 51% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Telephone Conversations— 56% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 42% responded “Very important.” +Time Pressure— 51% responded “Once a week or more but not every day.” +Contact With Others— 43% responded “Contact with others about half the time.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Spend Time Making Repetitive Motions— 40% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 40% responded “Every day.” +Frequency of Decision Making— 47% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “Continually or almost continually.” +Physical Proximity— 80% responded “Slightly close (e.g., shared office).”","Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architectural and Civil Drafters +Commercial and Industrial Designers +Computer Numerically Controlled Tool Programmers +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Drafters +Layout Workers, Metal and Plastic +Machinists +Mechanical Engineering Technologists and Technicians +Model Makers, Metal and Plastic +Patternmakers, Metal and Plastic","View the list of Allies +American Design Drafting Association +external site +Society of Manufacturing Engineers +external site +Accrediting Commission of Career Schools and Colleges +external site",52,11,58,73,84,45,46,53,49,21,29,25,28,71,9,20,30,87,7,23,9,,2,12,2,93,36,73,5,96,14,1,5 +15-1299.07,Blockchain Engineers,https://www.onetonline.org/link/summary/15-1299.07,2025-06-11T18:52:26.940523,"Assess blockchain threats, such as untested code and unprotected keys. +Automate the deployment of software updates over geographically distributed network nodes. +Design and deploy blockchain design patterns to make transactions secure, transparent, and immutable. +Design and develop blockchain technologies for industries such as finance and music. +Design and implement dashboard and data visualizations to meet customer reporting needs. +Design and implement data repositories to integrate data. +Design and verify cryptographic protocols to protect private information. +Determine specifications for, or implement, logging. +Develop a maintainable code base using object-oriented design principles, practices, or patterns. +Discuss and plan systems with solution architects, system engineers, or cybersecurity experts to meet customer requirements. +Discuss data needs with engineers, product managers, or data scientists to identify blockchain requirements. +Evaluate blockchain processes or risks based on security assessments or control matrix reviews. +Evaluate new blockchain technologies and vendor products. +Implement catastrophic failure handlers to identify security breaches and prevent serious damage. +Run infrastructure tests to examine the behavior of large peer-to-peer networks. +Test the security and performance of blockchain infrastructures. +Update client and server applications responsible for integration and business logic.","Application server software— Docker; GitHub; Kubernetes; Spring Boot;2 more +Cloud-based data access and sharing software— Software as a service SaaS +Cloud-based management software— Amazon Web Services AWS CloudFormation +Compiler and decompiler software— Low-level virtual machine LLVM compilers +Configuration management software— IBM Terraform +Content workflow software— Atlassian JIRA +Data base management system software— Amazon Kinesis; MongoDB; MySQL; NoSQL +Data base user interface and query software— Amazon Web Services AWS software; Structured query language SQL +Development environment software— Apache Kafka; Go; Microsoft Azure software; Software libraries;3 more +Enterprise application integration software— Enterprise application integration EAI software; Jenkins CI +Enterprise system management software— Splunk Enterprise +Expert system software— Ansible software +File versioning software— Git +Graphical user interface development software— Grafana Labs Grafana Cloud +Object or component oriented development software— C#; C++; Oracle Java; TypeScript;3 more +Object oriented data base management software— PostgreSQL +Operating system software— Linux +Program testing software— Source code editor software +Project management software— Atlassian Confluence +Storage networking software— Amazon Simple Storage Service S3 +Web platform development software— Google Angular; Node.js; React; Spring Framework;3 more",,"Design integrated computer systems. +Discuss design or technical features of products or services with technical personnel. +Implement security measures for computer or information systems. +Test computer system operations to ensure proper functioning. +Write computer programming code. +Analyze security of systems, network, or data. +Create databases to store electronic data. +Design software applications. +Develop computer or information security policies or procedures. +Develop procedures for data management. +Evaluate new technologies or methods. +Evaluate utility of software or hardware technologies. +Install computer software. +Maintain computer equipment or software.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Computer Programmers +Computer Systems Analysts +Bright Outlook +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Information Security Analysts +Information Security Engineers +Penetration Testers +Software Developers +Software Quality Assurance Analysts and Testers","View the list of Allies +Global Blockchain Business Council +external site +Government Blockchain Association +external site +Association for Computing Machinery +external site +BCS, The Charted Institute for IT +external site +IEEE Computer Society +external site +International Association for Cryptologic Research +external site +CompTIA +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-9161.00,Computer Numerically Controlled Tool Operators,https://www.onetonline.org/link/summary/51-9161.00,2025-06-11T19:28:09.052191,"Measure dimensions of finished workpieces to ensure conformance to specifications, using precision measuring instruments, templates, and fixtures. +Set up and operate computer-controlled machines or robots to perform one or more machine functions on metal or plastic workpieces. +Mount, install, align, and secure tools, attachments, fixtures, and workpieces on machines, using hand tools and precision measuring instruments. +Review program specifications or blueprints to determine and set machine operations and sequencing, finished workpiece dimensions, or numerical control sequences. +Stop machines to remove finished workpieces or to change tooling, setup, or workpiece placement, according to required machining sequences. +Listen to machines during operation to detect sounds such as those made by dull cutting tools or excessive vibration, and adjust machines to compensate for problems. +Implement changes to machine programs, and enter new specifications, using computers. +Calculate machine speed and feed ratios and the size and position of cuts. +Transfer commands from servers to computer numerical control (CNC) modules, using computer network links. +Remove and replace dull cutting tools. +Check to ensure that workpieces are properly lubricated and cooled during machine operation. +Adjust machine feed and speed, change cutting tools, or adjust machine controls when automatic programming is faulty or if machines malfunction. +Monitor machine operation and control panel displays, and compare readings to specifications to detect malfunctions. +Maintain machines and remove and replace broken or worn machine tools, using hand tools. +Insert control instructions into machine control units to start operation. +Modify cutting programs to account for problems encountered during operation, and save modified programs. +Write simple programs for computer-controlled machine tools. +Lift workpieces to machines manually or with hoists or cranes. +Input initial part dimensions into machine control panels. +Set up future jobs while machines are operating. +Confer with supervisors or programmers to resolve machine malfunctions or production errors or to obtain approval to continue production. +Stack or load finished items, or place items on conveyor systems. +Control coolant systems. +Clean machines, tooling, or parts, using solvents or solutions and rags. +Enter commands or load control media, such as tapes, cards, or disks, into machine controllers to retrieve programmed instructions. +Lay out and mark areas of parts to be shot peened and fill hoppers with shot. +Examine electronic components for defects or completeness of laser-beam trimming, using microscopes.","Analytical or scientific software— CNC Consulting Machinists' Calculator; Kentech Kipware Trig Kalculator +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; KCD cabinet design software; UGS Solid Edge;1 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics; Mastercam computer-aided design and manufacturing software; SigmaTEK SigmaNEST; Vero International VISI-Series;30 more +Desktop communications software— Eko +Development environment software— MUMPS M +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— ERP software; SAP software +Industrial control software— EditCNC; Supervisory control and data acquisition SCADA software; Work inspection software +Information retrieval or search software— Kentech PROTALK +Object or component oriented development software— G-code; M-code +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Program equipment to perform production tasks. +Install mechanical components in production equipment. +Mount attachments or tools onto production equipment. +Mount materials or workpieces onto production equipment. +Study blueprints or other instructions to determine equipment setup requirements. +Enter commands, instructions, or specifications into equipment. +Calculate specific material, equipment, or labor requirements for production. +Remove products or workpieces from production equipment. +Watch operating equipment to detect malfunctions. +Replace worn equipment components. +Remove accessories, tools, or other parts from equipment. +Monitor lubrication of equipment or workpieces. +Adjust equipment controls to regulate flow of production materials or products. +Monitor equipment operation to ensure proper functioning. +Set equipment controls to meet cutting specifications. +Maintain production or processing equipment. +Lift materials or workpieces using cranes or other lifting equipment. +Confer with others to resolve production problems or equipment malfunctions. +Adjust equipment controls to regulate coolant flow. +Stack finished items for further processing or shipment. +Clean production equipment. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Load materials into production equipment. +Test electrical equipment or systems to ensure proper functioning.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +Spend Time Standing— 77% responded “Continually or almost continually.” +Time Pressure— 62% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Exposed to Contaminants— 53% responded “Every day.” +Exposed to Hazardous Equipment— 60% responded “Every day.” +Contact With Others— 51% responded “Constant contact with others.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Pace Determined by Speed of Equipment— 44% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 36% responded “A lot of freedom.” +Frequency of Decision Making— 48% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Consequence of Error— 36% responded “Extremely serious.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 42% responded “Every day.” +Spend Time Making Repetitive Motions— 33% responded “Continually or almost continually.” +Degree of Automation— 35% responded “Moderately automated.” +Spend Time Walking or Running— 41% responded “Less than half the time.” +Physical Proximity— 79% responded “Slightly close (e.g., shared office).”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Computer Numerically Controlled Tool Programmers +Bright Outlook +Drilling and Boring Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Machinists +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site +National Institute for Metalworking Skills +external site",32,3,76,58,79,50,28,53,36,24,21,35,31,49,9,18,22,70,11,21,24,8,11,16,6,57,17,39,7,52,9,4,9 +29-1129.02,Music Therapists,https://www.onetonline.org/link/summary/29-1129.02,2025-06-11T19:06:02.426575,"Design or provide music therapy experiences to address client needs, such as using music for self-care, adjusting to life changes, improving cognitive functioning, raising self-esteem, communicating, or controlling impulses. +Design music therapy experiences, using various musical elements to meet client's goals or objectives. +Sing or play musical instruments, such as keyboard, guitar, or percussion instruments. +Communicate with clients to build rapport, acknowledge their progress, or reflect upon their reactions to musical experiences. +Customize treatment programs for specific areas of music therapy, such as intellectual or developmental disabilities, educational settings, geriatrics, medical settings, mental health, physical disabilities, or wellness. +Establish client goals or objectives for music therapy treatment, considering client needs, capabilities, interests, overall therapeutic program, coordination of treatment, or length of treatment. +Document evaluations, treatment plans, case summaries, or progress or other reports related to individual clients or client groups. +Assess client functioning levels, strengths, and areas of need in terms of perceptual, sensory, affective, communicative, musical, physical, cognitive, social, spiritual, or other abilities. +Observe and document client reactions, progress, or other outcomes related to music therapy. +Improvise instrumentally, vocally, or physically to meet client's therapeutic needs. +Gather diagnostic data from sources such as case documentation, observations of clients, or interviews with clients or family members. +Plan or structure music therapy sessions to achieve appropriate transitions, pacing, sequencing, energy level, or intensity in accordance with treatment plans. +Engage clients in music experiences to identify client responses to different styles of music, types of musical experiences, such as improvising or listening, or elements of music, such as tempo or harmony. +Participate in continuing education. +Communicate client assessment findings and recommendations in oral, written, audio, video, or other forms. +Integrate behavioral, developmental, improvisational, medical, or neurological approaches into music therapy treatments. +Confer with professionals on client's treatment team to develop, coordinate, or integrate treatment plans. +Select or adapt musical instruments, musical equipment, or non-musical materials, such as adaptive devices or visual aids, to meet treatment objectives. +Compose, arrange, or adapt music for music therapy treatments. +Identify and respond to emergency physical or mental health situations. +Analyze or synthesize client data to draw conclusions or make recommendations for therapy. +Collaborate with others to design or implement interdisciplinary treatment programs. +Conduct information sharing sessions, such as in-service workshops for other professionals, potential client groups, or the general community. +Apply selected research findings to practice. +Analyze data to determine the effectiveness of specific treatments or therapy approaches. +Supervise staff, volunteers, practicum students, or interns engaged in music therapy activities. +Assess the risks and benefits of treatment termination for clients. +Adapt existing or develop new music therapy assessment instruments or procedures to meet an individual client's needs. +Apply current technology to music therapy practices. +Conduct, or assist in the conduct of, music therapy research.","Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— Electronic health record EHR software +Music or sound editing software— Avid Technology Pro Tools; Musical instrument digital interface MIDI software; Virtual instrument software +Office suite software— Microsoft Office software","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Treat patients using psychological therapies. +Develop treatment plans that use non-medical therapies. +Interact with patients to build rapport or provide emotional support. +Develop medical treatment plans. +Establish treatment goals. +Record patient medical histories. +Prepare reports summarizing patient diagnostic or care activities. +Evaluate patient functioning, capabilities, or health. +Monitor patient progress or responses to treatments. +Collect medical information from patients, family members, or other medical professionals. +Gather medical information from patient histories. +Maintain medical or professional knowledge. +Communicate test or assessment results to medical professionals. +Adjust tuning or functioning of musical instruments. +Collaborate with healthcare professionals to plan or provide treatment. +Treat medical emergencies. +Analyze patient data to determine patient needs or treatment goals. +Inform medical professionals regarding patient conditions and care. +Communicate health and wellness information to the public. +Analyze quantitative data to determine effectiveness of treatments or therapies. +Evaluate treatment options to guide medical decisions. +Supervise patient care personnel. +Develop health assessment methods or programs. +Conduct research to increase knowledge about medical issues.","Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Contact With Others— 73% responded “Constant contact with others.” +E-Mail— 65% responded “Every day.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Telephone Conversations— 46% responded “Once a week or more but not every day.” +Exposed to Disease or Infections— 46% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 35% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a week or more but not every day.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Written Letters and Memos— 35% responded “Once a month or more but not every week.” +Spend Time Sitting— 54% responded “About half the time.” +Dealing with Violent or Physically Aggressive People— 36% responded “Once a month or more but not every week.” +Frequency of Decision Making— 31% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Spend Time Making Repetitive Motions— 32% responded “Less than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 31% responded “Once a week or more but not every day.” +Conflict Situations— 38% responded “Once a week or more but not every day.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Art Therapists +Clinical and Counseling Psychologists +Marriage and Family Therapists +Mental Health Counselors +Occupational Therapists +Physical Therapists +Psychiatrists +Recreational Therapists +Speech-Language Pathologists","View the list of Allies +American Music Therapy Association +external site +The Certification Board for Music Therapists +external site",73,3,9,78,27,41,36,71,48,19,39,30,7,49,33,32,46,8,46,16,97,97,73,23,48,16,4,9,26,9,9,95,18 +29-2033.00,Nuclear Medicine Technologists,https://www.onetonline.org/link/summary/29-2033.00,2025-06-11T19:08:03.375001,"Administer radiopharmaceuticals or radiation intravenously to detect or treat diseases, using radioisotope equipment, under direction of a physician. +Detect and map radiopharmaceuticals in patients' bodies, using a camera to produce photographic or computer images. +Process cardiac function studies, using computer. +Calculate, measure, and record radiation dosage or radiopharmaceuticals received, used, and disposed, using computer and following physician's prescription. +Record and process results of procedures. +Produce a computer-generated or film image for interpretation by a physician. +Prepare stock radiopharmaceuticals, adhering to safety standards that minimize radiation exposure to workers and patients. +Explain test procedures and safety precautions to patients and provide them with assistance during test procedures. +Perform quality control checks on laboratory equipment or cameras. +Dispose of radioactive materials and store radiopharmaceuticals, following radiation safety procedures. +Gather information on patients' illnesses and medical history to guide the choice of diagnostic procedures for therapy. +Maintain and calibrate radioisotope and laboratory equipment. +Measure glandular activity, blood volume, red cell survival, or radioactivity of patient, using scanners, Geiger counters, scintillometers, or other laboratory equipment. +Train or supervise student or subordinate nuclear medicine technologists. +Position radiation fields, radiation beams, and patient to allow for most effective treatment of patient's disease, using computer. +Add radioactive substances to biological specimens, such as blood, urine, or feces, to determine therapeutic drug or hormone levels. +Develop treatment procedures for nuclear medicine treatment programs. +Schedule patients for nuclear medicine exams and procedures.","Electronic mail software— Microsoft Outlook +Medical software— Electronic medical record EMR software; MEDITECH software; Medovation RadRunner; Radiopharmacy inventory databases;1 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Administer medical substances for imaging or other procedures. +Create advanced digital images of patients using computer imaging systems. +Operate diagnostic imaging equipment. +Process x-rays or other medical images. +Follow protocols or regulations for healthcare activities. +Record patient medical histories. +Calculate numerical data for medical activities. +Explain medical procedures or test results to patients or family members. +Prepare medications or medical solutions. +Process healthcare paperwork. +Examine medical instruments or equipment to ensure proper operation. +Monitor the handling of hazardous materials or medical wastes. +Gather medical information from patient histories. +Maintain medical laboratory equipment. +Adjust settings or positions of medical equipment. +Position patients for treatment or examination. +Operate laboratory equipment to analyze medical samples. +Prepare biological specimens for laboratory analysis. +Supervise patient care personnel. +Train medical providers. +Determine protocols for medical procedures.","Exposed to Radiation— 100% responded “Every day.” +Contact With Others— 91% responded “Constant contact with others.” +Telephone Conversations— 89% responded “Every day.” +Exposed to Disease or Infections— 74% responded “Every day.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Deal With External Customers or the Public in General— 80% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Frequency of Decision Making— 71% responded “Every day.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Physical Proximity— 60% responded “Very close (near touching).” +Consequence of Error— 62% responded “Extremely serious.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Very important results.” +Time Pressure— 59% responded “Every day.” +E-Mail— 58% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Level of Competition— 36% responded “Extremely competitive.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 62% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 55% responded “Every day.” +Health and Safety of Other Workers— 31% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Work Outcomes and Results of Other Workers— 29% responded “High responsibility.” +Conflict Situations— 39% responded “Once a week or more but not every day.” +Pace Determined by Speed of Equipment— 34% responded “Extremely important.” +Spend Time Standing— 42% responded “More than half the time.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Magnetic Resonance Imaging Technologists +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Medical Dosimetrists +Neurodiagnostic Technologists +Radiation Therapists +Radiologic Technologists and Technicians +Radiologists","View the list of Allies +American College of Nuclear Medicine +external site +American Society for Clinical Pathology +external site +American Society of Nuclear Cardiology +external site +American Society of Radiologic Technologists +external site +Association of Educators in Imaging and Radiologic Sciences +external site +International Society for Magnetic Resonance in Medicine +external site +International Society of Radiographers and Radiological Technologists +external site +Nuclear Medicine Technology Certification Board +external site +Radiological Society of North America +external site +Society of Diagnostic Medical Sonography +external site +Society of Nuclear Medicine and Molecular Imaging +external site +Central Chapter Society of Nuclear Medicine and Molecular Imaging +external site +Mid-Eastern Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Pacific Northwest Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Southeastern Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Southwestern Chapter, Society of Nuclear Medicine and Molecular Imaging +external site +American Board of Nuclear Medicine +external site +American College of Radiology +external site +American Registry for Diagnostic Medical Sonography +external site +American Registry of Radiologic Technologists +external site",92,2,36,73,67,45,59,52,57,21,13,20,69,69,18,34,25,33,14,17,52,23,29,28,71,41,4,73,75,12,4,1,2 +51-3091.00,"Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders",https://www.onetonline.org/link/summary/51-3091.00,2025-06-11T19:24:24.588666,"Observe, feel, taste, or otherwise examine products during and after processing to ensure conformance to standards. +Set temperature and time controls, light ovens, burners, driers, or roasters, and start equipment, such as conveyors, cylinders, blowers, driers, or pumps. +Observe temperature, humidity, pressure gauges, and product samples and adjust controls, such as thermostats and valves, to maintain prescribed operating conditions for specific stages. +Observe flow of materials and listen for machine malfunctions, such as jamming or spillage, and notify supervisors if corrective actions fail. +Record production data, such as weight and amount of product processed, type of product, and time and temperature of processing. +Weigh or measure products, using scale hoppers or scale conveyors. +Operate or tend equipment that roasts, bakes, dries, or cures food items such as cocoa and coffee beans, grains, nuts, and bakery products. +Signal coworkers to synchronize flow of materials. +Read work orders to determine quantities and types of products to be baked, dried, or roasted. +Fill or remove product from trays, carts, hoppers, or equipment, using scoops, peels, or shovels, or by hand. +Take product samples during or after processing for laboratory analyses. +Test products for moisture content, using moisture meters. +Clear or dislodge blockages in bins, screens, or other equipment, using poles, brushes, or mallets. +Start conveyors to move roasted grain to cooling pans and agitate grain with rakes as blowers force air through perforated bottoms of pans. +Open valves, gates, or chutes or use shovels to load or remove products from ovens or other equipment. +Clean equipment with steam, hot water, and hoses. +Smooth out products in bins, pans, trays, or conveyors, using rakes or shovels. +Install equipment, such as spray units, cutting blades, or screens, using hand tools. +Push racks or carts to transfer products to storage, cooling stations, or the next stage of processing.","Electronic mail software— Email software +Spreadsheet software— Microsoft Excel","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Inspect food products. +Evaluate quality of food ingredients or prepared foods. +Collect samples of materials or products for testing. +Adjust temperature controls of ovens or other heating equipment. +Operate pumping systems or equipment. +Monitor instruments to ensure proper production conditions. +Notify others of equipment repair or maintenance needs. +Record operational or production data. +Watch operating equipment to detect malfunctions. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Weigh finished products. +Clear equipment jams. +Operate cooking, baking, or other food preparation equipment. +Signal others to coordinate work activities. +Feed materials or products into or through equipment. +Adjust equipment controls to regulate flow of production materials or products. +Read work orders or other instructions to determine product specifications or materials requirements. +Position raw materials on processing or production equipment. +Sterilize food cooking or processing equipment. +Remove products or workpieces from production equipment. +Mount attachments or tools onto production equipment. +Move products, materials, or equipment between work areas.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Spend Time Standing— 82% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 71% responded “Every day.” +Indoors, Not Environmentally Controlled— 75% responded “Every day.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 62% responded “Continually or almost continually.” +Time Pressure— 47% responded “Every day.” +Duration of Typical Work Week +Exposed to Very Hot or Cold Temperatures— 50% responded “Every day.” +Contact With Others— 41% responded “Contact with others most of the time.” +Pace Determined by Speed of Equipment— 28% responded “Important.” +Consequence of Error— 41% responded “Extremely serious.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Importance of Repeating Same Tasks— 47% responded “Very important.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Frequency of Decision Making— 50% responded “Every day.” +Health and Safety of Other Workers— 37% responded “Moderate responsibility.” +Spend Time Making Repetitive Motions— 32% responded “More than half the time.” +Spend Time Walking or Running— 29% responded “Less than half the time.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Very important results.” +Exposed to Contaminants— 33% responded “Never.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Important.” +Degree of Automation— 32% responded “Completely automated.” +Determine Tasks, Priorities and Goals— 27% responded “A lot of freedom.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Cooling and Freezing Equipment Operators and Tenders +Bright Outlook +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Food Batchmakers +Food Cooking Machine Operators and Tenders +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Graders and Sorters, Agricultural Products +Mixing and Blending Machine Setters, Operators, and Tenders +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders","View the list of Allies +National Coffee Association +external site +The United Food and Commercial Workers International Union +external site",27,51,65,57,33,21,51,32,18,12,20,12,12,20,6,24,15,30,1,21,10,10,8,10,7,22,8,11,12,14,15,1, +39-3011.00,Gambling Dealers,https://www.onetonline.org/link/summary/39-3011.00,2025-06-11T19:12:48.076168,"Pay winnings or collect losing bets as established by the rules and procedures of a specific game. +Greet customers and make them feel welcome. +Exchange paper currency for playing chips or coin money. +Check to ensure that all players have placed bets before play begins. +Inspect cards and equipment to be used in games to ensure that they are in good condition. +Deal cards to house hands, and compare these with players' hands to determine winners, as in black jack. +Stand behind a gaming table and deal the appropriate number of cards to each player. +Apply rule variations to card games such as poker, in which players bet on the value of their hands. +Receive, verify, and record patrons' cash wagers. +Conduct gambling games, such as dice, roulette, cards, or keno, following all applicable rules and regulations. +Work as part of a team of dealers in games, such as baccarat or craps. +Start and control games and gaming equipment, and announce winning numbers or colors. +Compute amounts of players' wins or losses, or scan winning tickets presented by patrons to calculate the amount of money won. +Open and close cash floats and game tables. +Answer questions about game rules and casino policies. +Refer patrons to gaming cashiers to collect winnings. +Supervise staff and monitor gambling tables to ensure security of the game. +Seat patrons at gaming tables. +Train new dealers. +Prepare collection reports for submission to supervisors. +Participate in games for gambling establishments to provide the minimum complement of players at a table.","Business intelligence and data analysis software— Apache Spark +Cloud-based data access and sharing software— Slack +Data base management system software— Apache Hadoop +Electronic mail software— Email software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.","Conduct gaming transactions. +Greet customers, patrons, or visitors. +Conduct amusement or gaming activities. +Inspect equipment to ensure proper functioning. +Maintain financial or account records. +Compute gaming wins and losses. +Operate gaming equipment. +Monitor operational quality or safety. +Supervise service workers. +Respond to customer inquiries. +Usher patrons to seats or exits. +Train service staff. +Prepare operational reports or records. +Refer customers to appropriate personnel.","Contact With Others— 87% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 74% responded “Extremely important.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Spend Time Standing— 65% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 83% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Physical Proximity— 59% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 58% responded “Every day.” +Frequency of Decision Making— 75% responded “Every day.” +Spend Time Making Repetitive Motions— 70% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 41% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 50% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Important results.” +Level of Competition— 33% responded “Extremely competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Conflict Situations— 32% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 41% responded “Continually or almost continually.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Amusement and Recreation Attendants +Bright Outlook +Cashiers +First-Line Supervisors of Gambling Services Workers +Gambling and Sports Book Writers and Runners +Gambling Cage Workers +Gambling Change Persons and Booth Cashiers +Gambling Managers +Gambling Surveillance Officers and Gambling Investigators +Retail Salespersons +Tellers","View the list of Allies +American Gaming Association +external site",81,9,13,57,72,47,44,32,22,23,43,21,3,30,20,44,24,9,13,21,26,12,17,16,8,5,5,5,2,8,8,5,6 +25-1121.00,"Art, Drama, and Music Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1121.00,2025-06-11T19:00:47.697526,"Explain and demonstrate artistic techniques. +Evaluate and grade students' class work, performances, projects, assignments, and papers. +Prepare students for performances, exams, or assessments. +Initiate, facilitate, and moderate classroom discussions. +Prepare and deliver lectures to undergraduate or graduate students on topics such as acting techniques, fundamentals of music, and art history. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Maintain student attendance records, grades, and other required records. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Compile, administer, and grade examinations, or assign this work to others. +Maintain regularly scheduled office hours to advise and assist students. +Select and obtain materials and supplies, such as textbooks and performance pieces. +Participate in student recruitment, registration, and placement activities. +Collaborate with colleagues to address teaching and research issues. +Advise students on academic and vocational curricula and on career issues. +Display students' work in schools, galleries, and exhibitions. +Participate in campus and community events. +Keep students informed of community events, such as plays and concerts. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Act as advisers to student organizations. +Organize performance groups and direct their rehearsals. +Supervise undergraduate or graduate teaching, internship, and research work. +Perform administrative duties, such as serving as department head. +Maintain or repair studio facilities. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Write grant proposals to procure external research funding. +Compile bibliographies of specialized materials for outside reading assignments. +Provide professional consulting services to government or industry. +Direct theater productions. +Mentor students.","Calendar and scheduling software +Computer aided design CAD software— Autodesk Maya +Computer based training software— Blackboard software; Learning management system LMS; Moodle; Sakai CLE;3 more +Data base management system software— MySQL +Desktop communications software— Edmodo +Desktop publishing software— Adobe InDesign; QuarkXPress +Development environment software— Microsoft Visual Studio; PhoneGap +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Faux Labs Splashup; Next Limit Maxwell Render;3 more +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Music or sound editing software— Adobe Audition; Apple Logic Pro; Pure Data PD; Sonic Studio audio software;2 more +Office suite software— Microsoft Office software +Operating system software— Linux +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple DVD Studio Pro; Apple Final Cut Pro; The Foundry Nuke;2 more +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Cascading style sheets CSS; Hypertext markup language HTML; JavaScript; PHP +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Teach humanities courses at the college level. +Evaluate student work. +Tutor students who need extra assistance. +Guide class discussions. +Develop instructional materials. +Maintain student records. +Coordinate student extracurricular activities. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Administer tests to assess educational needs or progress. +Prepare tests. +Supervise student research or internship work. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Research topics in area of expertise. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Maintain facilities. +Repair structural components. +Write articles, books or other original materials in area of expertise. +Display student work. +Plan community programs or activities for the general public. +Serve on institutional or departmental committees. +Write grant proposals. +Compile specialized bibliographies or lists of materials. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 86% responded “Every day.” +Contact With Others— 83% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Freedom to Make Decisions— 66% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Public Speaking— 60% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Physical Proximity— 40% responded “Very close (near touching).” +Duration of Typical Work Week— 48% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 34% responded “Very important.” +Level of Competition— 33% responded “Moderately competitive.” +Time Pressure— 36% responded “Once a week or more but not every day.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Telephone Conversations— 44% responded “Once a week or more but not every day.” +Frequency of Decision Making— 31% responded “Once a month or more but not every week.” +Spend Time Standing— 35% responded “About half the time.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Important results.” +Deal With External Customers or the Public in General— 28% responded “Very important.”","Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architecture Teachers, Postsecondary +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Choreographers +Communications Teachers, Postsecondary +Education Teachers, Postsecondary +English Language and Literature Teachers, Postsecondary +Instructional Coordinators +Music Directors and Composers +Self-Enrichment Teachers +Teaching Assistants, Postsecondary","View the list of Allies +American Association of University Professors +external site +American Musicological Society +external site +American Society for Theatre Research +external site +American String Teachers Association +external site +Association for Theatre in Higher Education +external site +College Art Association +external site +Council of Graduate Schools +external site +Music Teachers National Association +external site +National Association for Music Education +external site +National Association of Teachers of Singing +external site +Professional Association for Design +external site +Southeastern Theatre Conference +external site +The College Music Society +external site +United States Institute for Theatre Technology +external site +Actors' Equity Association +external site +American Federation of Musicians +external site",50,2,18,82,35,48,36,92,46,20,24,34,17,55,43,32,64,26,56,21,60,40,53,36,14,23,18,18,18,49,33,98,60 +25-4013.00,Museum Technicians and Conservators,https://www.onetonline.org/link/summary/25-4013.00,2025-06-11T19:02:02.801234,"Install, arrange, assemble, and prepare artifacts for exhibition, ensuring the artifacts' safety, reporting their status and condition, and identifying and correcting any problems with the set up. +Repair, restore, and reassemble artifacts, designing and fabricating missing or broken parts, to restore them to their original appearance and prevent deterioration. +Clean objects, such as paper, textiles, wood, metal, glass, rock, pottery, and furniture, using cleansers, solvents, soap solutions, and polishes. +Photograph objects for documentation. +Determine whether objects need repair and choose the safest and most effective method of repair. +Prepare artifacts for storage and shipping. +Enter information about museum collections into computer databases. +Recommend preservation procedures, such as control of temperature and humidity, to curatorial and building staff. +Notify superior when restoration of artifacts requires outside experts. +Supervise and work with volunteers. +Perform on-site field work which may involve interviewing people, inspecting and identifying artifacts, note-taking, viewing sites and collections, and repainting exhibition spaces. +Lead tours and teach educational courses to students and the general public. +Classify and assign registration numbers to artifacts and supervise inventory control. +Study object documentation or conduct standard chemical and physical tests to ascertain the object's age, composition, original appearance, need for treatment or restoration, and appropriate preservation method. +Prepare reports on the operation of conservation laboratories, documenting the condition of artifacts, treatment options, and the methods of preservation and repair used. +Specialize in particular materials or types of object, such as documents and books, paintings, decorative arts, textiles, metals, or architectural materials. +Perform tests and examinations to establish storage and conservation requirements, policies, and procedures. +Direct and supervise curatorial, technical, and student staff in the handling, mounting, care, and storage of art objects. +Coordinate exhibit installations, assisting with design, constructing displays, dioramas, display cases, and models, and ensuring the availability of necessary materials. +Preserve or direct preservation of objects, using plaster, resin, sealants, hardeners, and shellac. +Plan and conduct research to develop and improve methods of restoring and preserving specimens. +Deliver artwork on courier trips. +Build, repair, and install wooden steps, scaffolds, and walkways to gain access to or permit improved view of exhibited equipment. +Estimate cost of restoration work.","Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Gallery Systems EmbARK; PastPerfect Software PastPerfect; Questor Systems ARGUS; Questor Systems QScan32 +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Object oriented data base management software— Microsoft Visual FoxPro +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Prepare materials for preservation, storage, or display. +Construct exhibits or parts of exhibits. +Classify materials according to standard systems. +Direct department activities. +Evaluate characteristics of archival or historical objects. +Inspect materials or equipment to determine need for repair or replacement. +Maintain operational records. +Enter information into databases or software programs. +Record research or operational data. +Advise educators on curricula, instructional methods, or policies. +Develop policies or procedures for archives, museums or libraries. +Direct activities of subordinates. +Discuss problems or issues with supervisors. +Research topics in area of expertise. +Plan community programs or activities for the general public.","Freedom to Make Decisions— 69% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +E-Mail— 61% responded “Every day.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Telephone Conversations— 42% responded “Every day.” +Contact With Others— 38% responded “Contact with others most of the time.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “More than half the time.” +Deal With External Customers or the Public in General— 29% responded “Extremely important.” +Spend Time Standing— 50% responded “About half the time.” +Time Pressure— 42% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Very important.” +Frequency of Decision Making— 30% responded “Every day.” +Importance of Repeating Same Tasks— 33% responded “Important.” +Physical Proximity— 32% responded “I work with others but not closely (e.g., private office).” +Health and Safety of Other Workers— 25% responded “High responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 23% responded “No responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Archivists +Bright Outlook +Career/Technical Education Teachers, Postsecondary +Chemical Technicians +Craft Artists +Curators +Fine Artists, Including Painters, Sculptors, and Illustrators +Forest and Conservation Technicians +Historians +Librarians and Media Collections Specialists +Set and Exhibit Designers","View the list of Allies +American Alliance of Museums +external site +American Association for State and Local History +external site +American Institute for Conservation +external site +Association of Registrars and Collections Specialists +external site +Association of Science and Technology Centers +external site +Council of State Archivists +external site +International Council of Museums +external site +International Institute for Conservation of Historic and Artistic Works +external site +Society for American Archaeology +external site +Society of American Archivists +external site +Society of Vertebrate Paleontology +external site +The Society for the Preservation of Natural History Collections +external site +Academy of Certified Archivists +external site",30,5,42,60,40,53,58,40,46,16,12,25,52,33,15,27,37,44,22,35,18,6,30,20,6,36,25,27,24,40,26,62,55 +29-1242.00,"Orthopedic Surgeons, Except Pediatric",https://www.onetonline.org/link/summary/29-1242.00,2025-06-11T19:07:21.841090,"Analyze patient's medical history, medication allergies, physical condition, and examination results to verify operation's necessity and to determine best procedure. +Conduct research to develop and test surgical techniques that can improve operating procedures and outcomes related to musculoskeletal injuries and diseases. +Diagnose bodily disorders and orthopedic conditions, and provide treatments, such as medicines and surgeries, in clinics, hospital wards, or operating rooms. +Diagnose or treat disorders of the musculoskeletal system. +Direct and coordinate activities of nurses, assistants, specialists, residents, and other medical staff. +Examine instruments, equipment, and operating room to ensure sterility. +Examine patient to obtain information on medical condition and surgical risk. +Follow established surgical techniques during the operation. +Manage surgery services, including planning, scheduling and coordination, determination of procedures, or procurement of supplies and equipment. +Operate on patient's musculoskeletal system to correct deformities, repair injuries, prevent and treat diseases, or improve or restore patient's functions. +Order and interpret the results of laboratory tests and diagnostic imaging procedures. +Prepare case histories. +Prescribe preoperative and postoperative treatments and procedures, such as sedatives, diets, antibiotics, or preparation and treatment of the patient's operative area. +Provide consultation and surgical assistance to other physicians and surgeons. +Refer patient to medical specialist or other practitioners when necessary.","Graphics or photo imaging software— Computer imaging software +Human resources software— Human resources management system HRMS +Medical software— Electronic medical record EMR software; Epic Systems; MEDITECH software; Three-dimensional 3D virtual surgery software;5 more +Operating system software— Microsoft Windows",,"Diagnose medical conditions. +Operate on patients to treat conditions. +Prescribe medications. +Advise medical personnel regarding healthcare issues. +Analyze patient data to determine patient needs or treatment goals. +Analyze test data or images to inform diagnosis or treatment. +Assist healthcare practitioners during surgery. +Conduct research to increase knowledge about medical issues. +Examine patients to assess general physical condition. +Follow protocols or regulations for healthcare activities. +Manage healthcare operations. +Order medical diagnostic or clinical tests. +Order medical supplies or equipment. +Prescribe treatments or therapies. +Record patient medical histories. +Refer patients to other healthcare practitioners or health resources. +Schedule patient procedures or appointments. +Sterilize medical equipment or instruments. +Supervise patient care personnel. +Treat chronic diseases or disorders.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Anesthesiologists +Dermatologists +Bright Outlook +General Internal Medicine Physicians +Neurologists +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians +Podiatrists +Urologists","View the list of Allies +American Academy of Family Physicians +external site +American Academy of Orthopaedic Surgeons +external site +American Association for Hand Surgery +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Orthopaedic Society for Sports Medicine +external site +American Osteopathic Association +external site +American Shoulder and Elbow Surgeons +external site +American Society for Surgery of the Hand +external site +American Society of General Surgeons +external site +American Spinal Injury Association +external site +American Surgical Association +external site +Arthroscopy Association of North America +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +International Society for the Study of the Lumbar Spine +external site +North American Spine Society +external site +Pediatric Orthopaedic Society of North America +external site +Mid-America Orthopaedic Association +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +27-2021.00,Athletes and Sports Competitors,https://www.onetonline.org/link/summary/27-2021.00,2025-06-11T19:03:12.354715,"Assess performance following athletic competition, identifying strengths and weaknesses and making adjustments to improve future performance. +Maintain equipment used in a particular sport. +Attend scheduled practice or training sessions. +Maintain optimum physical fitness levels by training regularly, following nutrition plans, or consulting with health professionals. +Participate in athletic events or competitive sports, according to established rules and regulations. +Exercise or practice under the direction of athletic trainers or professional coaches to develop skills, improve physical condition, or prepare for competitions. +Receive instructions from coaches or other sports staff prior to events and discuss performance afterwards. +Represent teams or professional sports clubs, performing such activities as meeting with members of the media, making speeches, or participating in charity events. +Lead teams by serving as captain.","Analytical or scientific software— Motion analysis software +Electronic mail software— Email software +Enterprise resource planning ERP software— Oracle PeopleSoft +Graphics or photo imaging software— Adobe Photoshop +Instant messaging software— Twitter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Evaluate skills of athletes or performers. +Practice athletic or artistic skills. +Participate in athletic events. +Promote products, activities, or organizations. +Coach others.","Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Level of Competition— 67% responded “Extremely competitive.” +Contact With Others— 60% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Outdoors, Exposed to All Weather Conditions— 59% responded “Every day.” +Freedom to Make Decisions— 53% responded “Some freedom.” +Telephone Conversations— 41% responded “Every day.” +Spend Time Standing— 48% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +E-Mail— 39% responded “Every day.” +Work Schedules— 62% responded “Seasonal (only during certain times of the year).” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Time Pressure— 41% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Continually or almost continually.” +Frequency of Decision Making— 40% responded “Every day.” +Importance of Repeating Same Tasks— 47% responded “Extremely important.” +Health and Safety of Other Workers— 32% responded “High responsibility.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 56% responded “Important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 47% responded “Every day.” +Work Outcomes and Results of Other Workers— 28% responded “Very high responsibility.” +Physical Proximity— 36% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 26% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 30% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 36% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 34% responded “Less than half the time.” +Indoors, Environmentally Controlled— 34% responded “Every day.” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Spend Time Keeping or Regaining Balance— 29% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 40% responded “Once a year or more but not every month.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 24% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Speech Clarity— The ability to speak clearly so others can understand you. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Amusement and Recreation Attendants +Bright Outlook +Athletic Trainers +Career/Technical Education Teachers, Secondary School +Coaches and Scouts +Dancers +Exercise Trainers and Group Fitness Instructors +Musicians and Singers +Self-Enrichment Teachers +Training and Development Specialists +Umpires, Referees, and Other Sports Officials","View the list of Allies +International Horsemanship Association +external site +National Federation of State High School Associations +external site +National Council of Youth Sports +external site",65,20,35,67,52,68,47,56,47,47,54,60,22,41,34,26,58,44,14,36,37,31,27,33,17,32,22,27,10,32,23,10,16 +49-2098.00,Security and Fire Alarm Systems Installers,https://www.onetonline.org/link/summary/49-2098.00,2025-06-11T19:21:38.641249,"Install, maintain, or repair security systems, alarm devices, or related equipment, following blueprints of electrical layouts and building plans. +Mount and fasten control panels, door and window contacts, sensors, or video cameras, and attach electrical and telephone wiring to connect components. +Demonstrate systems for customers and explain details, such as the causes and consequences of false alarms. +Test and repair circuits and sensors, following wiring and system specifications. +Feed cables through access holes, roof spaces, or cavity walls to reach fixture outlets, positioning and terminating cables, wires, or strapping. +Examine systems to locate problems, such as loose connections or broken insulation. +Test backup batteries, keypad programming, sirens, or other security features to ensure proper functioning or to diagnose malfunctions. +Drill holes for wiring in wall studs, joists, ceilings, or floors. +Inspect installation sites and study work orders, building plans, and installation manuals to determine materials requirements and installation procedures. +Consult with clients to assess risks and to determine security requirements. +Mount raceways and conduits and fasten wires to wood framing, using staplers. +Adjust sensitivity of units, based on room structures and manufacturers' recommendations, using programming keypads. +Keep informed of new products and developments. +Order replacement parts. +Prepare documents, such as invoices or warranties. +Provide customers with cost estimates for equipment installation.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Network monitoring software— Traceroute +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system; Microsoft Windows +Platform interconnectivity software— Microsoft Hyperterminal +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Exacq Technologies software +Word processing software— Microsoft Word","Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Install electrical components, equipment, or systems. +Explain use of products or services. +Position equipment using hand tools, power tools, or heavy equipment. +Repair electrical components. +Repair electrical circuits or wiring. +Test electrical circuits or components for proper functioning. +Inspect equipment to locate or identify electrical problems. +Lay cables to connect equipment. +Inspect safety equipment to ensure proper functioning. +Drill holes in parts, equipment, or materials. +Determine types of equipment, tools, or materials needed for jobs. +Plan work procedures. +Document operational activities. +Confer with customers or users to assess problems. +Run wiring to connect equipment. +Adjust equipment to ensure optimal performance. +Estimate costs for labor or materials. +Maintain knowledge of current developments in area of expertise. +Order materials, supplies, or equipment.","Telephone Conversations— 99% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams +Frequency of Decision Making— 77% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 67% responded “Very important results.” +Contact With Others— 72% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 82% responded “Every day.” +Freedom to Make Decisions +Determine Tasks, Priorities and Goals +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 82% responded “Every day.” +Spend Time Standing— 46% responded “More than half the time.” +Duration of Typical Work Week +E-Mail— 21% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 24% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 59% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 29% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 60% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 44% responded “High responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 31% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 36% responded “More than half the time.” +Consequence of Error— 43% responded “Extremely serious.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Written Letters and Memos— 43% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 43% responded “Once a month or more but not every week.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 35% responded “About half the time.” +Outdoors, Exposed to All Weather Conditions— 45% responded “Once a month or more but not every week.” +Level of Competition— 22% responded “Moderately competitive.” +Conflict Situations— 48% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Exposed to High Places— 37% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 62% responded “Important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electricians +Electronic Equipment Installers and Repairers, Motor Vehicles +Lighting Technicians +Power Distributors and Dispatchers +Radio, Cellular, and Tower Equipment Installers and Repairers +Security Management Specialists +Telecommunications Equipment Installers and Repairers, Except Line Installers","View the list of Allies +Electronic Security Association +external site +National Fire Protection Association +external site +Security Industry Association +external site +Automatic Fire Alarm Association +external site +International Brotherhood of Electrical Workers +external site +National Institute for Certification in Engineering Technologies +external site",66,,44,53,48,39,77,51,30,16,27,16,10,68,7,29,28,53,,12,12,,1,65,1,53,58,26,,35,7,, +27-2041.00,Music Directors and Composers,https://www.onetonline.org/link/summary/27-2041.00,2025-06-11T19:03:26.238577,"Use gestures to shape the music being played, communicating desired tempo, phrasing, tone, color, pitch, volume, and other performance aspects. +Direct groups at rehearsals and live or recorded performances to achieve desired effects such as tonal and harmonic balance dynamics, rhythm, and tempo. +Study scores to learn the music in detail, and to develop interpretations. +Apply elements of music theory to create musical and tonal structures, including harmonies and melodies. +Consider such factors as ensemble size and abilities, availability of scores, and the need for musical variety, to select music to be performed. +Determine voices, instruments, harmonic structures, rhythms, tempos, and tone balances required to achieve the effects desired in a musical composition. +Experiment with different sounds, and types and pieces of music, using synthesizers and computers as necessary to test and evaluate ideas. +Transcribe ideas for musical compositions into musical notation, using instruments, pen and paper, or computers. +Audition and select performers for musical presentations. +Plan and schedule rehearsals and performances, and arrange details such as locations, accompanists, and instrumentalists. +Write musical scores for orchestras, bands, choral groups, or individual instrumentalists or vocalists, using knowledge of music theory and of instrumental and vocal capabilities. +Position members within groups to obtain balance among instrumental or vocal sections. +Perform administrative tasks such as applying for grants, developing budgets, negotiating contracts, and designing and printing programs and other promotional materials. +Confer with producers and directors to define the nature and placement of film or television music. +Meet with soloists and concertmasters to discuss and prepare for performances. +Fill in details of orchestral sketches, such as adding vocal parts to scores. +Explore and develop musical ideas based on sources such as imagination or sounds in the environment. +Write music for commercial mediums, including advertising jingles or film soundtracks. +Transpose music from one voice or instrument to another to accommodate particular musicians. +Rewrite original musical scores in different musical styles by changing rhythms, harmonies, or tempos. +Arrange music composed by others, changing the music to achieve desired effects. +Assign and review staff work in such areas as scoring, arranging, and copying music, and vocal coaching. +Study films or scripts to determine how musical scores can be used to create desired effects or moods. +Transcribe musical compositions and melodic lines to adapt them to a particular group, or to create a particular musical style. +Create original musical forms, or write within circumscribed musical forms such as sonatas, symphonies, or operas. +Collaborate with other colleagues, such as copyists, to complete final scores. +Copy parts from scores for individual performers. +Coordinate and organize tours, or hire touring companies to arrange concert dates, venues, accommodations, and transportation for longer tours. +Produce recordings of music. +Stay abreast of the latest trends in music and music technology.","Data base user interface and query software— Music Director Pro +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Music or sound editing software— Audacity; Avid Pro Tools; XT Software energyXT; ZynAddSubFX;73 more +Office suite software— Microsoft Office software +Presentation software— MediaShout; Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple Final Cut Pro +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Coordinate musical rehearsals or performances. +Study details of musical compositions. +Create musical compositions, arrangements or scores. +Determine presentation subjects or content. +Audition or interview potential performers or staff members. +Select staff, team members, or performers. +Design layout of art or product exhibits, displays, or promotional materials. +Direct fundraising or financing activities. +Negotiate for services. +Collaborate with others to prepare or perform artistic productions. +Collaborate with others to determine technical details of productions. +Coordinate artistic activities. +Coordinate logistics for productions or events. +Study scripts to determine project requirements. +Operate audio recording equipment. +Stay informed about current developments in field of specialization.","Freedom to Make Decisions— 77% responded “A lot of freedom.” +E-Mail— 70% responded “Every day.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Contact With Others— 48% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Public Speaking— 38% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Frequency of Decision Making— 37% responded “Once a week or more but not every day.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Level of Competition— 43% responded “Extremely competitive.” +Work Outcomes and Results of Other Workers— 38% responded “High responsibility.” +Spend Time Sitting— 32% responded “About half the time.” +Importance of Repeating Same Tasks— 44% responded “Extremely important.” +Spend Time Making Repetitive Motions— 44% responded “More than half the time.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Physical Proximity— 33% responded “Moderately close (at arm's length).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Art Directors +Art, Drama, and Music Teachers, Postsecondary +Choreographers +Film and Video Editors +Media Programming Directors +Bright Outlook +Music Therapists +Musicians and Singers +Poets, Lyricists and Creative Writers +Producers and Directors +Talent Directors","View the list of Allies +American Choral Directors Association +external site +American Guild of Organists +external site +American Society of Music Arrangers and Composers +external site +American String Teachers Association +external site +Association of Lutheran Church Musicians +external site +Broadcast Music, Incorporated +external site +Choristers Guild +external site +Chorus America +external site +Dramatists Guild +external site +Future of Music Coalition +external site +International Conductors Guild +external site +League of American Orchestras +external site +National Association for Music Education +external site +National Association of Pastoral Musicians +external site +National Association of Schools of Music +external site +National Association of Teachers of Singing +external site +Percussive Arts Society +external site +SESAC Performing Rights +external site +The College Music Society +external site +The Fellowship of United Methodists in Music and Worship Arts +external site +YouthCUE +external site +American Federation of Musicians +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site",52,2,27,70,24,45,15,62,49,24,38,37,2,60,29,21,47,10,52,10,40,19,26,22,5,17,4,10,3,23,16,93,34 +31-1122.00,Personal Care Aides,https://www.onetonline.org/link/summary/31-1122.00,2025-06-11T19:09:22.145855,"Prepare and maintain records of client progress and services performed, reporting changes in client condition to manager or supervisor. +Administer bedside or personal care, such as ambulation or personal hygiene assistance. +Perform healthcare-related tasks, such as monitoring vital signs and medication, under the direction of registered nurses or physiotherapists. +Participate in case reviews, consulting with the team caring for the client, to evaluate the client's needs and plan for continuing services. +Instruct or advise clients on issues, such as household cleanliness, utilities, hygiene, nutrition, or infant care. +Care for individuals or families during periods of incapacitation, family disruption, or convalescence, providing companionship, personal care, or help in adjusting to new lifestyles. +Perform housekeeping duties, such as cooking, cleaning, washing clothes or dishes, or running errands. +Provide clients with communication assistance, typing their correspondence or obtaining information for them. +Train family members to provide bedside care. +Plan, shop for, or prepare nutritious meals or assist families in planning, shopping for, or preparing nutritious meals. +Transport clients to locations outside the home, such as to physicians' offices or on outings, using a motor vehicle.","Calendar and scheduling software— August Systems Visit Wizard +Computer based training software— Appletree +Data base reporting software— Mi-Co Mi-Forms +Electronic mail software— Email software; Voltage SecureMail +Medical software— MEDITECH software +Optical character reader OCR or scanning software— Computer reading software +Spreadsheet software +Video conferencing software— FaceTime +Word processing software","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Administer basic health care or medical treatments. +Document client health or progress. +Maintain client information or service records. +Teach health or hygiene practices. +Monitor health or behavior of people or animals. +Develop plans for programs or services. +Provide counsel, comfort, or encouragement to individuals or families. +Prepare foods or meals. +Assist individuals with special needs. +Perform housekeeping duties. +Drive vehicles to transport patrons.","Physical Proximity— 88% responded “Very close (near touching).” +Contact With Others— 73% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Exposed to Disease or Infections— 71% responded “Every day.” +Frequency of Decision Making— 73% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Very important results.” +Time Pressure— 14% responded “Once a year or more but not every month.” +Spend Time Standing— 29% responded “More than half the time.” +Spend Time Walking or Running— 51% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team +Consequence of Error— 60% responded “Extremely serious.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 39% responded “Extremely important.” +Telephone Conversations— 18% responded “Never.” +Deal With External Customers or the Public in General— 15% responded “Not important at all.” +Importance of Repeating Same Tasks— 37% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 41% responded “About half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 35% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 42% responded “Every day.” +Indoors, Environmentally Controlled— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.” +Freedom to Make Decisions— 57% responded “Limited freedom.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Spend Time Making Repetitive Motions— 31% responded “Less than half the time.” +Conflict Situations— 27% responded “Never.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Child, Family, and School Social Workers +Home Health Aides +Bright Outlook +Licensed Practical and Licensed Vocational Nurses +Nannies +Nursing Assistants +Occupational Therapy Aides +Physical Therapist Aides +Psychiatric Aides +Rehabilitation Counselors +Social and Human Service Assistants","View the list of Allies +American Society on Aging +external site +National Association for Home Care and Hospice +external site +PHI +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site",61,50,33,66,33,49,55,60,35,23,29,48,28,39,43,21,22,28,38,61,60,49,45,25,39,29,32,19,27,35,9,18,19 +13-1041.01,Environmental Compliance Inspectors,https://www.onetonline.org/link/summary/13-1041.01,2025-06-11T18:49:26.751645,"Determine the nature of code violations and actions to be taken, and issue written notices of violation, participating in enforcement hearings, as necessary. +Prepare, organize, and maintain inspection records. +Investigate complaints and suspected violations regarding illegal dumping, pollution, pesticides, product quality, or labeling laws. +Determine which sites and violation reports to investigate, and coordinate compliance and enforcement activities with other government agencies. +Interview individuals to determine the nature of suspected violations and to obtain evidence of violations. +Inform individuals and groups of pollution control regulations and inspection findings, and explain how problems can be corrected. +Verify that hazardous chemicals are handled, stored, and disposed of in accordance with regulations. +Learn and observe proper safety precautions, rules, regulations, and practices so that unsafe conditions can be recognized and proper safety protocols implemented. +Monitor follow-up actions in cases where violations were found, and review compliance monitoring reports. +Examine permits, licenses, applications, and records to ensure compliance with licensing requirements. +Prepare written, oral, tabular, and graphic reports summarizing requirements and regulations, including enforcement and chain of custody documentation. +Observe and record field conditions, gathering, interpreting, and reporting data such as flow meter readings and chemical levels. +Determine sampling locations and methods, and collect water or wastewater samples for analysis, preserving samples with appropriate containers and preservation methods. +Research and keep informed of pertinent information and developments in areas such as EPA laws and regulations. +Participate in the development of spill prevention programs and hazardous waste rules and regulations, and recommend corrective actions for hazardous waste problems. +Inspect waste pretreatment, treatment, and disposal facilities and systems for conformance to federal, state, or local regulations. +Analyze and implement state, federal or local requirements as necessary to maintain approved pretreatment, pollution prevention, and storm water runoff programs. +Evaluate label information for accuracy and conformance to regulatory requirements. +Respond to questions and inquiries, such as those concerning service charges and capacity fees, or refer them to supervisors. +Research and perform calculations related to landscape allowances, discharge volumes, production-based and alternative limits, and wastewater strength classifications, making recommendations and completing documentation. +Perform laboratory tests on samples collected, such as analyzing the content of contaminated wastewater. +Inform health professionals, property owners, and the public about harmful properties and related problems of water pollution and contaminated wastewater. +Review and evaluate applications for registration of products containing dangerous materials, or for pollution control discharge permits. +Conduct research on hazardous waste management projects to determine the magnitude of problems and treatment or disposal alternatives and costs. +Maintain and repair materials, work sites, and equipment. +Prepare data to calculate sewer service charges and capacity fees.","Analytical or scientific software— DQO-PRO; Environmental Knowledge and Assessment Tool EKAT; Sustainable Management Approaches and Revitalization Tools SMARTe; Tibco Scribe Software;7 more +Computer aided design CAD software— Autodesk AutoCAD +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Database software; Microsoft Access +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Geographic information system GIS software; Geographic information system GIS systems +Office suite software— Microsoft Office software +Operating system software— UNIX +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Investigate legal issues. +Prepare legal or investigatory documentation. +Maintain data in information systems or databases. +Prepare regulatory or compliance documentation. +Testify at legal or legislative proceedings. +Coordinate enforcement of laws or regulations. +Explain regulations, policies, or procedures. +Inform individuals or organizations of status or findings. +Interview witnesses, suspects, or claimants. +Dispose of hazardous materials. +Monitor the handling of hazardous materials or medical wastes. +Inspect facilities or equipment to ensure specifications are met. +Update professional knowledge. +Review license or permit applications. +Monitor organizational compliance with regulations. +Compile technical information or documentation. +Gather physical survey data. +Analyze environmental regulations to ensure organizational compliance. +Research issues related to the environment or sustainable business practices. +Update knowledge of legal or regulatory environments. +Examine product information to ensure compliance with regulations. +Correspond with customers to answer questions or resolve complaints. +Advise others on business or operational matters. +Prepare financial documents. +Communicate results of environmental research. +Communicate with the public on environmental issues. +Test chemical or physical characteristics of materials or products. +Test fluids to identify contamination or other problems. +Maintain electronic equipment. +Maintain facilities. +Maintain mechanical equipment. +Establish organizational guidelines or policies. +Calculate data to inform organizational operations.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 55% responded “Every day.” +Determine Tasks, Priorities and Goals— 60% responded “Some freedom.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Freedom to Make Decisions— 80% responded “Some freedom.” +Written Letters and Memos— 60% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a week or more but not every day.” +Spend Time Sitting— 63% responded “More than half the time.” +Time Pressure— 40% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 35% responded “Every day.” +Exposed to Contaminants— 30% responded “Every day.” +Indoors, Not Environmentally Controlled— 30% responded “Every day.” +Duration of Typical Work Week— 70% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 37% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 40% responded “Once a month or more but not every week.” +Conflict Situations— 35% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Compliance Managers +Environmental Engineering Technologists and Technicians +Environmental Engineers +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Government Property Inspectors and Investigators +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Occupational Health and Safety Specialists +Regulatory Affairs Specialists","View the list of Allies +Air and Waste Management Association +external site +American Society of Safety Professionals +external site +Institute of Internal Auditors +external site +International Network for Environmental Compliance and Enforcement +external site +Society of Quality Assurance +external site",59,6,29,80,53,44,50,44,41,11,9,19,60,61,21,78,26,34,8,21,20,4,11,19,15,46,34,38,47,30,33,1,8 +11-9041.01,Biofuels/Biodiesel Technology and Product Development Managers,https://www.onetonline.org/link/summary/11-9041.01,2025-06-11T18:48:04.528791,"Design or conduct applied biodiesel or biofuels research projects on topics, such as transport, thermodynamics, mixing, filtration, distillation, fermentation, extraction, and separation. +Analyze data from biofuels studies, such as fluid dynamics, water treatments, or solvent extraction and recovery processes. +Prepare, or oversee the preparation of, experimental plans for biofuels research or development. +Provide technical or scientific guidance to technical staff in the conduct of biofuels research or development. +Propose new biofuels products, processes, technologies or applications based on findings from applied biofuels or biomass research projects. +Conduct experiments on biomass or pretreatment technologies. +Prepare biofuels research and development reports for senior management or technical professionals. +Develop lab scale models of industrial scale processes, such as fermentation. +Oversee biodiesel/biofuels prototyping or development projects. +Conduct experiments to test new or alternate feedstock fermentation processes. +Develop methods to estimate the efficiency of biomass pretreatments. +Perform protein functional analysis and engineering for processing of feedstock and creation of biofuels. +Conduct research to breed or develop energy crops with improved biomass yield, environmental adaptability, pest resistance, production efficiency, bioprocessing characteristics, or reduced environmental impacts. +Develop computational tools or approaches to improve biofuels research and development activities. +Develop separation processes to recover biofuels. +Design chemical conversion processes, such as etherification, esterification, interesterification, transesterification, distillation, hydrogenation, oxidation or reduction of fats and oils, and vegetable oil refining. +Design or execute solvent or product recovery experiments in laboratory or field settings. +Develop methods to recover ethanol or other fuels from complex bioreactor liquid and gas streams.","Accounting software— Fund accounting software +Analytical or scientific software— Agilent ChemStation; Fleet Asset Management and Optimization Solutions FAMOS PEPSE; GE Energy GateCycle +Computer aided design CAD software +Computer aided manufacturing CAM software— Dassault Systemes CATIA +Data base management system software— Microsoft SQL Server +Data base user interface and query software— Structure query language SQL +Development environment software— Formula translation/translator FORTRAN; National Instruments LabVIEW +Electronic mail software— Email software +Enterprise application integration software— Microsoft SQL Server Integration Services SSIS +Enterprise resource planning ERP software— Ab Initio; Microsoft Dynamics; SAP software +Graphics or photo imaging software— Adobe Illustrator +Internet browser software— Web browser software +Medical software— Epic Systems +Object or component oriented development software— Microsoft SQL Server Reporting Services SSRS; Oracle Java; Perl; Python +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Time accounting software— Microsoft Great Plains Personal Data Keeper +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Develop technical processes to improve the efficiency of biofuel production. +Evaluate energy production data. +Develop operating strategies, plans, or procedures for green or sustainable operations. +Supervise workers performing environmentally sustainable activities. +Develop specifications for new products or processes. +Test green technologies or processes. +Communicate green energy production information. +Model operational processes. +Direct green energy production operations.","E-Mail— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Telephone Conversations— 67% responded “Every day.” +Importance of Being Exact or Accurate— 47% responded “Very important.” +Contact With Others— 37% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 61% responded “Every day.” +Frequency of Decision Making— 51% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 55% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Level of Competition— 29% responded “Extremely competitive.” +Spend Time Sitting— 33% responded “Less than half the time.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Written Letters and Memos— 30% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 44% responded “High responsibility.” +Exposed to Hazardous Conditions— 36% responded “Every day.” +Exposed to Contaminants— 29% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 31% responded “Every day.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Science— Using scientific rules and methods to solve problems. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Far Vision— The ability to see details at a distance.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bioengineers and Biomedical Engineers +Bright Outlook +Biofuels Production Managers +Biomass Power Plant Managers +Chemical Engineers +Energy Engineers, Except Wind and Solar +Geothermal Production Managers +Manufacturing Engineers +Nanotechnology Engineering Technologists and Technicians +Water/Wastewater Engineers +Wind Energy Development Managers","View the list of Allies +American Association for the Advancement of Science +external site +American Chemical Society +external site +American Council on Renewable Energy +external site +American Institute of Architects +external site +American Institute of Chemical Engineers +external site +American Society of Agricultural and Biological Engineers +external site +American Society of Mechanical Engineers +external site +ASTM International +external site +Biophysical Society +external site +Biotechnology Innovation Organization +external site +Clean Fuels Alliance America +external site +Process Industry Practices +external site +Renewable Fuels Association +external site +Society for Industrial Microbiology and Biotechnology +external site +The American Oil Chemists' Society +external site +Midwest Renewable Energy Association +external site +Northeast Sustainable Energy Association +external site +Southern Renewable Energy Association +external site +Western States Petroleum Association +external site +Accreditation Board for Engineering and Technology +external site +Association of Technology, Management, and Applied Engineering +external site +Renewable Energy Institute +external site",49,10,60,77,64,52,44,38,37,33,32,32,76,56,4,30,32,55,3,29,16,6,7,17,5,74,41,46,42,39,25,1,1 +43-4131.00,Loan Interviewers and Clerks,https://www.onetonline.org/link/summary/43-4131.00,2025-06-11T19:15:53.944609,"Verify and examine information and accuracy of loan application and closing documents. +Assemble and compile documents for loan closings, such as title abstracts, insurance forms, loan forms, and tax receipts. +Record applications for loan and credit, loan information, and disbursements of funds, using computers. +Submit loan applications with recommendation for underwriting approval. +Contact customers by mail, telephone, or in person concerning acceptance or rejection of applications. +File and maintain loan records. +Contact credit bureaus, employers, and other sources to check applicants' credit and personal references. +Check value of customer collateral to be held as loan security. +Interview loan applicants to obtain personal and financial data and to assist in completing applications. +Prepare and type loan applications, closing documents, legal documents, letters, forms, government notices, and checks, using computers. +Review customer accounts to determine whether payments are made on time and that other loan terms are being followed. +Calculate, review, and correct errors on interest, principal, payment, and closing costs, using computers or calculators. +Answer questions and advise customers regarding loans and transactions. +Present loan and repayment schedules to customers. +Order property insurance or mortgage insurance policies to ensure protection against loss on mortgaged property. +Accept payment on accounts. +Schedule and conduct closings of mortgage transactions. +Establish credit limits and grant extensions of credit on overdue accounts.","Accounting software— Automated financial software +Customer relationship management CRM software— Loan tracking software; Microsoft Dynamics +Data base user interface and query software— Microsoft Access +Desktop publishing software +Electronic mail software— Microsoft Outlook +Financial analysis software— Automated underwriting software; Fannie Mae Desktop Underwriter; Lending software systems; Software AG Underwriting Solution;2 more +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel; Rockport Integrated Excel Underwriting +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Verify accuracy of financial or transactional data. +Compile data or documentation. +Maintain financial or account records. +Prepare documentation for contracts, transactions, or regulatory compliance. +Obtain personal or financial information about customers or applicants. +Provide notifications to customers or patrons. +Determine the value of goods or services. +Interview employees, customers, or others to collect information. +Prepare business correspondence. +Type documents. +Calculate financial data. +Monitor financial information. +Discuss account status or activity with customers or patrons. +Arrange insurance coverage. +Collect deposits, payments or fees. +Schedule appointments. +Negotiate financial arrangements.","Telephone Conversations— 100% responded “Every day.” +Contact With Others— 97% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Spend Time Sitting— 70% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Frequency of Decision Making— 70% responded “Every day.” +Time Pressure— 62% responded “Every day.” +Written Letters and Memos— 58% responded “Every day.” +Determine Tasks, Priorities and Goals— 27% responded “Some freedom.” +Freedom to Make Decisions +E-Mail— 81% responded “Every day.” +Importance of Repeating Same Tasks +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results +Level of Competition— 36% responded “Extremely competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 60% responded “40 hours.” +Conflict Situations— 20% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 60% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 37% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Mathematics— Using mathematics to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bill and Account Collectors +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Brokerage Clerks +Credit Analysts +Credit Authorizers, Checkers, and Clerks +Credit Counselors +Insurance Claims and Policy Processing Clerks +Loan Officers +New Accounts Clerks +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +American Bankers Association +external site +Mortgage Bankers Association +external site",85,,32,80,59,47,18,46,68,44,45,29,,61,7,60,30,2,2,4,11,,2,30,,13,7,,,7,20,, +47-2141.00,"Painters, Construction and Maintenance",https://www.onetonline.org/link/summary/47-2141.00,2025-06-11T19:19:04.938611,"Fill cracks, holes, or joints with caulk, putty, plaster, or other fillers, using caulking guns or putty knives. +Cover surfaces with dropcloths or masking tape and paper to protect surfaces during painting. +Smooth surfaces, using sandpaper, scrapers, brushes, steel wool, or sanding machines. +Read work orders or receive instructions from supervisors or homeowners to determine work requirements. +Apply primers or sealers to prepare new surfaces, such as bare wood or metal, for finish coats. +Apply paint, stain, varnish, enamel, or other finishes to equipment, buildings, bridges, or other structures, using brushes, spray guns, or rollers. +Erect scaffolding or swing gates, or set up ladders, to work above ground level. +Mix and match colors of paint, stain, or varnish with oil or thinning and drying additives to obtain desired colors and consistencies. +Calculate amounts of required materials and estimate costs, based on surface measurements or work orders. +Polish final coats to specified finishes. +Wash and treat surfaces with oil, turpentine, mildew remover, or other preparations, and sand rough spots to ensure that finishes will adhere properly. +Select and purchase tools or finishes for surfaces to be covered, considering durability, ease of handling, methods of application, and customers' wishes. +Remove old finishes by stripping, sanding, wire brushing, burning, or using water or abrasive blasting. +Remove fixtures such as pictures, door knobs, lamps, or electric switch covers prior to painting. +Use special finishing techniques such as sponging, ragging, layering, or faux finishing. +Cut stencils and brush or spray lettering or decorations on surfaces. +Waterproof buildings, using waterproofers or caulking. +Spray or brush hot plastics or pitch onto surfaces. +Bake finishes on painted or enameled articles, using baking ovens. +Clean tools and equipment, such as brushes and rollers. +Hang wallpaper.","Analytical or scientific software— Evergreen Technology Total Faux +Customer relationship management CRM software— Act! +Data base user interface and query software— Insight Direct ServiceCEO +Graphics or photo imaging software— Corel Paint Shop Pro; Corel Painter +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— Evergreen Technology Eagle Bid Estimating; On Center Quick Bid; Turtle Creek Software Goldenseal +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Protect structures or surfaces near work areas to avoid damage. +Apply material to fill gaps in surfaces. +Smooth surfaces with abrasive materials or tools. +Review blueprints or specifications to determine work requirements. +Prepare surfaces for finishing. +Apply paint to surfaces. +Assemble temporary equipment or structures. +Mix substances or compounds needed for work activities. +Estimate construction project costs. +Estimate materials requirements for projects. +Clean surfaces in preparation for work activities. +Order construction or extraction materials or equipment. +Select construction equipment. +Apply sealants or other protective coatings. +Apply decorative or textured finishes or coverings. +Cut carpet, vinyl or other flexible materials. +Operate heating or drying equipment.","Spend Time Standing— 89% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 84% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Spend Time Making Repetitive Motions— 69% responded “Continually or almost continually.” +Contact With Others— 51% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 14% responded “Very important.” +Spend Time Bending or Twisting Your Body— 57% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets +Time Pressure— 43% responded “Every day.” +Health and Safety of Other Workers— 12% responded “High responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Once a month or more but not every week.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 49% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Exposed to Contaminants— 34% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 24% responded “Very important results.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Exposed to High Places— 36% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 30% responded “Some freedom.” +Frequency of Decision Making— 52% responded “Every day.” +Telephone Conversations— 41% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 25% responded “Less than half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 36% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 28% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 37% responded “Once a month or more but not every week.” +Level of Competition— 27% responded “Extremely competitive.” +Spend Time Walking or Running— 28% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 39% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 28% responded “Very little freedom.” +Exposed to Cramped Work Space, Awkward Positions— 41% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Drywall and Ceiling Tile Installers +Furniture Finishers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Insulation Workers, Floor, Ceiling, and Wall +Molders, Shapers, and Casters, Except Metal and Plastic +Painting, Coating, and Decorating Workers +Paperhangers +Bright Outlook +Plasterers and Stucco Masons +Roofers","View the list of Allies +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Home Builders Institute +external site +Painting Contractors Association +external site +International Union of Painters and Allied Trades +external site +National Center for Construction Education and Research +external site",63,14,46,65,48,68,72,60,54,48,43,38,37,29,33,49,31,49,18,51,28,20,16,23,15,35,61,32,20,35,19,11,16 +19-2041.00,"Environmental Scientists and Specialists, Including Health",https://www.onetonline.org/link/summary/19-2041.00,2025-06-11T18:56:44.248319,"Communicate scientific or technical information to the public, organizations, or internal audiences through oral briefings, written documents, workshops, conferences, training sessions, or public hearings. +Monitor effects of pollution or land degradation and recommend means of prevention or control. +Collect, synthesize, analyze, manage, and report environmental data, such as pollution emission measurements, atmospheric monitoring measurements, meteorological or mineralogical information, or soil or water samples. +Review and implement environmental technical standards, guidelines, policies, and formal regulations that meet all appropriate requirements. +Provide scientific or technical guidance, support, coordination, or oversight to governmental agencies, environmental programs, industry, or the public. +Process and review environmental permits, licenses, or related materials. +Conduct environmental audits or inspections or investigations of violations. +Provide advice on proper standards and regulations or the development of policies, strategies, or codes of practice for environmental management. +Prepare charts or graphs from data samples, providing summary information on the environmental relevance of the data. +Research sources of pollution to determine their effects on the environment and to develop theories or methods of pollution abatement or control. +Supervise or train students, environmental technologists, technicians, or other related staff. +Monitor environmental impacts of development activities. +Evaluate violations or problems discovered during inspections to determine appropriate regulatory actions or to provide advice on the development and prosecution of regulatory cases. +Analyze data to determine validity, quality, and scientific significance and to interpret correlations between human activities and environmental effects. +Investigate and report on accidents affecting the environment. +Develop the technical portions of legal documents, administrative orders, or consent decrees. +Design or direct studies to obtain technical environmental information about planned projects. +Determine data collection methods to be employed in research projects or surveys. +Conduct applied research on environmental topics, such as waste control or treatment or pollution abatement methods. +Develop programs designed to obtain the most productive, non-damaging use of land. +Plan or develop research models, using knowledge of mathematical and statistical concepts. +Develop methods to minimize the impact of production processes on the environment, based on the study and assessment of industrial production, environmental legislation, and physical, biological, and social environments.","Analytical or scientific software— ADMS pollution modeling software; Laboratory information management system LIMS; Lakes Environmental EcoRisk View; Wolfel IMMI;16 more +Compliance software— Ecotech WinAQMS; Emissions tracking software; Material safety data sheet MSDS software; MIRS Compliance +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation +Data base user interface and query software— Database software; Microsoft Access; Structured query language SQL; Tucows ChemBase;6 more +Development environment software— Microsoft Visual Basic +Document management software— Adobe Acrobat; Microsoft SharePoint Server +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; ESRI ArcInfo; Geographic information system GIS software; Geographic information system GIS systems;1 more +Graphics or photo imaging software— Adobe Illustrator; Corel CorelDraw Graphics Suite; Graphics software; SmugMug Flickr +Internet browser software— Web browser software +Map creation software— Geomechanical design analysis GDA software; Golden Software Surfer; Mapping software; RockWare ArcMap +Object or component oriented development software— C++; Sun Microsystems Java +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Provide technical information or assistance to public. +Advise others about environmental management or conservation. +Monitor environmental impacts of production or development activities. +Compile environmental or climatological data. +Develop environmental sustainability plans or projects. +Assess compliance with environmental laws. +Review environmental permits, plans, or reports. +Research environmental impact of industrial or development activities. +Advise others on matters of public policy. +Prepare information or documentation related to legal or regulatory matters. +Prepare research or technical reports on environmental issues. +Plan environmental research. +Supervise scientific or technical personnel. +Supervise trainees. +Direct technical activities or operations. +Research impacts of environmental conservation initiatives. +Develop plans to manage natural or renewable resources. +Develop sustainable industrial or development methods. +Develop theories or models of physical phenomena.","E-Mail— 94% responded “Every day.” +Telephone Conversations— 75% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Deal With External Customers or the Public in General— 58% responded “Extremely important.” +Contact With Others— 39% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 61% responded “Some freedom.” +Importance of Being Exact or Accurate— 42% responded “Extremely important.” +Time Pressure— 75% responded “Once a week or more but not every day.” +Written Letters and Memos— 58% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 47% responded “Some freedom.” +Indoors, Environmentally Controlled— 58% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Moderate results.” +Level of Competition— 26% responded “Moderately competitive.” +Frequency of Decision Making— 35% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 82% responded “40 hours.” +Work Outcomes and Results of Other Workers— 19% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 27% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Climate Change Policy Analysts +Conservation Scientists +Environmental Compliance Inspectors +Environmental Engineering Technologists and Technicians +Environmental Engineers +Environmental Restoration Planners +Environmental Science and Protection Technicians, Including Health +Hydrologic Technicians +Industrial Ecologists","View the list of Allies +ABSA International +external site +Air and Waste Management Association +external site +American Association for the Advancement of Science +external site +American Association of Petroleum Geologists +external site +American Chemical Society +external site +American Geological Institute +external site +American Geosciences Institute +external site +American Industrial Hygiene Association +external site +American Society of Civil Engineers +external site +American Society of Safety Professionals +external site +American Water Resources Association +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +Ecological Society of America +external site +Health Physics Society +external site +Marine Technology Society +external site +National Environmental Health Association +external site +National Ground Water Association +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Risk Analysis +external site +Society of Wetland Scientists +external site +Soil Science Society of America +external site +University Corporation for Atmospheric Research +external site +Water Environment Federation +external site",67,6,27,88,52,50,58,52,53,20,15,19,55,61,8,63,38,32,4,37,10,4,21,33,5,41,18,41,72,26,48,1,15 +43-9022.00,Word Processors and Typists,https://www.onetonline.org/link/summary/43-9022.00,2025-06-11T19:16:58.614298,"Perform other clerical duties, such as answering telephone, sorting and distributing mail, running errands or sending faxes. +Check completed work for spelling, grammar, punctuation, and format. +File and store completed documents on computer hard drive or disk, or maintain a computer filing system to store, retrieve, update, and delete documents. +Print and make copies of work. +Transmit work electronically to other locations. +Address envelopes or prepare envelope labels, using typewriter or computer. +Type correspondence, reports, text and other written material from rough drafts, corrected copies, voice recordings, dictation, or previous versions, using a computer, word processor, or typewriter. +Gather, register, and arrange the material to be typed, following instructions. +Compute and verify totals on report forms, requisitions, or bills, using adding machine or calculator. +Keep records of work performed. +Electronically sort and compile text and numerical data, retrieving, updating, and merging documents as required. +Search for specific sets of stored, typed characters to make changes. +Collate pages of reports and other documents. +Reformat documents, moving paragraphs or columns. +Adjust settings for format, page layout, line spacing, and other style requirements. +Use data entry devices, such as optical scanners, to input data into computers for revision or editing. +Operate and resupply printers and computers, changing print wheels or fluid cartridges, adding paper, and loading blank tapes, cards, or disks into equipment. +Manage schedules and set dates, times, and locations for meetings and appointments. +Work with technical material, preparing statistical reports, planning and typing statistical tables, and combining and rearranging material from different sources.","Accounting software— Intuit QuickBooks +Customer relationship management CRM software— Act!; Blackbaud CRM; Oracle Siebel CRM +Data base user interface and query software— FileMaker Pro; Microsoft Access +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Medical software— SRSsoft SRS EHR +Office suite software— Corel WordPerfect Office Suite; Google Workspace software; Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Answer telephones to direct calls or provide information. +Distribute incoming mail. +Sort mail. +Proofread documents, records, or other files to ensure accuracy. +Store records or related materials. +Operate office equipment. +Operate computers or computerized equipment. +Type documents. +Compile data or documentation. +Calculate financial data. +Verify accuracy of financial or transactional data. +Schedule appointments. +Format digital documents, data, or images. +Maintain operational records. +Search files, databases or reference materials to obtain needed information. +Prepare research or technical reports. +Enter information into databases or software programs. +Maintain office equipment in proper operating condition.","Telephone Conversations— 100% responded “Every day.” +Spend Time Sitting— 90% responded “Continually or almost continually.” +E-Mail— 86% responded “Every day.” +Contact With Others— 69% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Importance of Repeating Same Tasks— 70% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Deal With External Customers or the Public in General— 64% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Time Pressure— 45% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Written Letters and Memos— 33% responded “Every day.” +Freedom to Make Decisions— 60% responded “Some freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Court Reporters and Simultaneous Captioners +Data Entry Keyers +Document Management Specialists +File Clerks +Medical Transcriptionists +Office Clerks, General +Office Machine Operators, Except Computer +Proofreaders and Copy Markers +Receptionists and Information Clerks","View the list of Allies +American Society of Administrative Professionals +external site",80,,8,82,30,36,19,18,95,18,11,14,,63,10,40,28,5,,1,27,4,5,20,7,,,,,,10,,1 +13-1041.06,Coroners,https://www.onetonline.org/link/summary/13-1041.06,2025-06-11T18:49:34.541249,"Complete death certificates, including the assignment of cause and manner of death. +Perform medicolegal examinations and autopsies, conducting preliminary examinations of the body to identify victims, locate signs of trauma, and identify factors that would indicate time of death. +Interview persons present at death scenes to obtain information useful in determining the manner of death. +Observe and record the positions and conditions of bodies and related evidence. +Provide information concerning the circumstances of death to relatives of the deceased. +Remove or supervise removal of bodies from death scenes, using the proper equipment and supplies, and arrange for transportation to morgues. +Inquire into the cause, manner, and circumstances of human deaths and establish the identities of deceased persons. +Observe, record, and preserve any objects or personal property related to deaths, including objects such as medication containers and suicide notes. +Complete reports and forms required to finalize cases. +Arrange for the next of kin to be notified of deaths. +Locate and document information regarding the next of kin, including their relationship to the deceased and the status of notification attempts. +Collect and document any pertinent medical history information. +Inventory personal effects recovered from bodies, such as jewelry or wallets. +Direct activities of workers conducting autopsies, performing pathological and toxicological analyses, and preparing documents for permanent records. +Coordinate the release of personal effects to authorized persons and facilitate the disposition of unclaimed corpses and personal effects. +Witness and certify deaths that are the result of a judicial order. +Testify at inquests, hearings, and court trials. +Confer with officials of public health and law enforcement agencies to coordinate interdepartmental activities. +Collect wills, burial instructions, and other documentation needed for investigations and for handling of the remains. +Record the disposition of minor children, as well as details of arrangements made for their care.","Analytical or scientific software— Bite analysis software +Customer relationship management CRM software +Data base reporting software— Microsoft SQL Server Reporting Services SSRS +Data base user interface and query software— Alcestis; Structured query language SQL; Toxicology databases; Transact-SQL;6 more +Document management software— EMC Documentum +Electronic mail software— Email software +File versioning software— Git +Graphics or photo imaging software— 3D graphics software; Graphics software; Mideo Systems EZDoc Plus +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Google Android; Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Collect evidence for legal proceedings. +Prepare legal or investigatory documentation. +Interview witnesses, suspects, or claimants. +Inform individuals or organizations of status or findings. +Coordinate logistics or other business operations. +Document information related to legal proceedings. +Supervise employees. +Coordinate operational activities. +Testify at legal or legislative proceedings. +Coordinate enforcement of laws or regulations.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Deal With External Customers or the Public in General— 85% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Exposed to Disease or Infections— 70% responded “Every day.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 75% responded “Every day.” +Time Pressure— 50% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 50% responded “Every day.” +Exposed to Contaminants— 50% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Frequency of Decision Making— 55% responded “Every day.” +Physical Proximity— 50% responded “Very close (near touching).” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Written Letters and Memos— 42% responded “Every day.” +Indoors, Not Environmentally Controlled— 45% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Every day.” +Health and Safety of Other Workers— 50% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 50% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 35% responded “Very high responsibility.” +Consequence of Error— 30% responded “Extremely serious.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 45% responded “Once a week or more but not every day.” +Conflict Situations— 40% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 40% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Public Speaking— 35% responded “Once a year or more but not every month.” +Exposed to Hazardous Equipment— 35% responded “Once a month or more but not every week.” +Spend Time Sitting— 60% responded “About half the time.” +Level of Competition— 45% responded “Moderately competitive.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Once a month or more but not every week.” +Spend Time Standing— 55% responded “About half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Compliance Officers +Detectives and Criminal Investigators +Environmental Compliance Inspectors +Forensic Science Technicians +Bright Outlook +Government Property Inspectors and Investigators +Medical Records Specialists +Police and Sheriff's Patrol Officers +Police Identification and Records Officers +Private Detectives and Investigators +Regulatory Affairs Specialists","View the list of Allies +American Academy of Forensic Sciences +external site +American Medical Association +external site +American Society for Clinical Pathology +external site +College of American Pathologists +external site +International Homicide Investigators Association +external site +National Association of Medical Examiners +external site +American Board of Medicolegal Death Investigators +external site +International Association of Coroners and Medical Examiners +external site",86,4,33,90,41,73,69,71,70,54,18,58,48,64,25,79,58,25,29,59,61,61,64,49,89,32,19,40,73,28,37,9,22 +37-3013.00,Tree Trimmers and Pruners,https://www.onetonline.org/link/summary/37-3013.00,2025-06-11T19:12:31.257207,"Operate shredding and chipping equipment, and feed limbs and brush into the machines. +Operate boom trucks, loaders, stump chippers, brush chippers, tractors, power saws, trucks, sprayers, and other equipment and tools. +Cut away dead and excess branches from trees, or clear branches around power lines, using climbing equipment or buckets of extended truck booms, or chainsaws, hooks, handsaws, shears, and clippers. +Clean, sharpen, and lubricate tools and equipment. +Hoist tools and equipment to tree trimmers, and lower branches with ropes or block and tackle. +Climb trees, using climbing hooks and belts, or climb ladders to gain access to work areas. +Supervise others engaged in tree trimming work and train lower-level employees. +Trim, top, and reshape trees to achieve attractive shapes or to remove low-hanging branches. +Load debris and refuse onto trucks and haul it away for disposal. +Inspect trees to determine if they have diseases or pest problems. +Provide information to the public regarding trees, such as advice on tree care. +Trim jagged stumps, using saws or pruning shears. +Clear sites, streets, and grounds of woody and herbaceous materials, such as tree stumps and fallen trees and limbs. +Collect debris and refuse from tree trimming and removal operations into piles, using shovels, rakes, or other tools. +Cable, brace, tie, bolt, stake, and guy trees and branches to provide support. +Plan and develop budgets for tree work, and estimate the monetary value of trees. +Prune, cut down, fertilize, and spray trees as directed by tree surgeons. +Remove broken limbs from wires, using hooked extension poles. +Water, root-feed, and fertilize trees. +Scrape decayed matter from cavities in trees and fill holes with cement to promote healing and to prevent further deterioration. +Spray trees to treat diseased or unhealthy trees, including mixing chemicals and calibrating spray equipment. +Apply tar or other protective substances to cut surfaces or seal surfaces and to protect them from fungi and insects. +Transplant and remove trees and shrubs, and prepare trees for moving. +Split logs or wooden blocks into bolts, pickets, posts, or stakes, using hand tools such as ax wedges, sledgehammers, and mallets.","Electronic mail software— Microsoft Outlook +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Operate grounds maintenance equipment. +Drive trucks or other vehicles to or at work sites. +Trim trees or other vegetation. +Clean equipment or supplies. +Climb ladders or vehicles to perform duties. +Instruct staff in work policies or procedures. +Supervise maintenance workers. +Estimate maintenance service requirements or costs. +Remove debris from work sites. +Inspect landscaping to determine treatment needs. +Treat greenery or surfaces with protective substances. +Provide information about landscaping services or costs. +Irrigate lawns, trees, or plants. +Install equipment to protect or support trees. +Prepare chemicals for work application. +Plant greenery to improve landscape appearance.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 67% responded “Every day.” +Frequency of Decision Making— 78% responded “Every day.” +Exposed to Hazardous Equipment— 71% responded “Every day.” +Freedom to Make Decisions— 68% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 68% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Contact With Others— 69% responded “Constant contact with others.” +Spend Time Standing— 63% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 69% responded “Every day.” +Health and Safety of Other Workers— 38% responded “Moderate responsibility.” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Telephone Conversations— 57% responded “Every day.” +Exposed to High Places— 48% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Consequence of Error— 30% responded “Serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 46% responded “More than half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 43% responded “Every day.” +Time Pressure— 46% responded “Every day.” +Exposed to Contaminants— 37% responded “Every day.” +Spend Time Bending or Twisting Your Body— 32% responded “Continually or almost continually.” +Level of Competition— 32% responded “Highly competitive.” +Spend Time Making Repetitive Motions— 30% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 32% responded “Extremely important.” +Duration of Typical Work Week— 40% responded “More than 40 hours.” +Spend Time Walking or Running— 37% responded “About half the time.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Importance of Repeating Same Tasks— 37% responded “Not important at all.” +In an Open Vehicle or Operating Equipment— 30% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Agricultural Equipment Operators +Bright Outlook +Construction Laborers +Fallers +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Forest and Conservation Workers +Highway Maintenance Workers +Landscaping and Groundskeeping Workers +Logging Equipment Operators +Operating Engineers and Other Construction Equipment Operators +Pesticide Handlers, Sprayers, and Applicators, Vegetation","View the list of Allies +International Society of Arboriculture +external site +National Association of Landscape Professionals +external site +Professional Grounds Management Society +external site +Society of Commercial Arboriculture +external site +Tree Care Industry Association +external site +Utility Arborist Association +external site",65,4,45,41,32,37,47,43,26,26,25,20,12,15,11,37,10,58,9,43,20,8,14,12,10,23,17,33,28,11,23,9,13 +19-1022.00,Microbiologists,https://www.onetonline.org/link/summary/19-1022.00,2025-06-11T18:55:57.255810,"Isolate and maintain cultures of bacteria or other microorganisms in prescribed or developed media, controlling moisture, aeration, temperature, and nutrition. +Provide laboratory services for health departments, community environmental health programs, and physicians needing information for diagnosis and treatment. +Monitor and perform tests on water, food, and the environment to detect harmful microorganisms or to obtain information about sources of pollution, contamination, or infection. +Examine physiological, morphological, and cultural characteristics, using microscope, to identify and classify microorganisms in human, water, and food specimens. +Supervise biological technologists and technicians and other scientists. +Use a variety of specialized equipment, such as electron microscopes, gas and high-pressure liquid chromatographs, electrophoresis units, thermocyclers, fluorescence-activated cell sorters, and phosphorimagers. +Investigate the relationship between organisms and disease, including the control of epidemics and the effects of antibiotics on microorganisms. +Prepare technical reports and recommendations, based upon research outcomes. +Observe action of microorganisms upon living tissues of plants, higher animals, and other microorganisms, and on dead organic matter. +Study growth, structure, development, and general characteristics of bacteria and other microorganisms to understand their relationship to human, plant, and animal health. +Study the structure and function of human, animal, and plant tissues, cells, pathogens, and toxins. +Develop new products and procedures for sterilization, food and pharmaceutical supply preservation, or microbial contamination detection. +Conduct chemical analyses of substances such as acids, alcohols, and enzymes. +Research use of bacteria and microorganisms to develop vitamins, antibiotics, amino acids, grain alcohol, sugars, and polymers.","Analytical or scientific software— BD Biosciences CellQuest; Protein Explorer; TreeView; Verity Software House ModFit LT;25 more +Data base user interface and query software— Database management software; Microsoft Access; WHONET +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Information retrieval or search software— ComBase +Internet browser software— Web browser software +Medical software— Computer Service & Support CLS-2000 Laboratory System; Orchard Software Orchard Harvest LIS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Cultivate micro-organisms for study, testing, or medical preparations. +Prepare biological samples for testing or analysis. +Analyze biological samples. +Classify organisms based on their characteristics or behavior. +Inspect condition of natural environments. +Monitor environmental impacts of production or development activities. +Supervise scientific or technical personnel. +Operate laboratory or field equipment. +Research diseases or parasites. +Prepare scientific or technical reports or presentations. +Develop new or advanced products or production methods. +Examine characteristics or behavior of living organisms. +Research microbiological or chemical processes or structures. +Analyze chemical compounds or substances.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Importance of Being Exact or Accurate— 73% responded “Extremely important.” +Telephone Conversations— 47% responded “Every day.” +Time Pressure— 41% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Very important.” +Exposed to Disease or Infections— 64% responded “Every day.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Health and Safety of Other Workers— 36% responded “Very high responsibility.” +Consequence of Error— 50% responded “Extremely serious.” +Exposed to Contaminants— 50% responded “Every day.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Contact With Others— 55% responded “Contact with others most of the time.” +Importance of Repeating Same Tasks— 36% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Exposed to Hazardous Conditions— 41% responded “Every day.” +Frequency of Decision Making— 36% responded “Every day.” +Spend Time Sitting— 38% responded “About half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “More than half the time.” +Spend Time Making Repetitive Motions— 36% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Written Letters and Memos— 37% responded “Once a month or more but not every week.” +Physical Proximity— 55% responded “Slightly close (e.g., shared office).”","Science— Using scientific rules and methods to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Mathematics— Using mathematics to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biochemists and Biophysicists +Bright Outlook +Biological Technicians +Biologists +Chemists +Epidemiologists +Geneticists +Histotechnologists +Medical Scientists, Except Epidemiologists +Molecular and Cellular Biologists +Physicians, Pathologists","View the list of Allies +American Academy of Oral and Maxillofacial Pathology +external site +American Association for the Advancement of Science +external site +American Dental Education Association +external site +American Institute of Biological Sciences +external site +American Society for Cell Biology +external site +American Society for Clinical Pathology +external site +American Society for Microbiology +external site +American Society for Virology +external site +American Water Works Association +external site +AOAC International +external site +Association of Public Health Laboratories +external site +Federation of American Societies for Experimental Biology +external site +Institute of Food Technologists +external site +International Association for Dental Research +external site +International Association for Food Protection +external site +National Registry of Certified Microbiologists +external site +Parenteral Drug Association +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Industrial Microbiology and Biotechnology +external site",48,33,44,66,58,46,47,63,48,27,24,35,71,65,16,38,40,30,10,20,24,11,21,38,41,50,16,30,93,30,23,7,13 +49-3052.00,Motorcycle Mechanics,https://www.onetonline.org/link/summary/49-3052.00,2025-06-11T19:22:08.939987,"Mount, balance, change, or check condition or pressure of tires. +Replace defective parts, using hand tools, arbor presses, flexible power presses, or power tools. +Dismantle engines and repair or replace defective parts, such as magnetos, carburetors, or generators. +Connect test panels to engines and measure generator output, ignition timing, or other engine performance indicators. +Listen to engines, examine vehicle frames, or confer with customers to determine nature and extent of malfunction or damage. +Repair or replace other parts, such as headlights, horns, handlebar controls, gasoline or oil tanks, starters, or mufflers. +Disassemble subassembly units and examine condition, movement, or alignment of parts, visually or using gauges. +Repair or adjust motorcycle subassemblies, such as forks, transmissions, brakes, or drive chains, according to specifications. +Reassemble frames and reinstall engines after repairs. +Remove cylinder heads and grind valves to scrape off carbon and replace defective valves, pistons, cylinders, or rings, using hand and power tools. +Install motorcycle accessories. +Reassemble and test subassembly units. +Hammer out dents and bends in frames and weld tears and breaks. +Diagnose electrical problems.","Data base user interface and query software— AbbottSoft QuickFix; DealerTrax ShopOrder; TRACKUM Repair Manager +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Operating system software— Apple iOS +Point of sale POS software— LightSpeed Cloud; Santa Maria Software Counterman Pro +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Adjust vehicle components according to specifications. +Inspect vehicles to determine overall condition. +Replace worn, damaged, or defective mechanical parts. +Repair non-engine automotive or vehicle components. +Disassemble equipment for maintenance or repair. +Repair defective engines or engine components. +Measure equipment outputs. +Confer with customers or users to assess problems. +Observe equipment in operation to detect potential problems. +Disassemble equipment to inspect for deficiencies. +Install vehicle parts or accessories. +Reassemble equipment after repair. +Grind parts to required dimensions. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Assemble mechanical components or machine parts. +Test mechanical equipment to ensure proper functioning. +Operate welding equipment. +Remove dents from equipment, materials, tools or structures.","Exposed to Contaminants— 98% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 100% responded “Continually or almost continually.” +Frequency of Decision Making— 92% responded “Every day.” +Spend Time Standing— 93% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 87% responded “Every day.” +Importance of Being Exact or Accurate— 79% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 75% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 68% responded “Very important results.” +Consequence of Error— 84% responded “Extremely serious.” +Contact With Others— 78% responded “Constant contact with others.” +Time Pressure— 57% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 47% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 62% responded “A lot of freedom.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Health and Safety of Other Workers— 53% responded “Very high responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 44% responded “Every day.” +Spend Time Making Repetitive Motions— 43% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 57% responded “Every day.” +Spend Time Walking or Running— 54% responded “Continually or almost continually.” +Duration of Typical Work Week— 53% responded “More than 40 hours.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Every day.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +In an Open Vehicle or Operating Equipment— 58% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 34% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +E-Mail— 57% responded “Every day.” +Level of Competition— 36% responded “Highly competitive.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Written Letters and Memos— 61% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Every day.” +Exposed to Hazardous Conditions— 40% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.” +Telephone Conversations— 39% responded “Every day.” +Conflict Situations— 42% responded “Once a year or more but not every month.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Automotive Service Technicians and Mechanics +Bicycle Repairers +Bright Outlook +Bus and Truck Mechanics and Diesel Engine Specialists +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Mobile Heavy Equipment Mechanics, Except Engines +Motorboat Mechanics and Service Technicians +Outdoor Power Equipment and Other Small Engine Mechanics +Rail Car Repairers +Tire Repairers and Changers","View the list of Allies +Motorcycle Industry Council +external site",59,3,34,63,53,22,34,52,31,11,38,24,24,58,15,34,19,95,5,35,6,2,9,14,2,36,8,35,6,32,10,1,1 +27-1026.00,Merchandise Displayers and Window Trimmers,https://www.onetonline.org/link/summary/27-1026.00,2025-06-11T19:02:53.985291,"Plan commercial displays to entice and appeal to customers. +Arrange properties, furniture, merchandise, backdrops, or other accessories, as shown in prepared sketches. +Change or rotate window displays, interior display areas, or signage to reflect changes in inventory or promotion. +Place prices or descriptive signs on backdrops, fixtures, merchandise, or floor. +Consult with store managers, buyers, sales associates, housekeeping staff, or engineering staff to determine appropriate placement of displays or products. +Maintain props, products, or mannequins, inspecting them for imperfections, doing touch-ups, cleaning up after customers, or applying preservative coatings as necessary. +Develop ideas or plans for merchandise displays or window decorations. +Assemble or set up displays, furniture, or products in store space, using colors, lights, pictures, or other accessories to display the product. +Install booths, exhibits, displays, carpets, or drapes, as guided by floor plan of building or specifications. +Select themes, lighting, colors, or props to be used. +Consult with advertising or sales staff to determine type of merchandise to be featured and time and place for each display. +Attend training sessions or corporate planning meetings to obtain new ideas for product launches. +Collaborate with others to obtain products or other display items. +Construct or assemble displays or display components from fabric, glass, paper, or plastic, using hand tools or woodworking power tools, according to specifications. +Obtain plans from display designers or display managers and discuss their implementation with clients or supervisors. +Take photographs of displays or signage. +Dress mannequins for displays. +Supervise or train staff members on daily tasks, such as visual merchandising. +Store, pack, and maintain inventory records of props, products, or display items. +Use computers to produce signage. +Prepare sketches, floor plans, or models of proposed displays. +Instruct sales staff in color coordination of clothing racks or counter displays. +Install decorations, such as flags, banners, festive lights, or bunting on or in building, street, exhibit hall, or booth. +Cut out designs on cardboard, hardboard, or plywood, according to motif of event.","Analytical or scientific software— SAS +Computer aided design CAD software— Autodesk AutoCAD +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Email software; IBM Lotus Notes; Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Graphics software; SmugMug Flickr; Trimble SketchUp Pro;1 more +Internet browser software— Microsoft Internet Explorer; Netscape Navigator +Inventory management software— Inventory control systems +Office suite software— Microsoft Office software +Operating system software— Apple iOS +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Word processing software— Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Arrange artwork, products, or props. +Develop promotional strategies or plans. +Discuss production content and progress with others. +Maintain inventories of materials, equipment, or products. +Train others on work processes. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Maintain records, documents, or other files. +Draw detailed or technical illustrations. +Select materials or props. +Collaborate with others in marketing activities. +Monitor current trends. +Build models, patterns, or templates. +Operate still or video cameras or related equipment. +Construct distinctive physical objects for artistic, functional, or commercial purposes.","Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Spend Time Standing— 50% responded “More than half the time.” +Spend Time Walking or Running— 45% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Freedom to Make Decisions— 42% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Frequency of Decision Making— 63% responded “Every day.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Telephone Conversations— 67% responded “Every day.” +E-Mail— 56% responded “Every day.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 16% responded “Some freedom.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 22% responded “Every day.” +Importance of Being Exact or Accurate— 27% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.” +Exposed to High Places— 30% responded “Once a year or more but not every month.” +Spend Time Making Repetitive Motions— 51% responded “Less than half the time.” +Level of Competition— 35% responded “Moderately competitive.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 47% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Advertising Sales Agents +Commercial and Industrial Designers +Craft Artists +Demonstrators and Product Promoters +Fashion Designers +Floral Designers +Graphic Designers +Interior Designers +Retail Salespersons +Bright Outlook +Set and Exhibit Designers","View the list of Allies +American Society of Interior Designers +external site",71,2,25,58,37,54,29,32,31,21,70,33,5,45,5,9,43,23,11,5,25,7,18,12,5,15,26,3,2,46,8,25,8 +25-2023.00,"Career/Technical Education Teachers, Middle School",https://www.onetonline.org/link/summary/25-2023.00,2025-06-11T19:01:24.953501,"Instruct students individually and in groups, using various teaching methods, such as lectures, discussions, and demonstrations. +Prepare materials and classrooms for class activities. +Adapt teaching methods and instructional materials to meet students' varying needs and interests. +Establish and enforce rules for behavior and procedures for maintaining order among students. +Establish clear objectives for all lessons, units, and projects, and communicate those objectives to students. +Prepare students for later educational experiences by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Maintain accurate and complete student records as required by laws, district policies, and administrative regulations. +Instruct and monitor students in the use and care of equipment and materials to prevent injuries and damage. +Assign and grade class work and homework. +Enforce all administration policies and rules governing students. +Prepare, administer, and grade tests and assignments to evaluate students' progress. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Confer with parents or guardians, other teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Guide and counsel students with adjustments, academic problems, or special academic interests. +Observe and evaluate students' performance, behavior, social development, and physical health. +Select, store, order, issue, inventory, and maintain classroom equipment, materials, and supplies. +Meet with parents and guardians to discuss their children's progress and to determine priorities for their children and their resource needs. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Prepare for assigned classes and show written evidence of preparation upon request of immediate supervisors. +Prepare and implement remedial programs for students requiring extra help. +Meet with other professionals to discuss individual students' needs and progress. +Prepare reports on students and activities as required by administration. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Collaborate with other teachers and administrators in the development, evaluation, and revision of middle school programs. +Plan and supervise class projects, field trips, visits by guest speakers or other experiential activities, and guide students in learning from those activities. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Attend staff meetings and serve on committees, as required. +Sponsor extracurricular activities, such as clubs, student organizations, and academic contests. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading.","Analytical or scientific software— Data visualization software; SAS +Application server software— Apache HTTP Server; Docker; GitHub; Spring Boot +Business intelligence and data analysis software— Tableau +Calendar and scheduling software +Cloud-based data access and sharing software— Atlassian Confluence +Cloud-based management software— Amazon Web Services AWS CloudFormation; Splunk Enterprise +Clustering software— VMware +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Configuration management software— Puppet +Customer relationship management CRM software— Salesforce software +Data base management system software— Amazon DynamoDB; Apache Cassandra; Elasticsearch; MongoDB;2 more +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Web Services AWS software; Microsoft SQL Server; MySQL;3 more +Development environment software— Apache Kafka; Go; Microsoft .NET Framework; Microsoft PowerShell;5 more +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Atlassian Bamboo; Extensible markup language XML; Jenkins CI +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Expert system software— Ansible software +File versioning software— Git +Graphical user interface development software— Salesforce Visualforce +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Object or component oriented development software— C#; jQuery; Perl; Scala;7 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; Shell script;4 more +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debugging software; JUnit; Selenium; TestNG +Project management software— Atlassian JIRA +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Web platform development software— Apache Tomcat; Google Angular; Node.js; React;4 more +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Apply multiple teaching methods. +Set up classroom materials or equipment. +Establish rules or policies governing student behavior. +Modify teaching methods or materials to accommodate student needs. +Develop instructional objectives. +Encourage students. +Maintain student records. +Monitor student performance. +Teach others to use technology or equipment. +Evaluate student work. +Assign class work to students. +Administer tests to assess educational needs or progress. +Enforce rules or policies governing student behavior. +Prepare tests. +Discuss problems or issues with supervisors. +Discuss student progress with parents or guardians. +Plan educational activities. +Advise students on academic or career matters. +Create technology-based learning materials. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products. +Monitor student behavior, social development, or health. +Order instructional or library materials or equipment. +Assist students with special educational needs. +Document lesson plans. +Develop strategies or programs for students with special needs. +Prepare reports detailing student activities or performance. +Collaborate with other teaching professionals to develop educational programs. +Plan experiential learning activities. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Serve on institutional or departmental committees. +Coordinate student extracurricular activities. +Supervise school or student activities.","E-Mail— 81% responded “Every day.” +Contact With Others— 82% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 59% responded “Every day.” +Frequency of Decision Making— 84% responded “Every day.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 65% responded “Very important.” +Work With or Contribute to a Work Group or Team— 54% responded “Very important.” +Physical Proximity— 60% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Every day.” +Time Pressure— 85% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 60% responded “Very important.” +Conflict Situations— 42% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 60% responded “Very important.” +Telephone Conversations— 57% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Spend Time Standing— 54% responded “More than half the time.” +Public Speaking— 52% responded “Every day.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 36% responded “Moderate responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 46% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Career/Technical Education Teachers, Postsecondary +Career/Technical Education Teachers, Secondary School +Elementary School Teachers, Except Special Education +Instructional Coordinators +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education","View the list of Allies +Advance CTE +external site +Alpha Delta Kappa International Honorary Organization for Women Educators +external site +American Association of Family and Consumer Sciences +external site +Association for Career and Technical Education +external site +International Society for Technology in Education +external site +International Technology and Engineering Educators Association +external site +Kappa Delta Pi, International Honor Society in Education +external site +National Business Education Association +external site +Phi Delta Kappa International +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",56,34,36,87,50,60,53,81,61,42,29,41,27,64,27,43,44,40,31,34,68,36,45,33,14,53,38,16,35,48,26,20,35 +39-9031.00,Exercise Trainers and Group Fitness Instructors,https://www.onetonline.org/link/summary/39-9031.00,2025-06-11T19:13:52.128475,"Observe participants and inform them of corrective measures necessary for skill improvement. +Evaluate individuals' abilities, needs, and physical conditions, and develop suitable training programs to meet any special requirements. +Plan routines, choose appropriate music, and choose different movements for each set of muscles, depending on participants' capabilities and limitations. +Offer alternatives during classes to accommodate different levels of fitness. +Teach proper breathing techniques used during physical exertion. +Monitor participants' progress and adapt programs as needed. +Explain and enforce safety rules and regulations governing sports, recreational activities, and the use of exercise equipment. +Instruct participants in maintaining exertion levels to maximize benefits from exercise routines. +Teach and demonstrate use of gymnastic and training equipment, such as trampolines and weights. +Administer emergency first aid, wrap injuries, treat minor chronic disabilities, or refer injured persons to physicians. +Provide students with information and resources regarding nutrition, weight control, and lifestyle issues. +Maintain equipment inventories, and select, store, or issue equipment as needed. +Maintain fitness equipment. +Plan physical education programs to promote development of participants' physical attributes and social skills. +Conduct therapeutic, recreational, or athletic activities. +Teach individual and team sports to participants through instruction and demonstration, using knowledge of sports techniques and of participants' physical capabilities. +Promote health clubs through membership sales, and record member information. +Advise clients about proper clothing and shoes. +Advise participants in use of heat or ultraviolet treatments and hot baths. +Massage body parts to relieve soreness, strains, and bruises. +Organize and conduct competitions and tournaments.","Accounting software— Intuit QuickBooks; MYOB BusinessEssentials; Sage 50 Accounting; Sage Simply Accounting +Calendar and scheduling software— Appointment scheduling software; DaySmart Software Appointment-Plus +Data base user interface and query software— BioEx Systems Exercise Expert; DietMaster Systems DietMaster; ICTraining +Desktop publishing software— Visual Health Information The Trainer's Exercise Toolbox +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— EZFacility Trainer Management System +Instant messaging software— Blink +Internet browser software— Web browser software +Medical software— BioEx Systems Nutrition Maker Plus +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— BioEx Systems Fitness Maker; Online River Software Personal Trainer Pro +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Teach exercise or fitness techniques. +Develop educational or training programs. +Evaluate capabilities or training needs. +Enforce rules or regulations. +Explain regulations, policies, or procedures. +Demonstrate activity techniques or equipment use. +Administer first aid. +Perform basic equipment maintenance. +Teach health or hygiene practices. +Distribute resources to patrons or employees. +Maintain supply or equipment inventories. +Organize recreational activities or events. +Maintain client information or service records. +Promote products, services, or programs. +Sell products or services. +Advise customers on the use of products or services. +Provide medical or cosmetic advice for clients. +Administer therapeutic massages.","Contact With Others— 90% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Physical Proximity— 57% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 71% responded “Every day.” +E-Mail— 43% responded “Every day.” +Spend Time Standing— 43% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 38% responded “A lot of freedom.” +Freedom to Make Decisions— 38% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 48% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Health and Safety of Other Workers— 33% responded “Very high responsibility.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Important.” +Spend Time Making Repetitive Motions— 38% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 33% responded “Less than half the time.” +Level of Competition— 52% responded “Moderately competitive.” +Time Pressure— 33% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 62% responded “Important.” +Public Speaking— 33% responded “Every day.”","Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Speech Clarity— The ability to speak clearly so others can understand you. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Dynamic Flexibility— The ability to quickly and repeatedly bend, stretch, twist, or reach out with your body, arms, and/or legs. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Coaches and Scouts +Bright Outlook +Exercise Physiologists +Fitness and Wellness Coordinators +Occupational Therapy Aides +Occupational Therapy Assistants +Physical Therapist Aides +Physical Therapist Assistants +Recreation Workers +Recreational Therapists +Self-Enrichment Teachers","View the list of Allies +Athletics and Fitness Association of America +external site +Health and Fitness Association +external site +IDEA Health and Fitness Association +external site +National Strength and Conditioning Association +external site +USA Weightlifting +external site +AAAI/ISMA Fitness +external site +American College of Sports Medicine +external site +American Council on Exercise +external site +American Sports and Fitness Association +external site +Aquatic Exercise Association +external site +National Academy of Sports Medicine +external site +Yoga Alliance +external site",75,11,18,69,25,35,30,63,31,25,44,28,14,32,11,20,31,18,10,11,53,36,29,18,39,11,4,20,37,17,8,18,7 +19-5012.00,Occupational Health and Safety Technicians,https://www.onetonline.org/link/summary/19-5012.00,2025-06-11T18:58:32.555761,"Evaluate situations or make determinations when a worker has refused to work on the grounds that danger or potential harm exists. +Supply, operate, or maintain personal protective equipment. +Train workers in safety procedures related to green jobs, such as the use of fall protection devices or maintenance of proper ventilation during wind turbine construction. +Test workplaces for environmental hazards, such as exposure to radiation, chemical or biological hazards, or excessive noise. +Maintain all required environmental records and documentation. +Provide consultation to organizations or agencies on the workplace application of safety principles, practices, or techniques. +Inspect fire suppression systems or portable fire systems to ensure proper working order. +Verify availability or monitor use of safety equipment, such as hearing protection or respirators. +Recommend corrective measures to be applied based on results of environmental contaminant analyses. +Prepare or review specifications or orders for the purchase of safety equipment, ensuring that proper features are present and that items conform to health and safety standards. +Prepare or calibrate equipment used to collect or analyze samples. +Conduct worker studies to determine whether specific instances of disease or illness are job-related. +Plan emergency response drills. +Examine credentials, licenses, or permits to ensure compliance with licensing requirements. +Review records or reports concerning laboratory results, staffing, floor plans, fire inspections, or sanitation to gather information for the development or enforcement of safety activities. +Educate the public about health issues or enforce health legislation to prevent disease, to promote health, or to help people understand health protection procedures and regulations. +Prepare documents to be used in legal proceedings, testifying in such proceedings when necessary. +Collect data regarding potential hazards from new equipment or products linked to green practices. +Maintain logbooks of daily activities, including areas visited or activities performed. +Help direct rescue or firefighting operations in the event of a fire or an explosion. +Test or balance newly installed HVAC systems to determine whether indoor air quality standards are met. +Confer with schools, state authorities, or community groups to develop health standards or programs. +Collect data related to ecological or human health risks at brownfield sites. +Conduct interviews to obtain information or evidence regarding communicable diseases or violations of health or sanitation regulations. +Perform tests to identify any potential hazards related to recycled products used at green building sites. +Examine practices at green building sites to determine whether adherence to green building standards alters risks to workers.","Analytical or scientific software— Statistical analysis software; TapRooT +Data base user interface and query software— Brady Lockout Pro; Database software; Microsoft Access; Remedy Interactive iMitigate +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Graphics software +Industrial control software— Industrial Scientific iNET; QuestSuite Professional +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Teleconferencing software +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Inspect work environments to ensure safety. +Protect patients or staff members using safety equipment. +Test facilities for environmental hazards. +Advise communities or institutions regarding health or safety issues. +Prepare official health documents or records. +Conduct health or safety training programs. +Verify that medical activities or operations meet standards. +Maintain inventory of medical supplies or equipment. +Maintain medical laboratory equipment. +Prepare medical supplies or equipment for use. +Conduct research to increase knowledge about medical issues. +Develop emergency procedures. +Monitor medical facility activities to ensure adherence to standards or regulations. +Communicate health and wellness information to the public. +Maintain medical facility records. +Design public or employee health programs.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 58% responded “Every day.” +Contact With Others— 48% responded “Constant contact with others.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Important results.” +Determine Tasks, Priorities and Goals— 65% responded “Some freedom.” +Consequence of Error— 42% responded “Extremely serious.” +Frequency of Decision Making— 35% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Indoors, Not Environmentally Controlled— 52% responded “Once a week or more but not every day.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Deal With External Customers or the Public in General— 48% responded “Very important.” +Indoors, Environmentally Controlled— 50% responded “Once a week or more but not every day.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +In an Enclosed Vehicle or Operate Enclosed Equipment— 30% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 40% responded “Once a week or more but not every day.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 33% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Exposed to Hazardous Equipment— 30% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 40% responded “Once a month or more but not every week.” +Spend Time Sitting— 52% responded “About half the time.” +Conflict Situations— 57% responded “Once a month or more but not every week.” +Exposed to Contaminants— 32% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 53% responded “Once a year or more but not every month.” +Public Speaking— 33% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Construction and Building Inspectors +Environmental Compliance Inspectors +Environmental Engineering Technologists and Technicians +Environmental Engineers +Bright Outlook +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Government Property Inspectors and Investigators +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Occupational Health and Safety Specialists +Paramedics","View the list of Allies +American Industrial Hygiene Association +external site +American Chemical Society +external site +American Society of Safety Professionals +external site +Board for Global Environmental Health and Safety Credentialing +external site +Board of Certified Safety Professionals +external site",60,18,56,78,68,64,70,79,49,32,35,43,56,58,29,68,47,58,19,48,54,31,30,31,38,68,57,53,45,48,32,5,13 +29-1041.00,Optometrists,https://www.onetonline.org/link/summary/29-1041.00,2025-06-11T19:04:36.555451,"Examine eyes, using observation, instruments, and pharmaceutical agents, to determine visual acuity and perception, focus, and coordination and to diagnose diseases and other abnormalities, such as glaucoma or color blindness. +Analyze test results and develop a treatment plan. +Prescribe, supply, fit and adjust eyeglasses, contact lenses, and other vision aids. +Prescribe medications to treat eye diseases if state laws permit. +Educate and counsel patients on contact lens care, visual hygiene, lighting arrangements, and safety factors. +Remove foreign bodies from the eye. +Provide patients undergoing eye surgeries, such as cataract and laser vision correction, with pre- and post-operative care. +Consult with and refer patients to ophthalmologist or other health care practitioner if additional medical treatment is determined necessary. +Prescribe therapeutic procedures to correct or conserve vision. +Provide vision therapy and low-vision rehabilitation.","Accounting software— Intuit QuickBooks +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Operational Data Store ODS software +Internet browser software— Web browser software +Medical software— First Insight MaximEyes; HealthLine Systems Eyecom; Universal Software Solutions VersaVision; VisionScience Software Acuity Pro;12 more +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Test patient vision. +Analyze test data or images to inform diagnosis or treatment. +Develop medical treatment plans. +Fit eyeglasses, contact lenses, or other vision aids. +Prescribe assistive medical devices or related treatments. +Prescribe medications. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Monitor patients following surgeries or other treatments. +Treat acute illnesses, infections, or injuries. +Collaborate with healthcare professionals to plan or provide treatment. +Refer patients to other healthcare practitioners or health resources. +Prescribe treatments or therapies. +Treat chronic diseases or disorders.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +E-Mail— 90% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 76% responded “Extremely important.” +Freedom to Make Decisions— 81% responded “A lot of freedom.” +Physical Proximity— 65% responded “Very close (near touching).” +Frequency of Decision Making— 70% responded “Every day.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Written Letters and Memos— 50% responded “Every day.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +Time Pressure— 43% responded “Every day.” +Exposed to Disease or Infections— 40% responded “Every day.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Very important.” +Spend Time Sitting— 62% responded “More than half the time.” +Spend Time Making Repetitive Motions— 55% responded “More than half the time.” +Duration of Typical Work Week— 62% responded “40 hours.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Level of Competition— 40% responded “Moderately competitive.” +Conflict Situations— 52% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Once a week or more but not every day.” +Consequence of Error— 25% responded “Extremely serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Chiropractors +Bright Outlook +Dermatologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians +Urologists","View the list of Allies +American Academy of Optometry +external site +American Optometric Association +external site +American Public Health Association +external site +Association of Schools and Colleges of Optometry +external site +Beta Sigma Kappa +external site +International Society of Refractive Surgery +external site +National Association of Veteran Affairs Optometrists +external site +Neuro-Optometric Rehabilitation Association +external site +The Optometric Extension Program Foundation +external site +American Board of Optometry +external site +College of Optometrists in Vision Development +external site",85,,26,73,66,63,50,64,56,57,53,55,48,55,19,55,42,23,19,8,63,64,36,33,95,33,4,57,88,13,7,6,7 +15-1299.05,Information Security Engineers,https://www.onetonline.org/link/summary/15-1299.05,2025-06-11T18:52:22.377980,"Assess the quality of security controls, using performance indicators. +Conduct investigations of information security breaches to identify vulnerabilities and evaluate the damage. +Coordinate documentation of computer security or emergency measure policies, procedures, or tests. +Coordinate monitoring of networks or systems for security breaches or intrusions. +Coordinate vulnerability assessments or analysis of information security systems. +Develop information security standards and best practices. +Develop or implement software tools to assist in the detection, prevention, and analysis of security threats. +Develop or install software, such as firewalls and data encryption programs, to protect sensitive information. +Develop response and recovery strategies for security breaches. +Identify or implement solutions to information security problems. +Identify security system weaknesses, using penetration tests. +Oversee development of plans to safeguard computer files against accidental or unauthorized modification, destruction, or disclosure or to meet emergency data processing needs. +Oversee performance of risk assessment or execution of system tests to ensure the functioning of data processing activities or security measures. +Provide technical support to computer users for installation and use of security products. +Recommend information security enhancements to management. +Review security assessments for computing environments or check for compliance with cybersecurity standards and regulations. +Scan networks, using vulnerability assessment tools to identify vulnerabilities. +Train staff on, and oversee the use of, information security standards, policies, and best practices. +Troubleshoot security and network problems. +Write reports regarding investigations of information security breaches or network evaluations.","Access software— IBM Tivoli software +Application server software— Docker; GitHub; Kubernetes +Authentication server software— Single sign-on SSO +Cloud-based data access and sharing software— Platform as a service PaaS +Cloud-based management software— Amazon Web Services AWS CloudFormation; Google Cloud software +Configuration management software— Chef; IBM Terraform; Puppet +Content workflow software— Atlassian JIRA +Data base management system software— Elasticsearch; MongoDB; NoSQL +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Reporting software +Data base user interface and query software— Amazon Web Services AWS software; IBM DB2; Microsoft SQL Server; ServiceNow;2 more +Development environment software— Go; Microsoft Azure software; Microsoft PowerShell; Ruby;3 more +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software; Jenkins CI; Microsoft SQL Server Integration Services SSIS +Enterprise resource planning ERP software— Management information systems MIS +Enterprise system management software— Splunk Enterprise; Tanium software +Expert system software— Ansible software +File versioning software— Git +Geographic information system— Geographic information system GIS systems +Graphics or photo imaging software— Microsoft Visio +Internet directory services software— Active directory software; Microsoft Active Directory; Network directory services software; Oracle Unified Directory +Network monitoring software— IBM QRadar SIEM; Microsoft Azure Sentinel; Snort; Wireshark;1 more +Network security and virtual private network VPN equipment software— Firewall software +Network security or virtual private network VPN management software— IBM Resource Access Control Facility RACF; Intrusion detection system IDS +Object or component oriented development software— C#; Oracle Java; Perl; R;2 more +Office suite software— Microsoft Office software +Operating system software— Apple iOS; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;7 more +Presentation software— Microsoft PowerPoint +Project management software— Atlassian Confluence; Microsoft Teams +Risk management data and analysis software— ArcSight Enterprise Threat and Risk Management; McAfee Enterprise Security Manager +Spreadsheet software— Microsoft Excel +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— Microsoft Defender Antivirus; Microsoft Security Esssentials; Tenable Nessus +Transaction server software— IBM Middleware +Web platform development software— JavaScript; JavaScript Object Notation JSON; PHP; React;2 more +Word processing software— Collaborative editing software",,"Manage information technology projects or system activities. +Develop software or computer applications. +Install computer software. +Analyze security of systems, network, or data. +Coordinate reporting or editing activities. +Develop operating strategies, plans, or procedures. +Develop performance metrics or standards related to information technology. +Establish work standards. +Evaluate potential of products, technologies, or resources. +Evaluate utility of software or hardware technologies. +Implement security measures for computer or information systems. +Investigate illegal or suspicious activities. +Monitor processes for compliance with standards. +Provide technical guidance to other personnel. +Read documents to gather technical information. +Recommend changes to improve computer or information systems. +Supervise information technology personnel. +Test computer system operations to ensure proper functioning. +Train personnel in technical or scientific procedures. +Troubleshoot issues with computer applications or systems. +Write reports or evaluations.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Computer and Information Systems Managers +Bright Outlook +Computer Network Architects +Computer Network Support Specialists +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Information Security Analysts +Network and Computer Systems Administrators +Penetration Testers +Software Developers","View the list of Allies +ASIS International +external site +Association for Computing Machinery +external site +Computer Professionals for Social Responsibility +external site +Cybersecurity Collaborative +external site +Digital Forensic Research Workshop +external site +Digital Forensics Association +external site +Federation of Security Professionals +external site +IEEE Computer Society +external site +Information Systems Security Association International +external site +International Association of Privacy Professionals +external site +Internet Society +external site +ISACA +external site +National Cybersecurity Alliance +external site +National Institute of Standards and Technology +external site +Network Professional Association +external site +Open Worldwide Application Security Project +external site +Security Industry Association +external site +Society for Information Management +external site +Society for Innovation, Technology, and Modernisation +external site +Middle Atlantic-Great Lakes Organized Crime Law Enforcement Network +external site +Midwest Cyber Security Alliance +external site +New England Regional Developers +external site +Northeast Regional Computing Program +external site +Southwest CyberSec Forum +external site +CompTIA +external site +EC-Council +external site +Cloud Security Alliance +external site +International Association of Computer Investigative Specialists +external site +International Secure Information Governance and Management Association +external site +ISC2 +external site +SANS Institute +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +29-1022.00,Oral and Maxillofacial Surgeons,https://www.onetonline.org/link/summary/29-1022.00,2025-06-11T19:04:24.093140,"Administer general and local anesthetics. +Collaborate with other professionals, such as restorative dentists and orthodontists, to plan treatment. +Evaluate the position of the wisdom teeth to determine whether problems exist currently or might occur in the future. +Perform surgery to prepare the mouth for dental implants and to aid in the regeneration of deficient bone and gum tissues. +Remove impacted, damaged, and non-restorable teeth. +Treat infections of the oral cavity, salivary glands, jaws, and neck. +Remove tumors and other abnormal growths of the oral and facial regions, using surgical instruments. +Provide emergency treatment of facial injuries including facial lacerations, intra-oral lacerations, and fractured facial bones. +Treat problems affecting the oral mucosa, such as mouth ulcers and infections. +Restore form and function by moving skin, bone, nerves, and other tissues from other parts of the body to reconstruct the jaws and face. +Perform surgery on the mouth and jaws to treat conditions such as cleft lip, cleft palate, and jaw growth problems. +Perform minor cosmetic procedures, such as chin and cheekbone enhancements. +Perform minor facial rejuvenation procedures, including the use of Botox and laser technology. +Treat snoring problems, using laser surgery. +Evaluate and treat problems related to the temperomandibular joint (TMJ).","Development environment software— Ada +Graphics or photo imaging software— Apteryx Imaging Suite; DentalEye; Planmeca Oy Dimaxis; Sirona SIDEXIS XG;2 more +Medical software— DecisionBase TiME for OMS; Dolphin Imaging & Management Solutions Dolphin Management; DSN Software Oral Surgery-Exec +Operating system software","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Administer anesthetics or sedatives to control pain. +Collaborate with healthcare professionals to plan or provide treatment. +Analyze patient data to determine patient needs or treatment goals. +Operate on patients to treat conditions. +Treat acute illnesses, infections, or injuries. +Treat dental problems or diseases. +Treat medical emergencies. +Treat chronic diseases or disorders.","Exposed to Disease or Infections— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 94% responded “Very important results.” +Physical Proximity— 96% responded “Very close (near touching).” +Telephone Conversations— 94% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 94% responded “Every day.” +Freedom to Make Decisions— 93% responded “A lot of freedom.” +Contact With Others— 84% responded “Constant contact with others.” +Health and Safety of Other Workers— 85% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 83% responded “Extremely important.” +Frequency of Decision Making— 85% responded “Every day.” +Indoors, Environmentally Controlled— 94% responded “Every day.” +Work Outcomes and Results of Other Workers— 80% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 75% responded “Extremely important.” +Written Letters and Memos— 67% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 78% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 74% responded “Extremely important.” +Spend Time Standing— 50% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Consequence of Error— 69% responded “Extremely serious.” +E-Mail— 70% responded “Every day.” +Level of Competition— 46% responded “Highly competitive.” +Time Pressure— 36% responded “Every day.” +Conflict Situations— 36% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 51% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 57% responded “More than half the time.” +Duration of Typical Work Week— 49% responded “40 hours.” +Importance of Repeating Same Tasks— 32% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 34% responded “Less than half the time.” +Exposed to Contaminants— 32% responded “Once a week or more but not every day.” +Exposed to Radiation— 29% responded “Never.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Dentists, General +Dermatologists +Bright Outlook +Emergency Medicine Physicians +Ophthalmologists, Except Pediatric +Orthodontists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Podiatrists +Prosthodontists +Urologists","View the list of Allies +Academy of General Dentistry +external site +Academy of Osseointegration +external site +American Academy of Cosmetic Surgery +external site +American Academy of Oral and Maxillofacial Pathology +external site +American Academy of Oral and Maxillofacial Radiology +external site +American Academy of Pediatric Dentistry +external site +American Academy of Periodontology +external site +American Association of Endodontists +external site +American Association of Oral and Maxillofacial Surgeons +external site +American Association of Orthodontists +external site +American Association of Public Health Dentistry +external site +American Cleft Palate - Craniofacial Association +external site +American College of Dentists +external site +American Dental Association +external site +American Dental Education Association +external site +American Dental Society of Anesthesiology +external site +American Medical Association +external site +American Society of Dentist Anesthesiologists +external site +International Association of Oral and Maxillofacial Surgeons +external site +The American College of Oral and Maxillofacial Surgeons +external site +The American Society of Maxillofacial Surgeons +external site +American College of Prosthodontists +external site +International Congress of Oral Implantologists +external site",83,4,26,85,51,60,40,61,43,44,45,60,61,50,29,46,37,42,28,19,69,53,35,30,100,31,17,37,85,34,19,11,22 +27-1013.00,"Fine Artists, Including Painters, Sculptors, and Illustrators",https://www.onetonline.org/link/summary/27-1013.00,2025-06-11T19:02:33.489010,"Use materials such as pens and ink, watercolors, charcoal, oil, or computer software to create artwork. +Integrate and develop visual elements, such as line, space, mass, color, and perspective, to produce desired effects, such as the illustration of ideas, emotions, or moods. +Confer with clients, editors, writers, art directors, and other interested parties regarding the nature and content of artwork to be produced. +Maintain portfolios of artistic work to demonstrate styles, interests, and abilities. +Market artwork through brochures, mailings, or Web sites. +Study different techniques to learn how to apply them to artistic endeavors. +Monitor events, trends, and other circumstances, research specific subject areas, attend art exhibitions, and read art publications to develop ideas and keep current on art world activities. +Photograph objects, places, or scenes for reference material. +Model substances such as clay or wax, using fingers and small hand tools to form objects. +Create sculptures, statues, and other three-dimensional artwork by using abrasives and tools to shape, carve, and fabricate materials such as clay, stone, wood, or metal. +Set up exhibitions of artwork for display or sale. +Render drawings, illustrations, and sketches of buildings, manufactured products, or models, working from sketches, blueprints, memory, models, or reference materials. +Shade and fill in sketch outlines and backgrounds, using a variety of media such as water colors, markers, and transparent washes, labeling designated colors when necessary. +Frame and mat artwork for display or sale. +Submit artwork to shows or galleries. +Submit preliminary or finished artwork or project plans to clients for approval, incorporating changes as necessary. +Collaborate with engineers, mechanics, and other technical experts as necessary to build and install creations. +Cut, bend, laminate, arrange, and fasten individual or mixed raw and manufactured materials and products to form works of art. +Develop project budgets for approval, estimating time lines and material costs. +Create and prepare sketches and model drawings of cartoon characters, providing details from memory, live models, manufactured products, or reference materials. +Create finished art work as decoration, or to elucidate or substitute for spoken or written messages. +Create sketches, profiles, or likenesses of posed subjects or photographs, using any combination of freehand drawing, mechanical assembly kits, and computer imaging. +Trace drawings onto clear acetate for painting or coloring, or trace them with ink to make final copies. +Apply solvents and cleaning agents to clean surfaces of paintings, and to remove accretions, discolorations, and deteriorated varnish. +Collaborate with writers who create ideas, stories, or captions that are combined with artists' work. +Brush or spray protective or decorative finishes on completed background panels, informational legends, exhibit accessories, or finished paintings. +Teach artistic techniques to children or adults. +Provide entertainment at special events by performing activities such as drawing cartoons.","Accounting software— Intuit QuickBooks +Computer aided design CAD software— Autodesk 3D Studio Design; Autodesk AutoCAD; Dassault Systemes CATIA; Trimble SketchUp Pro +Configuration management software— Perforce Helix software +Data base user interface and query software— ArtScope.net eArtist; Camp Software Art Licensing Manager; FileMaker Bento; GYST +Desktop communications software— ClassDojo +Desktop publishing software— Adobe FrameMaker; Adobe InDesign +Development environment software— Adobe ActionScript; Unity Technologies Unity; Unreal Technology Unreal Engine +Document management software— Adobe Acrobat; Code Line Art Files +Electronic mail software— Email software +Enterprise application integration software— Extensible markup language XML +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Photoshop; Corel CorelDraw Graphics Suite; SmugMug Flickr;13 more +Instant messaging software— GroupMe; Twitter +Internet browser software— Web browser software +Object or component oriented development software— C#; C++; Python +Office suite software— Microsoft Office software +Point of sale POS software— Credit card processing software +Presentation software— Microsoft PowerPoint +Project management software— WorkingArtist Systems WorkingArtist +Video creation and editing software— Adobe After Effects +Web page creation and editing software— Adobe Dreamweaver; Facebook +Web platform development software— Hypertext markup language HTML; JavaScript +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Build models, patterns, or templates. +Construct distinctive physical objects for artistic, functional, or commercial purposes. +Arrange artwork, products, or props. +Draw detailed or technical illustrations. +Collaborate with others to determine technical details of productions. +Prepare materials for preservation, storage, or display. +Present work to clients for approval. +Send information, materials or documentation. +Coordinate logistics for productions or events. +Maintain records, documents, or other files. +Estimate costs for projects or productions. +Perform marketing activities. +Research new technologies. +Collaborate with others to prepare or perform artistic productions. +Apply finishes to artwork, crafts, or displays. +Conduct research to inform art, designs, or other work. +Monitor current trends. +Operate still or video cameras or related equipment. +Teach classes in area of specialization. +Entertain public with comedic or dramatic performances.","Freedom to Make Decisions— 86% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 84% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 81% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 14% responded “Never.” +Importance of Being Exact or Accurate— 27% responded “Important.” +E-Mail— 14% responded “Once a month or more but not every week.” +Frequency of Decision Making +Spend Time Making Repetitive Motions— 27% responded “Continually or almost continually.” +Telephone Conversations— 29% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Every day.” +Spend Time Sitting— 21% responded “Continually or almost continually.” +Time Pressure— 32% responded “Once a year or more but not every month.” +Face-to-Face Discussions with Individuals and Within Teams— 34% responded “Every day.” +Contact With Others— 29% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 43% responded “No results.” +Spend Time Standing— 14% responded “Continually or almost continually.”","Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Art Directors +Commercial and Industrial Designers +Craft Artists +Etchers and Engravers +Fashion Designers +Graphic Designers +Painting, Coating, and Decorating Workers +Photographers +Set and Exhibit Designers +Special Effects Artists and Animators","View the list of Allies +American Craft Council +external site +Association of Medical Illustrators +external site +Glass Art Society +external site +Graphic Artists Guild +external site +National Association of Independent Artists +external site +National Association of Schools of Art and Design +external site +National Cartoonists Society +external site +National Sculpture Society +external site +National Watercolor Society +external site +Oil Painters of America +external site +Sculptors Guild +external site +Society of Children's Book Writers and Illustrators +external site +Society of Decorative Painters +external site +Society of Illustrators +external site +The Artist-Blacksmith's Association of North America +external site +Writers and Publishers Network +external site",58,,65,72,55,51,35,60,43,26,39,18,27,81,7,33,59,27,16,35,45,2,35,29,,41,27,16,10,84,43,61,20 +27-2012.05,Media Technical Directors/Managers,https://www.onetonline.org/link/summary/27-2012.05,2025-06-11T19:03:10.318887,"Switch between video sources in a studio or on multi-camera remotes, using equipment such as switchers, video slide projectors, and video effects generators. +Observe pictures through monitors and direct camera and video staff concerning shading and composition. +Supervise and assign duties to workers engaged in technical control and production of radio and television programs. +Monitor broadcasts to ensure that programs conform to station or network policies and regulations. +Operate equipment to produce programs or broadcast live programs from remote locations. +Test equipment to ensure proper operation. +Train workers in use of equipment, such as switchers, cameras, monitors, microphones, and lights. +Act as liaisons between engineering and production departments. +Collaborate with promotions directors to produce on-air station promotions. +Confer with operations directors to formulate and maintain fair and attainable technical policies for programs. +Schedule use of studio and editing facilities for producers and engineering and maintenance staff. +Direct technical aspects of newscasts and other productions, checking and switching between video sources and taking responsibility for the on-air product, including camera shots and graphics. +Follow instructions from production managers and directors during productions, such as commands for camera cuts, effects, graphics, and takes. +Set up and execute video transitions and special effects, such as fades, dissolves, cuts, keys, and supers, using computers to manipulate pictures as necessary. +Discuss filter options, lens choices, and the visual effects of objects being filmed with photography directors and video operators. +Coordinate the use of drone technology for aerial filming and photography.","Computer aided design CAD software— Autodesk Maya +Customer relationship management CRM software— Salesforce software +Data base management system software— Microsoft SQL Server +Data base user interface and query software— Oracle Database; Structured query language SQL +Development environment software— C; Software development tools; Unity Technologies Unity +Electronic mail software— MailChimp; Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— Pinterest +Music or sound editing software— Adobe Audition; Avid Technology Pro Tools +Object or component oriented development software— C++; Perl; Python; Swift +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX; UNIX Shell +Presentation software— Microsoft PowerPoint +Project management software— Atlassian JIRA +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; The Associated Press ENPS; YouTube;4 more +Web page creation and editing software— Adobe Experience Manager (AEM); Facebook; Social media sites +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Direct productions or performances. +Operate control consoles for sound, lighting or video. +Determine technical requirements of productions or projects. +Manage content of broadcasts or presentations. +Coordinate activities of production personnel. +Monitor broadcasting operations to ensure proper functioning. +Create computer-generated graphics or animation. +Operate communications, transmissions, or broadcasting equipment. +Inspect communications or broadcasting equipment. +Train others on work processes. +Coordinate logistics for productions or events. +Collaborate with others to determine technical details of productions.","E-Mail— 100% responded “Every day.” +Contact With Others— 94% responded “Constant contact with others.” +Time Pressure— 86% responded “Every day.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Frequency of Decision Making— 84% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities +Duration of Typical Work Week— 77% responded “More than 40 hours.” +Freedom to Make Decisions— 53% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Important results.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 54% responded “High responsibility.” +Spend Time Sitting— 39% responded “More than half the time.” +Importance of Repeating Same Tasks— 14% responded “Not important at all.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 22% responded “Less than half the time.” +Physical Proximity— 74% responded “Moderately close (at arm's length).” +Conflict Situations— 31% responded “Every day.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Level of Competition— 20% responded “Extremely competitive.” +Written Letters and Memos— 31% responded “Never.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 50% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Operation and Control— Controlling operations of equipment or systems.","Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Art Directors +Broadcast Announcers and Radio Disc Jockeys +Film and Video Editors +Information Technology Project Managers +Bright Outlook +Media Programming Directors +Producers and Directors +Project Management Specialists +Public Relations Specialists +Sound Engineering Technicians +Talent Directors","View the list of Allies +National Association of Broadcasters +external site +National Association of Schools of Theatre +external site +National Religious Broadcasters +external site +Producers Guild of America +external site +Society of Motion Picture and Television Engineers +external site +Directors Guild of America +external site +International Brotherhood of Electrical Workers +external site +Society of Broadcast Engineers +external site",52,,45,78,35,57,27,46,36,10,25,22,8,84,8,38,94,15,13,20,26,6,21,69,7,66,9,9,,36,42,13,13 +27-2032.00,Choreographers,https://www.onetonline.org/link/summary/27-2032.00,2025-06-11T19:03:23.976751,"Direct rehearsals to instruct dancers in dance steps and in techniques to achieve desired effects. +Advise dancers on standing and moving properly, teaching correct dance techniques to help prevent injuries. +Teach students, dancers, and other performers about rhythm and interpretive movement. +Record dance movements and their technical aspects, using a technical understanding of the patterns and formations of choreography. +Direct and stage dance presentations for various forms of entertainment. +Choose the music, sound effects, or spoken narrative to accompany a dance. +Experiment with different types of dancers, steps, dances, and placements, testing ideas informally to get feedback from dancers. +Seek influences from other art forms, such as theatre, the visual arts, and architecture. +Develop ideas for creating dances, keeping notes and sketches to record influences. +Coordinate production music with music directors. +Design dances for individual dancers, dance companies, musical theatre, opera, fashion shows, film, television productions, and special events, and for dancers ranging from beginners to professionals. +Audition performers for one or more dance parts. +Assess students' dancing abilities to determine where improvement or change is needed. +Design sets, lighting, costumes, and other artistic elements of productions, in collaboration with cast members. +Train, exercise, and attend dance classes to maintain high levels of technical proficiency, physical ability, and physical fitness. +Read and study story lines and musical scores to determine how to translate ideas and moods into dance movements. +Manage dance schools, or assist in their management. +Restage traditional dances and works in dance companies' repertoires, developing new interpretations.","Customer relationship management CRM software— Salesforce software +Electronic mail software— Email software +Graphical user interface development software— Salesforce Visualforce +Graphics or photo imaging software— Chorel Technology Dance Designer; Credo Interactive DanceForms +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Facebook; Social media sites +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Train others on performance techniques. +Choreograph dances. +Coordinate artistic activities. +Determine presentation subjects or content. +Monitor current trends. +Audition or interview potential performers or staff members. +Evaluate skills of athletes or performers. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Practice athletic or artistic skills. +Study scripts to determine project requirements. +Manage operations of artistic or entertainment departments or organizations.","Physical Proximity— 100% responded “Very close (near touching).” +E-Mail— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Contact With Others— 76% responded “Constant contact with others.” +Spend Time Bending or Twisting Your Body— 71% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Level of Competition— 57% responded “Extremely competitive.” +Spend Time Standing— 57% responded “Continually or almost continually.” +Telephone Conversations— 48% responded “Every day.” +Spend Time Making Repetitive Motions— 48% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Spend Time Keeping or Regaining Balance— 57% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Health and Safety of Other Workers— 67% responded “High responsibility.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 33% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 33% responded “Extremely important.” +Written Letters and Memos— 30% responded “Every day.” +Public Speaking— 38% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 29% responded “Less than half the time.” +Conflict Situations— 48% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 38% responded “Very important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 38% responded “Less than half the time.” +Impact of Decisions on Co-workers or Company Results— 25% responded “Important results.”","Instructing— Teaching others how to do something. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Dynamic Flexibility— The ability to quickly and repeatedly bend, stretch, twist, or reach out with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Actors +Art Directors +Art, Drama, and Music Teachers, Postsecondary +Dancers +Bright Outlook +Music Directors and Composers +Music Therapists +Musicians and Singers +Producers and Directors +Self-Enrichment Teachers +Talent Directors","View the list of Allies +Dance/USA +external site +American Association of Community Theatre +external site +National Association of Schools of Dance +external site +Regional Dance America +external site +Stage Directors and Choreographers Society +external site +USA Dance +external site +Actors' Equity Association +external site +American Guild of Musical Artists +external site +American Guild of Variety Artists +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site",42,1,56,50,24,56,20,57,30,23,41,44,4,41,18,13,53,10,31,16,48,31,32,16,6,14,13,25,14,53,7,88,30 +17-2141.01,Fuel Cell Engineers,https://www.onetonline.org/link/summary/17-2141.01,2025-06-11T18:54:17.222482,"Plan or conduct experiments to validate new materials, optimize startup protocols, reduce conditioning time, or examine contaminant tolerance. +Provide technical consultation or direction related to the development or production of fuel cell systems. +Characterize component or fuel cell performances by generating operating maps, defining operating conditions, identifying design refinements, or executing durability assessments. +Plan or implement fuel cell cost reduction or product improvement projects in collaboration with other engineers, suppliers, support personnel, or customers. +Conduct fuel cell testing projects, using fuel cell test stations, analytical instruments, or electrochemical diagnostics, such as cyclic voltammetry or impedance spectroscopy. +Analyze fuel cell or related test data, using statistical software. +Conduct post-service or failure analyses, using electromechanical diagnostic principles or procedures. +Define specifications for fuel cell materials. +Recommend or implement changes to fuel cell system designs. +Validate design of fuel cells, fuel cell components, or fuel cell systems. +Read current literature, attend meetings or conferences, or talk with colleagues to stay abreast of new technology or competitive products. +Prepare test stations, instrumentation, or data acquisition systems for use in specific tests of fuel cell components or systems. +Develop fuel cell materials or fuel cell test equipment. +Fabricate prototypes of fuel cell components, assemblies, stacks, or systems. +Manage fuel cell battery hybrid system architecture, including sizing of components, such as fuel cells, energy storage units, or electric drives. +Design or implement fuel cell testing or development programs. +Write technical reports or proposals related to engineering projects. +Simulate or model fuel cell, motor, or other system information, using simulation software programs. +Design fuel cell systems, subsystems, stacks, assemblies, or components, such as electric traction motors or power electronics. +Identify or define vehicle and system integration challenges for fuel cell vehicles. +Calculate the efficiency or power output of a fuel cell system or process. +Coordinate fuel cell engineering or test schedules with departments outside engineering, such as manufacturing. +Authorize release of fuel cell parts, components, or subsystems for production. +Evaluate the power output, system cost, or environmental impact of new hydrogen or non-hydrogen fuel cell system designs. +Integrate electric drive subsystems with other vehicle systems to optimize performance or mitigate faults. +Develop or evaluate systems or methods of hydrogen storage for fuel cell applications.","Analytical or scientific software— Gaussian GaussView; GE Energy GateCycle; Minitab; The MathWorks MATLAB;10 more +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— IBM Cloud; Oracle Database +Development environment software— C; National Instruments LabVIEW; Wind River Systems C/C++ Compiler Suite +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software +Industrial control software— Supervisory control and data acquisition SCADA software +Object or component oriented development software— C++ +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Research energy production, use, or conservation. +Design alternative energy systems. +Provide technical guidance to other personnel. +Analyze test or validation data. +Confer with technical personnel to prepare designs or operational plans. +Implement design or process improvements. +Prepare detailed work plans. +Test green technologies or processes. +Conduct quantitative failure analyses of operational data. +Determine design criteria or specifications. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Conduct validation tests of equipment or processes. +Update technical knowledge. +Design materials for industrial or commercial applications. +Operate industrial equipment. +Create physical models or prototypes. +Devise research or testing protocols. +Prepare proposal documents. +Prepare technical reports for internal use. +Create models of engineering designs or methods. +Analyze green technology design requirements. +Analyze costs and benefits of proposed designs or projects. +Coordinate activities with suppliers, contractors, clients, or other departments. +Maintain inventories of materials, equipment, or products. +Investigate the environmental impact of projects. +Design energy-efficient vehicles or vehicle components. +Develop technical methods or processes. +Evaluate the characteristics of green technologies.","E-Mail— 95% responded “Every day.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 59% responded “Every day.” +Telephone Conversations— 50% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 59% responded “Very important.” +Contact With Others— 45% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 68% responded “Some freedom.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Health and Safety of Other Workers— 32% responded “High responsibility.” +Exposed to Hazardous Conditions— 36% responded “Every day.” +Time Pressure— 45% responded “Once a month or more but not every week.” +Spend Time Sitting— 45% responded “About half the time.” +Level of Competition— 45% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Important.” +Physical Proximity— 59% responded “Slightly close (e.g., shared office).”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Operations Analysis— Analyzing needs and product requirements to create a design. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Aerospace Engineers +Bright Outlook +Automotive Engineers +Biofuels/Biodiesel Technology and Product Development Managers +Chemical Engineers +Electrical Engineers +Electronics Engineers, Except Computer +Materials Scientists +Mechanical Engineers +Microsystems Engineers +Nuclear Engineers","View the list of Allies +National Fuel Cell Research Center +external site +American Chemical Society +external site +American Institute of Chemical Engineers +external site +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +International Association for Hydrogen Energy +external site +Lawrence Berkley National Laboratory +external site +Materials Research Society +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Women Engineers +external site +Technology Student Association +external site +The Electrochemical Society +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",25,2,57,54,72,46,26,33,29,26,21,27,74,62,13,15,23,61,5,27,5,4,7,21,4,91,29,66,4,72,10,1,2 +37-2011.00,"Janitors and Cleaners, Except Maids and Housekeeping Cleaners",https://www.onetonline.org/link/summary/37-2011.00,2025-06-11T19:12:17.611487,"Service, clean, or supply restrooms. +Gather and empty trash. +Clean building floors by sweeping, mopping, scrubbing, or vacuuming. +Monitor building security and safety by performing tasks such as locking doors after operating hours or checking electrical appliance use to ensure that hazards are not created. +Notify managers concerning the need for major repairs or additions to building operating systems. +Follow procedures for the use of chemical cleaners and power equipment to prevent damage to floors and fixtures. +Mix water and detergents or acids in containers to prepare cleaning solutions, according to specifications. +Clean windows, glass partitions, or mirrors, using soapy water or other cleaners, sponges, or squeegees. +Requisition supplies or equipment needed for cleaning and maintenance duties. +Dust furniture, walls, machines, or equipment. +Clean and polish furniture and fixtures. +Move heavy furniture, equipment, or supplies, either manually or with hand trucks. +Strip, seal, finish, and polish floors. +Remove snow from sidewalks, driveways, or parking areas, using snowplows, snow blowers, or snow shovels, or spread snow-melting chemicals. +Make adjustments or minor repairs to heating, cooling, ventilating, plumbing, or electrical systems. +Drive vans, industrial trucks, or other vehicles required to travel to, or to perform, cleaning work. +Spray insecticides or fumigants to prevent insect or rodent infestation. +Set up, arrange, or remove decorations, tables, chairs, ladders, or scaffolding to prepare facilities for events, such as banquets or meetings. +Clean chimneys, flues, and connecting pipes, using power or hand tools. +Mow or trim lawns or shrubbery, using mowers or hand or power trimmers, and clear debris from grounds. +Steam-clean or shampoo carpets.","Cloud-based data access and sharing software— Squeegee +Desktop communications software— Eko +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Clean facilities or sites. +Dispose of trash or waste materials. +Clean building walls or flooring. +Confer with coworkers to coordinate maintenance or cleaning activities. +Monitor building premises to ensure occupant or visitor safety. +Prepare chemicals for work application. +Clean furniture or fixtures. +Clean equipment or supplies. +Select equipment, materials, or supplies for cleaning or maintenance activities. +Drive trucks or other vehicles to or at work sites. +Remove snow. +Maintain equipment or systems to ensure proper functioning. +Move furniture. +Decorate indoor or outdoor spaces. +Treat facilities to eliminate pests. +Operate grounds maintenance equipment. +Remove debris from work sites. +Trim trees or other vegetation.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 84% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Spend Time Walking or Running— 61% responded “Continually or almost continually.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Spend Time Standing— 47% responded “Continually or almost continually.” +Health and Safety of Other Workers— 47% responded “Very high responsibility.” +Contact With Others— 39% responded “Constant contact with others.” +E-Mail— 34% responded “Every day.” +Spend Time Making Repetitive Motions— 42% responded “More than half the time.” +Exposed to Disease or Infections— 43% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Work With or Contribute to a Work Group or Team— 44% responded “Important.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Not important at all.” +Frequency of Decision Making— 42% responded “Every day.” +Physical Proximity— 32% responded “Moderately close (at arm's length).” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 42% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Cleaners of Vehicles and Equipment +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Dishwashers +Floor Sanders and Finishers +Landscaping and Groundskeeping Workers +Bright Outlook +Laundry and Dry-Cleaning Workers +Maids and Housekeeping Cleaners +Maintenance and Repair Workers, General +Recycling and Reclamation Workers +Septic Tank Servicers and Sewer Pipe Cleaners","View the list of Allies +Building Service Contractors Association International +external site +IEHA +external site +ISSA-The Worldwide Cleaning Industry Association +external site +American Federation of Teachers, AFL-CIO +external site +ISSA Residential +external site",42,9,19,49,15,54,59,22,23,20,2,27,19,16,7,32,24,20,17,33,7,4,1,30,6,9,4,23,,3,6,, +19-3039.02,Neuropsychologists,https://www.onetonline.org/link/summary/19-3039.02,2025-06-11T18:57:20.181241,"Conduct neuropsychological evaluations such as assessments of intelligence, academic ability, attention, concentration, sensorimotor function, language, learning, and memory. +Write or prepare detailed clinical neuropsychological reports, using data from psychological or neuropsychological tests, self-report measures, rating scales, direct observations, or interviews. +Interview patients to obtain comprehensive medical histories. +Diagnose and treat conditions involving injury to the central nervous system, such as cerebrovascular accidents, neoplasms, infectious or inflammatory diseases, degenerative diseases, head traumas, demyelinating diseases, and various forms of dementing illnesses. +Establish neurobehavioral baseline measures for monitoring progressive cerebral disease or recovery. +Provide education or counseling to individuals and families. +Diagnose and treat pediatric populations for conditions such as learning disabilities with developmental or organic bases. +Read current literature, talk with colleagues, and participate in professional organizations or conferences to keep abreast of developments in neuropsychology. +Participate in educational programs, in-service training, or workshops to remain current in methods and techniques. +Consult with other professionals about patients' neurological conditions. +Educate and supervise practicum students, psychology interns, or hospital staff. +Design or implement rehabilitation plans for patients with cognitive dysfunction. +Diagnose and treat conditions such as chemical dependency, alcohol dependency, Acquired Immune Deficiency Syndrome (AIDS) dementia, and environmental toxin exposure. +Conduct research on neuropsychological disorders.","Analytical or scientific software— IBM SPSS Statistics; Noldus Information Technology The Observer XT; Statistical software +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software; Operational Data Store ODS software +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— BrainTrain Captain's Log; Patient electronic medical record EMR software; Psychological testing software; The Tova Company Test of Variables of Attention;7 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Administer standardized physical or psychological tests. +Prepare scientific or technical reports or presentations. +Diagnose neural or psychological disorders. +Collect information from people through observation, interviews, or surveys. +Counsel clients on mental health or personal achievement. +Establish standards for medical care. +Attend conferences or workshops to maintain professional knowledge. +Review professional literature to maintain professional knowledge. +Collaborate with healthcare professionals to plan or provide treatment. +Instruct college students in social sciences or humanities disciplines. +Design psychological or educational treatment procedures or programs. +Direct medical science or healthcare programs. +Conduct research to increase knowledge about medical issues.","Indoors, Environmentally Controlled— 96% responded “Every day.” +E-Mail— 76% responded “Every day.” +Freedom to Make Decisions— 76% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Spend Time Sitting— 56% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Telephone Conversations— 44% responded “Every day.” +Frequency of Decision Making— 56% responded “Every day.” +Contact With Others— 56% responded “Contact with others most of the time.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Written Letters and Memos— 36% responded “Every day.” +Level of Competition— 44% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Physical Proximity— 58% responded “Moderately close (at arm's length).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “More than half the time.” +Deal With External Customers or the Public in General— 32% responded “Fairly important.” +Work With or Contribute to a Work Group or Team— 32% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,"Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical and Counseling Psychologists +Clinical Neuropsychologists +Clinical Nurse Specialists +Family Medicine Physicians +General Internal Medicine Physicians +Neurologists +Pediatricians, General +Physical Medicine and Rehabilitation Physicians +Psychiatrists","View the list of Allies +American Academy of Neurology +external site +American Association of Neurological Surgeons +external site +American Association of Neuroscience Nurses +external site +American Epilepsy Society +external site +American Neuropsychiatric Association +external site +American Psychological Association +external site +American Society of Neurorehabilitation +external site +Association for Psychological Science +external site +Brain Injury Association of America +external site +Child Neurology Society +external site +Cognitive Neuroscience Society +external site +Hispanic Neuropsychological Society +external site +International Brain Injury Association +external site +International Neuropsychological Society +external site +National Academy of Neuropsychology +external site +National Association of School Psychologists +external site +Neurocritical Care Society +external site +Psychonomic Society +external site +Society for Clinical Neuropsychology +external site +Society for Industrial and Organizational Psychology +external site +Society for Neuroscience +external site +Sports Neuropsychology Society +external site +Western Psychological Association +external site +World Federation for Mental Health +external site +World Federation of Neurology +external site +Eastern Psychological Association +external site +Midwestern Psychological Association +external site +New England Psychological Association +external site +Rocky Mountain Psychological Association +external site +Southeastern Psychological Association +external site +Southwestern Psychological Association +external site +American Board of Professional Psychology +external site +American Academy of Clinical Neuropsychology +external site",72,2,12,86,56,48,33,78,56,31,22,38,18,53,24,40,35,6,34,8,100,89,67,33,72,13,3,6,63,10,11,3,11 +39-4012.00,Crematory Operators,https://www.onetonline.org/link/summary/39-4012.00,2025-06-11T19:13:11.424490,"Clean the crematorium, including tables, floors, and equipment. +Document divided remains to ensure parts are not misplaced. +Embalm, dress, or otherwise prepare the deceased for viewing. +Explain the cremation process to family or friends of the deceased. +Offer counsel and comfort to bereaved families or friends. +Pick up and handle human or pet remains in a respectful manner. +Place corpses into crematory machines to reduce remains to bone fragments using flame, heat, or alkaline hydrolysis. +Pulverize remaining bone fragments into smaller pieces, using specialized equipment, such as a cremulator or grinder. +Read documentation to confirm the identity of the deceased. +Remove jewelry, watches, or other personal items from the deceased prior to cremation. +Sweep or vacuum the cremation chamber to retrieve remains for storage in an urn or other container. +Transport the deceased to a funeral home or crematory using a van, hearse, or other vehicle.","Data base user interface and query software— Belmar & Associates Mortware; HMIS Advantage +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Adjust temperature controls of ovens or other heating equipment. +Apply cleansing or conditioning agents to client hair, scalp, or skin. +Apply makeup to alter or enhance appearance. +Clean facilities or equipment. +Clean facilities or work areas. +Discuss goods or services information with customers or patrons. +Drive vehicles to transport individuals or equipment. +Embalm corpses. +Explain use of products or services. +Handle caskets. +Load materials into equipment for processing. +Maintain records, documents, or other files. +Operate grinding equipment. +Provide counsel, comfort, or encouragement to individuals or families. +Transport biological or other medical materials. +Verify information or specifications.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Coroners +Embalmers +Funeral Attendants +Funeral Home Managers +Hazardous Materials Removal Workers +Medical Equipment Preparers +Bright Outlook +Morticians, Undertakers, and Funeral Arrangers +Orderlies +Recycling and Reclamation Workers +Veterinary Assistants and Laboratory Animal Caretakers","View the list of Allies +Cremation Association of North America +external site +International Cemetery, Cremation and Funeral Association +external site +International Order of the Golden Rule +external site +National Funeral Directors and Morticians Association +external site +Selected Independent Funeral Homes +external site +Academy of Professional Funeral Service Practice +external site +American Board of Funeral Service Education +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +11-3051.01,Quality Control Systems Managers,https://www.onetonline.org/link/summary/11-3051.01,2025-06-11T18:47:17.355492,"Stop production if serious product defects are present. +Review and update standard operating procedures or quality assurance manuals. +Monitor performance of quality control systems to ensure effectiveness and efficiency. +Review quality documentation necessary for regulatory submissions and inspections. +Analyze quality control test results and provide feedback and interpretation to production management or staff. +Verify that raw materials, purchased parts or components, in-process samples, and finished products meet established testing and inspection standards. +Oversee workers including supervisors, inspectors, or laboratory workers engaged in testing activities. +Direct product testing activities throughout production cycles. +Instruct staff in quality control and analytical procedures. +Direct the tracking of defects, test results, or other regularly reported quality control data. +Participate in the development of product specifications. +Identify quality problems or areas for improvement and recommend solutions. +Collect and analyze production samples to evaluate quality. +Produce reports regarding nonconformance of products or processes, daily production quality, root cause analyses, or quality trends. +Communicate quality control information to all relevant organizational departments, outside vendors, or contractors. +Monitor development of new products to help identify possible problems for mass production. +Identify critical points in the manufacturing process and specify sampling procedures to be used at these points. +Create and implement inspection and testing criteria or procedures. +Document testing procedures, methodologies, or criteria. +Review statistical studies, technological advances, or regulatory standards and trends to stay abreast of issues in the field of quality control. +Coordinate the selection and implementation of quality control equipment, such as inspection gauges. +Generate and maintain quality control operating budgets. +Instruct vendors or contractors on quality guidelines, testing procedures, or ways to eliminate deficiencies. +Confer with marketing and sales departments to define client requirements and expectations. +Evaluate new testing and sampling methodologies or technologies to determine usefulness. +Review and approve quality plans submitted by contractors. +Audit and inspect subcontractor facilities including external laboratories.","Analytical or scientific software— Minitab; Statgraphics; Systat Software LISA.lims; Thermo Fisher Scientific Laboratory Information Management Systems LIMS;10 more +Compliance software— EtQ Reliance; Sparta Systems TrackWise +Content workflow software— Atlassian JIRA +Data base user interface and query software— Database software; Microsoft Access; Microsoft SQL Server; Structured query language SQL;1 more +Desktop communications software— Eko +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Industrial control software— ASI DATAMYTE GageMetrics; Infinity QS ProFicient; PQ Systems MEASUREspy; Vivaldi Software Vivaldi Quality Management;8 more +Internet browser software— Web browser software +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; Selenium +Project management software— Microsoft Project +Risk management data and analysis software— MasterControl software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Inspect condition or functioning of facilities or equipment. +Direct operational or production activities. +Document organizational or operational procedures. +Monitor organizational procedures to ensure proper functioning. +Confer with organizational members to accomplish work activities. +Evaluate quality of materials or products. +Analyze data to inform operational decisions or activities. +Review documents or materials for compliance with policies or regulations. +Supervise employees. +Manage control system activities in organizations. +Conduct employee training programs. +Direct organizational operations, projects, or services. +Develop specifications for new products or processes. +Analyze data to assess operational or project effectiveness. +Recommend organizational process or policy changes. +Communicate organizational information to customers or other stakeholders. +Communicate organizational policies and procedures. +Prepare operational progress or status reports. +Develop organizational methods or procedures. +Monitor facilities or operational systems. +Develop operating strategies, plans, or procedures. +Implement organizational process or policy changes. +Maintain knowledge of current developments in area of expertise. +Prepare operational budgets. +Advise customers on technical or procedural issues. +Evaluate new technologies or methods. +Review details of technical drawings or specifications.","E-Mail— 100% responded “Every day.” +Duration of Typical Work Week— 95% responded “More than 40 hours.” +Contact With Others— 84% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Telephone Conversations— 83% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Very important.” +Impact of Decisions on Co-workers or Company Results +Frequency of Decision Making— 33% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Time Pressure— 36% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Level of Competition— 53% responded “Highly competitive.” +Written Letters and Memos— 27% responded “Once a month or more but not every week.” +Conflict Situations— 61% responded “Once a month or more but not every week.” +Spend Time Sitting— 44% responded “About half the time.” +Deal With External Customers or the Public in General— 46% responded “Important.” +Importance of Repeating Same Tasks— 47% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 33% responded “Once a year or more but not every month.” +Dealing With Unpleasant, Angry, or Discourteous People— 60% responded “Once a month or more but not every week.”","Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Chemical Technicians +Bright Outlook +Compliance Managers +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Industrial Engineers +Industrial Production Managers +Manufacturing Engineers +Quality Control Analysts +Regulatory Affairs Managers +Software Quality Assurance Analysts and Testers +Validation Engineers","View the list of Allies +American Chemical Society +external site +American Society for Microbiology +external site +American Society for Quality +external site +AOAC International +external site +Association for Supply Chain Management +external site +ASTM International +external site +Institute of Food Technologists +external site",69,31,78,77,65,68,62,77,49,24,16,55,72,58,10,47,31,32,13,28,33,24,19,14,23,63,20,45,47,37,14,,3 +41-3021.00,Insurance Sales Agents,https://www.onetonline.org/link/summary/41-3021.00,2025-06-11T19:14:20.150649,"Customize insurance programs to suit individual customers, often covering a variety of risks. +Sell various types of insurance policies to businesses and individuals on behalf of insurance companies, including automobile, fire, life, property, medical and dental insurance, or specialized policies, such as marine, farm/crop, and medical malpractice. +Explain features, advantages, and disadvantages of various policies to promote sale of insurance plans. +Perform administrative tasks, such as maintaining records and handling policy renewals. +Seek out new clients and develop clientele by networking to find new customers and generate lists of prospective clients. +Call on policyholders to deliver and explain policy, to analyze insurance program and suggest additions or changes, or to change beneficiaries. +Confer with clients to obtain and provide information when claims are made on a policy. +Interview prospective clients to obtain data about their financial resources and needs, the physical condition of the person or property to be insured, and to discuss any existing coverage. +Contact underwriter and submit forms to obtain binder coverage. +Select company that offers type of coverage requested by client to underwrite policy. +Ensure that policy requirements are fulfilled, including any necessary medical examinations and the completion of appropriate forms. +Develop marketing strategies to compete with other individuals or companies who sell insurance. +Calculate premiums and establish payment method. +Attend meetings, seminars, and programs to learn about new products and services, learn new skills, and receive technical assistance in developing new accounts. +Monitor insurance claims to ensure they are settled equitably for both the client and the insurer. +Plan and oversee incorporation of insurance program into bookkeeping system of company. +Inspect property, examining its general condition, type of construction, age, and other characteristics, to decide if it is a good insurance risk. +Install bookkeeping systems and resolve system problems. +Explain necessary bookkeeping requirements for customer to implement and provide group insurance program.","Calendar and scheduling software— Scheduling software +Customer relationship management CRM software— Allied Financial Software Act4Advisors; Applied Systems Vision; Insurance Technologies ForeSight Enterprise; Tangle S Creations Your Insurance Office;8 more +Data base user interface and query software— Insurance Technology Consultants WOW +Document management software— Allstar Software Systems Kofax +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Advantage Information Systems The Agency Advantage; AMS Services AMS Sagitta; Microsoft Dynamics; Vulcan Solutions Vulcan Insurance;24 more +Financial analysis software— Cygnus Software IncomeMax; Insurance analysis software; Insurance rating software; Underwriting software +Instant messaging software— GroupMe +Internet browser software— Web browser software +Medical software— Healthcare common procedure coding system HCPCS; Medical procedure coding software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— LogMeIn GoToMeeting; Zoom +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; YouTube +Web page creation and editing software— Facebook; LinkedIn +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Customize financial products or services to meet customer needs. +Sell products or services. +Explain financial information to customers. +Maintain records of sales or other business transactions. +Take product orders from customers. +Develop professional relationships or networks. +Identify potential customers. +Gather customer or product information to determine customer needs. +Prepare sales or other contracts. +Examine documents to verify adherence to requirements. +Develop marketing plans or strategies. +Review accuracy of sales or other transactions. +Calculate costs of goods or services. +Process sales or other transactions. +Manage information technology projects or system activities. +Examine condition of property or products. +Attend events to develop professional knowledge. +Study product information to acquire professional knowledge. +Install computer software. +Resolve computer software problems.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Deal With External Customers or the Public in General— 99% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Frequency of Decision Making— 84% responded “Every day.” +Contact With Others— 73% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Spend Time Sitting— 67% responded “Continually or almost continually.” +Time Pressure— 52% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 38% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 33% responded “Some freedom.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Level of Competition— 34% responded “Highly competitive.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 33% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 45% responded “Every day.” +Conflict Situations— 33% responded “Every day.” +Physical Proximity— 64% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Once a month or more but not every week.” +Consequence of Error— 32% responded “Serious.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Credit Authorizers, Checkers, and Clerks +Credit Counselors +Customer Service Representatives +Bright Outlook +Financial and Investment Analysts +Insurance Claims and Policy Processing Clerks +Insurance Underwriters +Loan Officers +Personal Financial Advisors +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +America's Health Insurance Plans +external site +American Council of Life Insurers +external site +American Property Casualty Insurance Association +external site +Group Underwriters Association of America +external site +Independent Insurance Agents and Brokers of America +external site +Insurance Information Institute +external site +International Association of Insurance Professionals +external site +Million Dollar Round Table +external site +National Association of Health Underwriters +external site +National Association of Insurance and Financial Advisors +external site +National Association of Professional Insurance Agents +external site +Society of Chartered Property and Casualty Underwriters +external site +Financial Industry Regulatory Authority +external site",92,2,32,78,65,60,37,52,39,42,91,46,4,48,1,64,52,1,5,62,35,14,15,36,14,2,5,,,1,20,1,16 +23-1023.00,"Judges, Magistrate Judges, and Magistrates",https://www.onetonline.org/link/summary/23-1023.00,2025-06-11T18:59:22.952972,"Sentence defendants in criminal cases, on conviction by jury, according to applicable government statutes. +Monitor proceedings to ensure that all applicable rules and procedures are followed. +Instruct juries on applicable laws, direct juries to deduce the facts from the evidence presented, and hear their verdicts. +Write decisions on cases. +Read documents on pleadings and motions to ascertain facts and issues. +Rule on admissibility of evidence and methods of conducting testimony. +Preside over hearings and listen to allegations made by plaintiffs to determine whether the evidence supports the charges. +Award compensation for damages to litigants in civil cases in relation to findings by juries or by the court. +Advise attorneys, juries, litigants, and court personnel regarding conduct, issues, and proceedings. +Research legal issues and write opinions on the issues. +Interpret and enforce rules of procedure or establish new rules in situations where there are no procedures already established by law. +Issue arrest warrants. +Settle disputes between opposing attorneys. +Impose restrictions upon parties in civil cases until trials can be held. +Supervise other judges, court officers, and the court's administrative staff. +Rule on custody and access disputes, and enforce court orders regarding custody and support of children. +Conduct preliminary hearings to decide issues, such as whether there is reasonable and probable cause to hold defendants in felony cases. +Grant divorces and divide assets between spouses. +Participate in judicial tribunals to help resolve disputes. +Provide information regarding the judicial system or other legal issues through the media and public speeches. +Perform wedding ceremonies.","Data base user interface and query software— Online databases +Document management software— Adobe Acrobat; Hyland OnBase Enterprise Content Management +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— LexisNexis; Thomson Reuters Westlaw +Instant messaging software +Internet browser software— Web browser software +Legal management software— Courtroom scheduling software +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Videoconferencing software +Web page creation and editing software— LinkedIn +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Make decisions in legal cases. +Direct courtroom activities or procedures. +Conduct hearings to investigate legal issues. +Prepare written decisions for legal proceedings. +Research relevant legal materials to aid decision making. +Identify implications for cases from legal precedents or other legal information. +Rule on admissibility of legal proceedings. +Authorize payments to settle legal disputes. +Arbitrate disputes between parties to resolve legal conflicts. +Serve court ordered documents. +Supervise activities of other legal personnel. +Inform the public about policies, services or procedures. +Administer oaths to court participants.","Freedom to Make Decisions— 100% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Determine Tasks, Priorities and Goals— 91% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 89% responded “Very important results.” +E-Mail— 85% responded “Every day.” +Spend Time Sitting— 79% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +Time Pressure— 74% responded “Every day.” +Conflict Situations— 78% responded “Every day.” +Contact With Others— 78% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 79% responded “Extremely important.” +Frequency of Decision Making— 90% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Once a week or more but not every day.” +Public Speaking— 46% responded “Every day.” +Telephone Conversations— 58% responded “Every day.” +Written Letters and Memos— 42% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Consequence of Error— 35% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 31% responded “Very high responsibility.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Dealing with Violent or Physically Aggressive People— 36% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Level of Competition— 35% responded “Not at all competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Law Judges, Adjudicators, and Hearing Officers +Arbitrators, Mediators, and Conciliators +Bright Outlook +Criminal Justice and Law Enforcement Teachers, Postsecondary +Detectives and Criminal Investigators +Equal Opportunity Representatives and Officers +Judicial Law Clerks +Law Teachers, Postsecondary +Lawyers +Paralegals and Legal Assistants +Probation Officers and Correctional Treatment Specialists","View the list of Allies +American Bar Association +external site +American Inns of Court +external site +American Judges Association +external site +National Association of Women Judges +external site +National Bar Association +external site +National Center for State Courts +external site +National Council of Juvenile and Family Court Judges +external site +National Judges Association +external site +The National Judicial College +external site",56,,3,88,28,65,53,31,29,24,2,40,9,45,16,98,36,6,14,12,59,42,36,22,14,4,7,7,9,,15,,14 +49-9063.00,Musical Instrument Repairers and Tuners,https://www.onetonline.org/link/summary/49-9063.00,2025-06-11T19:22:59.344729,"Play instruments to evaluate their sound quality and to locate any defects. +Adjust string tensions to tune instruments, using hand tools and electronic tuning devices. +Reassemble instruments following repair, using hand tools and power tools and glue, hair, yarn, resin, or clamps, and lubricate instruments as necessary. +Disassemble instruments and parts for repair and adjustment. +Repair or replace musical instrument parts and components, such as strings, bridges, felts, and keys, using hand and power tools. +Inspect instruments to locate defects, and to determine their value or the level of restoration required. +Compare instrument pitches with tuning tool pitches to tune instruments. +String instruments, and adjust trusses and bridges of instruments to obtain specified string tensions and heights. +Polish instruments, using rags and polishing compounds, buffing wheels, or burnishing tools. +Repair cracks in wood or metal instruments, using pinning wire, lathes, fillers, clamps, or soldering irons. +Mix and measure glue that will be used for instrument repair. +Shape old parts and replacement parts to improve tone or intonation, using hand tools, lathes, or soldering irons. +Refinish instruments to protect and decorate them, using hand tools, buffing tools, and varnish. +Make wood replacement parts, using woodworking machines and hand tools. +Align pads and keys on reed or wind instruments. +Solder posts and parts to hold them in their proper places. +Remove dents and burrs from metal instruments, using mallets and burnishing tools. +Test tubes and pickups in electronic amplifier units, and solder parts and connections as necessary. +Adjust felt hammers on pianos to increase tonal mellowness or brilliance, using sanding paddles, lacquer, or needles. +Remove irregularities from tuning pins, strings, and hammers of pianos, using wood blocks or filing tools. +Strike wood, fiberglass, or metal bars of instruments, and use tuned blocks, stroboscopes, or electronic tuners to evaluate tones made by instruments. +Wash metal instruments in lacquer-stripping and cyanide solutions to remove lacquer and tarnish. +Deliver pianos to purchasers or to locations of their use. +Remove drumheads by removing tension rods with drum keys and cutting tools. +Solder or weld frames of mallet instruments and metal drum parts. +Repair breaks in percussion instruments, such as drums and cymbals, using drill presses, power saws, glue, clamps, grinding wheels, or other hand tools. +Assemble bars onto percussion instruments. +Clean, sand, and paint parts of percussion instruments to maintain their condition. +Replace xylophone bars and wheels.",Analytical or scientific software— Katsura Shareware KS Strobe Tuner; Katsura Shareware ProLevel; Tunic OnlyPure; Veritune Verituner;6 more,"Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Test mechanical equipment to ensure proper functioning. +Align equipment or machinery. +Adjust tuning or functioning of musical instruments. +Adjust equipment to ensure optimal performance. +Lubricate equipment to allow proper functioning. +Reassemble equipment after repair. +Disassemble equipment for maintenance or repair. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Solder parts or connections between parts. +Inspect mechanical equipment to locate damage, defects, or wear. +Remove dents from equipment, materials, tools or structures. +Test electrical circuits or components for proper functioning. +Smooth surfaces of objects or equipment. +Prepare compounds or solutions to be used for repairs. +Refinish wood or metal surfaces. +Fabricate parts or components. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Travel to work sites to perform installation, repair or maintenance work. +Remove parts or components from equipment. +Operate welding equipment. +Assemble mechanical components or machine parts. +Paint surfaces or equipment.","Indoors, Environmentally Controlled— 93% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Importance of Being Exact or Accurate— 79% responded “Extremely important.” +E-Mail— 83% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 79% responded “Continually or almost continually.” +Freedom to Make Decisions— 66% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 48% responded “Every day.” +Contact With Others— 45% responded “Constant contact with others.” +Frequency of Decision Making— 48% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 34% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Exposed to Contaminants— 38% responded “Every day.” +Importance of Repeating Same Tasks— 41% responded “Extremely important.” +Spend Time Making Repetitive Motions— 38% responded “More than half the time.” +Duration of Typical Work Week— 45% responded “40 hours.” +Spend Time Sitting— 45% responded “More than half the time.” +Exposed to Hazardous Equipment— 41% responded “Every day.” +Written Letters and Memos— 31% responded “Once a week or more but not every day.” +Level of Competition— 52% responded “Moderately competitive.” +Exposed to Hazardous Conditions— 28% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 31% responded “Once a month or more but not every week.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Calibration Technologists and Technicians +Bright Outlook +Coil Winders, Tapers, and Finishers +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Equipment Assemblers +Electromechanical Equipment Assemblers +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Jewelers and Precious Stone and Metal Workers +Timing Device Assemblers and Adjusters +Tool Grinders, Filers, and Sharpeners +Watch and Clock Repairers","View the list of Allies +Association of Stringed Instrument Artisans +external site +Guild of American Luthiers +external site +National Association of Music Merchants +external site +National Association of Professional Band Instrument Repair Technicians +external site +Piano Technicians Guild +external site",82,,34,59,44,48,21,32,46,31,45,22,28,33,7,14,25,60,8,23,20,10,8,21,9,39,17,35,3,37,8,60,11 +51-8013.04,Hydroelectric Plant Technicians,https://www.onetonline.org/link/summary/51-8013.04,2025-06-11T19:26:57.167089,"Monitor hydroelectric power plant equipment operation and performance, adjusting to performance specifications, as necessary. +Identify or address malfunctions of hydroelectric plant operational equipment, such as generators, transformers, or turbines. +Start, adjust, or stop generating units, operating valves, gates, or auxiliary equipment in hydroelectric power generating plants. +Perform preventive or corrective containment or cleanup measures in hydroelectric plants to prevent environmental contamination. +Inspect water-powered electric generators or auxiliary equipment in hydroelectric plants to verify proper operation or to determine maintenance or repair needs. +Communicate status of hydroelectric operating equipment to dispatchers or supervisors. +Operate high voltage switches or related devices in hydropower stations. +Operate hydroelectric plant equipment, such as turbines, pumps, valves, gates, fans, electric control boards, or battery banks. +Maintain or repair hydroelectric plant electrical, mechanical, or electronic equipment, such as motors, transformers, voltage regulators, generators, relays, battery systems, air compressors, sump pumps, gates, or valves. +Implement load or switching orders in hydroelectric plants, in accordance with specifications or instructions. +Install or calibrate electrical or mechanical equipment, such as motors, engines, switchboards, relays, switch gears, meters, pumps, hydraulics, or flood channels. +Change oil, hydraulic fluid, or other lubricants to maintain condition of hydroelectric plant equipment. +Maintain logs, reports, work requests, or other records of work performed in hydroelectric plants. +Connect metal parts or components in hydroelectric plants by welding, soldering, riveting, tapping, bolting, bonding, or screwing. +Lift and move loads, using cranes, hoists, and rigging, to install or repair hydroelectric system equipment or infrastructure. +Perform tunnel or field inspections of hydroelectric plant facilities or resources. +Splice or terminate cables or electrical wiring in hydroelectric plants. +Test and repair or replace electrical equipment, such as circuit breakers, station batteries, cable trays, conduits, or control devices. +Take readings and record data, such as water levels, temperatures, or flow rates. +Erect scaffolds, platforms, or hoisting frames to access hydroelectric plant machinery or infrastructure for repair or replacement. +Cut, bend, or shape metal for applications in hydroelectric plants, using equipment such as hydraulic benders or pipe threaders.","Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Distributed control system DCS; Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Monitor equipment operation to ensure that products are not flawed. +Diagnose equipment malfunctions. +Operate energy production equipment. +Clean work areas. +Inspect sustainable energy production facilities or equipment. +Exchange information with colleagues. +Operate pumping systems or equipment. +Maintain sustainable energy production equipment. +Assemble electromechanical or hydraulic systems. +Install mechanical components in production equipment. +Lubricate production equipment. +Record operational or production data. +Lift materials or workpieces using cranes or other lifting equipment. +Operate welding equipment. +Solder parts or workpieces. +Connect supply lines to production equipment or tools. +Repair production equipment or tools. +Test electrical equipment or systems to ensure proper functioning. +Assemble temporary equipment or structures. +Cut industrial materials in preparation for fabrication or processing.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +E-Mail— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Contact With Others— 54% responded “Constant contact with others.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 51% responded “Every day.” +Health and Safety of Other Workers— 53% responded “Very high responsibility.” +Exposed to Hazardous Conditions— 39% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 42% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 50% responded “Every day.” +Telephone Conversations— 52% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 46% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Importance of Being Exact or Accurate— 56% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 30% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Duration of Typical Work Week— 67% responded “40 hours.” +Physical Proximity— 30% responded “Moderately close (at arm's length).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 46% responded “More than half the time.” +Outdoors, Exposed to All Weather Conditions— 43% responded “Once a week or more but not every day.” +Frequency of Decision Making— 41% responded “Every day.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 30% responded “Every day.” +Spend Time Walking or Running— 40% responded “About half the time.” +Spend Time Standing— 52% responded “About half the time.” +Consequence of Error— 36% responded “Extremely serious.” +Exposed to Cramped Work Space, Awkward Positions— 43% responded “Once a month or more but not every week.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Exposed to High Places— 54% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 31% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a week or more but not every day.” +Exposed to Contaminants— 41% responded “Once a month or more but not every week.” +Conflict Situations— 34% responded “Once a month or more but not every week.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 50% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biomass Plant Technicians +Gas Plant Operators +Geothermal Technicians +Hydroelectric Production Managers +Maintenance and Repair Workers, General +Bright Outlook +Power Distributors and Dispatchers +Power Plant Operators +Stationary Engineers and Boiler Operators +Water and Wastewater Treatment Plant and System Operators +Wind Turbine Service Technicians","View the list of Allies +American Public Power Association +external site +Center for Energy Workforce Development +external site +North American Electric Reliability Corporation +external site +Nuclear Energy Institute +external site +International Brotherhood of Electrical Workers +external site",51,12,64,72,82,65,83,74,58,33,23,43,44,72,6,63,36,97,20,60,34,26,15,58,32,78,69,70,31,73,45,2,28 +29-2099.05,Ophthalmic Medical Technologists,https://www.onetonline.org/link/summary/29-2099.05,2025-06-11T19:09:00.241199,"Conduct tonometry or tonography tests to measure intraocular pressure. +Take and document patients' medical histories. +Take anatomical or functional ocular measurements, such as axial length measurements, of the eye or surrounding tissue. +Measure visual acuity, including near, distance, pinhole, or dynamic visual acuity, using appropriate tests. +Administer topical ophthalmic or oral medications. +Measure and record lens power, using lensometers. +Calculate corrections for refractive errors. +Collect ophthalmic measurements or other diagnostic information, using ultrasound equipment, such as A-scan ultrasound biometry or B-scan ultrasonography equipment. +Perform ophthalmic triage, in the office or by phone, to assess severity of patients' conditions. +Clean or sterilize ophthalmic or surgical instruments. +Educate patients on ophthalmic medical procedures, conditions of the eye, and appropriate use of medications. +Conduct ocular motility tests to measure function of eye muscles. +Assess refractive condition of eyes, using retinoscope. +Conduct visual field tests to measure field of vision. +Measure corneal thickness, using pachymeter or contact ultrasound methods. +Measure corneal curvature with keratometers or ophthalmometers to aid in the diagnosis of conditions, such as astigmatism. +Supervise or instruct ophthalmic staff. +Measure the thickness of the retinal nerve, using scanning laser polarimetry techniques to aid in diagnosis of glaucoma. +Assist physicians in performing ophthalmic procedures, including surgery. +Perform fluorescein angiography of the eye. +Photograph patients' eye areas, using clinical photography techniques, to document retinal or corneal defects. +Maintain ophthalmic instruments or equipment. +Conduct tests, such as the Amsler Grid test, to measure central visual field used in the early diagnosis of macular degeneration, glaucoma, or diseases of the eye. +Conduct binocular disparity tests to assess depth perception. +Assess abnormalities of color vision, such as amblyopia. +Call patients to inquire about their post-operative status or recovery. +Instruct patients in the care and use of contact lenses. +Conduct low vision blindness tests. +Perform advanced ophthalmic procedures, including electrophysiological, electrophysical, or microbial procedures. +Perform slit lamp biomicroscopy procedures to diagnose disorders of the eye, such as retinitis, presbyopia, cataracts, or retinal detachment. +Create three-dimensional images of the eye, using computed tomography (CT).","Computer aided design CAD software— Autodesk AutoCAD; Computer aided design and drafting CADD software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Medical software— AcuityPro; EyeMD EMR Healthcare Systems EyeMD EMR; MediPro Medisoft Clinical; NaviNet Open;3 more +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext preprocessor PHP; JavaScript +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Test patient vision. +Record patient medical histories. +Collect medical information from patients, family members, or other medical professionals. +Measure the physical or physiological attributes of patients. +Administer non-intravenous medications. +Operate diagnostic or therapeutic medical instruments or equipment. +Calculate numerical data for medical activities. +Operate diagnostic imaging equipment. +Diagnose medical conditions. +Clean medical equipment or facilities. +Sterilize medical equipment or instruments. +Communicate detailed medical information to patients or family members. +Create advanced digital images of patients using computer imaging systems. +Assist healthcare practitioners during surgery. +Supervise medical support personnel. +Train medical providers. +Maintain medical equipment or instruments. +Monitor patients following surgeries or other treatments. +Instruct patients in the use of assistive equipment. +Assist healthcare practitioners during examinations or treatments. +Treat acute illnesses, infections, or injuries.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +E-Mail— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 70% responded “Extremely important.” +Physical Proximity— 55% responded “Very close (near touching).” +Telephone Conversations— 70% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Exposed to Disease or Infections— 45% responded “Every day.” +Frequency of Decision Making— 65% responded “Every day.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Freedom to Make Decisions— 35% responded “A lot of freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Important.” +Determine Tasks, Priorities and Goals— 35% responded “Some freedom.” +Written Letters and Memos— 30% responded “Once a week or more but not every day.” +Time Pressure— 40% responded “Every day.” +Duration of Typical Work Week— 80% responded “40 hours.” +Health and Safety of Other Workers— 30% responded “Limited responsibility.” +Consequence of Error— 35% responded “Fairly serious.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Conflict Situations— 40% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Once a month or more but not every week.” +Spend Time Standing— 65% responded “About half the time.” +Spend Time Sitting— 45% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Endoscopy Technicians +Magnetic Resonance Imaging Technologists +Medical Assistants +Neurodiagnostic Technologists +Ophthalmic Medical Technicians +Radiologic Technologists and Technicians +Surgical Assistants +Surgical Technologists","View the list of Allies +American Academy of Ophthalmic Professionals +external site +American Association of Certified Orthoptists +external site +Medical Billing and Coding +external site +National Cancer Registrars Association +external site +AAPC +external site +American Health Information Management Association +external site +International Joint Commission on Allied Health Personal in Ophthalmology +external site +National Healthcareer Association +external site",88,,11,75,54,49,46,59,51,18,8,38,31,48,15,21,36,30,6,9,45,23,18,29,78,11,,20,48,3,3,, +21-2021.00,"Directors, Religious Activities and Education",https://www.onetonline.org/link/summary/21-2021.00,2025-06-11T18:59:11.212045,"Develop or direct study courses or religious education programs within congregations. +Identify and recruit potential volunteer workers. +Select appropriate curricula or class structures for educational programs. +Schedule special events, such as camps, conferences, meetings, seminars, or retreats. +Counsel individuals regarding interpersonal, health, financial, or religious problems. +Collaborate with other ministry members to establish goals and objectives for religious education programs or to develop ways to encourage program participation. +Train and supervise religious education instructional staff. +Implement program plans by ordering needed materials, scheduling speakers, reserving space, or handling other administrative details. +Analyze member participation or changes in congregational emphasis to determine needs for religious education. +Analyze revenue and program cost data to determine budget priorities. +Attend workshops, seminars, or conferences to obtain program ideas, information, or resources. +Visit congregational members' homes or arrange for pastoral visits to provide information or resources regarding religious education programs. +Publicize programs through sources, such as newsletters, bulletins, or mailings. +Confer with clergy members, congregational officials, or congregational organizations to encourage support of or participation in religious education activities. +Plan fundraising activities for the church. +Locate and distribute resources, such as periodicals or curricula, to enhance the effectiveness of educational programs. +Participate in denominational activities aimed at goals, such as promoting interfaith understanding or providing aid to new or small congregations. +Interpret religious education activities to the public through speaking, leading discussions, or writing articles for local or national publications. +Plan or conduct conferences dealing with the interpretation of religious ideas or convictions.","Calendar and scheduling software— Event scheduling software +Data base user interface and query software— Database software; Microsoft Access +Desktop publishing software— Microsoft Publisher +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop +Instant messaging software— Twitter +Internet browser software— Web browser software +Office suite software— Google Workspace software; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Web page creation and editing software— Facebook; Social media software; Website development software +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Develop educational programs. +Lead classes or community events. +Develop promotional strategies for religious organizations. +Plan conferences, programs, or special events. +Advise clients or community groups on health issues. +Collaborate with other professionals to develop education or assistance programs. +Counsel clients or patients regarding personal issues. +Counsel clients regarding interpersonal issues. +Supervise workers providing client or patient services. +Train staff members in social services skills. +Assess individual or community needs for educational or social services. +Maintain professional social services knowledge. +Manage organizational or program finances. +Visit individuals in their homes to provide support or information. +Present social services program information to the public. +Provide educational materials to community members. +Interpret cultural or religious information for others.","Determine Tasks, Priorities and Goals— 98% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Freedom to Make Decisions— 78% responded “A lot of freedom.” +E-Mail— 64% responded “Every day.” +Telephone Conversations— 47% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 35% responded “Once a week or more but not every day.” +Contact With Others— 78% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 83% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Spend Time Sitting +Frequency of Decision Making— 50% responded “Once a month or more but not every week.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Public Speaking— 15% responded “Once a year or more but not every month.” +Deal With External Customers or the Public in General— 29% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Moderate results.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences.","Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Child, Family, and School Social Workers +Clergy +Community Health Workers +Bright Outlook +Education Administrators, Postsecondary +Education Teachers, Postsecondary +Educational, Guidance, and Career Counselors and Advisors +Health Education Specialists +Instructional Coordinators +Rehabilitation Counselors +Social and Community Service Managers","View the list of Allies +American Association of Christian Counselors +external site +American Astronomical Society +external site +American Guild of Organists +external site +International Catholic Stewardship Council +external site +Master's Commission International Network +external site +National Association for the Education of Young Children +external site +National Catholic Educational Association +external site +National Conference for Catechetical Leadership +external site +National Federation for Catholic Youth Ministry +external site +Religious Education Association +external site +The Church Network +external site +National Education Association +external site",74,8,11,69,35,55,54,75,38,39,32,53,7,32,15,39,52,11,80,21,63,61,46,21,27,13,14,,13,13,13,19,19 +11-9041.00,Architectural and Engineering Managers,https://www.onetonline.org/link/summary/11-9041.00,2025-06-11T18:48:01.585113,"Manage the coordination and overall integration of technical activities in architecture or engineering projects. +Direct, review, or approve project design changes. +Consult or negotiate with clients to prepare project specifications. +Prepare budgets, bids, or contracts. +Present and explain proposals, reports, or findings to clients. +Confer with management, production, or marketing staff to discuss project specifications or procedures. +Assess project feasibility by analyzing technology, resource needs, or market demand. +Review, recommend, or approve contracts or cost estimates. +Develop or implement policies, standards, or procedures for engineering and technical work. +Establish scientific or technical goals within broad outlines provided by top management. +Direct recruitment, placement, and evaluation of architecture or engineering project staff. +Perform administrative functions, such as reviewing or writing reports, approving expenditures, enforcing rules, or purchasing of materials or services. +Develop or implement programs to improve sustainability or reduce the environmental impacts of engineering or architecture activities or operations. +Evaluate the environmental impacts of engineering, architecture, or research and development activities. +Plan or direct the installation, testing, operation, maintenance, or repair of facilities or equipment. +Identify environmental threats or opportunities associated with the development and launch of new technologies. +Plan, direct, or coordinate survey work with other project activities. +Evaluate environmental regulations or social pressures related to environmental issues to inform strategic or operational decision-making. +Solicit project support by conferring with officials or providing information to the public.","Access software— Citrix cloud computing software +Accounting software— Sage 50 Accounting +Analytical or scientific software— IBM SPSS Statistics; Minitab; The MathWorks MATLAB; Water surface pressure gradient WSPG software;2 more +Application server software— Docker; GitHub +Business intelligence and data analysis software— MicroStrategy; Qlik Tech QlikView +Calendar and scheduling software— Maintenance scheduling software; Scheduling software +Cloud-based management software— Splunk Enterprise +Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;7 more +Computer aided manufacturing CAM software— Delcam PowerMILL; Geometric CAMWorks; Open Mind hyperMILL +Configuration management software— Chef; Perforce Helix software; Puppet +Content workflow software— Atlassian JIRA; Workflow software +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; MongoDB;8 more +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Redshift; Amazon Web Services AWS software; Microsoft SQL Server;2 more +Development environment software— Apache Kafka; Apache Maven; Go; Ruby;5 more +Document management software— Adobe Acrobat Pro Extended; Adobe LifeCycle ES +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Agile Product Lifecyle Management PLM; Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software;2 more +Expert system software— Ansible software +File versioning software— Git +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS software +Graphics or photo imaging software— Trimble SketchUp Pro +Industrial control software— RTA Fleet Management; Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Inventory management software +Materials requirements planning logistics and supply chain software— LSA Visual Easy Lean +Network monitoring software— Nagios; Wireshark +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— C#; Perl; Scala; Swift;6 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Bash; Shell script; UNIX;4 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner +Project management software— Atlassian Confluence; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Realization Streamliner;1 more +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Timekeeper +Transaction server software— Customer information control system CICS +Web platform development software— Django; JavaScript Object Notation JSON; Node.js; React;5 more +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Manage construction activities. +Analyze data to determine project feasibility. +Manage operations, research, or logistics projects. +Negotiate project specifications. +Prepare financial documents, reports, or budgets. +Communicate organizational information to customers or other stakeholders. +Prepare operational budgets. +Approve expenditures. +Analyze market research data. +Confer with organizational members to accomplish work activities. +Estimate demand for products or services. +Develop operating strategies, plans, or procedures. +Implement organizational process or policy changes. +Develop organizational policies or programs. +Direct facility maintenance or repair activities. +Identify environmental concerns. +Develop organizational goals or objectives. +Manage human resources activities. +Purchase materials, equipment, or other resources. +Develop sustainable organizational policies or practices. +Evaluate environmental impact of operational or development activities. +Analyze impact of legal or regulatory changes. +Communicate with government agencies. +Present information to the public. +Promote products, services, or programs.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 89% responded “Extremely important.” +Duration of Typical Work Week— 84% responded “More than 40 hours.” +Contact With Others— 64% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 59% responded “A lot of freedom.” +Freedom to Make Decisions— 53% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Very important.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 50% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Important results.” +Frequency of Decision Making— 35% responded “Every day.” +Importance of Being Exact or Accurate— 37% responded “Very important.” +Spend Time Sitting— 52% responded “More than half the time.” +Time Pressure— 55% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 31% responded “Important.” +Level of Competition— 47% responded “Highly competitive.” +Written Letters and Memos— 42% responded “Once a month or more but not every week.” +Conflict Situations— 61% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 35% responded “Limited responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 45% responded “Once a year or more but not every month.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Once a week or more but not every day.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Biofuels/Biodiesel Technology and Product Development Managers +Bright Outlook +Civil Engineers +Electrical Engineers +Electronics Engineers, Except Computer +Engineering Teachers, Postsecondary +Industrial Engineers +Logistics Engineers +Mechatronics Engineers +Natural Sciences Managers +Project Management Specialists","View the list of Allies +American Chemical Society +external site +American Institute of Architects +external site +American Institute of Chemical Engineers +external site +American Society for Engineering Education +external site +American Society for Engineering Management +external site +American Society of Civil Engineers +external site +American Society of Mechanical Engineers +external site +ASHRAE +external site +Institute of Electrical and Electronics Engineers +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of American Military Engineers +external site +Society of Petroleum Engineers +external site +Society of Women Engineers +external site +USGBC +external site +Accreditation Board for Engineering and Technology +external site +Association of Technology, Management, and Applied Engineering +external site +National Council of Examiners for Engineering and Surveying +external site +Project Management Institute +external site",71,1,55,72,73,72,52,35,54,46,46,44,35,60,17,49,34,67,15,38,22,8,17,35,13,82,51,55,15,83,32,21,14 +11-9121.02,Water Resource Specialists,https://www.onetonline.org/link/summary/11-9121.02,2025-06-11T18:48:25.405235,"Perform hydrologic, hydraulic, or water quality modeling. +Analyze storm water systems to identify opportunities for water resource improvements. +Conduct, or oversee the conduct of, investigations on matters such as water storage, wastewater discharge, pollutants, permits, or other compliance and regulatory issues. +Develop strategies for watershed operations to meet water supply and conservation goals or to ensure regulatory compliance with clean water laws or regulations. +Conduct technical studies for water resources on topics such as pollutants and water treatment options. +Review or evaluate designs for water detention facilities, storm drains, flood control facilities, or other hydraulic structures. +Present water resource proposals to government, public interest groups, or community groups. +Develop plans to protect watershed health or rehabilitate watersheds. +Write proposals, project reports, informational brochures, or other documents on wastewater purification, water supply and demand, or other water resource subjects. +Conduct cost-benefit studies for watershed improvement projects or water management alternatives. +Provide technical expertise to assist communities in the development or implementation of storm water monitoring or other water programs. +Compile and maintain documentation on the health of a body of water. +Identify and characterize specific causes or sources of water pollution. +Conduct, or oversee the conduct of, chemical, physical, and biological water quality monitoring or sampling to ensure compliance with water quality standards. +Compile water resource data, using geographic information systems (GIS) or global position systems (GPS) software. +Recommend new or revised policies, procedures, or regulations to support water resource or conservation goals. +Develop or implement standardized water monitoring and assessment methods. +Supervise teams of workers who capture water from wells and rivers. +Negotiate for water rights with communities or water facilities to meet water supply demands. +Monitor water use, demand, or quality in a particular geographic area. +Identify methods for distributing purified wastewater into rivers, streams, or oceans.","Analytical or scientific software— HEC-RAS; Laboratory information management system LIMS; MWH Soft H2ONET MSX; Wallingford Software InfoWater;9 more +Computer aided design CAD software— Autodesk AutoCAD +Customer relationship management CRM software +Data base user interface and query software— Database software; RIVERMorph; Structured query language SQL +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcView 3D Analyst; Geographic information system GIS software; Geographic information system GIS systems;5 more +Internet browser software— Web browser software +Map creation software— Mapping software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Test green technologies or processes. +Identify opportunities for green initiatives. +Evaluate green operations or programs for compliance with standards or regulations. +Develop environmental remediation or protection plans. +Evaluate environmental or sustainability projects. +Prepare proposals or grant applications to obtain project funding. +Analyze data to determine project feasibility. +Present sustainable products or services information to the public. +Advise others on green energy or related technologies. +Compile operational data. +Maintain operational records. +Identify environmental concerns. +Evaluate quality of materials or products. +Monitor organizational compliance with regulations. +Develop sustainable organizational policies or practices. +Develop procedures to evaluate organizational activities. +Implement organizational process or policy changes. +Monitor resources. +Negotiate contracts for environmental remediation, green energy, or renewable resources. +Supervise workers performing environmentally sustainable activities.","E-Mail— 91% responded “Every day.” +Telephone Conversations— 80% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Very important.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Spend Time Sitting— 55% responded “More than half the time.” +Contact With Others— 55% responded “Contact with others most of the time.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Duration of Typical Work Week— 59% responded “40 hours.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Deal With External Customers or the Public in General— 36% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Very important.” +Frequency of Decision Making— 29% responded “Once a week or more but not every day.” +Time Pressure— 55% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 41% responded “Moderate responsibility.” +Level of Competition— 53% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Conservation Scientists +Environmental Engineers +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +Hydrologists +Industrial Ecologists +Natural Sciences Managers +Range Managers +Water/Wastewater Engineers","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Port Authorities +external site +American Fisheries Society +external site +American Geosciences Institute +external site +American Ground Water Trust +external site +American Public Works Association +external site +American Society of Agricultural and Biological Engineers +external site +American Society of Civil Engineers +external site +American Society of Irrigation Consultants +external site +American Water Resources Association +external site +American Water Works Association +external site +Association of Metropolitan Water Agencies +external site +Association of State Drinking Water Administrators +external site +Environmental and Water Resources Institute +external site +International Association for Environmental Hydrology +external site +International Association for Hydro-Environment Engineering and Research +external site +International Association of Hydrogeologists +external site +International Association of Hydrological Sciences +external site +International Erosion Control Association +external site +International Water Association +external site +Irrigation Association +external site +National Association for Environmental, Health, Safety, and Sustainability Management +external site +National Association of Clean Water Agencies +external site +National Association of Environmental Professionals +external site +National Association of Water Companies +external site +National Association of Wetland Managers +external site +National Ground Water Association +external site +National Rural Water Association +external site +North American Lake Management Society +external site +Professional Science Master's +external site +Society of Wetland Scientists +external site +United States Society on Dams +external site +Water Environment Federation +external site +Mid-Atlantic Association of Professional Soil Scientists +external site +New England Water Environment Association +external site +New England Water Works Association +external site +Pacific Northwest Clean Water Association +external site +Southeast Desalting Association +external site +Western Association of Agricultural Experiment Station Directors +external site +American Academy of Water Resources Engineers +external site +American Institute of Hydrology +external site +Association of State Floodplain Managers +external site +Association of Water Technologies +external site",49,8,25,60,80,47,46,46,24,43,41,36,55,64,11,56,40,28,8,25,17,6,17,27,6,91,57,72,49,74,59,2,21 +51-4072.00,"Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4072.00,2025-06-11T19:25:12.083039,"Measure and visually inspect products for surface and dimension defects to ensure conformance to specifications, using precision measuring instruments. +Observe continuous operation of automatic machines to ensure that products meet specifications and to detect jams or malfunctions, making adjustments as necessary. +Set up, operate, or tend metal or plastic molding, casting, or coremaking machines to mold or cast metal or thermoplastic parts or products. +Turn valves and dials of machines to regulate pressure, temperature, and speed and feed rates, and to set cycle times. +Read specifications, blueprints, and work orders to determine setups, temperatures, and time settings required to mold, form, or cast plastic materials, as well as to plan production sequences. +Observe meters and gauges to verify and record temperatures, pressures, and press-cycle times. +Connect water hoses to cooling systems of dies, using hand tools. +Remove parts, such as dies, from machines after production runs are finished. +Perform maintenance work such as cleaning and oiling machines. +Smooth and clean inner surfaces of molds, using brushes, scrapers, air hoses, or grinding wheels, and fill imperfections with refractory material. +Operate hoists to position dies or patterns on foundry floors. +Cool products after processing to prevent distortion. +Install dies onto machines or presses and coat dies with parting agents, according to work order specifications. +Unload finished products from conveyor belts, pack them in containers, and place containers in warehouses. +Remove finished or cured products from dies or molds, using hand tools, air hoses, and other equipment, stamping identifying information on products when necessary. +Obtain and move specified patterns to work stations, manually or using hoists, and secure patterns to machines, using wrenches. +Select and install blades, tools, or other attachments for each operation. +Repair or replace damaged molds, pipes, belts, chains, or other equipment, using hand tools, hand-powered presses, or jib cranes. +Inventory and record quantities of materials and finished products, requisitioning additional supplies as necessary. +Select coolants and lubricants, and start their flow. +Adjust equipment and workpiece holding fixtures, such as mold frames, tubs, and cutting tables, to ensure proper functioning. +Maintain inventories of materials. +Position and secure workpieces on machines, and start feeding mechanisms. +Trim excess material from parts, using knives, and grind scrap plastic into powder for reuse. +Mix and measure compounds, or weigh premixed compounds, and dump them into machine tubs, cavities, or molds. +Spray, smoke, or coat molds with compounds to lubricate or insulate molds, using acetylene torches or sprayers. +Preheat tools, dies, plastic materials, or patterns, using blowtorches or other equipment. +Pour or load metal or sand into melting pots, furnaces, molds, or hoppers, using shovels, ladles, or machines. +Skim or pour dross, slag, or impurities from molten metal, using ladles, rakes, hoes, spatulas, or spoons.","Analytical or scientific software— HotFlo! Die-Shot Monitor +Computer aided manufacturing CAM software— Intera Systems Hawk-i; RobotWare DieCast; Visi-Trak True-Trak 20/20 +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— FANUC Robotics iRVision +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Inspect metal, plastic, or composite products. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Monitor equipment operation to ensure that products are not flawed. +Operate metal or plastic forming equipment. +Adjust temperature controls of ovens or other heating equipment. +Review blueprints or other instructions to determine operational methods or sequences. +Study blueprints or other instructions to determine equipment setup requirements. +Monitor instruments to ensure proper production conditions. +Connect supply lines to production equipment or tools. +Remove accessories, tools, or other parts from equipment. +Apply lubricants or coolants to workpieces. +Operate cranes, hoists, or other moving or lifting equipment. +Mount attachments or tools onto production equipment. +Apply protective or decorative finishes to workpieces or products. +Clean production equipment. +Lubricate production equipment. +Maintain production or processing equipment. +Package products for storage or shipment. +Remove products or workpieces from production equipment. +Mark products, workpieces, or equipment with identifying information. +Move products, materials, or equipment between work areas. +Remove workpieces from molds. +Maintain inventories of materials, equipment, or products. +Record operational or production data. +Repair templates, patterns, or molds. +Replace worn equipment components. +Select production equipment according to product specifications. +Select production input materials. +Set equipment guides, stops, spacers, or other fixtures. +Load materials into production equipment. +Fill cracks, imperfections, or holes in products or workpieces. +Smooth metal surfaces or edges. +Mix substances to create chemical solutions. +Mount materials or workpieces onto production equipment. +Operate grinding equipment. +Trim excess material from workpieces. +Apply parting agents or other solutions to molds. +Heat material or workpieces to prepare for or complete production. +Load items into ovens or furnaces. +Place materials into molds. +Skim impurities from molten metal.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Spend Time Standing— 76% responded “Continually or almost continually.” +Exposed to Contaminants— 77% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Exposed to Hazardous Equipment— 61% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Time Pressure— 39% responded “Every day.” +Contact With Others— 39% responded “Constant contact with others.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 59% responded “Every day.” +Pace Determined by Speed of Equipment— 53% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 32% responded “Limited freedom.” +Exposed to Very Hot or Cold Temperatures— 56% responded “Every day.” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Physical Proximity— 67% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 47% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 29% responded “Extremely important.” +Spend Time Making Repetitive Motions— 33% responded “Less than half the time.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Exposed to Hazardous Conditions— 45% responded “Every day.” +Indoors, Not Environmentally Controlled— 43% responded “Every day.” +Consequence of Error— 37% responded “Extremely serious.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.” +Level of Competition— 38% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 23% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 27% responded “Important results.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Extruding and Drawing Machine Setters, Operators, and Tenders, Metal and Plastic +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tool and Die Makers","View the list of Allies +Association for Manufacturing Technology +external site +Association of Rotational Molders +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Plastics Industry Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",28,3,64,47,52,38,28,33,22,7,6,15,27,34,3,8,9,62,4,7,24,6,5,7,8,34,4,37,2,25,2,,2 +51-3011.00,Bakers,https://www.onetonline.org/link/summary/51-3011.00,2025-06-11T19:24:11.608815,"Check products for quality, and identify damaged or expired goods. +Set oven temperatures, and place items into hot ovens for baking. +Combine measured ingredients in bowls of mixing, blending, or cooking machinery. +Place dough in pans, molds, or on sheets, and bake in production ovens or on grills. +Set time and speed controls for mixing machines, blending machines, or steam kettles so that ingredients will be mixed or cooked according to instructions. +Measure or weigh flour or other ingredients to prepare batters, doughs, fillings, or icings, using scales or graduated containers. +Observe color of products being baked, and adjust oven temperatures, humidity, or conveyor speeds accordingly. +Check the quality of raw materials to ensure that standards and specifications are met. +Check equipment to ensure that it meets health and safety regulations, and perform maintenance or cleaning, as necessary. +Adapt the quantity of ingredients to match the amount of items to be baked. +Apply glazes, icings, or other toppings to baked goods, using spatulas or brushes. +Decorate baked goods, such as cakes or pastries. +Roll, knead, cut, or shape dough to form sweet rolls, pie crusts, tarts, cookies, or other products. +Direct or coordinate bakery deliveries. +Order or receive supplies or equipment. +Prepare or maintain inventory or production records. +Operate slicing or wrapping machines. +Develop new recipes for baked goods.","Analytical or scientific software— Axxya Systems Nutritionist Pro; EGS CALCMENU; SweetWARE nutraCoster Professional +Data base user interface and query software— At Your Service Software CostGuard; Barrington Software CookenPro; Culinary Software Services ChefTec +Desktop publishing software— SoftCafe MenuPro +Electronic mail software— Email software +Enterprise resource planning ERP software— Afcom Datasafe Computer Services FlexiBake; Sage 100 ERP; SweetWARE SmallPICS; TwinPeaks Software Visual Z-Bake;3 more +Internet browser software— Web browser software +Inventory management software— SweetWARE stockCoster +Materials requirements planning logistics and supply chain software— Enggist & Grandjean EGS F&B Control +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— ADP Enterprise eTIME +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Evaluate quality of food ingredients or prepared foods. +Adjust temperature controls of ovens or other heating equipment. +Load materials into production equipment. +Operate cooking, baking, or other food preparation equipment. +Inspect food products. +Measure ingredients or substances to be used in production processes. +Clean production equipment. +Maintain production or processing equipment. +Monitor equipment operation to ensure proper functioning. +Determine food production methods. +Apply protective or decorative finishes to workpieces or products. +Operate cutting equipment. +Shape clay or dough to create products. +Direct operational or production activities. +Order materials, supplies, or equipment. +Record operational or production data. +Create new recipes or food presentations.","Contact With Others— 74% responded “Constant contact with others.” +Spend Time Standing— 60% responded “Continually or almost continually.” +Time Pressure— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Freedom to Make Decisions— 46% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 78% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 62% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 69% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 64% responded “Every day.” +Telephone Conversations— 46% responded “Every day.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +Spend Time Making Repetitive Motions— 44% responded “Continually or almost continually.” +Frequency of Decision Making— 48% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Very important.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Spend Time Walking or Running— 40% responded “Continually or almost continually.” +Duration of Typical Work Week— 59% responded “40 hours.” +Pace Determined by Speed of Equipment— 39% responded “Extremely important.” +Physical Proximity— 32% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Importance of Repeating Same Tasks— 34% responded “Very important.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Butchers and Meat Cutters +Chefs and Head Cooks +Bright Outlook +Cooks, Fast Food +Cooks, Institution and Cafeteria +Cooks, Restaurant +Cooks, Short Order +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Batchmakers +Food Cooking Machine Operators and Tenders +Food Preparation Workers","View the list of Allies +American Bakers Association +external site +Retail Bakers of America +external site",69,60,71,56,52,50,41,38,32,30,48,31,19,38,25,24,20,28,17,27,17,18,17,14,6,27,15,26,8,38,7,14,18 +17-1011.00,"Architects, Except Landscape and Naval",https://www.onetonline.org/link/summary/17-1011.00,2025-06-11T18:53:05.485271,"Develop final construction plans that include aesthetic representations of the structure or details for its construction. +Prepare scale drawings or architectural designs, using computer-aided design or other tools. +Prepare information regarding design, structure specifications, materials, color, equipment, estimated costs, or construction time. +Consult with clients to determine functional or spatial requirements of structures. +Meet with clients to review or discuss architectural drawings. +Monitor the work of specialists, such as electrical engineers, mechanical engineers, interior designers, or sound specialists to ensure optimal form or function of designs or final structures. +Integrate engineering elements into unified architectural designs. +Plan layouts of structural architectural projects. +Conduct periodic on-site observations of construction work to monitor compliance with plans. +Prepare contract documents for building contractors. +Plan or design structures such as residences, office buildings, theatres, factories, or other structural properties in accordance with environmental, safety, or other regulations. +Direct activities of technicians engaged in preparing drawings or specification documents. +Administer construction contracts. +Create three-dimensional or interactive representations of designs, using computer-assisted design software. +Represent clients in obtaining bids or awarding construction contracts. +Develop marketing materials, proposals, or presentations to generate new work opportunities. +Perform predesign services, such as feasibility or environmental impact studies. +Design structures that incorporate environmentally friendly building practices or concepts, such as Leadership in Energy and Environmental Design (LEED) standards. +Design or plan construction of green building projects to minimize adverse environmental impact or conserve energy. +Gather information related to projects' environmental sustainability or operational efficiency. +Inspect proposed building sites to determine suitability for construction. +Design environmentally sound structural upgrades to existing buildings, such as natural lighting systems, green roofs, or rainwater collection systems. +Calculate potential energy savings by comparing estimated energy consumption of proposed design to baseline standards. +Prepare operating and maintenance manuals, studies, or reports. +Inspect the condition of structures.","Accounting software— Intuit QuickBooks; Turtle Creek Software Goldenseal (accounting feature) +Analytical or scientific software— BeamChek; Quality Plans & Software HVAC Calculator +Business intelligence and data analysis software— Qlik Tech QlikView +Calendar and scheduling software— Turtle Creek Software Goldenseal (calendar and scheduling feature) +Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Trimble SketchUp Pro;14 more +Computer aided manufacturing CAM software +Configuration management software— Chef; Puppet +Data base management system software— Apache Cassandra; Apache Hive; MongoDB; NoSQL;2 more +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Redshift; Amazon Web Services AWS software; Microsoft SQL Server;4 more +Desktop publishing software— Adobe InDesign; Quark enterprise publishing software +Development environment software— Apache Maven; Microsoft PowerShell; Verilog +Document management software— Adobe Acrobat; Applied Search Technology CADFind; FileNet P8 +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; McNeel Rhinoceros 3D;1 more +Internet browser software— Microsoft Internet Explorer +Metadata management software— Quest Erwin Data Modeler +Object oriented data base management software— PostgreSQL +Office suite software— BQE Software ArchiOffice; Microsoft Office software +Presentation software— Microsoft PowerPoint +Procurement software— 1ST Pricing Window & Door Toolkit +Project management software— Craftsman CD Estimator; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Oracle Primavera Systems;1 more +Spreadsheet software— Microsoft Excel +Time accounting software— Turtle Creek Software Goldenseal (time accounting feature) +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Create graphical representations of structures or landscapes. +Prepare detailed work plans. +Discuss designs or plans with clients. +Document technical design details. +Design structures or facilities. +Supervise engineering or other technical personnel. +Inspect facilities or sites to determine if they meet specifications or standards. +Incorporate green features into the design of structures or facilities. +Prepare contracts, disclosures, or applications. +Direct design or development activities. +Perform marketing activities. +Investigate the environmental impact of projects. +Design water conservation systems. +Analyze costs and benefits of proposed designs or projects. +Prepare procedural documents.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Duration of Typical Work Week— 85% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Contact With Others— 67% responded “Constant contact with others.” +Spend Time Sitting— 60% responded “More than half the time.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Level of Competition— 60% responded “Highly competitive.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 62% responded “Some freedom.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 70% responded “High responsibility.” +Deal With External Customers or the Public in General— 43% responded “Very important.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Moderate results.” +Frequency of Decision Making— 30% responded “Once a year or more but not every month.” +Consequence of Error— 35% responded “Serious.” +Physical Proximity— 65% responded “Slightly close (e.g., shared office).” +Importance of Repeating Same Tasks— 35% responded “Important.” +Spend Time Making Repetitive Motions— 29% responded “More than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architectural and Engineering Managers +Bright Outlook +Architecture Teachers, Postsecondary +Civil Engineers +Commercial and Industrial Designers +Construction and Building Inspectors +Construction Managers +Industrial Engineers +Interior Designers +Landscape Architects +Project Management Specialists","View the list of Allies +American Institute of Architects +external site +Association of Licensed Architects +external site +Construction Specifications Institute +external site +Society of American Registered Architects +external site +USGBC +external site +National Council of Architectural Registration Boards +external site",70,10,51,74,60,72,78,51,49,56,56,50,22,75,16,61,39,60,26,33,43,11,38,35,6,76,95,51,16,98,49,55,48 +51-6042.00,Shoe Machine Operators and Tenders,https://www.onetonline.org/link/summary/51-6042.00,2025-06-11T19:25:58.111722,"Inspect finished products to ensure that shoes have been completed according to specifications. +Align parts to be stitched, following seams, edges, or markings, before positioning them under needles. +Operate or tend machines to join, decorate, reinforce, or finish shoes and shoe parts. +Remove and examine shoes, shoe parts, and designs to verify conformance to specifications such as proper embedding of stitches in channels. +Switch on machines, lower pressure feet or rollers to secure parts, and start machine stitching, using hand, foot, or knee controls. +Draw thread through machine guide slots, needles, and presser feet in preparation for stitching, or load rolls of wire through machine axles. +Study work orders or shoe part tags to obtain information about workloads, specifications, and the types of materials to be used. +Perform routine equipment maintenance such as cleaning and lubricating machines or replacing broken needles. +Test machinery to ensure proper functioning before beginning production. +Select and place spools of thread or pre-wound bobbins into shuttles, or onto spindles or loupers of stitching machines. +Cut excess thread or material from shoe parts, using scissors or knives. +Turn knobs to adjust stitch length and thread tension. +Fill shuttle spools with thread from a machine's bobbin winder by pressing a foot treadle. +Staple sides of shoes, pressing a foot treadle to position and hold each shoe under the feeder of the machine. +Position dies on material in a manner that will obtain the maximum number of parts from each portion of material. +Collect shoe parts from conveyer belts or racks and place them in machinery such as ovens or on molds for dressing, returning them to conveyers or racks to send them to the next work station. +Turn setscrews on needle bars, and position required numbers of needles in stitching machines. +Hammer loose staples for proper attachment. +Turn screws to regulate size of staples.","Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Industrial control software— Production control software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Align parts or workpieces to ensure proper assembly. +Inspect finishes of workpieces or finished products. +Inspect products or operations to ensure that standards are met. +Operate sewing equipment. +Remove products or workpieces from production equipment. +Assemble garments or textile products. +Feed materials or products into or through equipment. +Load materials into production equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Clean production equipment. +Maintain production or processing equipment. +Replace worn equipment components. +Conduct test runs of production equipment. +Mount attachments or tools onto production equipment. +Mount materials or workpieces onto production equipment. +Select production input materials. +Trim excess material from workpieces.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 100% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 88% responded “Continually or almost continually.” +Importance of Being Exact or Accurate +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 77% responded “Every day.” +Contact With Others— 59% responded “Contact with others most of the time.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Time Pressure— 54% responded “Every day.” +Work With or Contribute to a Work Group or Team— 20% responded “Important.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 69% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Indoors, Environmentally Controlled— 25% responded “Never.” +Pace Determined by Speed of Equipment— 18% responded “Not important at all.” +Frequency of Decision Making— 36% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Freedom to Make Decisions— 34% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 21% responded “Limited responsibility.” +Exposed to Contaminants— 52% responded “Every day.” +Spend Time Sitting— 22% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 23% responded “Once a year or more but not every month.” +Physical Proximity— 33% responded “I work with others but not closely (e.g., private office).” +Spend Time Standing— 38% responded “Less than half the time.” +Spend Time Bending or Twisting Your Body— 47% responded “Less than half the time.” +Indoors, Not Environmentally Controlled— 53% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adhesive Bonding Machine Operators and Tenders +Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Sawing Machine Setters, Operators, and Tenders, Wood +Sewing Machine Operators +Shoe and Leather Workers and Repairers +Textile Cutting Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +The United Food and Commercial Workers International Union +external site",38,10,57,28,28,50,35,42,32,17,32,35,18,17,11,18,18,27,12,15,19,11,11,16,13,35,10,9,8,26,10,8,10 +11-1021.00,General and Operations Managers,https://www.onetonline.org/link/summary/11-1021.00,2025-06-11T18:46:32.603697,"Review financial statements, sales or activity reports, or other performance data to measure productivity or goal achievement or to identify areas needing cost reduction or program improvement. +Direct and coordinate activities of businesses or departments concerned with the production, pricing, sales, or distribution of products. +Direct administrative activities directly related to making products or providing services. +Prepare staff work schedules and assign specific duties. +Direct or coordinate financial or budget activities to fund operations, maximize investments, or increase efficiency. +Plan or direct activities, such as sales promotions, that require coordination with other department managers. +Perform personnel functions, such as selection, training, or evaluation. +Establish or implement departmental policies, goals, objectives, or procedures in conjunction with board members, organization officials, or staff members. +Monitor suppliers to ensure that they efficiently and effectively provide needed goods or services within budgetary limits. +Manage the movement of goods into and out of production facilities to ensure efficiency, effectiveness, or sustainability of operations. +Set prices or credit terms for goods or services, based on forecasts of customer demand. +Perform sales floor work, such as greeting or assisting customers, stocking shelves, or taking inventory. +Develop or implement product-marketing strategies, including advertising campaigns or sales promotions. +Direct non-merchandising departments of businesses, such as advertising or purchasing. +Implement or oversee environmental management or sustainability programs addressing issues such as recycling, conservation, or waste management. +Plan store layouts or design displays. +Recommend locations for new facilities, or oversee the remodeling or renovating of current facilities.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting; Tax software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;1 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Calendar and scheduling software +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Cloud-based management software— Splunk Enterprise +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD +Computer aided manufacturing CAM software— CNC Mastercam; Siemens NX +Configuration management software— Puppet +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Act!; Oracle Eloqua; Salesforce software; Sugar CRM;11 more +Data base management system software— Apache Hadoop; Teradata Database +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Airtable; Amazon Web Services AWS software; Blackboard software; Yardi software;7 more +Data mining software— Datawatch Monarch; Google Analytics +Desktop communications software— Eko +Desktop publishing software— Microsoft Publisher +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook; Mozilla Thunderbird +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;7 more +Enterprise system management software— IBM Power Systems software +Facilities management software— InnQuest Software roomMaster +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials; Sage MAS 500 +Geographic information system— Geographic information system GIS software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Photoshop +Human resources software— ADP Workforce Now; Human resource management software HRMS; Oracle Taleo; Personnel scheduling software +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— LexisNexis +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer; Mozilla Firefox; SeaMonkey +Inventory management software +Materials requirements planning logistics and supply chain software— LSA Visual Easy Lean +Medical software— Dynamic Energy Systems MedAct; Medical condition coding software +Metadata management software— Quest Erwin Data Modeler +Network monitoring software— Nagios +Object or component oriented development software— R +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Microsoft Windows; Oracle Solaris; Shell script;1 more +Point of sale POS software +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Realization Streamliner +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Payroll; Kronos Workforce Timekeeper; Payroll software +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video creation and editing software— Apple Final Cut Pro; Flipgrid; Screencastify; YouTube +Web page creation and editing software— Facebook; LinkedIn; Microsoft FrontPage; Social media sites +Word processing software— Evernote; Google Docs; Microsoft OneNote; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Analyze data to inform operational decisions or activities. +Analyze financial records to improve efficiency. +Direct organizational operations, projects, or services. +Direct sales, marketing, or customer service activities. +Prepare staff schedules or work assignments. +Determine pricing or monetary policies. +Direct financial operations. +Provide basic information to guests, visitors, or clients. +Develop marketing plans or strategies. +Conduct employee training programs. +Hire personnel. +Implement organizational process or policy changes. +Develop organizational goals or objectives. +Develop organizational policies or programs. +Monitor performance of organizational members or partners. +Manage environmental sustainability projects. +Plan facility layouts or designs. +Determine resource needs. +Manage construction activities. +Recommend organizational process or policy changes.","Frequency of Decision Making— 93% responded “Every day.” +E-Mail— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Freedom to Make Decisions— 86% responded “A lot of freedom.” +Telephone Conversations— 88% responded “Every day.” +Determine Tasks, Priorities and Goals— 73% responded “A lot of freedom.” +Contact With Others— 76% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 79% responded “Extremely important.” +Health and Safety of Other Workers— 61% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 72% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Extremely important.” +Deal With External Customers or the Public in General— 61% responded “Extremely important.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Work Outcomes and Results of Other Workers— 62% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Time Pressure— 41% responded “Every day.” +Written Letters and Memos— 54% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 47% responded “Every day.” +Conflict Situations— 35% responded “Once a month or more but not every week.” +Level of Competition— 32% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 59% responded “Once a month or more but not every week.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 28% responded “Fairly important.” +Spend Time Sitting— 33% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 40% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Administrative Services Managers +Bright Outlook +Chief Executives +Construction Managers +Facilities Managers +First-Line Supervisors of Non-Retail Sales Workers +Industrial Production Managers +Information Technology Project Managers +Project Management Specialists +Sales Managers +Transportation, Storage, and Distribution Managers","View the list of Allies +American Ceramic Society +external site +American Institute of Architects +external site +American Institute of Chemical Engineers +external site +American Public Works Association +external site +American Society of Civil Engineers +external site +American Welding Society +external site +Association for Supply Chain Management +external site +Council of State Governments +external site +Financial Management Association International +external site +National Association of Counties +external site +National Conference of State Legislatures +external site +National League of Cities +external site +National Management Association +external site +Public Sector HR Association +external site +American Concrete Institute +external site +American Management Association +external site +Financial Executives International +external site +Institute of Certified Professional Managers +external site",79,8,64,68,63,81,44,45,55,55,50,61,23,42,10,39,35,46,6,30,38,15,23,21,5,48,30,25,5,33,12,7,9 +53-6041.00,Traffic Technicians,https://www.onetonline.org/link/summary/53-6041.00,2025-06-11T19:30:08.325754,"Study traffic delays by noting times of delays, the numbers of vehicles affected, and vehicle speed through the delay area. +Interact with the public to answer traffic-related questions, respond to complaints or requests, or discuss traffic control ordinances, plans, policies, or procedures. +Prepare graphs, charts, diagrams, or other aids to illustrate observations or conclusions. +Analyze data related to traffic flow, accident rates, or proposed development to determine the most efficient methods to expedite traffic flow. +Prepare work orders for repair, maintenance, or changes in traffic systems. +Plan, design, and improve components of traffic control systems to accommodate current or projected traffic and to increase usability and efficiency. +Compute time settings for traffic signals or speed restrictions, using standard formulas. +Prepare drawings of proposed signal installations or other control devices, using drafting instruments or computer-automated drafting equipment. +Study factors affecting traffic conditions, such as lighting or sign and marking visibility, to assess their effectiveness. +Gather and compile data from hand count sheets, machine count tapes, or radar speed checks and code data for computer input. +Measure and record the speed of vehicular traffic, using electrical timing devices or radar equipment. +Lay out pavement markings for striping crews. +Provide technical supervision regarding traffic control devices to other traffic technicians or laborers. +Operate counters and record data to assess the volume, type, and movement of vehicular or pedestrian traffic at specified times. +Place and secure automatic counters, using power tools, and retrieve counters after counting periods end. +Review traffic control or barricade plans to issue permits for parades or other special events or for construction work that affects rights of way, providing assistance with plan preparation or revision, as necessary. +Time stoplights or other delays, using stopwatches. +Maintain or make minor adjustments or field repairs to equipment used in surveys, including the replacement of parts on traffic data gathering devices. +Visit development or work sites to determine projects' effect on traffic and the adequacy of traffic control and safety plans or to suggest traffic control measures. +Establish procedures for street closures or for repair or construction projects. +Provide traffic information, such as road conditions, to the public. +Monitor street or utility projects for compliance to traffic control permit conditions. +Develop plans or long-range strategies for providing adequate parking space.","Analytical or scientific software— Dowling Associates TRAFFIX; Pd' Programming Intersection Magic; SAS; The MathWorks MATLAB;1 more +Business intelligence and data analysis software— Tableau +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Computer aided design and drafting software CADD; Trafficware SimTraffic +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Microsoft Access; Oracle Database; Structure query language SQL +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS systems +Industrial control software— Traffic control software; Traffic signal software +Object or component oriented development software— C++; Python; R +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Analyze traffic data. +Arrange maintenance activities. +Identify opportunities to improve operational efficiency. +Prepare drawings or diagrams of products or services. +Compile operational data. +Record operational details of travel. +Time vehicle speed or traffic-control equipment operation. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Supervise engineering or other technical personnel. +Install metering equipment. +Review work orders or schedules to determine operations or procedures. +Adjust equipment to ensure optimal performance. +Repair electronic equipment. +Provide transportation information to passengers or customers. +Plan work operations. +Create images of data, locations, or products. +Provide information to the general public. +Monitor surroundings to detect potential hazards. +Develop program goals or plans.","E-Mail— 78% responded “Every day.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 52% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Time Pressure— 60% responded “Once a week or more but not every day.” +Telephone Conversations— 51% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Freedom to Make Decisions— 71% responded “Some freedom.” +Outdoors, Exposed to All Weather Conditions— 46% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 39% responded “Every day.” +Frequency of Decision Making— 42% responded “Every day.” +Contact With Others— 44% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 46% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Exposed to Hazardous Equipment— 32% responded “Once a week or more but not every day.” +Spend Time Sitting— 34% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Spend Time Making Repetitive Motions— 30% responded “Less than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “More than half the time.” +Written Letters and Memos— 28% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Air Traffic Controllers +Aviation Inspectors +Civil Engineering Technologists and Technicians +Construction and Building Inspectors +Highway Maintenance Workers +Locomotive Engineers +Power Distributors and Dispatchers +Railroad Conductors and Yardmasters +Surveying and Mapping Technicians +Bright Outlook +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +American Public Works Association +external site +American Traffic Safety Services Association +external site +Institute of Transportation Engineers +external site +National Society of Professional Engineers +external site +International Municipal Signal Association +external site",57,3,32,66,58,50,73,54,57,24,9,40,18,73,8,59,36,53,6,73,19,7,9,42,5,63,51,36,8,53,41,2,10 +43-4171.00,Receptionists and Information Clerks,https://www.onetonline.org/link/summary/43-4171.00,2025-06-11T19:16:07.279988,"Operate telephone switchboard to answer, screen, or forward calls, providing information, taking messages, or scheduling appointments. +Greet persons entering establishment, determine nature and purpose of visit, and direct or escort them to specific destinations. +Receive payment and record receipts for services. +Schedule appointments and maintain and update appointment calendars. +Transmit information or documents to customers, using computer, mail, or facsimile machine. +Hear and resolve complaints from customers or the public. +File and maintain records. +Provide information about establishment, such as location of departments or offices, employees within the organization, or services provided. +Perform administrative support tasks, such as proofreading, transcribing handwritten information, or operating calculators or computers to work with pay records, invoices, balance sheets, or other documents. +Collect, sort, distribute, or prepare mail, messages, or courier deliveries. +Perform duties, such as taking care of plants or straightening magazines to maintain lobby or reception area. +Analyze data to determine answers to questions from customers or members of the public. +Calculate and quote rates for tours, stocks, insurance policies, or other products or services. +Keep a current record of staff members' whereabouts and availability. +Schedule space or equipment for special programs and prepare lists of participants. +Process and prepare memos, correspondence, travel vouchers, or other documents. +Enroll individuals to participate in programs and notify them of their acceptance. +Take orders for merchandise or materials and send them to the proper departments to be filled. +Enter and update databases of contact information, such as names, addresses, and phone numbers.","Accounting software— Billing software; Bookkeeping software; Intuit QuickBooks +Calendar and scheduling software— Appointment scheduling software; Electronic calendar management software +Cloud-based data access and sharing software— Google Drive +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Microsoft Dynamics +Data base user interface and query software— Claim processing system software; FileMaker Pro; IBM Check Processing Control System CPSC; St. Paul Travelers e-CARMA;4 more +Desktop publishing software— Microsoft Publisher +Document management software— Filing system software; Microsoft SharePoint Server +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Internet browser software— Web browser software +Medical software— GE Healthcare Centricity EMR; Kodak Dental Systems Kodak SOFTDENT Practice management software PMS; McKesson Lytec; Medical condition coding software;2 more +Mobile messaging service software— Intrado SchoolMessenger +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— HMS +Word processing software— 3M Post-it App; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Schedule appointments. +Answer telephones to direct calls or provide information. +Greet customers, patrons, or visitors. +Collect deposits, payments or fees. +Analyze operational or research data. +Calculate costs of goods or services. +Send information, materials or documentation. +Respond to customer problems or complaints. +File documents or records. +Discuss goods or services information with customers or patrons. +Operate computers or computerized equipment. +Proofread documents, records, or other files to ensure accuracy. +Distribute incoming mail. +Sort mail. +Record personnel information. +Schedule operational activities. +Prepare business correspondence. +Clean facilities or equipment. +Provide notifications to customers or patrons. +Order materials, supplies, or equipment.","Telephone Conversations— 100% responded “Every day.” +Contact With Others— 88% responded “Constant contact with others.” +Frequency of Decision Making— 88% responded “Every day.” +E-Mail— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Spend Time Making Repetitive Motions— 50% responded “More than half the time.” +Importance of Repeating Same Tasks— 41% responded “Very important.” +Importance of Being Exact or Accurate— 63% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 47% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a month or more but not every week.” +Physical Proximity— 52% responded “Slightly close (e.g., shared office).” +Conflict Situations— 34% responded “Once a week or more but not every day.” +Written Letters and Memos— 25% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Correspondence Clerks +Counter and Rental Clerks +Customer Service Representatives +Bright Outlook +Executive Secretaries and Executive Administrative Assistants +Interviewers, Except Eligibility and Loan +Medical Secretaries and Administrative Assistants +Office Clerks, General +Patient Representatives +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive +Switchboard Operators, Including Answering Service","View the list of Allies +American Society of Administrative Professionals +external site +International Association of Administrative Professionals +external site +National Notary Association +external site",80,5,23,68,43,42,43,37,72,18,16,39,6,60,22,33,38,5,7,12,20,7,21,42,25,11,5,8,3,6,6,5,5 +15-1254.00,Web Developers,https://www.onetonline.org/link/summary/15-1254.00,2025-06-11T18:52:01.085588,"Write supporting code for Web applications or Web sites. +Design, build, or maintain Web sites, using authoring or scripting languages, content creation tools, management tools, and digital media. +Back up files from Web sites to local directories for instant recovery in case of problems. +Select programming languages, design tools, or applications. +Evaluate code to ensure that it is valid, is properly structured, meets industry standards, and is compatible with browsers, devices, or operating systems. +Develop databases that support Web applications and Web sites. +Perform Web site tests according to planned schedules, or after any Web site or product revision. +Perform or direct Web site updates. +Maintain understanding of current Web technologies or programming practices through continuing education, reading, or participation in professional conferences, workshops, or groups. +Analyze user needs to determine technical requirements. +Respond to user email inquiries, or set up automated systems to send responses. +Renew domain name registrations. +Confer with management or development teams to prioritize needs, resolve conflicts, develop content criteria, or choose solutions. +Communicate with network personnel or Web site hosting agencies to address hardware or software issues affecting Web sites. +Collaborate with management or users to develop e-commerce strategies and to integrate these strategies with Web sites. +Document test plans, testing procedures, or test results. +Establish appropriate server directory trees. +Recommend and implement performance improvements. +Document technical factors such as server load, bandwidth, database performance, and browser and device types. +Develop or implement procedures for ongoing Web site revision. +Create Web models or prototypes that include physical, interface, logical, or data models. +Provide clear, detailed descriptions of Web site specifications, such as product features, activities, software, communication protocols, programming languages, and operating systems software and hardware. +Evaluate or recommend server hardware or software. +Monitor security system performance logs to identify problems and notify security specialists when problems occur. +Install and configure hypertext transfer protocol (HTTP) servers and associated operating systems. +Research, document, rate, or select alternatives for Web architecture or technologies. +Develop system interaction or sequence diagrams. +Design and implement Web site security measures, such as firewalls and message encryption. +Incorporate technical considerations into Web site design plans, such as budgets, equipment, performance requirements, and legal issues including accessibility and privacy.","Analytical or scientific software— IBM SPSS Statistics; SAS; The MathWorks MATLAB +Application server software— Atlassian Bitbucket; Kubernetes; Red Hat OpenShift; Spring Boot;5 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Cloud-based management software— Amazon Web Services AWS CloudFormation; Google Cloud software; IBM WebSphere; Splunk Enterprise +Communications server software— IBM Domino +Computer based training software— Moodle +Configuration management software— Chef; Perforce Helix software; Puppet +Content workflow software— Atlassian JIRA; Sitecore CMS +Customer relationship management CRM software— Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Oracle PL/SQL; Redis;11 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Airtable; Blackboard software; GraphQL; Transact-SQL;11 more +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Apache Subversion SVN; Oracle Java 2 Platform Enterprise Edition J2EE;18 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Jenkins CI; Microsoft SQL Server Integration Services SSIS;4 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle Fusion Applications; Oracle JD Edwards EnterpriseOne; SAP software;2 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Git +Financial analysis software— Delphi Technology +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Figma; Salesforce Visualforce +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; JamBoard; Trimble SketchUp Pro;2 more +Instant messaging software— Atlassian HipChat; Blink +Medical software— Epic Systems +Metadata management software— Quest Erwin Data Modeler +Network monitoring software— Nagios; Wireshark +Object or component oriented development software— Apache Spark; jQuery; Scala; TypeScript;15 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Google Android; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;11 more +Portal server software— Apache HTTP Server +Presentation software— Apple Keynote; Google Slides +Process mapping and design software— InVision software; Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium; Travis +Project management software— Atlassian Confluence; Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Transaction security and virus protection software— NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS; Microsoft Internet Information Services (IIS) +Video conferencing software— Cisco Webex; Google Meet +Video creation and editing software— Adobe After Effects; Flipgrid; Screencastify; YouTube;3 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; Google Sites; WordPress;3 more +Web platform development software— Bootstrap; React; Spring Framework; Vue.js;40 more +Word processing software— 3M Post-it App; Evernote; Google Docs","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Design websites or web applications. +Write computer programming code. +Update website content. +Create electronic data backup to prevent loss of information. +Test software performance. +Create databases to store electronic data. +Update knowledge about emerging industry or technology trends. +Analyze project data to determine specifications or requirements. +Collaborate with others to resolve information technology issues. +Monitor the security of digital information. +Provide customer service to clients or users. +Document design or development procedures. +Collaborate with others to develop or implement marketing strategies. +Provide technical support for computer network issues. +Configure computer networks. +Recommend changes to improve computer or information systems. +Document network-related activities or tasks. +Develop specifications or procedures for website development or maintenance. +Develop models of information or communications systems. +Evaluate utility of software or hardware technologies. +Provide recommendations to others about computer hardware. +Install computer hardware. +Conduct research to gain information about products or processes. +Develop diagrams or flow charts of system operation. +Develop computer or information security policies or procedures. +Implement security measures for computer or information systems.","E-Mail— 92% responded “Every day.” +Spend Time Sitting— 79% responded “Continually or almost continually.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Duration of Typical Work Week— 63% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 46% responded “Extremely important.” +Telephone Conversations— 42% responded “Every day.” +Determine Tasks, Priorities and Goals— 67% responded “Some freedom.” +Spend Time Making Repetitive Motions— 46% responded “More than half the time.” +Time Pressure— 58% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Contact With Others— 38% responded “Constant contact with others.” +Level of Competition— 58% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Frequency of Decision Making— 33% responded “Once a year or more but not every month.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 38% responded “Limited responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Important.”","Programming— Writing computer programs for various purposes. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Blockchain Engineers +Bright Outlook +Computer Programmers +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Search Marketing Strategists +Software Developers +Web Administrators +Web and Digital Interface Designers","View the list of Allies +World Organization of Webmasters +external site +American Indian Science and Engineering Society +external site +American Webmasters Association +external site +Association for Computing Machinery +external site +Association for Information Science and Technology +external site +Association for Information Systems +external site +Association for Women in Computing +external site +Computer Professionals for Social Responsibility +external site +Computing Research Association +external site +Design Management Institute +external site +EDUCAUSE +external site +IEEE Computer Society +external site +International Association of Computer Science and Information Technology +external site +International Society for Technology in Education +external site +Internet Corporation for Assigned Names and Numbers +external site +Internet Marketing Association +external site +Internet Society +external site +National Center for Women and Information Technology +external site +National Society of Black Engineers +external site +Network Professional Association +external site +Python Software Foundation +external site +Rocky Mountain Oracle Users Group +external site +The HTML Writers Guild +external site +The Web Standard Project +external site +Transforming Data with Intelligence +external site +User Experience Professionals Association International +external site +World Wide Web Consortium +external site +SouthEast SAS® Users Group +external site +CompTIA +external site +DAMA International +external site +Society for Technical Communication +external site",49,1,19,64,59,35,24,31,35,19,31,14,,85,8,20,55,2,15,3,23,2,19,37,1,40,,7,2,49,11,26,4 +43-4121.00,"Library Assistants, Clerical",https://www.onetonline.org/link/summary/43-4121.00,2025-06-11T19:15:51.802725,"Sort books, publications, and other items according to established procedure and return them to shelves, files, or other designated storage areas. +Open and close library during specified hours and secure library equipment, such as computers and audio-visual equipment. +Locate library materials for patrons, including books, periodicals, tape cassettes, Braille volumes, and pictures. +Enter and update patrons' records on computers. +Answer routine inquiries and refer patrons in need of professional assistance to librarians. +Manage reserve materials by placing items on reserve for library patrons, checking items in and out of library, and removing out-of-date items. +Lend, reserve, and collect books, periodicals, videotapes, and other materials at circulation desks and process materials for inter-library loans. +Instruct patrons on how to use reference sources, card catalogs, and automated information systems. +Inspect returned books for condition and due-date status and compute any applicable fines. +Maintain records of items received, stored, issued, and returned and file catalog cards according to system used. +Perform clerical activities, such as answering phones, sorting mail, filing, typing, word processing, and photocopying and mailing out material. +Register new patrons and issue borrower identification cards that permit patrons to borrow books and other materials. +Process new materials including books, audio-visual materials, and computer software. +Provide assistance to librarians in the maintenance of collections of books, periodicals, magazines, newspapers, and audio-visual and other materials. +Review records, such as microfilm and issue cards, to identify titles of overdue materials and delinquent borrowers. +Send out notices and accept fine payments for lost or overdue books. +Maintain library equipment, such as photocopiers, scanners, and computers, and instruct patrons in proper use of such equipment. +Schedule, supervise, and train clerical workers, volunteers, student assistants, and other library employees. +Repair books using mending tape, paste, and brushes or prepare books to be sent to a bindery for repair. +Take action to deal with disruptive or problem patrons. +Prepare, store, and retrieve classification and catalog information, lecture notes, or other information related to stored documents, using computers. +Select substitute titles when requested materials are unavailable, following criteria such as age, education, and interests. +Prepare library statistics reports. +Deliver and retrieve items to and from departments by hand or using push carts. +Assist in the preparation of book displays. +Classify and catalog items according to content and purpose. +Operate small branch libraries, under the direction of off-site librarian supervisors. +Plan or participate in library events and programs, such as story time with children. +Perform accounting and bookkeeping activities, such as invoicing, maintaining financial records, budgeting, and handling cash. +Operate and maintain audio-visual equipment. +Design or maintain library web site and online catalogues. +Acquire books, pamphlets, periodicals, audio-visual materials, and other library supplies by checking prices, figuring costs, and preparing appropriate order forms and facilitating the ordering process by providing such information to others. +Hire library staff such as student assistants.","Data base user interface and query software— Database software; Microsoft Access; Recordkeeping software +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— Video retrieval systems +Internet browser software— Web browser software +Library software— Cataloging software; Online Computer Library Center (OCLC) databases; ResourceMate Plus; WorldCat;1 more +Object or component oriented development software— C++ +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Maintain security. +Sort materials or products. +Enter information into databases or software programs. +Track goods or materials. +Distribute materials to employees or customers. +Refer customers to appropriate personnel. +Calculate financial data. +Demonstrate activity techniques or equipment use. +Inspect items for damage or defects. +Maintain inventory records. +Answer telephones to direct calls or provide information. +Issue documentation or identification to customers or employees. +Sort mail. +Type documents. +Manage clerical or administrative activities. +Process library materials. +Collect deposits, payments or fees. +Maintain inventories of materials, equipment, or products. +Send information, materials or documentation. +Maintain office equipment in proper operating condition. +Plan educational activities. +Plan special events. +Prepare employee work schedules. +Repair books or other printed material. +Supervise clerical or administrative personnel. +Maintain electronic equipment. +Maintain financial or account records. +Operate office equipment. +Develop computer or online applications. +Store records or related materials. +Order materials, supplies, or equipment. +Prepare documentation for contracts, transactions, or regulatory compliance. +Provide customer service to clients or users. +Prepare research or technical reports. +Deliver items. +Arrange items for use or display.","Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +E-Mail— 93% responded “Every day.” +Telephone Conversations— 67% responded “Every day.” +Contact With Others— 65% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Frequency of Decision Making— 47% responded “Every day.” +Physical Proximity— 36% responded “Slightly close (e.g., shared office).” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Importance of Repeating Same Tasks— 52% responded “Very important.” +Spend Time Making Repetitive Motions— 34% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Very important results.” +Time Pressure— 33% responded “Every day.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a year or more but not every month.” +Conflict Situations— 35% responded “Once a week or more but not every day.” +Spend Time Sitting— 42% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Once a month or more but not every week.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles.","Correspondence Clerks +Document Management Specialists +Bright Outlook +Executive Secretaries and Executive Administrative Assistants +File Clerks +Library Technicians +Office Clerks, General +Office Machine Operators, Except Computer +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive +Stockers and Order Fillers","View the list of Allies +American Association of Law Libraries +external site +American Library Association +external site +Council on Library/Media Technicians +external site +Medical Library Association +external site +Music Library Association +external site +Special Libraries Association +external site +Service Employees International Union +external site",69,,18,64,33,34,48,51,68,16,30,17,8,49,20,19,33,8,26,12,50,16,34,27,17,6,2,4,2,9,29,12,34 +51-6093.00,Upholsterers,https://www.onetonline.org/link/summary/51-6093.00,2025-06-11T19:26:23.649252,"Fit, install, and secure material on frames, using hand tools, power tools, glue, cement, or staples. +Measure and cut new covering materials, using patterns and measuring and cutting instruments, following sketches and design specifications. +Build furniture up with loose fiber stuffing, cotton, felt, or foam padding to form smooth, rounded surfaces. +Make, restore, or create custom upholstered furniture, using hand tools and knowledge of fabrics and upholstery methods. +Read work orders, and apply knowledge and experience with materials to determine types and amounts of materials required to cover workpieces. +Examine furniture frames, upholstery, springs, and webbing to locate defects. +Adjust or replace webbing, padding, or springs, and secure them in place. +Sew rips or tears in material, or create tufting, using needles and thread. +Remove covering, webbing, padding, or defective springs from workpieces, using hand tools such as hammers and tack pullers. +Attach fasteners, grommets, buttons, buckles, ornamental trim, and other accessories to covers or frames, using hand tools. +Repair furniture frames and refinish exposed wood. +Interweave and fasten strips of webbing to the backs and undersides of furniture, using small hand tools and fasteners. +Draw cutting lines on material following patterns, templates, sketches, or blueprints, using chalk, pencils, paint, or other methods. +Stretch webbing and fabric, using webbing stretchers. +Operate sewing machines or sew upholstery by hand to seam cushions and join various sections of covering material. +Design upholstery cover patterns and cutting plans, based on sketches, customer descriptions, or blueprints. +Maintain records of time required to perform each job. +Discuss upholstery fabrics, colors, and styles with customers, and provide cost estimates. +Pick up and deliver furniture. +Attach bindings or apply solutions to edges of cut material to prevent raveling. +Collaborate with interior designers to decorate rooms and coordinate furnishing fabrics. +Make, repair, or replace automobile upholstery and convertible and vinyl tops, using knowledge of fabric and upholstery methods.","Accounting software— Intuit QuickBooks +Computer aided design CAD software— Autodesk AutoCAD +Enterprise resource planning ERP software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— LibreOffice Draw +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Align parts or workpieces to ensure proper assembly. +Mount materials or workpieces onto production equipment. +Cut fabrics. +Measure materials to mark reference points, cutting lines, or other indicators. +Assemble garments or textile products. +Repair furniture or upholstery. +Read work orders or other instructions to determine product specifications or materials requirements. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Adjust fabrics or other materials during garment production. +Sew clothing or other articles. +Examine condition of property or products. +Operate sewing equipment. +Repair textiles or apparel. +Design templates or patterns. +Record operational or production data. +Attach decorative or functional accessories to products. +Confer with customers or designers to determine order specifications. +Estimate costs of products, services, or materials. +Move furniture. +Shape surfaces or edges of wood workpieces. +Prepare fabrics or materials for processing or production. +Exchange information with colleagues.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Spend Time Standing— 80% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Spend Time Making Repetitive Motions— 50% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 57% responded “Every day.” +Time Pressure— 39% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Every day.” +Spend Time Bending or Twisting Your Body— 40% responded “Continually or almost continually.” +Level of Competition— 35% responded “Moderately competitive.” +Contact With Others— 48% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 32% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 47% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Very important results.” +Physical Proximity— 61% responded “Moderately close (at arm's length).” +Spend Time Walking or Running +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 42% responded “Every day.” +Freedom to Make Decisions— 32% responded “A lot of freedom.” +Frequency of Decision Making— 40% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Important.” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.” +Duration of Typical Work Week— 22% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 19% responded “Fairly important.” +Exposed to Contaminants— 41% responded “Never.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cabinetmakers and Bench Carpenters +Carpet Installers +Furniture Finishers +Grinding and Polishing Workers, Hand +Molders, Shapers, and Casters, Except Metal and Plastic +Painting, Coating, and Decorating Workers +Sewers, Hand +Sewing Machine Operators +Shoe and Leather Workers and Repairers +Structural Metal Fabricators and Fitters","View the list of Allies +American Home Furnishings Alliance +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site",47,2,52,26,41,29,22,43,17,7,22,30,13,14,13,12,15,45,7,17,7,8,2,15,3,19,35,12,8,51,4,2,3 +19-4043.00,"Geological Technicians, Except Hydrologic Technicians",https://www.onetonline.org/link/summary/19-4043.00,2025-06-11T18:58:00.725104,"Test and analyze samples to determine their content and characteristics, using laboratory apparatus or testing equipment. +Collect or prepare solid or fluid samples for analysis. +Compile, log, or record testing or operational data for review and further analysis. +Prepare notes, sketches, geological maps, or cross-sections. +Participate in geological, geophysical, geochemical, hydrographic, or oceanographic surveys, prospecting field trips, exploratory drilling, well logging, or underground mine survey programs. +Prepare or review professional, technical, or other reports regarding sampling, testing, or recommendations of data analysis. +Adjust or repair testing, electrical, or mechanical equipment or devices. +Read and study reports in order to compile information and data for geological and geophysical prospecting. +Interview individuals, and research public databases in order to obtain information. +Plot information from aerial photographs, well logs, section descriptions, or other databases. +Assemble, maintain, or distribute information for library or record systems. +Operate or adjust equipment or apparatus used to obtain geological data. +Plan and direct activities of workers who operate equipment to collect data. +Set up or direct set-up of instruments used to collect geological data. +Record readings in order to compile data used in prospecting for oil or gas. +Create photographic recordings of information, using equipment. +Measure geological characteristics used in prospecting for oil or gas, using measuring instruments. +Participate in the evaluation of possible mining locations. +Assess the environmental impacts of development projects on subsurface materials. +Evaluate and interpret core samples and cuttings, and other geological data used in prospecting for oil or gas. +Supervise well exploration, drilling activities, or well completions. +Inspect engines for wear or defective parts, using equipment or measuring devices. +Collaborate with hydrogeologists to evaluate groundwater or well circulation. +Apply new technologies, such as improved seismic imaging techniques, to locate untapped oil or natural gas deposits. +Collect data on underground areas, such as reservoirs, that could be used in carbon sequestration operations. +Collect geological data from potential geothermal energy plant sites. +Compile data used to address environmental issues, such as the suitability of potential landfill sites. +Conduct geophysical surveys of potential sites for wind farms or solar installations to determine their suitability. +Evaluate and interpret seismic data with the aid of computers.","Analytical or scientific software— IHS Petra; Landmark Graphics GeoGraphix; Schlumberger GeoFrame; Techsia Techlog;6 more +Computer aided design CAD software— Autodesk AutoCAD; Dynamic Graphics EarthVision; Midland Valley 2DMove +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Database software; Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Illustrator; Corel CorelDraw Graphics Suite +Inventory management software— Inventory management systems +Map creation software— Golden Software Surfer; Leica Geosystems ERDAS IMAGINE; Martin D Adamiker's TruFlite; Surface III;2 more +Mobile location based services software— Global positioning system GPS software; Juniper Systems LandMark Mobile +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Analyze geological samples. +Collect samples for analysis or testing. +Record research or operational data. +Prepare maps. +Operate laboratory or field equipment. +Supervise scientific or technical personnel. +Research geological features or processes. +Direct technical activities or operations. +Set up laboratory or field equipment. +Analyze geological or geographical data. +Collect archival data. +Calibrate scientific or technical equipment. +Maintain laboratory or technical equipment. +Document events or evidence, using photographic or audiovisual equipment. +Locate natural resources using geospatial or other environmental data. +Collect information from people through observation, interviews, or surveys. +Compile geographic or related data. +Research environmental impact of industrial or development activities. +Direct natural resources extraction projects. +Inspect equipment to ensure proper functioning. +Collaborate on research activities with scientists or technical specialists. +Collect environmental data or samples. +Collect geographical or geological field data. +Compile environmental or climatological data. +Survey land or properties.","E-Mail— How frequently does your job require you to use E-mail? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Telephone Conversations— How often do you have telephone conversations in this job? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Spend Time Sitting— How much does this job require sitting? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Written Letters and Memos— How frequently does your job require written letters and memos? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Calibration Technologists and Technicians +Bright Outlook +Chemical Technicians +Environmental Engineering Technologists and Technicians +Environmental Science and Protection Technicians, Including Health +Geodetic Surveyors +Hydrologic Technicians +Mechanical Engineering Technologists and Technicians +Remote Sensing Scientists and Technologists +Remote Sensing Technicians +Surveying and Mapping Technicians","View the list of Allies +American Association of Geographers +external site +American Association of Petroleum Geologists +external site +American Geophysical Union +external site +American Geosciences Institute +external site +American Institute of Professional Geologists +external site +Association of American State Geologists +external site +Association of Environmental and Engineering Geologists +external site +Environmental and Engineering Geophysical Society +external site +Geological Society of America +external site +Geospatial Information and Technology Association +external site +International Association for Mathematical Geosciences +external site +International Association of Geodesy +external site +National Mining Association +external site +North American Lake Management Society +external site +Society of Economic Geologists +external site +Society of Exploration Geophysicists +external site +Society of Petroleum Engineers +external site +Southeastern Geological Society +external site +Western Society of Naturalists +external site +International Union of Geological Sciences +external site",41,2,36,61,62,38,39,31,35,15,24,18,54,64,13,32,24,39,6,25,10,4,7,24,5,62,23,54,18,38,53,3,26 +11-9021.00,Construction Managers,https://www.onetonline.org/link/summary/11-9021.00,2025-06-11T18:47:48.422168,"Plan, schedule, or coordinate construction project activities to meet deadlines. +Prepare and submit budget estimates, progress reports, or cost tracking reports. +Interpret and explain plans and contract terms to representatives of the owner or developer, including administrative staff, workers, or clients. +Direct and supervise construction or related workers. +Prepare contracts or negotiate revisions to contractual agreements with architects, consultants, clients, suppliers, or subcontractors. +Confer with supervisory personnel, owners, contractors, or design professionals to discuss and resolve matters, such as work procedures, complaints, or construction problems. +Plan, organize, or direct activities concerned with the construction or maintenance of structures, facilities, or systems. +Study job specifications to determine appropriate construction methods. +Inspect or review projects to monitor compliance with building and safety codes or other regulations. +Investigate damage, accidents, or delays at construction sites to ensure that proper construction procedures are being followed. +Implement new or modified plans in response to delays, bad weather, or construction site emergencies. +Develop or implement quality control programs. +Requisition supplies or materials to complete construction projects. +Determine labor requirements for dispatching workers to construction sites. +Contract or oversee craft work, such as painting or plumbing. +Inspect or review projects to monitor compliance with environmental regulations. +Perform, or contract others to perform, pre-building assessments, such as conceptual cost estimating, rough order of magnitude estimating, feasibility, or energy efficiency, environmental, and sustainability assessments. +Develop or implement environmental protection programs. +Apply for and obtain all necessary permits or licenses. +Evaluate construction methods and determine cost-effectiveness of plans, using computer models. +Apply green building strategies to reduce energy costs or minimize carbon output or other sources of harm to the environment. +Secure third-party verification from sources, such as Leadership in Energy Efficient Design (LEED), to ensure responsible design and building activities or to achieve favorable LEED ratings for building projects. +Develop construction budgets to compare green and non-green construction alternatives, in terms of short-term costs, long-term costs, or environmental impacts. +Implement training programs on environmentally responsible building topics to update employee skills and knowledge. +Direct acquisition of land for construction projects. +Direct how drone technology is used for site inspections and progress monitoring, ensuring accurate and timely project completion.","Accounting software— SRC Cash Flow Forecasting +Analytical or scientific software— ArenaSoft Estimating; Jobber Computer Plus; Procore software +Calendar and scheduling software— AEC Software FastTrack Schedule; Scheduling software +Cloud-based data access and sharing software— Dropbox; Google Drive +Compliance software— CSI WSE CodeBuddy +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Autodesk Revit; Computer aided design and drafting software CADD;1 more +Data base user interface and query software— Database software; ISS Construction Manager; UDA Technologies ConstructionSuite; Yardi software;8 more +Document management software— Adobe Acrobat; Axios Systems assyst; Microsoft SharePoint; Site Manager;1 more +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software +Graphics or photo imaging software— Adobe Creative Cloud software; Drone image capturing software; Trimble SketchUp Pro +Human resources software— Profitool software (human resources feature) +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Microsoft Internet Explorer +Inventory management software— Profitool GearWatch +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— HCSS HeavyBid; HCSS HeavyJob; Oracle Primavera Enterprise Project Portfolio Management; Quantum Software Solutions Quantum Project Manager;3 more +Spreadsheet software— Microsoft Excel +Time accounting software— Profitool software (time accounting feature) +Video creation and editing software— Loom +Web page creation and editing software— IMPACT software; LinkedIn +Word processing software— 3M Post-it App; Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Manage construction activities. +Develop operating strategies, plans, or procedures. +Prepare financial documents, reports, or budgets. +Communicate organizational information to customers or other stakeholders. +Communicate organizational policies and procedures. +Supervise employees. +Negotiate project specifications. +Prepare forms or applications. +Direct facility maintenance or repair activities. +Review blueprints or other instructions to determine operational methods or sequences. +Determine operational compliance with regulations or standards. +Investigate industrial or transportation accidents. +Implement organizational process or policy changes. +Develop procedures to evaluate organizational activities. +Purchase materials, equipment, or other resources. +Estimate labor requirements. +Evaluate green operations or programs for compliance with standards or regulations. +Analyze data to determine project feasibility. +Develop environmental remediation or protection plans. +Estimate green project costs. +Analyze forecasting data to improve business decisions. +Model operational processes. +Develop sustainable organizational policies or practices. +Recruit personnel. +Prepare operational budgets for green energy or other green operations. +Train employees on environmental awareness, conservation, or safety topics.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Duration of Typical Work Week— 85% responded “More than 40 hours.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 75% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Health and Safety of Other Workers— 65% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Important results.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Frequency of Decision Making— 55% responded “Every day.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 50% responded “Once a week or more but not every day.” +Written Letters and Memos— 55% responded “Once a week or more but not every day.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Conflict Situations— 60% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 50% responded “Every day.” +Level of Competition— 75% responded “Highly competitive.” +Consequence of Error— 35% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 47% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 45% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 55% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 30% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 35% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 35% responded “Once a week or more but not every day.” +Spend Time Sitting— 40% responded “About half the time.” +Exposed to Contaminants— 40% responded “Once a year or more but not every month.” +Physical Proximity— 70% responded “Slightly close (e.g., shared office).” +Exposed to Very Hot or Cold Temperatures— 40% responded “Once a year or more but not every month.”","Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architects, Except Landscape and Naval +Bright Outlook +Architectural and Engineering Managers +Civil Engineering Technologists and Technicians +Civil Engineers +Construction and Building Inspectors +Facilities Managers +First-Line Supervisors of Construction Trades and Extraction Workers +Industrial Engineers +Project Management Specialists +Solar Energy Installation Managers","View the list of Allies +Construction Management Association of America +external site +American Institute of Architects +external site +American Society of Civil Engineers +external site +Architectural Woodwork Institute +external site +Associated General Contractors of America +external site +Society of American Military Engineers +external site +USGBC +external site +AACE International +external site +Accreditation Board for Engineering and Technology +external site +American Council for Construction Education +external site +American Institute of Constructors +external site +National Center for Construction Education and Research +external site +Project Management Institute +external site",68,3,53,75,65,84,65,51,44,58,45,55,29,55,19,50,35,61,8,49,41,11,18,34,11,80,97,40,15,65,25,3,10 +17-3012.00,Electrical and Electronics Drafters,https://www.onetonline.org/link/summary/17-3012.00,2025-06-11T18:54:58.621137,"Draft detail and assembly drawings of design components, circuitry or printed circuit boards, using computer-assisted equipment or standard drafting techniques and devices. +Draft working drawings, wiring diagrams, wiring connection specifications, or cross-sections of underground cables, as required for instructions to installation crew. +Assemble documentation packages and produce drawing sets to be checked by an engineer or an architect. +Review completed construction drawings and cost estimates for accuracy and conformity to standards and regulations. +Consult with engineers to discuss or interpret design concepts, or determine requirements of detailed working drawings. +Confer with engineering staff and other personnel to resolve problems. +Measure factors that affect installation and arrangement of equipment, such as distances to be spanned by wire and cable. +Design electrical systems, such as lighting systems. +Draw master sketches to scale showing relation of proposed installations to existing facilities and exact specifications and dimensions. +Review work orders or procedural manuals and confer with vendors or design staff to resolve problems or modify design. +Locate files relating to specified design project in database library, load program into computer, and record completed job data. +Examine electronic schematics and supporting documents to develop, compute, and verify specifications for drafting data, such as configuration of parts, dimensions, or tolerances. +Compare logic element configuration on display screen with engineering schematics and calculate figures to convert, redesign, or modify element. +Review blueprints to determine customer requirements and consult with assembler regarding schematics, wiring procedures, or conductor paths. +Study work order requests to determine type of service, such as lighting or power, demanded by installation. +Explain drawings to production or construction teams and provide adjustments, as necessary. +Reproduce working drawings on copy machines or trace drawings in ink. +Generate computer tapes of final layout design to produce layered photo masks or photo plotting design onto film. +Determine the order of work and the method of presentation, such as orthographic or isometric drawing. +Visit proposed installation sites and draw rough sketches of location. +Key and program specified commands and engineering specifications into computer system to change functions and test final layout. +Copy drawings of printed circuit board fabrication using print machine or blueprinting procedure. +Select drill size to drill test head, according to test design and specifications, and submit guide layout to designated department. +Plot electrical test points on layout sheets and draw schematics for wiring test fixture heads to frames. +Write technical reports and draw charts that display statistics and data. +Supervise and coordinate work activities of workers engaged in drafting, designing layouts, assembling, or testing printed circuit boards. +Train students to use drafting machines and to prepare schematic diagrams, block diagrams, control drawings, logic diagrams, integrated circuit drawings, or interconnection diagrams. +Prepare and interpret specifications, calculating weights, volumes, or stress factors. +Supervise or train other technologists, technicians, or drafters. +Use computer-aided drafting equipment or conventional drafting stations, technical handbooks, tables, calculators, or traditional drafting tools, such as boards, pencils, protractors, or T-squares.","Analytical or scientific software— MathWorks Simulink; Simulation program with integrated circuit emphasis SPICE; The MathWorks MATLAB; Very high speed integrated circuit VHSIC hardware description language VHDL simulation software;2 more +Application server software— Linux Virtual Server +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;22 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics +Data base user interface and query software— Design specification database software; Microsoft Access; PCI Express PCIe; PEDYN P2000 +Development environment software— C; SystemVerilog; Tool command language Tcl; Verilog +Document management software— Microsoft SharePoint; PTC Windchill +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— Epicor Vantage ERP; Sage ERP Accpac; SAP software; SoftBrands Fourth Shift Edition;4 more +Geographic information system— Geographic information system GIS systems +Graphics or photo imaging software— Adobe Illustrator; Corel CorelDraw Graphics Suite +Industrial control software— Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Object or component oriented development software— C++; Perl; Python +Office suite software— Microsoft Office software +Operating system software— Linux; Magellan Firmware; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Bentley Systems ProjectWise; Microsoft Project; Oracle JD Edwards EnterpriseOne Project Management; PTC Pro/INTRALINK +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Create schematic drawings for electronics. +Create electrical schematics. +Document technical design details. +Evaluate designs or specifications to ensure quality. +Confer with technical personnel to prepare designs or operational plans. +Confer with other personnel to resolve design or operational problems. +Collect data about project sites. +Design electrical equipment or systems. +Review technical documents to plan work. +Operate computer systems. +Verify mathematical calculations. +Operate digital imaging equipment. +Prepare detailed work plans. +Explain engineering drawings, specifications, or other technical information. +Select tools, equipment, or technologies for use in operations or projects. +Supervise engineering or other technical personnel. +Prepare technical reports for internal use. +Train personnel on proper operational procedures. +Estimate technical or resource requirements for development or production projects.","E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Spend Time Sitting— 53% responded “Continually or almost continually.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Contact With Others— 48% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Duration of Typical Work Week— 52% responded “40 hours.” +Frequency of Decision Making— 28% responded “Every day.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Fairly important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 29% responded “Continually or almost continually.” +Consequence of Error— 27% responded “Fairly serious.” +Deal With External Customers or the Public in General— 25% responded “Not important at all.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Architectural and Civil Drafters +Calibration Technologists and Technicians +Bright Outlook +Civil Engineering Technologists and Technicians +Commercial and Industrial Designers +Computer Numerically Controlled Tool Programmers +Electrical and Electronic Engineering Technologists and Technicians +Electrical Engineers +Electronics Engineers, Except Computer +Mechanical Drafters +Mechanical Engineering Technologists and Technicians","View the list of Allies +American Design Drafting Association +external site +IPC +external site +Accrediting Commission of Career Schools and Colleges +external site",43,4,43,73,65,48,54,55,63,14,20,36,21,80,16,36,24,43,4,26,10,5,5,38,5,82,34,40,18,85,53,8,10 +51-2051.00,Fiberglass Laminators and Fabricators,https://www.onetonline.org/link/summary/51-2051.00,2025-06-11T19:24:03.213809,"Release air bubbles and smooth seams, using rollers. +Spray chopped fiberglass, resins, and catalysts onto prepared molds or dies using pneumatic spray guns with chopper attachments. +Mix catalysts into resins, and saturate cloth and mats with mixtures, using brushes. +Check completed products for conformance to specifications and for defects by measuring with rulers or micrometers, by checking them visually, or by tapping them to detect bubbles or dead spots. +Pat or press layers of saturated mat or cloth into place on molds, using brushes or hands, and smooth out wrinkles and air bubbles with hands or squeegees. +Select precut fiberglass mats, cloth, and wood-bracing materials as required by projects being assembled. +Bond wood reinforcing strips to decks and cabin structures of watercraft, using resin-saturated fiberglass. +Trim excess materials from molds, using hand shears or trimming knives. +Apply layers of plastic resin to mold surfaces prior to placement of fiberglass mats, repeating layers until products have the desired thicknesses and plastics have jelled. +Inspect, clean, and assemble molds before beginning work. +Cure materials by letting them set at room temperature, placing them under heat lamps, or baking them in ovens. +Apply lacquers and waxes to mold surfaces to facilitate assembly and removal of laminated parts. +Repair or modify damaged or defective glass-fiber parts, checking thicknesses, densities, and contours to ensure a close fit after repair. +Mask off mold areas not to be laminated, using cellophane, wax paper, masking tape, or special sprays containing mold-release substances. +Check all dies, templates, and cutout patterns to be used in the manufacturing process to ensure that they conform to dimensional data, photographs, blueprints, samples, or customer specifications. +Trim cured materials by sawing them with diamond-impregnated cutoff wheels.","Enterprise resource planning ERP software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Smooth surfaces of objects or equipment. +Place materials into molds. +Apply parting agents or other solutions to molds. +Apply water or solutions to fabrics or apparel. +Mix substances to create chemical solutions. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Inspect production equipment. +Build production molds. +Clean production equipment. +Select production input materials. +Load items into ovens or furnaces. +Apply adhesives to construction materials. +Repair parts or assemblies. +Trim excess material from workpieces.","Spend Time Standing— 97% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 88% responded “Every day.” +Exposed to Contaminants— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Time Pressure— 74% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 83% responded “Every day.” +Physical Proximity— 57% responded “Very close (near touching).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 78% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Contact With Others— 50% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 48% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 53% responded “Continually or almost continually.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 42% responded “Very high responsibility.” +Exposed to Hazardous Conditions— 55% responded “Every day.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 29% responded “About half the time.” +Duration of Typical Work Week— 34% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 15% responded “Not important at all.” +Indoors, Not Environmentally Controlled— 58% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Exposed to Cramped Work Space, Awkward Positions— 31% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 38% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 21% responded “Very little freedom.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Foundry Mold and Coremakers +Furniture Finishers +Insulation Workers, Floor, Ceiling, and Wall +Molders, Shapers, and Casters, Except Metal and Plastic +Plating Machine Setters, Operators, and Tenders, Metal and Plastic +Structural Metal Fabricators and Fitters +Tire Builders","View the list of Allies +American Composites Manufacturers Association +external site +Fabricators and Manufacturers Association +external site +IPC +external site",50,8,71,55,44,73,38,65,50,29,38,28,58,31,15,28,16,48,6,18,18,14,23,15,15,45,50,27,13,48,14,8,12 +29-1222.00,"Physicians, Pathologists",https://www.onetonline.org/link/summary/29-1222.00,2025-06-11T19:06:54.788722,"Examine microscopic samples to identify diseases or other abnormalities. +Diagnose diseases or study medical conditions, using techniques such as gross pathology, histology, cytology, cytopathology, clinical chemistry, immunology, flow cytometry, or molecular biology. +Write pathology reports summarizing analyses, results, and conclusions. +Communicate pathologic findings to surgeons or other physicians. +Identify the etiology, pathogenesis, morphological change, and clinical significance of diseases. +Read current literature, talk with colleagues, or participate in professional organizations or conferences to keep abreast of developments in pathology. +Consult with physicians about ordering and interpreting tests or providing treatments. +Analyze and interpret results from tests, such as microbial or parasite tests, urine analyses, hormonal assays, fine needle aspirations (FNAs), and polymerase chain reactions (PCRs). +Review cases by analyzing autopsies, laboratory findings, or case investigation reports. +Manage medical laboratories. +Develop or adopt new tests or instruments to improve diagnosis of diseases. +Educate physicians, students, and other personnel in medical laboratory professions, such as medical technology, cytotechnology, or histotechnology. +Plan and supervise the work of the pathology staff, residents, or visiting pathologists. +Perform autopsies to determine causes of deaths. +Diagnose infections, such as Hepatitis B and Acquired Immune Deficiency Syndrome (AIDS), by conducting tests to detect the antibodies that patients' immune systems make to fight such infections. +Obtain specimens by performing procedures, such as biopsies or fine needle aspirations (FNAs) of superficial nodules. +Conduct genetic analyses of deoxyribonucleic acid (DNA) or chromosomes to diagnose small biopsies and cell samples. +Conduct research and present scientific findings. +Testify in depositions or trials as an expert witness.","Accounting software— Cerner Millennium ProFit; Healthvision MediAR; TELCOR Billing Information System; XIFIN;8 more +Data base management system software— Database management software +Data base user interface and query software— Database software; Microsoft Access +Enterprise resource planning ERP software— SAP software +Information retrieval or search software— ComBase; Digital image databases +Medical software— CPSI CPSI System; MEDITECH Anatomical Pathology; PathLogix; Wyndgate Technologies ElDorado Donor;77 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel","Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Analyze laboratory specimens to detect abnormalities or other problems. +Diagnose medical conditions. +Operate laboratory equipment to analyze medical samples. +Prepare reports summarizing patient diagnostic or care activities. +Communicate test or assessment results to medical professionals. +Research microbiological or chemical processes or structures. +Maintain medical or professional knowledge. +Collaborate with healthcare professionals to plan or provide treatment. +Analyze test data or images to inform diagnosis or treatment. +Analyze medical data to determine cause of death. +Manage healthcare operations. +Test biological specimens to gather information about patient conditions. +Collect biological specimens from patients. +Develop health assessment methods or programs. +Train medical providers. +Supervise technical medical personnel. +Conduct research to increase knowledge about medical issues. +Present medical research reports. +Testify at legal or legislative proceedings.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +E-Mail— 92% responded “Every day.” +Time Pressure— 91% responded “Every day.” +Importance of Being Exact or Accurate— 87% responded “Extremely important.” +Telephone Conversations— 83% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 76% responded “Very important results.” +Freedom to Make Decisions— 85% responded “A lot of freedom.” +Frequency of Decision Making— 77% responded “Every day.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Spend Time Sitting— 71% responded “Continually or almost continually.” +Consequence of Error— 73% responded “Extremely serious.” +Duration of Typical Work Week— 76% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Contact With Others— 47% responded “Constant contact with others.” +Importance of Repeating Same Tasks— 56% responded “Extremely important.” +Level of Competition— 50% responded “Highly competitive.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Exposed to Disease or Infections— 41% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Extremely important.” +Written Letters and Memos— 49% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 42% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 40% responded “Limited responsibility.” +Exposed to Contaminants— 31% responded “Every day.” +Exposed to Hazardous Conditions— 24% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Science— Using scientific rules and methods to solve problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Allergists and Immunologists +Cardiologists +Clinical Neuropsychologists +Cytotechnologists +Emergency Medicine Physicians +Histotechnologists +Medical and Clinical Laboratory Technologists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Radiologists","View the list of Allies +American Academy of Family Physicians +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Society for Clinical Pathology +external site +American Society of Cytopathology +external site +Association of American Medical Colleges +external site +College of American Pathologists +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +Federation of State Medical Boards +external site +United States and Canadian Academy of Pathology +external site +AABB +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",60,3,33,82,39,53,36,60,45,32,29,42,54,53,10,34,34,16,12,18,29,19,19,31,96,26,4,29,88,12,11,1,7 +15-1241.01,Telecommunications Engineering Specialists,https://www.onetonline.org/link/summary/15-1241.01,2025-06-11T18:51:40.224123,"Consult with users, administrators, and engineers to identify business and technical requirements for proposed system modifications or technology purchases. +Implement system renovation projects in collaboration with technical staff, engineering consultants, installers, and vendors. +Keep abreast of changes in industry practices and emerging telecommunications technology by reviewing current literature, talking with colleagues, participating in educational programs, attending meetings or workshops, or participating in professional organizations or conferences. +Review and evaluate requests from engineers, managers, and technicians for system modifications. +Assess existing facilities' needs for new or modified telecommunications systems. +Develop, maintain, or implement telecommunications disaster recovery plans to ensure business continuity. +Communicate with telecommunications vendors to obtain pricing and technical specifications for available hardware, software, or services. +Inspect sites to determine physical configuration, such as device locations and conduit pathways. +Document procedures for hardware and software installation and use. +Install, or coordinate installation of, new or modified hardware, software, or programming modules of telecommunications systems. +Instruct in use of voice, video, and data communications systems. +Implement or perform preventive maintenance, backup, or recovery procedures. +Prepare purchase requisitions for computer hardware and software, networking and telecommunications equipment, test equipment, cabling, or tools. +Document technical specifications and operating standards for telecommunications equipment. +Provide user support by diagnosing network and device problems and implementing technical or procedural solutions. +Document user support activity, such as system problems, corrective actions, resolution status, and completed equipment installations. +Estimate costs for system or component implementation and operation. +Order or maintain inventory of telecommunications equipment for customer premises equipment (CPE), facilities, access networks, or backbone networks. +Work with personnel and facilities management staff to install, remove, or relocate user connectivity equipment and devices. +Use computer-aided design (CAD) software to prepare or evaluate network diagrams, floor plans, or site configurations for existing facilities, renovations, or new systems. +Prepare system activity and performance reports. +Implement controls to provide security for operating systems, software, and data. +Manage user access to systems and equipment through account management and password administration. +Test and evaluate hardware and software to determine efficiency, reliability, or compatibility with existing systems. +Monitor and analyze system performance, such as network traffic, security, and capacity. +Supervise maintenance of telecommunications equipment.","Access software— 2AB iLock Security Services; Access management software; Avaya Identity Engines +Administration software— Network management software +Backup or archival software— NovaStor NovaBACKUP; Zmanda Amanda +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Microsoft SQL Server; SiteMaster SiteSmart; Structured query language SQL +Development environment software— Apache Kafka; Microsoft PowerShell; Microsoft Visual Basic Scripting Edition VBScript +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Helpdesk or call center software— Call accounting software +Industrial control software— Supervisory control and data acquisition SCADA software +Interactive voice response software +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Network monitoring software— Cisco Systems Cisco Traffic Analyzer; Nagios; Wireshark +Network security and virtual private network VPN equipment software— Firewall software +Network security or virtual private network VPN management software— Virtual private networking VPN software +Object or component oriented development software— Oracle Java; Perl; Python +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows Server; Shell script; UNIX;2 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Microsoft Teams; Project scheduling software +Requirements analysis and system architecture software— IBM Rational Requirements Composer; Requirements analysis software +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Transaction security and virus protection software— Antivirus software; McAfee; NortonLifeLock cybersecurity software +Web page creation and editing software— Web design software +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Collaborate with others to determine design specifications or details. +Coordinate project activities with other personnel or departments. +Update knowledge about emerging industry or technology trends. +Implement security measures for computer or information systems. +Analyze project data to determine specifications or requirements. +Evaluate new technologies or methods. +Maintain contingency plans for disaster recovery. +Conduct research to gain information about products or processes. +Document operational procedures. +Identify information technology project resource requirements. +Install computer hardware. +Coordinate software or hardware installation. +Install computer software. +Create electronic data backup to prevent loss of information. +Teach others to use computer equipment or hardware. +Analyze security of systems, network, or data. +Evaluate project designs to determine adequacy or feasibility. +Monitor the performance of computer networks. +Test computer hardware performance. +Maintain the inventory of equipment. +Document operational activities. +Document technical specifications or requirements. +Provide technical support for computer network issues. +Troubleshoot issues with computer applications or systems. +Estimate time or monetary resources needed to complete projects. +Maintain computer hardware. +Develop models of information or communications systems. +Document network-related activities or tasks.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Contact With Others— 57% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Indoors, Environmentally Controlled— 45% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Very important.” +Deal With External Customers or the Public in General— 33% responded “Very important.” +Written Letters and Memos— 33% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Level of Competition— 48% responded “Highly competitive.” +Spend Time Sitting— 38% responded “About half the time.” +Frequency of Decision Making— 33% responded “Once a year or more but not every month.” +Health and Safety of Other Workers— 33% responded “Limited responsibility.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Physical Proximity— 62% responded “Slightly close (e.g., shared office).” +Consequence of Error— 33% responded “Very serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Network Architects +Bright Outlook +Computer Network Support Specialists +Computer Systems Analysts +Computer Systems Engineers/Architects +Electronics Engineers, Except Computer +Information Security Engineers +Network and Computer Systems Administrators +Radio, Cellular, and Tower Equipment Installers and Repairers +Software Developers +Telecommunications Equipment Installers and Repairers, Except Line Installers","View the list of Allies +American Society of Mechanical Engineers +external site +Association for Computing Machinery +external site +Association for Information Systems +external site +Computing Research Association +external site +Construction Specifications Institute +external site +Engineers Without Borders USA +external site +IEEE Computer Society +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Industrial and Systems Engineers +external site +International Association of Engineers +external site +International Society for Technology in Education +external site +Internet Society +external site +National Center for Women and Information Technology +external site +National Fire Protection Association +external site +National Society of Professional Engineers +external site +Network Professional Association +external site +North American Network Operators' Group +external site +NTCA - The Rural Broadband Association +external site +Society of Cable Telecommunications Engineers +external site +Society of Communications Technology Consultants International +external site +Telecommunications Industry Association +external site +USTelecom +external site +Association of Telecommunications, Mobility, and IT Management Professionals +external site +Building Industry Consulting Service International +external site +CompTIA +external site +Electronics Technicians Association International +external site +The Fiber Optic Association +external site",63,3,32,66,65,60,47,44,37,38,48,28,10,76,7,35,35,37,7,9,31,10,17,98,6,76,42,25,3,54,18,7,11 +13-1032.00,"Insurance Appraisers, Auto Damage",https://www.onetonline.org/link/summary/13-1032.00,2025-06-11T18:49:21.810522,"Evaluate practicality of repair as opposed to payment of market value of vehicle before accident. +Review repair cost estimates with automobile repair shop to secure agreement on cost of repairs. +Examine damaged vehicle to determine extent of structural, body, mechanical, electrical, or interior damage. +Prepare insurance forms to indicate repair cost estimates and recommendations. +Estimate parts and labor to repair damage, using standard automotive labor and parts cost manuals and knowledge of automotive repair. +Determine salvage value on total-loss vehicle. +Arrange to have damage appraised by another appraiser to resolve disagreement with shop on repair cost. +Contact vendors to locate replacement parts for vehicles. +Discuss insurance claims with customers or damage claimants.","Accounting software— NCH Software Express Invoice +Compiler and decompiler software— Disassembler software +Data base user interface and query software— Information Services Inc. CCC Pathways Appraisal Solution; Meridian Technologies SurePoint; Vertafore ImageRight +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— A-T Solutions Easy Street Draw +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— App Software Associations AppTrak.net; Cost estimating software; Swan River Software Estimiser Pro; Web-Est estimating software;2 more +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Estimate costs of goods or services. +Examine financial records. +Inspect mechanical components of vehicles to identify problems. +Inspect motor vehicles. +Inspect structural components of vehicles to identify problems. +Prepare contracts or other transaction documents. +Determine the value of goods or services. +Communicate with management or other staff to resolve problems.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Contact With Others— 96% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 92% responded “Extremely important.” +Frequency of Decision Making— 80% responded “Every day.” +Time Pressure— 63% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Very important results.” +Determine Tasks, Priorities and Goals— 62% responded “A lot of freedom.” +Freedom to Make Decisions— 64% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 64% responded “Every day.” +Spend Time Sitting— 46% responded “More than half the time.” +Written Letters and Memos— 28% responded “Once a week or more but not every day.” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 49% responded “Extremely important.” +Indoors, Environmentally Controlled— 43% responded “Every day.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 41% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “Continually or almost continually.” +Exposed to Contaminants— 33% responded “Every day.” +Level of Competition— 31% responded “Highly competitive.” +Degree of Automation— 50% responded “Moderately automated.” +Exposed to Very Hot or Cold Temperatures— 30% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 38% responded “Never.”","Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Appraisers and Assessors of Real Estate +Appraisers of Personal and Business Property +Automotive Body and Related Repairers +Automotive Engineering Technicians +Automotive Service Technicians and Mechanics +Claims Adjusters, Examiners, and Investigators +Cost Estimators +Credit Authorizers, Checkers, and Clerks +Insurance Claims and Policy Processing Clerks +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +American Property Casualty Insurance Association +external site +American Society of Appraisers +external site +Appraisal Institute +external site +Association for the Advancement of Automotive Medicine +external site +Independent Automotive Damage Appraisers Association +external site +Insurance Information Institute +external site +Insurance Regulatory Examiners Society +external site +Inter-Industry Conference on Auto Collision Repair +external site +International Association of Auto Theft Investigators +external site +International Claim Association +external site +National Association of Independent Insurance Adjusters +external site +National Association of Mutual Insurance Companies +external site +National Association of Professional Appraisers +external site +National Association of Professional Insurance Agents +external site +National Association of Public Insurance Adjusters +external site +National Insurance Crime Bureau +external site +National Society of Professional Insurance Investigators +external site +Society of Insurance Research +external site +Society of Registered Professional Adjusters +external site +The Risk Management Society +external site +New England Appraisers Association +external site +National Alliance for Insurance Education and Research +external site +National Institute for Automotive Service Excellence +external site",81,,31,70,44,34,20,49,54,30,21,21,8,59,25,44,32,56,,37,15,,,30,1,22,4,19,,22,11,, +51-8092.00,Gas Plant Operators,https://www.onetonline.org/link/summary/51-8092.00,2025-06-11T19:27:06.487077,"Monitor equipment functioning, observe temperature, level, and flow gauges, and perform regular unit checks to ensure that all equipment is operating as it should. +Distribute or process gas for utility companies or industrial plants, using panel boards, control boards, and semi-automatic equipment. +Control operation of compressors, scrubbers, evaporators, and refrigeration equipment to liquefy, compress, or regasify natural gas. +Control equipment to regulate flow and pressure of gas to feedlines of boilers, furnaces, and related steam-generating or heating equipment. +Record, review, and compile operations records, test results, and gauge readings such as temperatures, pressures, concentrations, and flows. +Determine causes of abnormal pressure variances, and make corrective recommendations, such as installation of pipes to relieve overloading. +Adjust temperature, pressure, vacuum, level, flow rate, or transfer of gas to maintain processes at required levels or to correct problems. +Collaborate with other operators to solve unit problems. +Monitor transportation and storage of flammable and other potentially dangerous products to ensure that safety guidelines are followed. +Start and shut down plant equipment. +Read logsheets to determine product demand and disposition, or to detect malfunctions. +Contact maintenance crews when necessary. +Test gas, chemicals, and air during processing to assess factors such as purity and moisture content, and to detect quality problems or gas or chemical leaks. +Clean, maintain, and repair equipment, using hand tools, or request that repair and maintenance work be performed. +Signal or direct workers who tend auxiliary equipment. +Control fractioning columns, compressors, purifying towers, heat exchangers, and related equipment to extract nitrogen and oxygen from air. +Calculate gas ratios to detect deviations from specifications, using testing apparatus. +Operate construction equipment to install and maintain gas distribution systems. +Change charts in recording meters.","Analytical or scientific software— AspenTech HYSYS +Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Operating log software; Quorum PGAS +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Supervisory control and data acquisition SCADA software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Monitor equipment operation to ensure proper functioning. +Inspect production equipment. +Operate natural gas distribution equipment. +Record operational or production data. +Advise others on ways to improve processes or products. +Diagnose equipment malfunctions. +Adjust equipment controls to regulate gas flow. +Confer with others to resolve production problems or equipment malfunctions. +Operate natural gas generation equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Maintain production or processing equipment. +Clean production equipment. +Notify others of equipment repair or maintenance needs. +Repair production equipment or tools. +Test chemical or physical characteristics of materials or products. +Direct operational or production activities. +Signal others to coordinate work activities. +Analyze test results.","Telephone Conversations— 86% responded “Every day.” +E-Mail— 74% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Consequence of Error— 59% responded “Extremely serious.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Outdoors, Exposed to All Weather Conditions— 67% responded “Every day.” +Contact With Others— 51% responded “Constant contact with others.” +Freedom to Make Decisions— 47% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Exposed to Hazardous Conditions— 62% responded “Every day.” +Frequency of Decision Making— 50% responded “Every day.” +Exposed to Contaminants— 58% responded “Every day.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 52% responded “Very important.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 45% responded “Every day.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 30% responded “Once a week or more but not every day.” +Time Pressure— 40% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 38% responded “Every day.” +Outdoors, Under Cover— 31% responded “Every day.” +Exposed to Hazardous Equipment— 31% responded “Every day.” +Degree of Automation— 46% responded “Highly automated.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Pace Determined by Speed of Equipment— 27% responded “Not important at all.” +Spend Time Standing— 46% responded “About half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biomass Plant Technicians +Chemical Plant and System Operators +Gas Compressor and Gas Pumping Station Operators +Hydroelectric Plant Technicians +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Distributors and Dispatchers +Power Plant Operators +Pump Operators, Except Wellhead Pumpers +Stationary Engineers and Boiler Operators +Wellhead Pumpers","View the list of Allies +American Gas Association +external site +American Petroleum Institute +external site +American Public Gas Association +external site",51,1,53,65,54,38,74,46,50,27,14,37,35,60,9,44,35,69,9,44,30,13,16,42,11,54,35,46,16,42,40,6,7 +25-2011.00,"Preschool Teachers, Except Special Education",https://www.onetonline.org/link/summary/25-2011.00,2025-06-11T19:01:14.701667,"Teach basic skills, such as color, shape, number and letter recognition, personal hygiene, and social skills. +Establish and enforce rules for behavior and procedures for maintaining order. +Adapt teaching methods and instructional materials to meet students' varying needs and interests. +Provide a variety of materials and resources for children to explore, manipulate, and use, both in learning activities and in imaginative play. +Serve meals and snacks in accordance with nutritional guidelines. +Attend to children's basic needs by feeding them, dressing them, and changing their diapers. +Meet with parents and guardians to discuss their children's progress and needs, determine their priorities for their children, and suggest ways that they can promote learning and development. +Organize and lead activities designed to promote physical, mental, and social development, such as games, arts and crafts, music, storytelling, and field trips. +Identify children showing signs of emotional, developmental, or health-related problems and discuss them with supervisors, parents or guardians, and child development specialists. +Maintain accurate and complete student records as required by laws, district policies, and administrative regulations. +Assimilate arriving children to the school environment by greeting them, helping them remove outerwear, and selecting activities of interest to them. +Observe and evaluate children's performance, behavior, social development, and physical health. +Prepare materials and classrooms for class activities. +Read books to entire classes or to small groups. +Establish clear objectives for all lessons, units, and projects and communicate those objectives to children. +Arrange indoor and outdoor space to facilitate creative play, motor-skill activities, and safety. +Teach proper eating habits and personal hygiene. +Demonstrate activities to children. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Enforce all administration policies and rules governing students. +Prepare and implement remedial programs for students requiring extra help. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Organize and label materials and display students' work in a manner appropriate for their ages and perceptual skills. +Prepare reports on students and activities as required by administration. +Collaborate with other teachers and administrators in the development, evaluation, and revision of preschool programs. +Plan and supervise class projects, field trips, visits by guests, or other experiential activities and guide students in learning from those activities. +Meet with other professionals to discuss individual students' needs and progress. +Select, store, order, issue, and inventory classroom equipment, materials, and supplies. +Supervise, evaluate, and plan assignments for teacher assistants and volunteers. +Administer tests to help determine children's developmental levels, needs, and potential. +Attend staff meetings and serve on committees as required. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Perform administrative duties, such as hall and cafeteria monitoring and bus loading and unloading.","Computer based training software— Common Curriculum; EasyCBM; Padlet; Schoology;2 more +Desktop communications software— Bloomz; ClassDojo; Edmodo; Tadpoles +Electronic mail software— Email software +Mobile messaging service software— Intrado SchoolMessenger +Multi-media educational software— Nearpod; Seesaw +Office suite software— Microsoft Office software +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Flipgrid +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Teach life skills. +Provide for basic needs of children. +Set up classroom materials or equipment. +Establish rules or policies governing student behavior. +Modify teaching methods or materials to accommodate student needs. +Discuss student progress with parents or guardians. +Discuss problems or issues with supervisors. +Monitor student behavior, social development, or health. +Plan educational activities. +Evaluate student work. +Maintain student records. +Monitor student performance. +Read to students. +Develop instructional objectives. +Apply multiple teaching methods. +Arrange childcare or educational settings to ensure physical safety of children. +Enforce rules or policies governing student behavior. +Develop strategies or programs for students with special needs. +Collaborate with other teaching professionals to develop educational programs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Assist students with special educational needs. +Display student work. +Prepare reports detailing student activities or performance. +Plan experiential learning activities. +Supervise school or student activities. +Distribute instructional or library materials. +Evaluate performance of educational staff. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment. +Supervise student research or internship work. +Administer tests to assess educational needs or progress. +Serve on institutional or departmental committees.","Contact With Others— 89% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Physical Proximity— 46% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Spend Time Standing— 48% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Freedom to Make Decisions— 35% responded “Some freedom.” +Frequency of Decision Making— 55% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Conflict Situations— 42% responded “Every day.” +Importance of Being Exact or Accurate— 42% responded “Important.” +Written Letters and Memos— 29% responded “Every day.” +Deal With External Customers or the Public in General— 36% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 30% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 36% responded “Never.” +Spend Time Walking or Running— 34% responded “More than half the time.” +Consequence of Error— 28% responded “Not serious at all.” +Exposed to Disease or Infections— 31% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 31% responded “About half the time.” +Time Pressure— 32% responded “Once a year or more but not every month.” +Health and Safety of Other Workers— 38% responded “Limited responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “More than half the time.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Childcare Workers +Bright Outlook +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Preschool +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Teaching Assistants, Special Education","View the list of Allies +American Montessori Society +external site +Association Montessori Internationale +external site +Childhood Education International +external site +Kappa Delta Pi, International Honor Society in Education +external site +National Association for the Education of Young Children +external site +National Association of Early Childhood Teacher Educators +external site +National Association of Independent Schools +external site +National Head Start Association +external site +North American Montessori Teachers' Association +external site +National Education Association +external site",55,16,9,70,33,42,57,75,39,8,27,28,8,25,30,31,33,11,23,18,52,34,36,22,31,7,8,6,13,13,24,30,21 +51-8011.00,Nuclear Power Reactor Operators,https://www.onetonline.org/link/summary/51-8011.00,2025-06-11T19:26:44.928124,"Operate nuclear power reactors in accordance with policies and procedures to protect workers from radiation and to ensure environmental safety. +Adjust controls to position rod and to regulate flux level, reactor period, coolant temperature, or rate of power flow, following standard procedures. +Develop or implement actions such as lockouts, tagouts, or clearances to allow equipment to be safely repaired. +Respond to system or unit abnormalities, diagnosing the cause, and recommending or taking corrective action. +Monitor all systems for normal running conditions, performing activities such as checking gauges to assess output or the effects of generator loading on other equipment. +Monitor or operate boilers, turbines, wells, or auxiliary power plant equipment. +Record operating data, such as the results of surveillance tests. +Implement operational procedures, such as those controlling start-up or shut-down activities. +Note malfunctions of equipment, instruments, or controls and report these conditions to supervisors. +Participate in nuclear fuel element handling activities, such as preparation, transfer, loading, or unloading. +Dispatch orders or instructions to personnel through radiotelephone or intercommunication systems to coordinate auxiliary equipment operation. +Review and edit standard operating procedures. +Conduct inspections or operations outside of control rooms as necessary. +Direct reactor operators in emergency situations, in accordance with emergency operating procedures. +Authorize maintenance activities on units or changes in equipment or system operational status. +Supervise technicians' work activities to ensure that equipment is operated in accordance with policies and procedures that protect workers from radiation and ensure environmental safety. +Authorize actions to correct identified operational inefficiencies or hazards so that operating efficiency is maximized and potential environmental issues are minimized. +Direct the collection and testing of air, water, gas, or solid samples to determine radioactivity levels or to ensure appropriate radioactive containment. +Direct measurement of the intensity or types of radiation in work areas, equipment, or materials.","Business intelligence and data analysis software— Microsoft Power BI +Calendar and scheduling software— Microsoft Power Automate +Data base user interface and query software— Data logging software; Microsoft Access; Plant information data entry software; Structured query language SQL +Development environment software— Microsoft Azure software +Document management software— Microsoft SharePoint +Industrial control software— Outage management system OMS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Operate energy production equipment. +Operate energy distribution equipment. +Plan production or operational procedures or sequences. +Direct operational or production activities. +Monitor equipment operation to ensure proper functioning. +Advise others on ways to improve processes or products. +Diagnose equipment malfunctions. +Maintain sustainable energy production equipment. +Notify others of equipment repair or maintenance needs. +Record operational or production data. +Watch operating equipment to detect malfunctions. +Move products, materials, or equipment between work areas. +Exchange information with colleagues. +Document organizational or operational procedures. +Inspect facilities.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Indoors, Environmentally Controlled— 99% responded “Every day.” +Telephone Conversations— 97% responded “Every day.” +Importance of Being Exact or Accurate— 91% responded “Extremely important.” +E-Mail— 88% responded “Every day.” +Work With or Contribute to a Work Group or Team— 89% responded “Extremely important.” +Contact With Others— 69% responded “Constant contact with others.” +Consequence of Error— 82% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 72% responded “Very important results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 76% responded “Every day.” +Health and Safety of Other Workers— 66% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Extremely important.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Frequency of Decision Making— 71% responded “Every day.” +Time Pressure— 61% responded “Every day.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 49% responded “High responsibility.” +Physical Proximity— 49% responded “Moderately close (at arm's length).” +Exposed to Radiation— 38% responded “Every day.” +Spend Time Sitting— 65% responded “More than half the time.” +Conflict Situations— 38% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 26% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 33% responded “More than half the time.” +Written Letters and Memos— 24% responded “Once a week or more but not every day.” +Degree of Automation— 48% responded “Moderately automated.” +Determine Tasks, Priorities and Goals— 34% responded “Limited freedom.” +Freedom to Make Decisions— 38% responded “Limited freedom.” +Public Speaking— 27% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Chemical Plant and System Operators +Gas Plant Operators +Hydroelectric Plant Technicians +Nuclear Monitoring Technicians +Nuclear Technicians +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Distributors and Dispatchers +Power Plant Operators +Stationary Engineers and Boiler Operators +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +American Public Power Association +external site +Center for Energy Workforce Development +external site +North American Electric Reliability Corporation +external site +Nuclear Energy Institute +external site +International Brotherhood of Electrical Workers +external site",24,,34,48,65,34,67,45,22,7,4,21,59,46,2,45,23,72,2,12,30,7,8,24,9,64,25,77,23,51,4,1,3 +27-3042.00,Technical Writers,https://www.onetonline.org/link/summary/27-3042.00,2025-06-11T19:03:46.487938,"Organize material and complete writing assignment according to set standards regarding order, clarity, conciseness, style, and terminology. +Maintain records and files of work and revisions. +Edit, standardize, or make changes to material prepared by other writers or establishment personnel. +Select photographs, drawings, sketches, diagrams, and charts to illustrate material. +Interview production and engineering personnel and read journals and other material to become familiar with product technologies and production methods. +Develop or maintain online help documentation. +Assist in laying out material for publication. +Study drawings, specifications, mockups, and product samples to integrate and delineate technology, operating procedure, and production sequence and detail. +Arrange for typing, duplication, and distribution of material. +Observe production, developmental, and experimental activities to determine operating procedure and detail. +Review manufacturer's and trade catalogs, drawings and other data relative to operation, maintenance, and service of equipment. +Analyze developments in specific field to determine need for revisions in previously published materials and development of new material. +Draw sketches to illustrate specified materials or assembly sequence. +Review published materials and recommend revisions or changes in scope, format, content, and methods of reproduction and binding. +Confer with customer representatives, vendors, plant executives, or publisher to establish technical specifications and to determine subject material to be developed for publication.","Analytical or scientific software— SAS +Application server software— GitHub +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; PTC Creo Parametric +Computer based training software— Adobe Captivate +Configuration management software— IBM Rational ClearCase; Perforce Helix software +Content workflow software— Atlassian JIRA +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Oracle Business Intelligence Discoverer; SAP Crystal Reports +Data base user interface and query software— FileMaker Pro; Microsoft Access; Microsoft SQL Server; Structured query language SQL;2 more +Data mining software— IBM Cognos Business Intelligence +Desktop communications software— ParentSquare +Desktop publishing software— Adobe FrameMaker; Adobe InDesign; MadCap Software MadCap Flare; Microsoft Publisher;2 more +Development environment software— Darwin information typing architecture DITA; IBM Rational ClearQuest; Microsoft Visual Basic; Standardized general markup language SGML +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP Business Objects +File versioning software— Git +Financial analysis software— Oracle E-Business Suite Financials +Graphical user interface development software— Adobe RoboHelp +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite;1 more +Instant messaging software— Blink +Internet browser software— Web browser software +Medical software— Epic Systems +Object or component oriented development software— Objective C; Oracle Java +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple Final Cut Pro +Web page creation and editing software— Adobe Dreamweaver; Google Sites; JustSystems XMetaL; Quadralay WebWorks ePublisher +Web platform development software— Cascading style sheets CSS; Drupal; Microsoft ASP.NET; PHP;5 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Edit written materials. +Compile technical information or documentation. +Maintain records, documents, or other files. +Determine presentation subjects or content. +Research new technologies. +Write informational material. +Review details of technical drawings or specifications. +Coordinate logistics for productions or events. +Design layouts for print publications. +Monitor current trends. +Draw detailed or technical illustrations. +Confer with clients to determine needs.","E-Mail— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Spend Time Sitting +Importance of Repeating Same Tasks— 76% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Time Pressure— 48% responded “Every day.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Telephone Conversations— 38% responded “Once a week or more but not every day.” +Contact With Others— 30% responded “Contact with others about half the time.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Duration of Typical Work Week— 46% responded “More than 40 hours.” +Frequency of Decision Making— 22% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 55% responded “Limited freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 34% responded “Continually or almost continually.” +Written Letters and Memos— 47% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Moderate results.” +Coordinate or Lead Others in Accomplishing Work Activities— 18% responded “Important.” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Once a year or more but not every month.” +Level of Competition— 42% responded “Highly competitive.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Clinical Data Managers +Bright Outlook +Data Scientists +Document Management Specialists +Editors +Electrical and Electronics Drafters +Management Analysts +Project Management Specialists +Proofreaders and Copy Markers +Social Science Research Assistants +Writers and Authors","View the list of Allies +American Medical Writers Association +external site +American Society for Quality +external site +National Association of Science Writers +external site +Society for Technical Communication +external site",50,,53,95,48,56,54,54,69,19,26,15,20,82,4,32,56,46,1,33,19,2,7,36,26,47,11,17,8,35,5,3,3 +27-4012.00,Broadcast Technicians,https://www.onetonline.org/link/summary/27-4012.00,2025-06-11T19:04:02.504652,"Report equipment problems, ensure that repairs are made, and make emergency repairs to equipment when necessary and possible. +Monitor and log transmitter readings. +Maintain programming logs as required by station management and the Federal Communications Commission. +Monitor strength, clarity, and reliability of incoming and outgoing signals, and adjust equipment as necessary to maintain quality broadcasts. +Observe monitors and converse with station personnel to determine audio and video levels and to ascertain that programs are airing. +Preview scheduled programs to ensure that signals are functioning and programs are ready for transmission. +Play and record broadcast programs, using automation systems. +Set up, operate, and maintain broadcast station computers and networks. +Select sources from which programming will be received or through which programming will be transmitted. +Install broadcast equipment, troubleshoot equipment problems, and perform maintenance or minor repairs, using hand tools. +Substitute programs in cases where signals fail. +Control audio equipment to regulate volume and sound quality during radio and television broadcasts. +Design and modify equipment to employer specifications. +Record sound onto tape or film for radio or television, checking its quality and making adjustments where necessary. +Schedule programming or read television programming logs to determine which programs are to be recorded or aired. +Edit broadcast material electronically, using computers. +Develop employee work schedules. +Instruct trainees in use of television production equipment, filming of events, and copying and editing graphics or sound onto videotape. +Align antennae with receiving dishes to obtain the clearest signal for transmission of broadcasts from field locations. +Regulate the fidelity, brightness, and contrast of video transmissions, using video console control panels. +Make commercial dubs. +Determine the number, type, and approximate location of microphones needed for best sound recording or transmission quality, and position them appropriately. +Organize recording sessions and prepare areas, such as radio booths and television stations, for recording. +Set up and operate portable field transmission equipment outside the studio. +Give technical directions to other personnel during filming. +Prepare reports outlining past and future programs, including content. +Discuss production requirements with clients. +Develop budgets.","Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA +Desktop publishing software— Adobe InDesign +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Music or sound editing software— Adobe Audition +Office suite software— Microsoft Office software +Operating system software— Cisco IOS; Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Adobe Premiere Pro; Apple Final Cut Pro; Video encoder software;3 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Maintain recording or broadcasting equipment. +Notify others of equipment problems. +Operate communications, transmissions, or broadcasting equipment. +Maintain logs of production activities. +Monitor broadcasting operations to ensure proper functioning. +Operate audio recording equipment. +Coordinate activities of production personnel. +Edit audio or video recordings. +Operate control consoles for sound, lighting or video. +Train others on work processes. +Determine technical requirements of productions or projects. +Direct productions or performances. +Confer with clients to determine needs.","E-Mail— 98% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Telephone Conversations— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Contact With Others— 51% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Importance of Being Exact or Accurate— 81% responded “Very important.” +Spend Time Sitting— 47% responded “Continually or almost continually.” +Frequency of Decision Making— 38% responded “Once a week or more but not every day.” +Time Pressure— 38% responded “Once a month or more but not every week.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Freedom to Make Decisions— 38% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 34% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Every day.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Consequence of Error— 35% responded “Very serious.” +Importance of Repeating Same Tasks— 32% responded “Fairly important.” +Duration of Typical Work Week— 58% responded “40 hours.” +Physical Proximity— 48% responded “Slightly close (e.g., shared office).” +Deal With External Customers or the Public in General— 57% responded “Very important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Audio and Video Technicians +Audiovisual Equipment Installers and Repairers +Calibration Technologists and Technicians +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Lighting Technicians +Power Distributors and Dispatchers +Robotics Technicians +Sound Engineering Technicians +Telecommunications Engineering Specialists","View the list of Allies +Aircraft Owners and Pilots Association +external site +ARRL, The National Association for Amateur Radio +external site +Audio Engineering Society +external site +Audiovisual and Integrated Experience Association +external site +National Association of Broadcasters +external site +Society of Motion Picture and Television Engineers +external site +The National Academy of Television Arts and Sciences +external site +International Brotherhood of Electrical Workers +external site +National Association of Broadcast Employees and Technicians - Communications Workers of America +external site +Society of Broadcast Engineers +external site",37,,37,61,45,31,31,43,30,12,13,24,13,88,8,24,64,42,5,19,13,5,4,80,4,70,24,20,3,46,23,2,2 +29-2042.00,Emergency Medical Technicians,https://www.onetonline.org/link/summary/29-2042.00,2025-06-11T19:08:13.863425,"Administer first aid treatment or life support care to sick or injured persons in prehospital settings. +Assess nature and extent of illness or injury to establish and prioritize medical procedures. +Attend training classes to maintain certification licensure, keep abreast of new developments in the field, or maintain existing knowledge. +Comfort and reassure patients. +Communicate with dispatchers or treatment center personnel to provide information about situation, to arrange reception of survivors, or to receive instructions for further treatment. +Coordinate work with other emergency medical team members or police or fire department personnel. +Decontaminate ambulance interior following treatment of patient with infectious disease, and report case to proper authorities. +Drive mobile intensive care unit to specified location, following instructions from emergency medical dispatcher. +Immobilize patient for placement on stretcher and ambulance transport, using backboard or other spinal immobilization device. +Maintain vehicles and medical and communication equipment, and replenish first aid equipment and supplies. +Observe, record, and report to physician the patient's condition or injury, the treatment provided, and reactions to drugs or treatment. +Perform emergency diagnostic and treatment procedures, such as stomach suction, airway management, or heart monitoring, during ambulance ride.","Information retrieval or search software— Epocrates; HyperTox; Skyscape Rosen and Barkin's 5-Minute Emergency Medicine Consult; TechOnSoftware HazMatCE Pro;10 more +Medical software— MedDataSolutions Regist*r; MEDITECH software +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Inform medical professionals regarding patient conditions and care. +Treat medical emergencies. +Analyze patient data to determine patient needs or treatment goals. +Collaborate with healthcare professionals to plan or provide treatment. +Drive vehicles to transport individuals or equipment. +Interact with patients to build rapport or provide emotional support. +Maintain inventory of medical supplies or equipment. +Maintain medical equipment or instruments. +Maintain medical or professional knowledge. +Monitor patient progress or responses to treatments. +Position patients for treatment or examination. +Record patient medical histories. +Sterilize medical equipment or instruments.",,,,,"Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Acute Care Nurses +Bright Outlook +Ambulance Drivers and Attendants, Except Emergency Medical Technicians +Cardiovascular Technologists and Technicians +Critical Care Nurses +Licensed Practical and Licensed Vocational Nurses +Nursing Assistants +Paramedics +Registered Nurses +Respiratory Therapists +Surgical Assistants","View the list of Allies +American Academy of Emergency Medicine +external site +American Ambulance Association +external site +American Heart Association +external site +American Red Cross +external site +American Trauma Society +external site +Association of Air Medical Services +external site +Emergency Medical Services for Children Innovation and Improvement Center +external site +Emergency Nurses Association +external site +International Association of Emergency Managers +external site +International College of Advanced Practice Paramedics +external site +International Critical Incident Stress Foundation +external site +National Association of Emergency Medical Technicians +external site +National Association of EMS Educators +external site +National Association of EMS Physicians +external site +National Association of State EMS Officials +external site +National Emergency Management Association +external site +National Emergency Medicine Association +external site +National EMS Management Association +external site +National Fire Protection Association +external site +National Rural Health Association +external site +NENA The 9-1-1 Association +external site +Society for Academic Emergency Medicine +external site +Society of Critical Care Medicine +external site +World Association for Disaster and Emergency Medicine +external site +New England Association of Fire Chiefs +external site +Southeastern Association of Fire Chiefs +external site +Southwestern Association of Technical Accident Investigators +external site +Commission on Accreditation of Allied Health Education Programs +external site +National Association for Search and Rescue +external site +National Registry of Emergency Medical Technicians +external site +Wilderness Medical Society +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +17-3026.00,Industrial Engineering Technologists and Technicians,https://www.onetonline.org/link/summary/17-3026.00,2025-06-11T18:55:22.385831,"Test selected products at specified stages in the production process for performance characteristics or adherence to specifications. +Compile and evaluate statistical data to determine and maintain quality and reliability of products. +Study time, motion, methods, or speed involved in maintenance, production, or other operations to establish standard production rate or improve efficiency. +Read worker logs, product processing sheets, or specification sheets to verify that records adhere to quality assurance specifications. +Verify that equipment is being operated and maintained according to quality assurance standards by observing worker performance. +Aid in planning work assignments in accordance with worker performance, machine capacity, production schedules, or anticipated delays. +Evaluate industrial operations for compliance with permits or regulations related to the generation, storage, treatment, transportation, or disposal of hazardous materials or waste. +Adhere to all applicable regulations, policies, and procedures for health, safety, and environmental compliance. +Analyze, estimate, or report production costs. +Assist engineers in developing, building, or testing prototypes or new products, processes, or procedures. +Calibrate or adjust equipment to ensure quality production, using tools such as calipers, micrometers, height gauges, protractors, or ring gauges. +Conduct statistical studies to analyze or compare production costs for sustainable and nonsustainable designs. +Coordinate equipment purchases, installations, or transfers. +Create or interpret engineering drawings, schematic diagrams, formulas, or blueprints for management or engineering staff. +Design plant layouts or production facilities. +Develop manufacturing infrastructure to integrate or deploy new manufacturing processes. +Develop or implement programs to address problems related to production, materials, safety, or quality. +Develop production, inventory, or quality assurance programs. +Develop sustainable manufacturing technologies to reduce greenhouse gas emissions, minimize raw material use, replace toxic materials with non-toxic materials, replace non-renewable materials with renewable materials, or reduce waste. +Identify opportunities for improvements in quality, cost, or efficiency of automation equipment. +Monitor and adjust production processes or equipment for quality and productivity. +Oversee equipment start-up, characterization, qualification, or release. +Oversee or inspect production processes. +Prepare layouts, drawings, or sketches of machinery or equipment, such as shop tooling, scale layouts, or new equipment design, using drafting equipment or computer-aided design (CAD) software. +Prepare production documents, such as standard operating procedures, manufacturing batch records, inventory reports, or productivity reports. +Provide advice or training to other technicians. +Recommend corrective or preventive actions to assure or improve product quality or reliability. +Select cleaning materials, tools, or equipment. +Select material quantities or processing methods needed to achieve efficient production. +Set up and operate production equipment in accordance with current good manufacturing practices and standard operating procedures.","Analytical or scientific software— IBM SPSS Statistics; Minitab; The MathWorks MATLAB; Wilcox Associates PC-DMIS;12 more +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes CATIA; Dassault Systemes SolidWorks;12 more +Computer aided manufacturing CAM software— CNC Mastercam; Materilise Magics; Planit Alphacam; Rapid prototyping software;6 more +Data base user interface and query software— Data entry software; Database software; Microsoft Access +Desktop communications software— Eko +Desktop publishing software +Development environment software— C; Microsoft Visual Basic; Microsoft Visual Studio; National Instruments LabVIEW;1 more +Document management software— Microsoft SharePoint +Electronic mail software— Email software; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Management information systems MIS; Oracle JD Edwards EnterpriseOne; Plant maintenance software; SAP software;1 more +Graphics or photo imaging software— Graphics editing software; Graphics software +Industrial control software— Programmable logic controller PLC software; Siemens SINUMERIK CNC; Supervisory control and data acquisition SCADA software; VIA Information Tools MAN-IT;16 more +Instant messaging software— Blink +Internet browser software— Microsoft Internet Explorer; Web browser software +Materials requirements planning logistics and supply chain software— ABB CPM4Metals; Horizon Software MRP Plus; Materials requirement planning MRP software; Production planning software;1 more +Object or component oriented development software— C++; G-code +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio; ProModel +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Loom +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Assess product or process usefulness. +Test products for functionality or quality. +Research human performance or health factors related to engineering or design activities. +Monitor processes for compliance with standards. +Inspect operational processes. +Prepare detailed work plans. +Develop technical methods or processes. +Analyze costs and benefits of proposed designs or projects. +Calibrate scientific or technical equipment. +Design industrial processing systems. +Select project materials. +Create graphical representations of industrial production systems. +Create physical models or prototypes. +Design industrial equipment. +Design structures or facilities. +Determine operational methods. +Direct industrial production activities. +Direct quality control activities. +Estimate operational costs. +Explain engineering drawings, specifications, or other technical information. +Implement design or process improvements. +Monitor activities affecting environmental quality. +Monitor the productivity or efficiency of industrial operations. +Operate industrial equipment. +Prepare drawings or diagrams of products or services. +Prepare operational reports. +Purchase materials, equipment, or other resources. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Train personnel on proper operational procedures.","E-Mail— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 78% responded “Every day.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Telephone Conversations— 66% responded “Every day.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Contact With Others— 68% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Freedom to Make Decisions— 55% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Determine Tasks, Priorities and Goals— 51% responded “Some freedom.” +Frequency of Decision Making— 50% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Very important.” +Time Pressure— 45% responded “Once a month or more but not every week.” +Exposed to Contaminants— 49% responded “Every day.” +Importance of Repeating Same Tasks— 49% responded “Very important.” +Work Outcomes and Results of Other Workers— 29% responded “Moderate responsibility.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 33% responded “Moderate responsibility.” +Consequence of Error— 34% responded “Extremely serious.” +Exposed to Hazardous Equipment— 38% responded “Never.” +Spend Time Standing— 47% responded “Less than half the time.” +Conflict Situations— 32% responded “Once a month or more but not every week.” +Physical Proximity— 43% responded “I work with others but not closely (e.g., private office).” +Spend Time Sitting— 39% responded “Less than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 28% responded “Less than half the time.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Technology Design— Generating or adapting equipment and technology to serve user needs.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Automotive Engineering Technicians +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electro-Mechanical and Mechatronics Technologists and Technicians +Industrial Engineers +Manufacturing Engineers +Mechanical Engineering Technologists and Technicians +Nanotechnology Engineering Technologists and Technicians +Robotics Technicians","View the list of Allies +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +Institute for Supply Management +external site +Institute of Industrial and Systems Engineers +external site +SAE International +external site +Society of Manufacturing Engineers +external site +Society of Plastics Engineers +external site +Society of Women Engineers +external site +Surface Mount Technology Association +external site +Accreditation Board for Engineering and Technology +external site +National Institute for Certification in Engineering Technologies +external site",53,13,67,62,64,39,56,43,40,27,23,21,49,61,11,33,18,85,6,11,22,5,6,18,10,77,27,59,21,63,7,1,1 +19-1042.00,"Medical Scientists, Except Epidemiologists",https://www.onetonline.org/link/summary/19-1042.00,2025-06-11T18:56:29.819208,"Follow strict safety procedures when handling toxic materials to avoid contamination. +Evaluate effects of drugs, gases, pesticides, parasites, and microorganisms at various levels. +Plan and direct studies to investigate human or animal disease, preventive methods, and treatments for disease. +Prepare and analyze organ, tissue, and cell samples to identify toxicity, bacteria, or microorganisms or to study cell structure. +Conduct research to develop methodologies, instrumentation, and procedures for medical application, analyzing data and presenting findings to the scientific audience and general public. +Teach principles of medicine and medical and laboratory procedures to physicians, residents, students, and technicians. +Write and publish articles in scientific journals. +Write applications for research grants. +Standardize drug dosages, methods of immunization, and procedures for manufacture of drugs and medicinal compounds. +Study animal and human health and physiological processes. +Investigate cause, progress, life cycle, or mode of transmission of diseases or parasites. +Use equipment such as atomic absorption spectrometers, electron microscopes, flow cytometers, or chromatography systems. +Confer with health departments, industry personnel, physicians, and others to develop health safety standards and public health improvement programs. +Consult with and advise physicians, educators, researchers, and others regarding medical applications of physics, biology, and chemistry.","Analytical or scientific software— BioArray Software Environment BASE; IBM SPSS Statistics; Minitab; SAS;11 more +Data base user interface and query software— Database software; FileMaker Pro; Waters eLab Notebook; Waters Empower 2 +Desktop publishing software— Microsoft Publisher +Development environment software— Integrated development environment IDE software; Microsoft Visual Basic; National Instruments LabVIEW +Electronic mail software— IBM Notes; Microsoft Exchange +Enterprise resource planning ERP software— Microsoft Dynamics +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— LexisNexis +Object or component oriented development software— Python; R +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Monitor operational procedures in technical environments to ensure conformance to standards. +Research diseases or parasites. +Analyze biological samples. +Direct medical science or healthcare programs. +Plan biological research. +Establish standards for medical care. +Instruct college students in physical or life sciences. +Prepare proposals or grant applications to obtain project funding. +Prepare scientific or technical reports or presentations. +Write grant proposals. +Operate laboratory or field equipment. +Establish standards for products, processes, or procedures. +Advise others on healthcare matters.","E-Mail— 94% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Indoors, Environmentally Controlled— 94% responded “Every day.” +Work With or Contribute to a Work Group or Team— 89% responded “Extremely important.” +Contact With Others— 78% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Freedom to Make Decisions— 59% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 64% responded “Every day.” +Level of Competition— 39% responded “Extremely competitive.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Telephone Conversations— 51% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Duration of Typical Work Week— 48% responded “More than 40 hours.” +Health and Safety of Other Workers— 52% responded “High responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “Continually or almost continually.” +Time Pressure— 47% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 36% responded “Every day.” +Consequence of Error— 43% responded “Serious.” +Frequency of Decision Making— 38% responded “Once a month or more but not every week.” +Spend Time Sitting— 66% responded “About half the time.” +Work Outcomes and Results of Other Workers— 50% responded “Moderate responsibility.” +Physical Proximity— 64% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 52% responded “More than half the time.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Biochemists and Biophysicists +Bright Outlook +Clinical Neuropsychologists +Cytogenetic Technologists +Epidemiologists +Geneticists +Histotechnologists +Medical and Clinical Laboratory Technologists +Microbiologists +Molecular and Cellular Biologists +Physicians, Pathologists","View the list of Allies +American Association for Cancer Research +external site +American Association for the Advancement of Science +external site +American Association of Bioanalysts +external site +American Association of Immunologists +external site +American Association of Pharmaceutical Scientists +external site +American Chemical Society +external site +American Federation for Medical Research +external site +American Gastroenterological Association +external site +American Society for Biochemistry and Molecular Biology +external site +American Society for Cell Biology +external site +American Society for Clinical Pathology +external site +American Society for Clinical Pharmacology and Therapeutics +external site +American Society for Investigative Pathology +external site +American Society for Microbiology +external site +American Society for Pharmacology and Experimental Therapeutics +external site +American Statistical Association +external site +Gerontological Society of America +external site +Infectious Diseases Society of America +external site +Society for Neuroscience +external site +Society of Toxicology +external site +Association of Clinical Research Professionals +external site",17,,16,78,56,46,26,46,28,19,12,21,61,50,3,18,27,9,5,22,18,16,15,17,67,24,7,28,93,14,9,5,1 +47-2111.00,Electricians,https://www.onetonline.org/link/summary/47-2111.00,2025-06-11T19:18:50.343324,"Prepare sketches or follow blueprints to determine the location of wiring or equipment and to ensure conformance to building and safety codes. +Place conduit, pipes, or tubing, inside designated partitions, walls, or other concealed areas, and pull insulated wires or cables through the conduit to complete circuits between boxes. +Work from ladders, scaffolds, or roofs to install, maintain, or repair electrical wiring, equipment, or fixtures. +Use a variety of tools or equipment, such as power construction equipment, measuring devices, power tools, and testing equipment, such as oscilloscopes, ammeters, or test lamps. +Assemble, install, test, or maintain electrical or electronic wiring, equipment, appliances, apparatus, or fixtures, using hand tools or power tools. +Connect wires to circuit breakers, transformers, or other components. +Maintain current electrician's license or identification card to meet governmental regulations. +Plan layout and installation of electrical wiring, equipment, or fixtures, based on job specifications and local codes. +Direct or train workers to install, maintain, or repair electrical wiring, equipment, or fixtures. +Test electrical systems or continuity of circuits in electrical wiring, equipment, or fixtures, using testing devices, such as ohmmeters, voltmeters, or oscilloscopes, to ensure compatibility and safety of system. +Diagnose malfunctioning systems, apparatus, or components, using test equipment and hand tools to locate the cause of a breakdown and correct the problem. +Inspect electrical systems, equipment, or components to identify hazards, defects, or the need for adjustment or repair, and to ensure compliance with codes. +Install ground leads and connect power cables to equipment, such as motors. +Advise management on whether continued operation of equipment could be hazardous. +Repair or replace wiring, equipment, or fixtures, using hand tools or power tools. +Construct or fabricate parts, using hand tools, according to specifications. +Provide preliminary sketches or cost estimates for materials or services. +Perform business management duties, such as maintaining records or files, preparing reports, or ordering supplies or equipment. +Fasten small metal or plastic boxes to walls to house electrical switches or outlets. +Perform physically demanding tasks, such as digging trenches to lay conduit or moving or lifting heavy objects. +Provide assistance during emergencies by operating floodlights or generators, placing flares, or driving needed vehicles.","Accounting software— Turtle Creek Software Goldenseal +Analytical or scientific software— Construction Master Pro; Electrosoft FlashWorks; Elite Software Inpoint; SoftEmpire Electrical Calculations;5 more +Computer aided design CAD software— Autodesk AutoCAD; One Mile Up Panel Planner +Data base user interface and query software— Database software; Resolve Systems Service Management; Sage 300 Construction and Real Estate; Shafer Service Systems;1 more +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— AVEVA InTouch HMI; Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Process mapping and design software— SmartDraw +Project management software— Craftsman CD Estimator +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word; Socrates Contractor's Library","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Create construction or installation diagrams. +Thread wire or cable through ducts or conduits. +Repair electrical equipment. +Test electrical equipment or systems to ensure proper functioning. +Install electrical components, equipment, or systems. +Update job related knowledge or skills. +Plan layout of construction, installation, or repairs. +Direct construction or extraction personnel. +Train construction or extraction personnel. +Inspect electrical or electronic systems for defects. +Communicate with other construction or extraction personnel to discuss project details. +Fabricate parts or components. +Assist skilled construction or extraction personnel. +Estimate construction project costs. +Order construction or extraction materials or equipment. +Prepare operational reports. +Dig holes or trenches.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 96% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Contact With Others— 78% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 76% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 70% responded “Very important results.” +Spend Time Bending or Twisting Your Body— 84% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 73% responded “Every day.” +Health and Safety of Other Workers— 69% responded “Very high responsibility.” +Spend Time Standing— 66% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team +Exposed to Contaminants +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Freedom to Make Decisions +Telephone Conversations— 81% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 65% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions +Spend Time Making Repetitive Motions— 76% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Important.” +Frequency of Decision Making— 69% responded “Every day.” +Time Pressure— 27% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled +Spend Time Walking or Running— 24% responded “More than half the time.” +Determine Tasks, Priorities and Goals +Spend Time Climbing Ladders, Scaffolds, or Poles— 66% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures +Outdoors, Exposed to All Weather Conditions +Exposed to Hazardous Equipment— 66% responded “Every day.” +E-Mail— 24% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 22% responded “Extremely important.” +Outdoors, Under Cover— 23% responded “Once a week or more but not every day.” +Spend Time Keeping or Regaining Balance— 19% responded “More than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 13% responded “Never.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 26% responded “Less than half the time.” +Duration of Typical Work Week +Exposed to High Places +In an Enclosed Vehicle or Operate Enclosed Equipment +Importance of Repeating Same Tasks— 30% responded “Very important.” +Consequence of Error— 15% responded “Not serious at all.” +Dealing With Unpleasant, Angry, or Discourteous People— 20% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 25% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 27% responded “Once a year or more but not every month.” +Conflict Situations +In an Open Vehicle or Operating Equipment— 15% responded “Never.” +Level of Competition— 24% responded “Highly competitive.” +Physical Proximity","Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Operation and Control— Controlling operations of equipment or systems. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Boilermakers +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Equipment Assemblers +Bright Outlook +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Electrical Power-Line Installers and Repairers +Helpers--Electricians +Lighting Technicians +Plumbers, Pipefitters, and Steamfitters","View the list of Allies +Associated Builders and Contractors +external site +Explore the Trades +external site +Home Builders Institute +external site +International Association of Electrical Inspectors +external site +National Association of Home Builders +external site +National Electrical Contractors Association +external site +Association of Western Pulp and Paper Workers Union +external site +Electrical Training Alliance +external site +Independent Electrical Contractors +external site +Industrial Division of the Communication Workers of America +external site +International Brotherhood of Electrical Workers +external site +International Municipal Signal Association +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Center for Construction Education and Research +external site +United Steelworkers +external site +Western Electrical Contractors Association +external site",54,2,38,41,60,65,47,30,33,16,30,28,15,25,5,36,14,61,2,38,42,11,19,37,5,27,67,32,4,58,12,2,2 +39-3091.00,Amusement and Recreation Attendants,https://www.onetonline.org/link/summary/39-3091.00,2025-06-11T19:12:59.892093,"Sell tickets and collect fees from customers. +Provide information about facilities, entertainment options, and rules and regulations. +Keep informed of shut-down and emergency evacuation procedures. +Direct patrons to rides, seats, or attractions. +Monitor activities to ensure adherence to rules and safety procedures, or arrange for the removal of unruly patrons. +Record details of attendance, sales, receipts, reservations, or repair activities. +Maintain inventories of equipment, storing and retrieving items and assembling and disassembling equipment as necessary. +Provide assistance to patrons entering or exiting amusement rides, boats, or ski lifts, or mounting or dismounting animals. +Clean sporting equipment, vehicles, rides, booths, facilities, or grounds. +Inspect equipment to detect wear and damage and perform minor repairs, adjustments, or maintenance tasks, such as oiling parts. +Verify, collect, or punch tickets before admitting patrons to venues, such as amusement parks and rides. +Fasten safety devices for patrons, or provide them with directions for fastening devices. +Announce or describe amusement park attractions to patrons to entice customers to games and other entertainment. +Schedule the use of recreation facilities, such as golf courses, tennis courts, bowling alleys, or softball diamonds. +Sell and serve refreshments to customers. +Rent, sell, or issue sporting equipment and supplies, such as bowling shoes, golf balls, swimming suits, or beach chairs. +Operate, drive, or explain the use of mechanical riding devices or other automatic equipment in amusement parks, carnivals, or recreation areas.","Calendar and scheduling software +Data base user interface and query software— Database software +Desktop publishing software— Adobe PageMaker +Electronic mail software— Microsoft Outlook +Internet browser software— Microsoft Internet Explorer +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Explain regulations, policies, or procedures. +Sell products or services. +Provide attraction or event information to patrons. +Maintain knowledge of business operations. +Provide patrons with directions to locales or attractions. +Communicate with management or other staff to resolve problems. +Monitor operational quality or safety. +Assist patrons with entering or exiting vehicles or other forms of transportation. +Maintain financial or account records. +Prepare operational reports or records. +Clean facilities or work areas. +Clean tools or equipment. +Inspect equipment to ensure proper functioning. +Verify patron or staff credentials. +Maintain supply or equipment inventories. +Arrange facility schedules. +Distribute resources to patrons or employees.","Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Contact With Others— 96% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 91% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Spend Time Standing— 55% responded “Continually or almost continually.” +Physical Proximity— 64% responded “Moderately close (at arm's length).” +Outdoors, Exposed to All Weather Conditions— 64% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Spend Time Walking or Running— 29% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 21% responded “Limited freedom.” +Public Speaking— 48% responded “Every day.” +Spend Time Making Repetitive Motions— 23% responded “Less than half the time.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Important results.” +Outdoors, Under Cover— 33% responded “Every day.” +Frequency of Decision Making— 30% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 28% responded “Never.” +Indoors, Not Environmentally Controlled— 53% responded “Every day.” +Determine Tasks, Priorities and Goals— 35% responded “Some freedom.” +Exposed to Very Hot or Cold Temperatures— 22% responded “Never.” +Importance of Repeating Same Tasks— 36% responded “Important.”","Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles.","Baggage Porters and Bellhops +Counter and Rental Clerks +Dining Room and Cafeteria Attendants and Bartender Helpers +Bright Outlook +Dispatchers, Except Police, Fire, and Ambulance +First-Line Supervisors of Gambling Services Workers +Laborers and Freight, Stock, and Material Movers, Hand +Locker Room, Coatroom, and Dressing Room Attendants +Parking Attendants +Passenger Attendants +Ushers, Lobby Attendants, and Ticket Takers","View the list of Allies +USA Hockey +external site +International Union of Operating Engineers +external site +United States Professional Tennis Association +external site",79,4,19,63,36,50,56,35,22,14,42,22,7,42,29,15,37,29,3,8,25,18,21,8,20,14,7,2,4,5,23,7,6 +43-3021.00,Billing and Posting Clerks,https://www.onetonline.org/link/summary/43-3021.00,2025-06-11T19:15:10.693513,"Verify accuracy of billing data and revise any errors. +Resolve discrepancies in accounting records. +Prepare itemized statements, bills, or invoices and record amounts due for items purchased or services rendered. +Operate typing, adding, calculating, or billing machines. +Post stop-payment notices to prevent payment of protested checks. +Verify signatures and required information on checks. +Keep records of invoices and support documents. +Perform bookkeeping work, including posting data or keeping other records concerning costs of goods or services or the shipment of goods. +Contact customers to obtain or relay account information. +Route statements for mailing or over-the-counter delivery to customers. +Monitor equipment to ensure proper operation. +Fix minor problems, such as equipment jams, and notify repair personnel of major equipment problems. +Review documents, such as purchase orders, sales tickets, charge slips, or hospital records, to compute fees or charges due. +Track accumulated hours and dollar amounts charged to each client job to calculate client fees for professional services, such as legal or accounting services. +Weigh envelopes containing statements to determine correct postage and affix postage, using stamps or metering equipment. +Consult sources, such as rate books, manuals, or insurance company representatives, to determine specific charges or information such as rules, regulations, or government tax and tariff information. +Compare previously prepared bank statements with canceled checks and reconcile discrepancies. +Take orders for imprinted checks. +Encode and cancel checks, using bank machines. +Load machines with statements, cancelled checks, or envelopes to prepare statements for distribution to customers or stuff envelopes by hand. +Compute credit terms, discounts, shipment charges, or rates for goods or services to complete billing documents. +Update manuals when rates, rules, or regulations are amended. +Review compiled data on operating costs and revenues to set rates. +Answer inquiries regarding rates, routing, or procedures. +Compile reports of cost factors, such as labor, production, storage, and equipment. +Create billing documents, shipping labels, credit memorandums, or credit forms. +Perform general administrative tasks, such as answering telephones, scheduling appointments, and ordering supplies or equipment. +Return checks to customers or retrieve checks returned to customers in error, adjusting accounts and answering inquiries about errors as necessary.","Access software— Image Deposit Exchange Check Station; Remote deposit capture software +Accounting software— Allscripts Professional PM; Intuit QuickBooks; Sage 50 Accounting; Thomson Reuters Elite Enterprise;6 more +Business intelligence and data analysis software— IBM Cognos Impromptu +Customer relationship management CRM software— HelpIT Systems addressIT +Data base user interface and query software— Database software; Microsoft Access +Desktop publishing software +Document management software— Check processing software; File management systems; VECTORsgi Check Management Solution +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft Financials; SAP software;2 more +Expert system software— Aderant legal software +Financial analysis software— Accuity EPICWare; Oracle E-Business Suite Financials; Positive pay software; QuoteWerks;1 more +Graphics or photo imaging software— Check imaging software; Fiserv PEP+ reACH; Mitek Systems ImageNet Payments; VECTORsgi Image Exchange Solution;2 more +Industrial control software— Check sorting control software +Internet browser software— Web browser software +Medical software— eMDs Medisoft; Epic Systems; Medical procedure coding software; MEDITECH software;3 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Optical character recognition OCR software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Verify accuracy of financial or transactional data. +Maintain financial or account records. +Reconcile records of sales or other financial transactions. +Prepare documentation for contracts, transactions, or regulatory compliance. +Operate office equipment. +Calculate costs of goods or services. +Provide information to coworkers. +Maintain operational records. +Discuss account status or activity with customers or patrons. +Weigh parcels to determine shipping costs. +Search files, databases or reference materials to obtain needed information. +Order materials, supplies, or equipment. +Execute sales or other financial transactions. +Calculate shipping costs. +Prepare informational or reference materials. +Route mail to correct destinations. +Analyze financial information. +Monitor equipment operation to ensure proper functioning. +Maintain office equipment in proper operating condition. +Report maintenance or equipment problems to appropriate personnel. +Answer telephones to direct calls or provide information. +Calculate financial data. +Explain regulations, policies, or procedures. +Prepare financial documents, reports, or budgets. +Prepare financial documents. +Respond to customer problems or complaints. +Schedule appointments.","E-Mail— 89% responded “Every day.” +Telephone Conversations— 77% responded “Every day.” +Spend Time Sitting— 78% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Contact With Others— 45% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Written Letters and Memos— 41% responded “Every day.” +Frequency of Decision Making— 49% responded “Every day.” +Duration of Typical Work Week— 62% responded “40 hours.” +Spend Time Making Repetitive Motions— 36% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Deal With External Customers or the Public in General— 36% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 34% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 46% responded “Continually or almost continually.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Mathematics— Using mathematics to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bill and Account Collectors +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Brokerage Clerks +Credit Authorizers, Checkers, and Clerks +Customer Service Representatives +File Clerks +Insurance Claims and Policy Processing Clerks +Office Clerks, General +Order Clerks +Payroll and Timekeeping Clerks","View the list of Allies +American Bankers Association +external site +Mortgage Bankers Association +external site +National Association of Credit Management +external site +National Notary Association +external site +AAPC +external site",81,8,32,68,62,60,37,36,85,63,33,45,5,61,10,37,28,7,10,21,37,14,13,32,33,18,4,6,19,15,11,3,2 +23-1011.00,Lawyers,https://www.onetonline.org/link/summary/23-1011.00,2025-06-11T18:59:12.903349,"Interpret laws, rulings and regulations for individuals and businesses. +Analyze the probable outcomes of cases, using knowledge of legal precedents. +Gather evidence to formulate defense or to initiate legal actions by such means as interviewing clients and witnesses to ascertain the facts of a case. +Represent clients in court or before government agencies. +Evaluate findings and develop strategies and arguments in preparation for presentation of cases. +Advise clients concerning business transactions, claim liability, advisability of prosecuting or defending lawsuits, or legal rights and obligations. +Examine legal data to determine advisability of defending or prosecuting lawsuit. +Prepare, draft, and review legal documents, such as wills, deeds, patent applications, mortgages, leases, and contracts. +Study Constitution, statutes, decisions, regulations, and ordinances of quasi-judicial bodies to determine ramifications for cases. +Negotiate settlements of civil disputes. +Supervise legal assistants. +Negotiate contractual agreements. +Confer with colleagues with specialties in appropriate areas of legal issue to establish and verify bases for legal proceedings. +Search for and examine public and other legal records to write opinions or establish ownership. +Perform administrative and management functions related to the practice of law. +Present and summarize cases to judges and juries. +Select jurors, argue motions, meet with judges, and question witnesses during the course of a trial. +Present evidence to defend clients or prosecute defendants in criminal or civil litigation. +Probate wills and represent and advise executors and administrators of estates. +Prepare legal briefs and opinions, and file appeals in state and federal courts of appeal. +Act as agent, trustee, guardian, or executor for businesses or individuals. +Help develop federal and state programs, draft and interpret laws and legislation, and establish enforcement procedures.","Accounting software— BQE Software BillQuick; Fund accounting software; LexisNexis PCLaw; TimeSolv Legal;6 more +Analytical or scientific software— Convex FactLogic; Direct Hit Systems THREADS +Calendar and scheduling software— Compugov DocketView; CompuLaw Vision; Levare Center Court +Content workflow software— I-many Contract Management +Data base user interface and query software— LexisNexis CaseMap; Microsoft Access; Orion Law Management Systems Orion; WorthMORE Software CaseWORTH;47 more +Data mining software— Google Analytics +Desktop publishing software— Microsoft Publisher +Document management software— AbacusNext HotDocs; Adobe Acrobat; Microsoft SharePoint Server; WealthCounsel WealthDocs;19 more +Electronic mail software— Catalyst Repository Systems CatalystDR; Catalyst Repository Systems CatalystXE; MicroFocus GroupWise; Microsoft Outlook +Enterprise resource planning ERP software— ERP software; Microsoft Dynamics; SAP software +Information retrieval or search software— LexisNexis; LexisNexis Shepard's Citations Service; Thomson Reuters Westlaw; Wolters Kluwer Loislaw;1 more +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— IDEA TrialPro; inData TrialDirector; Microsoft PowerPoint; Visionary Legal Technologies Visionary Professional;1 more +Project management software— Canyon Solutions Jcats; Legal Files software; Microsoft Project; Virtual Case Management;3 more +Spreadsheet software— Microsoft Excel +Tax preparation software— Tax software +Time accounting software— Equative TimeLedger; Sage Timeslips +Video conferencing software— LogMeIn GoToMeeting +Word processing software— Microsoft Word; ProCAT Denoto","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Provide legal advice to clients. +Identify implications for cases from legal precedents or other legal information. +Interview claimants to get information related to legal proceedings. +Represent the interests of clients in legal proceedings. +Meet with individuals involved in legal processes to provide information and clarify issues. +Prepare legal documents. +Research relevant legal materials to aid decision making. +Arbitrate disputes between parties to resolve legal conflicts. +Supervise activities of other legal personnel. +Negotiate contracts with clients or service providers. +Negotiate purchases or contracts. +Prepare documentation of legal proceedings. +Evaluate information related to legal matters in public or personal records. +Draft legislation or regulations.","E-Mail— 96% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +Contact With Others— 78% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 85% responded “A lot of freedom.” +Freedom to Make Decisions— 71% responded “A lot of freedom.” +Spend Time Sitting— 65% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Face-to-Face Discussions with Individuals and Within Teams— 49% responded “Every day.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Written Letters and Memos— 55% responded “Every day.” +Frequency of Decision Making— 50% responded “Every day.” +Time Pressure— 62% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 46% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 35% responded “Extremely important.” +Indoors, Environmentally Controlled— 67% responded “Every day.” +Consequence of Error— 50% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Level of Competition— 35% responded “Moderately competitive.” +Work With or Contribute to a Work Group or Team— 33% responded “Very important.” +Conflict Situations— 36% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Law Judges, Adjudicators, and Hearing Officers +Arbitrators, Mediators, and Conciliators +Bright Outlook +Chief Executives +Claims Adjusters, Examiners, and Investigators +Equal Opportunity Representatives and Officers +Fraud Examiners, Investigators and Analysts +Judges, Magistrate Judges, and Magistrates +Judicial Law Clerks +Labor Relations Specialists +Law Teachers, Postsecondary","View the list of Allies +American Association for Justice +external site +American Bar Association +external site +American Health Lawyers Association +external site +DRI +external site +Federal Bar Association +external site +International Municipal Lawyers Association +external site +Law School Admission Council +external site +National Association for Law Placement +external site +National Association of Bond Lawyers +external site +National Association of Criminal Defense Lawyers +external site +National Bar Association +external site",75,,13,92,33,44,34,40,55,30,23,35,3,52,6,100,51,1,10,9,32,18,28,20,5,4,1,,1,1,12,3,17 +33-9011.00,Animal Control Workers,https://www.onetonline.org/link/summary/33-9011.00,2025-06-11T19:11:01.825745,"Investigate reports of animal attacks or animal cruelty, interviewing witnesses, collecting evidence, and writing reports. +Capture and remove stray, uncontrolled, or abused animals from undesirable conditions, using nets, nooses, or tranquilizer darts as necessary. +Supply animals with food, water, and personal care. +Write reports of activities, and maintain files of impoundments and dispositions of animals. +Prepare for prosecutions related to animal treatment, and give evidence in court. +Examine animals for injuries or malnutrition, and arrange for any necessary medical treatment. +Contact animal owners to inform them that their pets are at animal holding facilities. +Educate the public about animal welfare, and animal control laws and regulations. +Clean facilities and equipment such as dog pens and animal control trucks. +Remove captured animals from animal-control service vehicles and place animals in shelter cages or other enclosures. +Issue warnings or citations in connection with animal-related offenses, or contact police to report violations and request arrests. +Examine animal licenses, and inspect establishments housing animals for compliance with laws. +Euthanize rabid, unclaimed, or severely injured animals. +Answer inquiries from the public concerning animal control operations. +Organize the adoption of unclaimed animals.","Data base user interface and query software— Animal Shelter Manager; ARK Software Ark Shelter Software; Microsoft Access; TRAX Animal Control and Dog Warden Officer Software;4 more +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Esri ArcGIS; Geographic information system GIS software; Geographic information system GIS systems +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Examine crime scenes to obtain evidence. +Interview people to gather information about criminal activities. +Investigate illegal or suspicious activities. +Provide care for animals. +Use weapons or physical force to maintain security. +Maintain operational records. +Write operational reports. +Check physical condition of people or animals. +Testify at legal or legislative proceedings. +Issue warnings or citations. +Inform the public about policies, services or procedures. +Clean facilities or equipment. +Collaborate with law enforcement or security agencies to respond to incidents. +Examine personal documentation to ensure that it is valid. +Inspect facilities to ensure compliance with security or safety regulations.","Deal With External Customers or the Public in General— 86% responded “Extremely important.” +Telephone Conversations— 87% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 93% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 93% responded “Every day.” +Contact With Others— 83% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 84% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Freedom to Make Decisions— 63% responded “A lot of freedom.” +Frequency of Decision Making— 69% responded “Every day.” +Conflict Situations— 63% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Very important results.” +Determine Tasks, Priorities and Goals— 53% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Exposed to Disease or Infections— 44% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 56% responded “Very high responsibility.” +E-Mail— 60% responded “Every day.” +Written Letters and Memos— 48% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 46% responded “Every day.” +Exposed to Contaminants— 38% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 59% responded “Very important.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 47% responded “Every day.” +Consequence of Error— 41% responded “Extremely serious.” +Time Pressure— 32% responded “Every day.” +Dealing with Violent or Physically Aggressive People— 42% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Once a week or more but not every day.” +Spend Time Sitting— 42% responded “More than half the time.” +Duration of Typical Work Week— 57% responded “40 hours.” +Physical Proximity— 33% responded “Moderately close (at arm's length).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 26% responded “Continually or almost continually.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 33% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Inspectors +Animal Breeders +Animal Caretakers +Bright Outlook +Animal Trainers +Farmworkers, Farm, Ranch, and Aquacultural Animals +Fish and Game Wardens +Police and Sheriff's Patrol Officers +Security Guards +Veterinary Assistants and Laboratory Animal Caretakers +Veterinary Technologists and Technicians","View the list of Allies +American Animal Hospital Association +external site +Animal Behavior Society +external site +Fraternal Order of Police +external site +National Animal Care and Control Association +external site +North American Wildlife Enforcement Officers Association +external site +Wildlife Disease Association +external site +Wildlife Society +external site",85,24,24,66,30,58,76,38,61,18,21,37,22,39,21,83,44,35,24,28,54,30,29,51,29,18,12,14,43,10,33,1,2 +15-1212.00,Information Security Analysts,https://www.onetonline.org/link/summary/15-1212.00,2025-06-11T18:51:27.517608,"Develop plans to safeguard computer files against accidental or unauthorized modification, destruction, or disclosure and to meet emergency data processing needs. +Monitor current reports of computer viruses to determine when to update virus protection systems. +Encrypt data transmissions and erect firewalls to conceal confidential information as it is being transmitted and to keep out tainted digital transfers. +Perform risk assessments and execute tests of data processing system to ensure functioning of data processing activities and security measures. +Modify computer security files to incorporate new software, correct errors, or change individual access status. +Review violations of computer security procedures and discuss procedures with violators to ensure violations are not repeated. +Document computer security and emergency measures policies, procedures, and tests. +Confer with users to discuss issues such as computer data access needs, security violations, and programming changes. +Monitor use of data files and regulate access to safeguard information in computer files. +Coordinate implementation of computer system plan with establishment personnel and outside vendors. +Train users and promote security awareness to ensure system security and to improve server and network efficiency.","Access software— Access management software; Citrix cloud computing software; IBM Tivoli Access Management TAM +Administration software— Cisco Systems CiscoWorks +Analytical or scientific software— SAS; The MathWorks MATLAB +Application server software— Docker; GitHub; Oracle WebLogic Server; Red Hat OpenShift;1 more +Authentication server software— Diameter; IBM Tivoli Identity Management TIM; Password management software; Remote authentication dial-in user service RADIUS software +Backup or archival software— Backup and archival software; System and data disaster recovery software; Veritas NetBackup +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Splunk Enterprise +Cloud-based protection or security software— Qualys Cloud Platform +Clustering software— VMware +Communications server software— IBM Domino +Configuration management software— Chef; Patch and update management software; Perforce Helix software; Puppet;1 more +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; Oracle PL/SQL;9 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Redshift; Amazon Web Services AWS software; Blackboard software;5 more +Desktop communications software— Secure shell SSH software +Development environment software— Apache Kafka; Apache Maven; Go; Microsoft PowerShell;14 more +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange +Enterprise application integration software— Atlassian Bamboo; Extensible markup language XML; Microsoft SQL Server Integration Services SSIS; Oracle Fusion Middleware +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;3 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git; WinMerge +Filesystem software— Computer forensic software +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Human resources software— Human resource management software HRMS +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— LexisNexis +Instant messaging software— Blink +Internet directory services software— Active directory software; Berkeley Internet Domain Name BIND; Microsoft Active Directory; Network directory services software;1 more +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +License management software +Medical software— Epic Systems +Network monitoring software— Nagios; Sniffer Investigator; Symantec Blue Coat Data Loss Prevention; Wireshark;15 more +Network security and virtual private network VPN equipment software— Imperva SecureSphere; IpFilter; Palo Alto Networks Next-Generation Security Platform; Trend Micro TippingPoint;5 more +Network security or virtual private network VPN management software— HP Fortify; Intrusion detection system IDS; Intrusion prevention system IPS; Websense Data Loss Prevention;4 more +Object or component oriented development software— C#; Perl; Scala; Swift;6 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;11 more +Point of sale POS software— Smart card management software +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Conformance and validation testing software; Kali Linux; Selenium; System testing software +Project management software— Atlassian Confluence; Microsoft Project; Microsoft Teams +Requirements analysis and system architecture software— Unified modeling language UML +Risk management data and analysis software— ArcSight Enterprise Threat and Risk Management +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— HP WebInspect; NortonLifeLock cybersecurity software; Portswigger BurP Suite; Stack smashing protection SSP software;22 more +Transaction server software— Customer information control system CICS +Web page creation and editing software— Google Sites +Web platform development software— Django; Google Angular; Microsoft ASP.NET; Spring Framework;15 more +Word processing software— 3M Post-it App; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Develop computer or information security policies or procedures. +Update knowledge about emerging industry or technology trends. +Implement security measures for computer or information systems. +Test computer system operations to ensure proper functioning. +Collaborate with others to resolve information technology issues. +Document operational procedures. +Troubleshoot issues with computer applications or systems. +Coordinate project activities with other personnel or departments. +Monitor the security of digital information. +Train others in computer interface or software use.","E-Mail— 98% responded “Every day.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Telephone Conversations— 65% responded “Every day.” +Contact With Others— 46% responded “Constant contact with others.” +Spend Time Sitting— 47% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 54% responded “Some freedom.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Time Pressure— 49% responded “Once a month or more but not every week.” +Consequence of Error— 33% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Important.” +Importance of Repeating Same Tasks— 37% responded “Important.” +Frequency of Decision Making— 31% responded “Every day.” +Level of Competition— 36% responded “Moderately competitive.” +Physical Proximity— 55% responded “Slightly close (e.g., shared office).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 33% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 25% responded “Limited responsibility.” +Written Letters and Memos— 34% responded “Once a year or more but not every month.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Blockchain Engineers +Bright Outlook +Computer Network Architects +Computer Network Support Specialists +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Digital Forensics Analysts +Information Security Engineers +Network and Computer Systems Administrators +Penetration Testers","View the list of Allies +Association for Computing Machinery +external site +Computing Research Association +external site +High Technology Crime Investigation Association +external site +IEEE Computer Society +external site +Information Systems Security Association International +external site +InfraGard +external site +ISACA +external site +National Center for Women and Information Technology +external site +National Initiative for Cybersecurity Education +external site +CompTIA +external site +Cyber Degrees +external site +ISC2 +external site",61,1,35,82,47,67,57,55,42,32,13,36,6,84,8,43,45,17,5,15,27,3,18,66,2,66,9,9,1,35,15,1,3 +49-3093.00,Tire Repairers and Changers,https://www.onetonline.org/link/summary/49-3093.00,2025-06-11T19:22:21.037115,"Raise vehicles, using hydraulic jacks. +Remount wheels onto vehicles. +Unbolt and remove wheels from vehicles, using lug wrenches or other hand or power tools. +Place wheels on balancing machines to determine counterweights required to balance wheels. +Identify tire size and ply and inflate tires accordingly. +Replace valve stems and remove puncturing objects. +Hammer required counterweights onto rims of wheels. +Reassemble tires onto wheels. +Seal punctures in tubeless tires by inserting adhesive material and expanding rubber plugs into punctures, using hand tools. +Inspect tire casings for defects, such as holes or tears. +Locate punctures in tubeless tires by visual inspection or by immersing inflated tires in water baths and observing air bubbles. +Glue tire patches over ruptures in tire casings, using rubber cement. +Assist mechanics and perform various mechanical duties, such as changing oil or checking and replacing batteries. +Rotate tires to different positions on vehicles, using hand tools. +Clean and tidy up the shop. +Buff defective areas of inner tubes, using scrapers. +Order replacements for tires or tubes. +Separate tubed tires from wheels, using rubber mallets and metal bars or mechanical tire changers. +Inflate inner tubes and immerse them in water to locate leaks. +Clean sides of whitewall tires. +Prepare rims and wheel drums for reassembly by scraping, grinding, or sandblasting. +Apply rubber cement to buffed tire casings prior to vulcanization process. +Patch tubes with adhesive rubber patches or seal rubber patches to tubes, using hot vulcanizing plates. +Drive automobile or service trucks to industrial sites to provide services or respond to emergency calls.","Accounting software +Data base user interface and query software— Recordkeeping software +Electronic mail software— Microsoft Outlook +Project management software— Project estimation software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Operate cranes, hoists, or other moving or lifting equipment. +Install vehicle parts or accessories. +Service vehicles to maintain functionality. +Remove parts or components from vehicles. +Test mechanical equipment to ensure proper functioning. +Repair tires. +Assemble mechanical components or machine parts. +Reassemble equipment after repair. +Inspect mechanical components of vehicles to identify problems. +Clean work areas. +Smooth surfaces of objects or equipment. +Order materials, supplies, or equipment. +Disassemble equipment for maintenance or repair. +Drive trucks or other vehicles to or at work sites. +Clean equipment, parts, or tools to repair or maintain them in good working order.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Spend Time Standing— 83% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Exposed to Contaminants— 75% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 65% responded “Every day.” +Deal With External Customers or the Public in General— 48% responded “Extremely important.” +Time Pressure— 77% responded “Every day.” +Frequency of Decision Making— 69% responded “Every day.” +Spend Time Bending or Twisting Your Body— 56% responded “Continually or almost continually.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Spend Time Walking or Running— 51% responded “Continually or almost continually.” +Telephone Conversations— 60% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Spend Time Making Repetitive Motions— 55% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 67% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 52% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 57% responded “Every day.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 64% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 59% responded “Every day.” +Consequence of Error— 48% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 32% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Physical Proximity— 33% responded “Slightly close (e.g., shared office).” +Exposed to Cramped Work Space, Awkward Positions— 39% responded “Every day.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Every day.” +Conflict Situations— 28% responded “Every day.” +Exposed to Hazardous Conditions— 48% responded “Every day.” +Level of Competition— 37% responded “Extremely competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Automotive Body and Related Repairers +Automotive Glass Installers and Repairers +Automotive Service Technicians and Mechanics +Bicycle Repairers +Bright Outlook +Bus and Truck Mechanics and Diesel Engine Specialists +Electric Motor, Power Tool, and Related Repairers +Motorcycle Mechanics +Outdoor Power Equipment and Other Small Engine Mechanics +Rail Car Repairers +Tire Builders","View the list of Allies +Auto Care Association +external site +Automotive Maintenance and Repair Association +external site +Automotive Service Association +external site +Tire Industry Association +external site +ASE Education Foundation +external site +National Institute for Automotive Service Excellence +external site",65,4,46,49,43,55,47,36,33,29,51,33,17,36,9,37,17,75,5,44,20,4,10,20,5,41,19,18,4,24,7,3,6 +17-1022.01,Geodetic Surveyors,https://www.onetonline.org/link/summary/17-1022.01,2025-06-11T18:53:17.256721,"Analyze control or survey data to ensure adherence to project specifications or land survey standards. +Conduct surveys to determine exact positions, measurement of points, elevations, lines, areas, volumes, contours, or other features of land surfaces. +Calculate the exact horizontal and vertical position of points on the Earth's surface. +Maintain databases of geodetic and related information, including coordinate, descriptive, or quality assurance data. +Verify the mathematical correctness of newly collected survey data. +Compute horizontal and vertical coordinates of control networks, using direct leveling or other geodetic survey techniques, such as triangulation, trilateration, and traversing, to establish features of the Earth's surface. +Plan or direct the work of geodetic surveying staff, providing technical consultation as needed. +Assess the quality of control data to determine the need for additional survey data for engineering, construction, or other projects. +Distribute compiled geodetic data to government agencies or the general public. +Request additional survey data when field collection errors occur or engineering surveying specifications are not maintained. +Read current literature, talk with colleagues, continue education, or participate in professional organizations or conferences to keep abreast of developments in technology, equipment, or systems. +Provide training and interpretation in the use of methods or procedures for observing and checking controls for geodetic and plane coordinates. +Prepare progress or technical reports. +Review existing standards, controls, or equipment used, recommending changes or upgrades as needed. +Compute, retrace, or adjust existing surveys of features such as highway alignments, property boundaries, utilities, control and other surveys to match the ground elevation-dependent grids, geodetic grids, or property boundaries and to ensure accuracy and continuity of data used in engineering, surveying, or construction projects. +Determine orientation of tracts of land, including position, boundaries, size, and shape, using theodolites, electronic distance-measuring equipment, satellite-based positioning equipment, land information systems, or other geodetic survey equipment.","Analytical or scientific software— Carlson Simplicity Sight Survey; National Geodetic Survey NGS VERTCON; QuickCogo; Underhill Geomatics Copan;3 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk CAiCE Visual Transportation; Bentley MicroStation; MicroSurvey Software MicroSurvey CAD;2 more +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; Structured query language SQL +Electronic mail software— Email software +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS software +Internet browser software— Web browser software +Map creation software— Geo-Plus; SiteComp Survey; Traverse PC; Trimble Terramodel;1 more +Object or component oriented development software— C#; C++; Oracle Java +Object oriented data base management software— Object oriented programming software +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Analyze operational data to evaluate operations, processes or products. +Calculate geographic positions from survey data. +Survey land or bodies of water to measure or determine features. +Maintain operational records or records systems. +Verify mathematical calculations. +Direct surveying activities. +Analyze physical, survey, or geographic data. +Explain project details to the general public. +Gather physical survey data. +Update technical knowledge. +Train personnel on proper operational procedures. +Evaluate designs or specifications to ensure quality. +Prepare operational reports.","E-Mail— 93% responded “Every day.” +Importance of Being Exact or Accurate— 85% responded “Extremely important.” +Telephone Conversations— 54% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 40% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Contact With Others— 37% responded “Contact with others most of the time.” +Outdoors, Exposed to All Weather Conditions— 48% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 33% responded “Every day.” +Deal With External Customers or the Public in General— 37% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Frequency of Decision Making— 29% responded “Once a year or more but not every month.” +Indoors, Not Environmentally Controlled— 26% responded “Once a week or more but not every day.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Moderate results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “More than half the time.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 36% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 29% responded “Once a year or more but not every month.” +Health and Safety of Other Workers— 33% responded “High responsibility.” +Spend Time Sitting— 52% responded “About half the time.”","Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Cartographers and Photogrammetrists +Bright Outlook +Data Scientists +Geographic Information Systems Technologists and Technicians +Geological Technicians, Except Hydrologic Technicians +Geoscientists, Except Hydrologists and Geographers +Hydrologists +Remote Sensing Scientists and Technologists +Remote Sensing Technicians +Surveying and Mapping Technicians +Surveyors","View the list of Allies +American Association for Geodetic Surveying +external site +American Geophysical Union +external site +American Society for Photogrammetry and Remote Sensing +external site +American Society of Civil Engineers +external site +International Association of Geodesy +external site +National Geodetic Survey +external site +National Oceanic and Atmospheric Administration +external site +National Society of Professional Surveyors +external site +The Hydrographic Society of America +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",52,1,35,68,95,44,41,55,36,26,31,37,8,69,10,45,26,33,8,33,16,5,10,36,5,74,33,63,6,54,71,4,22 +25-1125.00,"History Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1125.00,2025-06-11T19:01:00.660382,"Prepare course materials, such as syllabi, homework assignments, and handouts. +Prepare and deliver lectures to undergraduate or graduate students on topics such as ancient history, postwar civilizations, and the history of third-world countries. +Initiate, facilitate, and moderate classroom discussions. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Compile, administer, and grade examinations, or assign this work to others. +Evaluate and grade students' class work, assignments, and papers. +Maintain student attendance records, grades, and other required records. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Select and obtain materials and supplies, such as textbooks. +Maintain regularly scheduled office hours to advise and assist students. +Review books and journal articles for potential publication. +Supervise undergraduate or graduate teaching, internship, and research work. +Perform administrative duties, such as serving as department head. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Collaborate with colleagues to address teaching and research issues. +Advise students on academic and vocational curricula and on career issues. +Participate in student recruitment, registration, and placement activities. +Write grant proposals to procure external research funding. +Compile bibliographies of specialized materials for outside reading assignments. +Develop, maintain, and teach online courses. +Participate in campus and community events. +Act as advisers to student organizations. +Teach community courses and speak to local groups and organizations. +Provide professional consulting services to government, educational institutions, or industry. +Evaluate faculty members.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— Database software +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— Geographic information system GIS software +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Map creation software— Map building software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Develop instructional materials. +Guide class discussions. +Teach humanities courses at the college level. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Evaluate student work. +Administer tests to assess educational needs or progress. +Prepare tests. +Maintain student records. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Advise students on academic or career matters. +Evaluate scholarly materials. +Supervise student research or internship work. +Direct department activities. +Serve on institutional or departmental committees. +Create technology-based learning materials. +Teach online courses. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Write grant proposals. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","Determine Tasks, Priorities and Goals— 94% responded “A lot of freedom.” +Freedom to Make Decisions— 94% responded “A lot of freedom.” +E-Mail— 86% responded “Every day.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Every day.” +Duration of Typical Work Week— 72% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Public Speaking— 76% responded “Once a week or more but not every day.” +Contact With Others— 43% responded “Constant contact with others.” +Level of Competition— 38% responded “Extremely competitive.” +Frequency of Decision Making— 60% responded “Once a week or more but not every day.” +Time Pressure— 54% responded “Once a week or more but not every day.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Written Letters and Memos— 49% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Spend Time Sitting— 55% responded “More than half the time.” +Importance of Repeating Same Tasks— 28% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 42% responded “Important.”","Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Anthropology and Archeology Teachers, Postsecondary +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +English Language and Literature Teachers, Postsecondary +Foreign Language and Literature Teachers, Postsecondary +Geography Teachers, Postsecondary +Law Teachers, Postsecondary +Library Science Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Political Science Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +American Association of University Professors +external site +American Historical Association +external site +American Political Science Association +external site +Association for Slavic, East European, and Eurasian Studies +external site +Council of Graduate Schools +external site +North American Conference on British Studies +external site +Organization of American Historians +external site +Phi Alpha Theta History Honor Society +external site +Society for Military History +external site +The Conference on Latin American History +external site +The Medieval Academy of America +external site +The Society for Historians of American Foreign Relations +external site +The Southern Historical Association +external site +Western History Association +external site +World History Association +external site +National Education Association +external site",45,,2,93,45,44,36,86,49,11,28,37,4,59,40,79,54,3,59,24,52,22,65,20,9,,,7,17,10,76,38,100 +29-9091.00,Athletic Trainers,https://www.onetonline.org/link/summary/29-9091.00,2025-06-11T19:09:07.410062,"Conduct an initial assessment of an athlete's injury or illness to provide emergency or continued care and to determine whether they should be referred to physicians for definitive diagnosis and treatment. +Assess and report the progress of recovering athletes to coaches or physicians. +Care for athletic injuries, using physical therapy equipment, techniques, or medication. +Evaluate athletes' readiness to play and provide participation clearances when necessary and warranted. +Perform general administrative tasks, such as keeping records or writing reports. +Clean and sanitize athletic training rooms. +Instruct coaches, athletes, parents, medical personnel, or community members in the care and prevention of athletic injuries. +Apply protective or injury preventive devices, such as tape, bandages, or braces, to body parts, such as ankles, fingers, or wrists. +Collaborate with physicians to develop and implement comprehensive rehabilitation programs for athletic injuries. +Travel with athletic teams to be available at sporting events. +Plan or implement comprehensive athletic injury or illness prevention programs. +Inspect playing fields to locate any items that could injure players. +Advise athletes on the proper use of equipment. +Confer with coaches to select protective equipment. +Develop training programs or routines designed to improve athletic performance. +Massage body parts to relieve soreness, strains, or bruises. +Accompany injured athletes to hospitals. +Lead stretching exercises for team members prior to games or practices. +Conduct research or provide instruction on subject matter related to athletic training or sports medicine. +Recommend special diets to improve athletes' health, increase their stamina, or alter their weight. +File athlete insurance claims and communicate with insurance providers. +Teach sports medicine courses to athletic training students. +Perform team support duties, such as running errands, maintaining equipment, or stocking supplies. +Develop emergency action plans for sports facilities.","Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software; Digital Coach AthleticTrainer; Keffer Development Services Athletic Trainer System ATS; Premier Software Simtrak Mobility;1 more +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Medical software— BioEx Systems Exercise Pro; ImPACT Applications ImPACT +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Analyze patient data to determine patient needs or treatment goals. +Evaluate patient outcomes to determine effectiveness of treatments. +Inform medical professionals regarding patient conditions and care. +Operate diagnostic or therapeutic medical instruments or equipment. +Treat patients using physical therapy techniques. +Evaluate patient functioning, capabilities, or health. +Maintain medical facility records. +Perform clerical work in medical settings. +Prepare reports summarizing patient diagnostic or care activities. +Clean facilities or equipment. +Maintain clean work areas. +Advise athletes, coaches, or trainers on exercise regimens, nutrition, or equipment use. +Develop exercise or conditioning programs. +Apply bandages, dressings, or splints. +Collaborate with healthcare professionals to plan or provide treatment. +Inspect work environments to ensure safety. +Process medical billing information. +Consult with others regarding safe or healthy equipment or facilities. +Treat patients using alternative medical procedures. +Train medical providers. +Conduct research to increase knowledge about medical issues. +Maintain inventory of medical supplies or equipment. +Maintain medical equipment or instruments.","Duration of Typical Work Week— 99% responded “More than 40 hours.” +Contact With Others— 87% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +E-Mail— 73% responded “Every day.” +Frequency of Decision Making— 72% responded “Every day.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Health and Safety of Other Workers— 22% responded “Moderate responsibility.” +Telephone Conversations— 62% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Outdoors, Exposed to All Weather Conditions— 52% responded “Once a week or more but not every day.” +Physical Proximity— 15% responded “Slightly close (e.g., shared office).” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Deal With External Customers or the Public in General— 21% responded “Important.” +Written Letters and Memos— 36% responded “Every day.” +Consequence of Error— 44% responded “Extremely serious.” +Exposed to Disease or Infections— 38% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Every day.” +Level of Competition— 41% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Conflict Situations— 38% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.” +Spend Time Standing— 27% responded “Continually or almost continually.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 42% responded “Moderate responsibility.” +Indoors, Not Environmentally Controlled— 39% responded “Once a week or more but not every day.” +Public Speaking— 44% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 52% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Chiropractors +Bright Outlook +Coaches and Scouts +Exercise Physiologists +Exercise Trainers and Group Fitness Instructors +Occupational Therapists +Physical Medicine and Rehabilitation Physicians +Physical Therapist Assistants +Physical Therapists +Recreational Therapists +Sports Medicine Physicians","View the list of Allies +American Physical Therapy Association +external site +American Red Cross +external site +College Athletic Trainers' Society +external site +IDEA Health and Fitness Association +external site +National Athletic Trainers' Association +external site +National Strength and Conditioning Association +external site +American College of Sports Medicine +external site +American Council on Exercise +external site +Board of Certification for the Athletic Trainer +external site +Commission on Accreditation of Athletic Training Education +external site +National Academy of Sports Medicine +external site",84,9,21,68,34,53,56,66,55,13,21,40,27,45,9,32,25,23,20,21,79,72,47,10,91,16,9,31,54,17,11,2, +51-3093.00,Food Cooking Machine Operators and Tenders,https://www.onetonline.org/link/summary/51-3093.00,2025-06-11T19:24:29.988959,"Clean, wash, and sterilize equipment and cooking area, using water hoses, cleaning or sterilizing solutions, or rinses. +Read work orders, recipes, or formulas to determine cooking times and temperatures, and ingredient specifications. +Observe gauges, dials, and product characteristics, and adjust controls to maintain appropriate temperature, pressure, and flow of ingredients. +Measure or weigh ingredients, using scales or measuring containers. +Tend or operate and control equipment, such as kettles, cookers, vats and tanks, and boilers, to cook ingredients or prepare products for further processing. +Record production and test data, such as processing steps, temperature and steam readings, cooking time, batches processed, and test results. +Set temperature, pressure, and time controls, and start conveyers, machines, or pumps. +Remove cooked material or products from equipment. +Collect and examine product samples during production to test them for quality, color, content, consistency, viscosity, acidity, or specific gravity. +Pour, dump, or load prescribed quantities of ingredients or products into cooking equipment, manually or using a hoist. +Listen for malfunction alarms, and shut down equipment and notify supervisors when necessary. +Notify or signal other workers to operate equipment or when processing is complete. +Turn valves or start pumps to add ingredients or drain products from equipment and to transfer products for storage, cooling, or further processing. +Admit required amounts of water, steam, cooking oils, or compressed air into equipment, such as by opening water valves to cool mixtures to the desired consistency. +Activate agitators and paddles to mix or stir ingredients, stopping machines when ingredients are thoroughly mixed. +Operate auxiliary machines and equipment, such as grinders, canners, and molding presses, to prepare or further process products. +Place products on conveyors or carts, and monitor product flow.",Data base user interface and query software— Database software,"Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Clean work areas. +Sterilize food cooking or processing equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Adjust equipment controls to regulate flow of production materials or products. +Monitor instruments to ensure proper production conditions. +Measure ingredients or substances to be used in production processes. +Operate cooking, baking, or other food preparation equipment. +Record operational or production data. +Adjust temperature controls of ovens or other heating equipment. +Operate pumping systems or equipment. +Operate mixing equipment. +Collect samples of materials or products for testing. +Inspect food products. +Remove products or workpieces from production equipment. +Lift materials or workpieces using cranes or other lifting equipment. +Load materials into production equipment. +Operate grinding equipment. +Notify others of equipment repair or maintenance needs. +Watch operating equipment to detect malfunctions. +Signal others to coordinate work activities. +Move products, materials, or equipment between work areas. +Adjust equipment controls to regulate coolant flow.","Determine Tasks, Priorities and Goals— 75% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Freedom to Make Decisions— 75% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 13% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Contact With Others— 71% responded “Constant contact with others.” +Spend Time Walking or Running— 63% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 15% responded “Never.” +Time Pressure— 22% responded “Once a week or more but not every day.” +Spend Time Standing— 60% responded “Continually or almost continually.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Importance of Being Exact or Accurate— 47% responded “Very important.” +Consequence of Error— 29% responded “Serious.” +Exposed to Very Hot or Cold Temperatures— 13% responded “Once a year or more but not every month.” +Health and Safety of Other Workers— 22% responded “High responsibility.” +Spend Time Making Repetitive Motions— 13% responded “About half the time.” +Frequency of Decision Making— 50% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 26% responded “Important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 26% responded “Never.” +Pace Determined by Speed of Equipment— 40% responded “Very important.” +Work Outcomes and Results of Other Workers— 13% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Important.” +Indoors, Not Environmentally Controlled— 25% responded “Never.” +Duration of Typical Work Week— 37% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 25% responded “Fairly important.” +Deal With External Customers or the Public in General— 50% responded “Very important.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bakers +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Cooks, Restaurant +Bright Outlook +Cooling and Freezing Equipment Operators and Tenders +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Batchmakers +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Mixing and Blending Machine Setters, Operators, and Tenders +Packaging and Filling Machine Operators and Tenders +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders","View the list of Allies +Bakery, Confectionary, Tobacco Workers and Grain Millers International Union +external site +International Brotherhood of Teamsters +external site +The United Food and Commercial Workers International Union +external site",40,70,84,45,30,58,29,53,28,22,21,38,33,41,14,7,15,53,4,12,27,,17,9,8,16,12,9,6,12,,,4 +47-4091.00,Segmental Pavers,https://www.onetonline.org/link/summary/47-4091.00,2025-06-11T19:20:18.557722,"Prepare base for installation by removing unstable or unsuitable materials, compacting and grading the soil, draining or stabilizing weak or saturated soils and taking measures to prevent water penetration and migration of bedding sand. +Supply and place base materials, edge restraints, bedding sand and jointing sand. +Discuss the design with the client. +Set pavers, aligning and spacing them correctly. +Sweep sand into the joints and compact pavement until the joints are full. +Screed sand level to an even thickness, and recheck sand exposed to elements, raking and rescreeding if necessary. +Cut paving stones to size and for edges, using a splitter and a masonry saw. +Compact bedding sand and pavers to finish the paved area, using a plate compactor. +Design paver installation layout pattern and create markings for directional references of joints and stringlines. +Sweep sand from the surface prior to opening to traffic. +Resurface an outside area with cobblestones, terracotta tiles, concrete or other materials. +Cement the edges of the paved area.","Computer aided design CAD software— Depiction Software Hardscape Imaging; UNI-GROUP Lockpave Pro +Data base user interface and query software— Database software +Graphics or photo imaging software— Decorative Software Online Visualizers; Depiction Software Deco-Con +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Depiction Software Deco-Con Estimator +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Compact materials to create level bases. +Spread sand, dirt or other loose materials onto surfaces. +Move construction or extraction materials to locations where they are needed. +Communicate with clients about products, procedures, and policies. +Align masonry materials. +Cut tile, stone, or other masonry materials. +Create construction or installation diagrams. +Mark reference points on construction materials. +Clean work sites. +Install masonry materials. +Finish concrete surfaces.","Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +Telephone Conversations— 91% responded “Every day.” +Deal With External Customers or the Public in General— 86% responded “Extremely important.” +Contact With Others— 64% responded “Constant contact with others.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 63% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions +Coordinate or Lead Others in Accomplishing Work Activities +Duration of Typical Work Week +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 82% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 88% responded “Some freedom.” +Time Pressure— 84% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Frequency of Decision Making— 36% responded “Every day.” +Conflict Situations— 91% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Written Letters and Memos— 86% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 67% responded “Some freedom.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Important results.” +Physical Proximity— 60% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers +Spend Time Walking or Running— 39% responded “Less than half the time.” +Spend Time Making Repetitive Motions— 63% responded “More than half the time.” +Indoors, Environmentally Controlled +Dealing With Unpleasant, Angry, or Discourteous People— 59% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 30% responded “Extremely important.” +Exposed to Contaminants— 32% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 31% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 38% responded “Every day.” +Spend Time Standing— 33% responded “About half the time.” +Level of Competition— 39% responded “Highly competitive.” +Spend Time Sitting","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Brickmasons and Blockmasons +Cement Masons and Concrete Finishers +Construction Laborers +Bright Outlook +Floor Layers, Except Carpet, Wood, and Hard Tiles +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Paving, Surfacing, and Tamping Equipment Operators +Plasterers and Stucco Masons +Stonemasons +Terrazzo Workers and Finishers +Tile and Stone Setters","View the list of Allies +American Concrete Pavement Association +external site +American Public Works Association +external site +American Segmental Bridge Institute +external site +American Society of Concrete Contractors +external site +American Subcontractors Association +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Concrete Masonry and Hardscapes Association +external site +Interlocking Concrete Pavement Institute +external site +Mason Contractors Association of America +external site +National Association of Home Builders +external site +National Association of Women in Construction +external site +National Stone, Sand and Gravel Association +external site +National Tile Contractors Association +external site +Western States Roofing Contractors Association +external site +American Concrete Institute +external site",49,1,19,23,36,50,42,30,11,25,20,14,28,11,9,24,13,68,9,50,17,18,6,16,12,37,52,20,12,38,19,4,14 +13-2011.00,Accountants and Auditors,https://www.onetonline.org/link/summary/13-2011.00,2025-06-11T18:50:36.465701,"Prepare detailed reports on audit findings. +Report to management about asset utilization and audit results, and recommend changes in operations and financial activities. +Collect and analyze data to detect deficient controls, duplicated effort, extravagance, fraud, or non-compliance with laws, regulations, and management policies. +Inspect account books and accounting systems for efficiency, effectiveness, and use of accepted accounting procedures to record transactions. +Supervise auditing of establishments, and determine scope of investigation required. +Confer with company officials about financial and regulatory matters. +Examine and evaluate financial and information systems, recommending controls to ensure system reliability and data integrity. +Inspect cash on hand, notes receivable and payable, negotiable securities, and canceled checks to confirm records are accurate. +Examine records and interview workers to ensure recording of transactions and compliance with laws and regulations. +Prepare, examine, or analyze accounting records, financial statements, or other financial reports to assess accuracy, completeness, and conformance to reporting and procedural standards. +Prepare adjusting journal entries. +Review accounts for discrepancies and reconcile differences. +Establish tables of accounts and assign entries to proper accounts. +Examine inventory to verify journal and ledger entries. +Analyze business operations, trends, costs, revenues, financial commitments, and obligations to project future revenues and expenses or to provide advice. +Report to management regarding the finances of establishment. +Develop, implement, modify, and document recordkeeping and accounting systems, making use of current computer technology. +Evaluate taxpayer finances to determine tax liability, using knowledge of interest and discount rates, annuities, valuation of stocks and bonds, and amortization valuation of depletable assets. +Examine whether the organization's objectives are reflected in its management activities, and whether employees understand the objectives. +Audit payroll and personnel records to determine unemployment insurance premiums, workers' compensation coverage, liabilities, and compliance with tax laws. +Review taxpayer accounts, and conduct audits on-site, by correspondence, or by summoning taxpayer to office. +Compute taxes owed and prepare tax returns, ensuring compliance with payment, reporting, or other tax requirements. +Advise clients in areas such as compensation, employee health care benefits, the design of accounting or data processing systems, or long-range tax or estate plans. +Direct activities of personnel engaged in filing, recording, compiling, and transmitting financial records. +Conduct pre-implementation audits to determine if systems and programs under development will work as planned. +Develop, maintain, or analyze budgets, preparing periodic reports that compare budgeted costs to actual costs. +Prepare, analyze, or verify annual reports, financial statements, and other records, using accepted accounting and statistical procedures to assess financial condition and facilitate financial planning. +Process invoices for payment. +Review data about material assets, net worth, liabilities, capital stock, surplus, income, or expenditures.","Accounting software— Intuit QuickBooks; Sage 50 Accounting; SAP Concur; Summit Software Summit Biofuels Accounting;39 more +Analytical or scientific software— Guidance Software EnCase Enterprise; IBM SPSS Statistics; SAS; WizSoft WizRule;2 more +Business intelligence and data analysis software— Alteryx software; IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Tableau;1 more +Compliance software— Intrax ProcedureNet; Sage HandiSoft HandiLedger; Tax compliance property tax management software; TrendTracker Compliance Solution;9 more +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Salesforce software +Data base management system software— Apache Solr; Teradata Database +Data base reporting software— ADP Super Report Writer; SAP Crystal Reports +Data base user interface and query software— Microsoft SQL Server; Oracle Database; Structured query language SQL; Yardi software;8 more +Data mining software— Data extraction software; WizSoft WizWhy +Desktop communications software— Eko +Desktop publishing software— Microsoft Publisher +Development environment software— eXtensible Business Reporting Language XBRL; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Adobe Acrobat; Document management system software; Microsoft SharePoint; Sage CPADocument Manager;2 more +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— SAP BusinessObjects Data Integrator +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software; Workday software;17 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials; TopCAATs; Tropics workers' compensation software;53 more +Human resources software— ADP Workforce Now; CPSI EHR System; Human resource management software HRMS; Sage HRMS +Information retrieval or search software— LexisNexis +Inventory management software— Asset management software +Medical software— Epic Systems; Medical condition coding software; Medical procedure coding software; MEDITECH software;1 more +Object or component oriented development software— R; Swift +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software; Microsoft Works +Operating system software— Microsoft Windows; UNIX +Presentation software— Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Risk management data and analysis software— Thomson Reuters Risk Management +Spreadsheet software— Google Sheets; Microsoft Excel +Tax preparation software— ATX Total Tax Office; Intuit TurboTax; NewPortWave Year End Solutions; Thomson GoSystem Tax;18 more +Time accounting software— Payroll software; WorkForce Software EmpCenter Time and Attendance +Transaction security and virus protection software— NortonLifeLock cybersecurity software +Transaction server software— Tumbleweed SecureTransport +Video creation and editing software— TechSmith Camtasia +Word processing software— Google Docs; Microsoft OneNote; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Prepare financial documents, reports, or budgets. +Advise others on financial matters. +Report information to managers or other personnel. +Advise others on business or operational matters. +Examine financial records. +Collect evidence for legal proceedings. +Investigate legal issues. +Oversee business processes. +Examine financial records or processes. +Discuss business strategies, practices, or policies with managers. +Analyze business or financial data. +Prepare financial documents. +Verify accuracy of records. +Verify accuracy of financial information. +Analyze financial information. +Conduct financial or regulatory audits. +Calculate tax information. +Advise others on human resources topics. +Develop business or financial information systems. +Assess financial status of clients. +Coordinate regulatory documentation activities. +Evaluate effectiveness of personnel policies or practices. +Analyze budgetary or accounting data. +Pay charges, fees, or taxes. +Prepare operational budgets.","E-Mail— How frequently does your job require you to use E-mail? +Telephone Conversations— How often do you have telephone conversations in this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Spend Time Sitting— How much does this job require sitting? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Written Letters and Memos— How frequently does your job require written letters and memos? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Degree of Automation— How automated is the job?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior.","Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Budget Analysts +Credit Analysts +Financial and Investment Analysts +Financial Examiners +Financial Managers +Personal Financial Advisors +Tax Examiners and Collectors, and Revenue Agents +Tax Preparers +Treasurers and Controllers","View the list of Allies +AICPA and CIMA +external site +American Accounting Association +external site +Eastern Association of College and University Business Officers +external site +Financial Management Association International +external site +Government Finance Officers Association +external site +Institute for Professionals in Taxation +external site +Institute of Internal Auditors +external site +International Federation of Accountants +external site +ISACA +external site +National Association of Enrolled Agents +external site +National Association of Tax Professionals +external site +National Society of Accountants +external site +Midwest Finance Association +external site +NorthEast Regional Council +external site +Southern Association of College and University Business Officers +external site +Western States Association of Tax Administrators +external site +AACSB +external site +Association for Financial Professionals +external site +Association of Government Accountants +external site +Financial Executives International +external site +Institute of Management Accountants +external site",63,2,16,74,73,63,8,38,52,91,25,41,2,51,4,58,35,4,4,14,19,3,6,22,1,5,4,1,,6,7,1,5 +43-5041.00,"Meter Readers, Utilities",https://www.onetonline.org/link/summary/43-5041.00,2025-06-11T19:16:25.842076,"Read electric, gas, water, or steam consumption meters and enter data in route books or hand-held computers. +Upload into office computers all information collected on hand-held computers during meter rounds, or return route books or hand-held computers to business offices so that data can be compiled. +Walk or drive vehicles along established routes to take readings of meter dials. +Inspect meters for unauthorized connections, defects, and damage, such as broken seals. +Verify readings in cases where consumption appears to be abnormal, and record possible reasons for fluctuations. +Report to service departments any problems, such as meter irregularities, damaged equipment, or impediments to meter access, including dogs. +Leave messages to arrange different times to read meters in cases in which meters are not accessible. +Connect and disconnect utility services at specific locations. +Answer customers' questions about services and charges, or direct them to customer service centers. +Update client address and meter location information. +Perform preventative maintenance or minor repairs on meters. +Report lost or broken keys. +Dig dirt away from meters to take readings. +Install new or replace broken meters.","Accounting software— Billing software +Charting software— Graphing software +Data base reporting software— Meter reading software +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Geographic information system— Geographic information system GIS systems +Industrial control software— Supervisory control and data acquisition SCADA software +Map creation software— Mapping software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Enter information into databases or software programs. +Operate vehicles or material-moving equipment. +Monitor equipment operation to ensure proper functioning. +Record service or repair activities. +Verify accuracy of data. +Report maintenance or equipment problems to appropriate personnel. +Discuss account status or activity with customers or patrons. +Control power supply connections. +Refer customers to appropriate personnel. +Maintain financial or account records. +Notify others of equipment repair or maintenance needs. +Perform basic equipment maintenance.","Outdoors, Exposed to All Weather Conditions— 100% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 76% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 71% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 83% responded “Every day.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Exposed to Contaminants— 68% responded “Every day.” +Deal With External Customers or the Public in General— 62% responded “Extremely important.” +Spend Time Making Repetitive Motions— 62% responded “Continually or almost continually.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 64% responded “Every day.” +Time Pressure— 47% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 48% responded “Very important.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 56% responded “Every day.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Frequency of Decision Making— 54% responded “Every day.” +Spend Time Bending or Twisting Your Body— 50% responded “Continually or almost continually.” +Spend Time Standing— 32% responded “Continually or almost continually.” +Contact With Others— 45% responded “Constant contact with others.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 46% responded “Every day.” +Telephone Conversations— 53% responded “Every day.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Spend Time Walking or Running— 41% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 38% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Determine Tasks, Priorities and Goals— 35% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 48% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 43% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 38% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 31% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 48% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Conflict Situations— 24% responded “Once a year or more but not every month.” +Pace Determined by Speed of Equipment— 41% responded “Very important.” +Indoors, Not Environmentally Controlled— 48% responded “Every day.” +Consequence of Error— 29% responded “Extremely serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Calibration Technologists and Technicians +Bright Outlook +Control and Valve Installers and Repairers, Except Mechanical Door +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Inspectors, Testers, Sorters, Samplers, and Weighers +Power Distributors and Dispatchers +Power Plant Operators +Septic Tank Servicers and Sewer Pipe Cleaners +Stationary Engineers and Boiler Operators","View the list of Allies +American Public Gas Association +external site +American Public Power Association +external site +American Water Works Association +external site +Automatic Meter Reading Association +external site +International Brotherhood of Electrical Workers +external site",68,8,24,59,52,40,62,30,38,17,11,24,26,46,19,30,21,48,5,34,12,5,3,27,10,28,34,30,19,28,18,1, +51-9197.00,Tire Builders,https://www.onetonline.org/link/summary/51-9197.00,2025-06-11T19:28:38.081748,"Build semi-raw rubber treads onto buffed tire casings to prepare tires for vulcanization in recapping or retreading processes. +Trim excess rubber and imperfections during retreading processes. +Fill cuts and holes in tires, using hot rubber. +Place tires into molds for new tread. +Fit inner tubes and final layers of rubber onto tires. +Buff tires according to specifications for width and undertread depth. +Brush or spray solvents onto plies to ensure adhesion, and repeat process as specified, alternating direction of each ply to strengthen tires. +Start rollers that bond tread and plies as drums revolve. +Align treads with guides, start drums to wind treads onto plies, and slice ends. +Inspect worn tires for faults, cracks, cuts, and nail holes, and to determine if tires are suitable for retreading. +Measure tires to determine mold size requirements. +Roll hand rollers over rebuilt casings, exerting pressure to ensure adhesion between camelbacks and casings. +Position ply stitcher rollers and drums according to width of stock, using hand tools and gauges. +Cut plies at splice points, and press ends together to form continuous bands. +Depress pedals to rotate drums, and wind specified numbers of plies around drums to form tire bodies. +Clean and paint completed tires. +Rub cement sticks on drum edges to provide adhesive surfaces for plies. +Depress pedals to collapse drums after processing is complete. +Wind chafers and breakers onto plies. +Pull plies from supply racks, and align plies with edges of drums.","Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Programmable logic controller PLC software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Assemble tires. +Mount materials or workpieces onto production equipment. +Smooth surfaces with abrasive materials or tools. +Apply solutions to production equipment. +Align parts or workpieces to ensure proper assembly. +Cut industrial materials in preparation for fabrication or processing. +Inspect items for damage or defects. +Measure product or material dimensions. +Trim excess material from workpieces. +Fill cracks, imperfections, or holes in products or workpieces. +Mount attachments or tools onto production equipment. +Apply protective or decorative finishes to workpieces or products. +Clean workpieces or finished products. +Load materials into production equipment.","Spend Time Standing— 100% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 94% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 91% responded “Every day.” +Spend Time Making Repetitive Motions— 78% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 88% responded “Every day.” +Exposed to Contaminants— 74% responded “Every day.” +Spend Time Bending or Twisting Your Body— 78% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Exposed to Hazardous Equipment— 82% responded “Every day.” +Time Pressure— 15% responded “Never.” +Exposed to Hazardous Conditions— 17% responded “Never.” +Contact With Others— 42% responded “Constant contact with others.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 42% responded “Every day.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Pace Determined by Speed of Equipment— 44% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Work Outcomes and Results of Other Workers— 47% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Physical Proximity— 76% responded “Moderately close (at arm's length).” +Indoors, Environmentally Controlled +Frequency of Decision Making— 51% responded “Every day.” +Indoors, Not Environmentally Controlled— 27% responded “Once a month or more but not every week.” +Consequence of Error— 41% responded “Fairly serious.” +Spend Time Walking or Running— 36% responded “About half the time.” +Work With or Contribute to a Work Group or Team— 35% responded “Fairly important.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Automotive Body and Related Repairers +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Engine and Other Machine Assemblers +Fiberglass Laminators and Fabricators +Foundry Mold and Coremakers +Grinding and Polishing Workers, Hand +Molders, Shapers, and Casters, Except Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Rail Car Repairers +Tire Repairers and Changers","View the list of Allies +Tire Industry Association +external site +U.S. Tire Manufacturers Association +external site +United Steelworkers +external site",39,,68,46,34,60,44,43,26,22,22,29,23,19,11,15,20,56,8,27,18,7,3,15,6,46,24,29,8,32,8,1,8 +47-2041.00,Carpet Installers,https://www.onetonline.org/link/summary/47-2041.00,2025-06-11T19:18:14.553724,"Inspect the surface to be covered to determine its condition, and correct any imperfections that might show through carpet or cause carpet to wear unevenly. +Roll out, measure, mark, and cut carpeting to size with a carpet knife, following floor sketches and allowing extra carpet for final fitting. +Join edges of carpet and seam edges where necessary, by sewing or by using tape with glue and heated carpet iron. +Cut and trim carpet to fit along wall edges, openings, and projections, finishing the edges with a wall trimmer. +Plan the layout of the carpet, allowing for expected traffic patterns and placing seams for best appearance and longest wear. +Stretch carpet to align with walls and ensure a smooth surface, and press carpet in place over tack strips or use staples, tape, tacks or glue to hold carpet in place. +Take measurements and study floor sketches to calculate the area to be carpeted and the amount of material needed. +Install carpet on some floors using adhesive, following prescribed method. +Clean up before and after installation, including vacuuming carpet and discarding remnant pieces. +Measure, cut and install tackless strips along the baseboard or wall. +Nail tack strips around area to be carpeted or use old strips to attach edges of new carpet. +Cut carpet padding to size and install padding, following prescribed method. +Fasten metal treads across door openings or where carpet meets flooring to hold carpet in place. +Draw building diagrams and record dimensions. +Move furniture from area to be carpeted and remove old carpet and padding. +Cut and bind material. +Cut and install vinyl composition tile or vinyl base.","Calendar and scheduling software— RFMS Schedule Pro +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Aya Associates Comp-U-Floor; Carpet Dealer Management System CDMS; Flooring Technologies QFloors; Textile Management Systems RollMaster;1 more +Office suite software— Microsoft Office software +Project management software— eTakeoff; FIRST Flooring; Measure Square FloorEstimate Pro; Pacific Solutions FloorRight;1 more +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Cut carpet, vinyl or other flexible materials. +Measure materials or objects for installation or assembly. +Inspect work sites to determine condition or necessary repairs. +Mark reference points on construction materials. +Prepare surfaces for finishing. +Install carpet or flooring. +Smooth surfaces with abrasive materials or tools. +Plan layout of construction, installation, or repairs. +Estimate materials requirements for projects. +Measure work site dimensions. +Review blueprints or specifications to determine work requirements. +Clean work sites. +Create construction or installation diagrams. +Remove worn, damaged or outdated materials from work areas.","Freedom to Make Decisions— 87% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 82% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 71% responded “Continually or almost continually.” +Telephone Conversations— 53% responded “Every day.” +Contact With Others— 52% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 49% responded “Every day.” +Time Pressure— 45% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Exposed to Contaminants— 48% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Frequency of Decision Making— 54% responded “Every day.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 37% responded “Very important.” +Spend Time Bending or Twisting Your Body— 47% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 35% responded “Very high responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 30% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 46% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.” +Duration of Typical Work Week— 47% responded “More than 40 hours.” +Level of Competition— 55% responded “Highly competitive.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 34% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 26% responded “Very important.” +Health and Safety of Other Workers— 35% responded “Moderate responsibility.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +In an Enclosed Vehicle or Operate Enclosed Equipment— 45% responded “Every day.” +Conflict Situations— 36% responded “Once a month or more but not every week.”","Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Floor Sanders and Finishers +Furniture Finishers +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Paperhangers +Terrazzo Workers and Finishers +Tile and Stone Setters +Upholsterers","View the list of Allies +Associated Builders and Contractors +external site +Home Builders Institute +external site +International Masonry Institute +external site +National Association of Floor Covering Technicians +external site +National Association of Home Builders +external site +National Association of the Remodeling Industry +external site +National Tile Contractors Association +external site +National Wood Flooring Association +external site +Tile Contractors' Association of America +external site +Flooring Association Northwest +external site +Central South Carpenters Regional Council +external site +FCICA- the Flooring Contractors Association +external site +Finishing Trades Institute International +external site +International Certified Flooring Installers +external site +International Standards and Training Alliance (INSTALL) +external site +International Union of Bricklayers and Allied Craftworkers +external site +United Brotherhood of Carpenters and Joiners of America +external site",67,2,52,58,61,60,39,49,30,30,38,33,25,16,10,18,14,49,7,36,23,9,8,9,10,26,57,19,3,43,7,6,5 +49-2022.00,"Telecommunications Equipment Installers and Repairers, Except Line Installers",https://www.onetonline.org/link/summary/49-2022.00,2025-06-11T19:21:14.959185,"Demonstrate equipment to customers and explain its use, responding to any inquiries or complaints. +Test circuits and components of malfunctioning telecommunications equipment to isolate sources of malfunctions, using test meters, circuit diagrams, polarity probes, and other hand tools. +Test repaired, newly installed, or updated equipment to ensure that it functions properly and conforms to specifications, using test equipment and observation. +Climb poles and ladders, use truck-mounted booms, and enter areas such as manholes and cable vaults to install, maintain, or inspect equipment. +Assemble and install communication equipment such as data and telephone communication lines, wiring, switching equipment, wiring frames, power apparatus, computer systems, and networks. +Run wires between components and to outside cable systems, connecting them to wires from telephone poles or underground cable accesses. +Test connections to ensure that power supplies are adequate and that communications links function. +Note differences in wire and cable colors so that work can be performed correctly. +Inspect equipment on a regular basis to ensure proper functioning. +Collaborate with other workers to locate and correct malfunctions. +Remove loose wires and other debris after work is completed. +Repair or replace faulty equipment, such as defective and damaged telephones, wires, switching system components, and associated equipment. +Maintain computer and manual records pertaining to facilities and equipment. +Communicate with bases, using telephones or two-way radios to receive instructions or technical advice, or to report equipment status. +Remove and remake connections to change circuit layouts, following work orders or diagrams. +Clean and maintain tools, test equipment, and motor vehicles. +Perform database verifications, using computers. +Request support from technical service centers when on-site procedures fail to solve installation or maintenance problems. +Analyze test readings, computer printouts, and trouble reports to determine equipment repair needs and required repair methods. +Adjust or modify equipment to enhance equipment performance or to respond to customer requests. +Remove and replace plug-in circuit equipment. +Refer to manufacturers' manuals to obtain maintenance instructions pertaining to specific malfunctions. +Dig holes or trenches as necessary for equipment installation and access. +Review manufacturer's instructions, manuals, technical specifications, building permits, and ordinances to determine communication equipment requirements and procedures. +Drive crew trucks to and from work areas. +Route and connect cables and lines to switches, switchboard equipment, and distributing frames, using wire-wrap guns or soldering irons to connect wires to terminals. +Designate cables available for use. +Diagnose and correct problems from remote locations, using special switchboards to find the sources of problems. +Program computerized switches and switchboards to provide requested features. +Enter codes needed to correct electronic switching system programming. +Examine telephone transmission facilities to determine requirements for new or additional telephone services. +Measure distances from landmarks to identify exact installation sites for equipment. +Install updated software and programs that maintain existing software or provide requested features, such as time-correlated call routing. +Perform routine maintenance on equipment, including adjusting and lubricating components and painting worn or exposed areas. +Determine viability of sites through observation, and discuss site locations and construction requirements with customers. +Install telephone station equipment, such as intercommunication systems, transmitters, receivers, relays, and ringers, and related apparatus, such as coin collectors, telephone booths, and switching-key equipment. +Clean switches and replace contact points, using vacuum hoses, solvents, and hand tools. +Provide input into the design and manufacturing of new equipment. +Address special issues or situations, such as illegal or unauthorized use of equipment, or cases of electrical or acoustic shock.","Analytical or scientific software— Fluke ClearSight Analyzer; Fluke Networks TechAdvisor Field Access System +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Expert system software— Fluke Networks Fluke TechEXPERT +Geographic information system— Geographic information system GIS systems +Industrial control software— Supervisory control and data acquisition SCADA software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Network security and virtual private network VPN equipment software— Firewall software +Office suite software— Microsoft Office software +Operating system software— Cisco IOS +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Apache Struts +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Explain use of products or services. +Test communications equipment to ensure proper functioning. +Test electrical circuits or components for proper functioning. +Install electrical components, equipment, or systems. +Assemble electrical components, subsystems, or systems. +Climb equipment or structures to access work areas. +Run wiring to connect equipment. +Drive trucks or other vehicles to or at work sites. +Gather information about work conditions or locations. +Inspect telecommunications equipment to identify problems. +Confer with coworkers to resolve equipment problems. +Clean work areas. +Repair electronic equipment. +Document operational activities. +Connect electrical components or equipment. +Determine types of equipment, tools, or materials needed for jobs. +Rewire electrical or electronic systems. +Troubleshoot equipment or systems operation problems. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Maintain work equipment or machinery. +Service vehicles to maintain functionality. +Verify information or specifications. +Install programs onto computer or computer-controlled equipment. +Analyze test or performance data to assess equipment operation. +Enter codes or other information into computers. +Measure distances or dimensions. +Adjust equipment to ensure optimal performance. +Lubricate equipment to allow proper functioning. +Paint surfaces or equipment. +Repair electrical components. +Read technical information needed to perform maintenance or repairs. +Dig holes or trenches. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Advise others on issues related to repairs, installation, or equipment design. +Investigate legal issues.","E-Mail— 79% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 88% responded “Every day.” +Frequency of Decision Making— 81% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Contact With Others— 73% responded “Constant contact with others.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Outdoors, Exposed to All Weather Conditions— 66% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Deal With External Customers or the Public in General— 23% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Important results.” +Importance of Being Exact or Accurate— 39% responded “Extremely important.” +Time Pressure— 38% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 66% responded “Every day.” +Exposed to Hazardous Equipment— 14% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 44% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 22% responded “Once a year or more but not every month.” +Work With or Contribute to a Work Group or Team— 45% responded “Very important.” +Determine Tasks, Priorities and Goals— 33% responded “A lot of freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 38% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Exposed to Cramped Work Space, Awkward Positions— 54% responded “Once a week or more but not every day.” +Spend Time Standing— 62% responded “More than half the time.” +Physical Proximity— 40% responded “Slightly close (e.g., shared office).” +Exposed to Contaminants— 37% responded “Every day.” +Duration of Typical Work Week— 28% responded “More than 40 hours.” +Exposed to High Places— 24% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 30% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 36% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a year or more but not every month.” +Spend Time Making Repetitive Motions— 34% responded “Less than half the time.” +Indoors, Environmentally Controlled— 23% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 38% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 33% responded “Less than half the time.” +Conflict Situations— 34% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Audiovisual Equipment Installers and Repairers +Computer, Automated Teller, and Office Machine Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electronic Equipment Installers and Repairers, Motor Vehicles +Power Distributors and Dispatchers +Radio, Cellular, and Tower Equipment Installers and Repairers +Security and Fire Alarm Systems Installers +Telecommunications Engineering Specialists +Telecommunications Line Installers and Repairers","View the list of Allies +Independent Telecommunications Pioneer Association +external site +NTCA - The Rural Broadband Association +external site +Society of Cable Telecommunications Engineers +external site +Telecommunications Industry Association +external site +USTelecom +external site +Communications Workers of America +external site",86,3,40,75,62,47,59,51,47,19,42,37,13,80,11,33,45,55,5,35,22,10,14,85,7,54,28,27,13,33,30,5,5 +17-2112.01,Human Factors Engineers and Ergonomists,https://www.onetonline.org/link/summary/17-2112.01,2025-06-11T18:53:59.122872,"Collect data through direct observation of work activities or witnessing the conduct of tests. +Conduct interviews or surveys of users or customers to collect information on topics, such as requirements, needs, fatigue, ergonomics, or interfaces. +Advocate for end users in collaboration with other professionals, including engineers, designers, managers, or customers. +Inspect work sites to identify physical hazards. +Prepare reports or presentations summarizing results or conclusions of human factors engineering or ergonomics activities, such as testing, investigation, or validation. +Recommend workplace changes to improve health and safety, using knowledge of potentially harmful factors, such as heavy loads or repetitive motions. +Perform functional, task, or anthropometric analysis, using tools, such as checklists, surveys, videotaping, or force measurement. +Provide technical support to clients through activities, such as rearranging workplace fixtures to reduce physical hazards or discomfort or modifying task sequences to reduce cycle time. +Assess the user-interface or usability characteristics of products. +Establish system operating or training requirements to ensure optimized human-machine interfaces. +Integrate human factors requirements into operational hardware. +Review health, safety, accident, or worker compensation records to evaluate safety program effectiveness or to identify jobs with high incidence of injury. +Design or evaluate human work systems, using human factors engineering and ergonomic principles to optimize usability, cost, quality, safety, or performance. +Write, review, or comment on documents, such as proposals, test plans, or procedures. +Train users in task techniques or ergonomic principles. +Conduct research to evaluate potential solutions related to changes in equipment design, procedures, manpower, personnel, or training. +Provide human factors technical expertise on topics, such as advanced user-interface technology development or the role of human users in automated or autonomous sub-systems in advanced vehicle systems. +Develop or implement human performance research, investigation, or analysis protocols. +Develop or implement research methodologies or statistical analysis plans to test and evaluate developmental prototypes used in new products or processes, such as cockpit designs, user workstations, or computerized human models. +Estimate time or resource requirements for ergonomic or human factors research or development projects. +Design cognitive aids, such as procedural storyboards or decision support systems. +Analyze complex systems to determine potential for further development, production, interoperability, compatibility, or usefulness in a particular area, such as aviation. +Investigate theoretical or conceptual issues, such as the human design considerations of lunar landers or habitats. +Operate testing equipment, such as heat stress meters, octave band analyzers, motion analysis equipment, inclinometers, light meters, thermoanemometers, sling psychrometers, or colorimetric detection tubes. +Perform statistical analyses, such as social network pattern analysis, network modeling, discrete event simulation, agent-based modeling, statistical natural language processing, computational sociology, mathematical optimization, or systems dynamics. +Apply modeling or quantitative analysis to forecast events, such as human decisions or behaviors, the structure or processes of organizations, or the attitudes or actions of human groups. +Assess systems to identify and quantify risk factors.","Analytical or scientific software— IBM SPSS Statistics; SAS; Statistical software; The MathWorks MATLAB;15 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks +Content workflow software— Atlassian JIRA +Desktop publishing software— Adobe InDesign +Development environment software— Microsoft Visual Basic; National Instruments LabVIEW +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Graphical user interface development software— Altia Design; Graphical user interface GUI design software; Seeing Machines faceLAB +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Internet browser software— Apple Safari; Microsoft Internet Explorer; Mozilla Firefox +Object or component oriented development software— C++; jQuery; Oracle Java; R;1 more +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debugging software; TechSmith Morae; Usability testing software; User interface design software;1 more +Spreadsheet software— Microsoft Excel +Video creation and editing software— TechSmith Camtasia +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— AJAX; Cascading style sheets CSS; Hypertext markup language HTML; JavaScript Object Notation JSON;2 more +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Research human performance or health factors related to engineering or design activities. +Confer with technical personnel to prepare designs or operational plans. +Inspect facilities or sites to determine if they meet specifications or standards. +Document design or operational test results. +Advise others on health and safety issues. +Assess product or process usefulness. +Determine operational criteria or specifications. +Analyze operational data to evaluate operations, processes or products. +Develop technical methods or processes. +Investigate safety of work environment. +Prepare proposal documents. +Train personnel on proper operational procedures. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Devise research or testing protocols. +Estimate technical or resource requirements for development or production projects. +Estimate time requirements for development or production projects. +Prepare procedural documents. +Create models of engineering designs or methods. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Extremely important.” +Contact With Others— 50% responded “Contact with others most of the time.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 47% responded “Very important.” +Duration of Typical Work Week— 55% responded “40 hours.” +Written Letters and Memos— 37% responded “Once a month or more but not every week.” +Spend Time Sitting— 45% responded “More than half the time.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Level of Competition— 50% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Work Outcomes and Results of Other Workers— 50% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bioengineers and Biomedical Engineers +Bright Outlook +Computer and Information Research Scientists +Data Scientists +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Health Informatics Specialists +Industrial Engineers +Manufacturing Engineers +Mechatronics Engineers +Robotics Engineers +Validation Engineers","View the list of Allies +American Psychological Association Division 21: Applied Experimental and Engineering Psychology +external site +American Society for Engineering Education +external site +American Society of Safety Professionals +external site +Human Factors and Ergonomics Society +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Industrial and Systems Engineers +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Manufacturing Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Board of Certification in Professional Ergonomics +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",61,9,50,75,64,50,42,66,33,30,38,38,26,50,18,33,41,41,15,31,79,28,51,28,36,70,19,45,41,71,15,8,14 +25-3011.00,"Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors",https://www.onetonline.org/link/summary/25-3011.00,2025-06-11T19:01:49.373815,"Observe and evaluate students' work to determine progress and make suggestions for improvement. +Observe students to determine qualifications, limitations, abilities, interests, and other individual characteristics. +Establish clear objectives for all lessons, units, and projects and communicate those objectives to students. +Adapt teaching methods and instructional materials to meet students' varying needs, abilities, and interests. +Prepare students for further education by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Prepare materials and classrooms for class activities. +Instruct students individually and in groups, using various teaching methods, such as lectures, discussions, and demonstrations. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Assign and grade class work and homework. +Maintain accurate and complete student records as required by laws or administrative policies. +Conduct classes, workshops, and demonstrations to teach principles, techniques, or methods in subjects, such as basic English language skills, life skills, and workforce entry skills. +Establish and enforce rules for behavior and procedures for maintaining order among the students for whom they are responsible. +Prepare and administer written, oral, and performance tests and issue grades in accordance with performance. +Prepare and implement remedial programs for students requiring extra help. +Prepare for assigned classes and show written evidence of preparation upon request of immediate supervisors. +Enforce administration policies and rules governing students. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Prepare reports on students and activities as required by administration. +Review instructional content, methods, and student evaluations to assess strengths and weaknesses, and to develop recommendations for course revision, development, or elimination. +Register, orient, and assess new students according to standards and procedures. +Collaborate with other teachers and professionals in the development of instructional programs. +Attend staff meetings and serve on committees, as required. +Meet with other professionals to discuss individual students' needs and progress. +Guide and counsel students with adjustment or academic problems or special academic interests. +Select, order, and issue books, materials, and supplies for courses or projects. +Attend professional meetings, conferences, and workshops to maintain and improve professional competence. +Confer with other staff members to plan and schedule lessons that promote learning, following approved curricula. +Plan and supervise class projects, field trips, visits by guest speakers, contests, or other experiential activities, and guide students in learning from those activities. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Provide information, guidance, and preparation for the General Equivalency Diploma (GED) examination. +Select and schedule class times to ensure maximum attendance. +Train and assist tutors and community literacy volunteers. +Observe and evaluate the performance of other instructors. +Confer with leaders of government and community groups to coordinate student training or to find opportunities for students to fulfill curriculum requirements. +Participate in publicity planning, community awareness efforts, and student recruitment. +Advise students on internships, prospective employers, and job placement services.","Computer based training software— Blackboard software; Computerized testing software; Learning management system LMS; Quizlet;1 more +Desktop communications software— Edmodo +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Adobe Photoshop +Internet browser software— Web browser software +Multi-media educational software— Edpuzzle; Kahoot! +Office suite software— Google Workspace software; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Evaluate student work. +Monitor student performance. +Assess educational needs of students. +Develop instructional objectives. +Modify teaching methods or materials to accommodate student needs. +Encourage students. +Set up classroom materials or equipment. +Plan educational activities. +Apply multiple teaching methods. +Assign class work to students. +Maintain student records. +Establish rules or policies governing student behavior. +Assist students with special educational needs. +Administer tests to assess educational needs or progress. +Prepare tests. +Advise students on academic or career matters. +Develop strategies or programs for students with special needs. +Document lesson plans. +Enforce rules or policies governing student behavior. +Create technology-based learning materials. +Prepare reports detailing student activities or performance. +Evaluate effectiveness of educational programs. +Schedule instructional activities. +Perform student enrollment or registration activities. +Collaborate with other teaching professionals to develop educational programs. +Train staff members. +Serve on institutional or departmental committees. +Discuss problems or issues with supervisors. +Distribute instructional or library materials. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Plan experiential learning activities. +Collaborate with other agencies and institutions to coordinate educational matters. +Evaluate performance of educational staff. +Promote educational institutions or programs.","E-Mail— 73% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 46% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Contact With Others— 59% responded “Constant contact with others.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Physical Proximity— 57% responded “Moderately close (at arm's length).” +Indoors, Environmentally Controlled— 58% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 37% responded “Very important.” +Frequency of Decision Making— 53% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Public Speaking— 46% responded “Every day.” +Telephone Conversations— 47% responded “Once a week or more but not every day.” +Spend Time Standing— 43% responded “About half the time.” +Deal With External Customers or the Public in General— 30% responded “Important.” +Time Pressure— 44% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Spend Time Sitting— 45% responded “About half the time.”","Instructing— Teaching others how to do something. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Secondary School +Teaching Assistants, Special Education +Tutors","View the list of Allies +American Association for Adult and Continuing Education +external site +Association for General and Liberal Studies +external site +Coalition on Adult Basic Education +external site +College Reading and Learning Association +external site +International Literacy Association +external site +Kappa Delta Pi, International Honor Society in Education +external site +Literacy Research Association +external site +National Association of State Directors of Adult Education +external site +National Council of Teachers of English +external site +National Council of Teachers of Mathematics +external site +National Organization For Student Success +external site +ProLiteracy +external site +TESOL International Association +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",63,,1,86,44,48,23,73,54,9,13,20,10,37,19,26,32,,24,7,42,29,40,11,3,2,,4,14,3,31,14,32 +41-2021.00,Counter and Rental Clerks,https://www.onetonline.org/link/summary/41-2021.00,2025-06-11T19:14:10.562574,"Compute charges for merchandise or services and receive payments. +Receive orders for services, such as rentals, repairs, dry cleaning, and storage. +Explain rental fees, policies, and procedures. +Provide information about rental items, such as availability, operation, or description. +Advise customers on use and care of merchandise. +Greet customers and discuss the type, quality, and quantity of merchandise sought for rental. +Answer telephones to provide information and receive orders. +Inspect and adjust rental items to meet needs of customer. +Prepare rental forms, obtaining customer signature and other information, such as required licenses. +Rent items, arrange for provision of services to customers, and accept returns. +Keep records of transactions and of the number of customers entering an establishment. +Receive, examine, and tag articles to be altered, cleaned, stored, or repaired. +Reserve items for requested times and keep records of items rented. +Prepare merchandise for display or for purchase or rental. +Recommend and provide advice on a wide variety of products and services. +Allocate equipment to participants in sporting events or recreational activities.","Data base user interface and query software— Database software; Oracle Database +Electronic mail software— Microsoft Outlook +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Process sales or other transactions. +Calculate costs of goods or services. +Take product orders from customers. +Advise customers on the use of products or services. +Explain financial information to customers. +Explain technical product or service information to customers. +Gather customer or product information to determine customer needs. +Greet customers, patrons, or visitors. +Answer customer questions about goods or services. +Examine condition of property or products. +Prepare sales or other contracts. +Sell products or services. +Maintain records of sales or other business transactions. +Set up merchandise displays. +Recommend products or services to customers. +Arrange services or reservations for patrons.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Contact With Others— 91% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Deal With External Customers or the Public in General— 80% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Frequency of Decision Making— 66% responded “Every day.” +E-Mail— 69% responded “Every day.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Conflict Situations— 33% responded “Every day.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 44% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Exposed to Contaminants— 38% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Moderate results.” +Work Outcomes and Results of Other Workers— 38% responded “Moderate responsibility.” +Time Pressure— 43% responded “Every day.” +Spend Time Standing— 44% responded “Less than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 24% responded “More than half the time.” +Spend Time Sitting— 27% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cashiers +Bright Outlook +Customer Service Representatives +Door-to-Door Sales Workers, News and Street Vendors, and Related Workers +Order Clerks +Parts Salespersons +Retail Salespersons +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products +Stockers and Order Fillers +Telemarketers","View the list of Allies +American Rental Association +external site +Drycleaning and Laundry Institute International +external site",86,10,38,68,50,51,38,33,63,33,61,27,16,41,16,21,35,19,16,44,27,7,18,29,7,10,5,8,6,22,21,8,1 +41-3091.00,"Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel",https://www.onetonline.org/link/summary/41-3091.00,2025-06-11T19:14:28.094482,"Answer customers' questions about services, prices, availability, or credit terms. +Attend sales or trade meetings or read related publications to obtain information about market conditions, business trends, regulations, or industry developments. +Compute and compare costs of services. +Consult with clients after sales or contract signings to resolve problems and provide ongoing support. +Contact prospective or existing customers to discuss how services can meet their needs. +Create forms or agreements to complete sales. +Develop sales presentations or proposals to explain service specifications. +Distribute promotional materials at meetings, conferences, or trade shows. +Emphasize or recommend service features based on knowledge of customers' needs and vendor capabilities and limitations. +Identify prospective customers using business directories, leads from clients, or information from conferences or trade shows. +Inform customers of contracts or other information pertaining to purchased services. +Maintain customer records using automated systems. +Monitor market conditions, innovations, and competitors' services, prices, and sales. +Negotiate prices or terms of sales or service agreements. +Quote prices, credit terms, contract terms, or fulfillment dates for services.","Analytical or scientific software— IBM SPSS Statistics +Customer relationship management CRM software— Salesforce software +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software +Enterprise resource planning ERP software— Microsoft Dynamics +Graphics or photo imaging software— JamBoard +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Sales and marketing software— HubSpot software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Monitor market conditions or trends. +Advise customers on the use of products or services. +Advise others on business or operational matters. +Answer customer questions about goods or services. +Assess the cost effectiveness of products, projects, or services. +Attend events to develop professional knowledge. +Calculate costs of goods or services. +Contact current or potential customers to promote products or services. +Develop content for sales presentations or other materials. +Distribute promotional literature or samples to customers. +Estimate costs or terms of sales. +Explain technical product or service information to customers. +Identify potential customers. +Maintain records of customer accounts. +Negotiate prices or other sales terms. +Prepare sales or other contracts. +Recommend products or services to customers. +Study product information to acquire professional knowledge.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Advertising Sales Agents +Customer Service Representatives +Bright Outlook +Demonstrators and Product Promoters +First-Line Supervisors of Non-Retail Sales Workers +Insurance Sales Agents +Marketing Managers +New Accounts Clerks +Sales Managers +Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products +Telemarketers","View the list of Allies +American Society of Business Publication Editors +external site +Direct Selling Association +external site +National Association of Wholesaler-Distributors +external site +National Customer Service Association +external site +National Retail Federation +external site +Professional Sales Association +external site +Retail Industry Leaders Association +external site +Sales Enablement Society +external site +Sales Management Association +external site +United States Reps Association +external site +Western Association of Chamber Executives +external site +Western States Roofing Contractors Association +external site +National Association of Sales Professionals +external site +SMEI +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +27-4015.00,Lighting Technicians,https://www.onetonline.org/link/summary/27-4015.00,2025-06-11T19:04:08.873438,"Assess safety of wiring or equipment set-up to determine the risk of fire or electrical shock. +Consult with lighting director or production staff to determine lighting requirements. +Disassemble and store equipment after performances. +Install color effects or image patterns, such as color filters, onto lighting fixtures. +Install electrical cables or wire fixtures. +Load, unload, or position lighting equipment. +Match light fixture settings, such as brightness and color, to lighting design plans. +Notify supervisors when major lighting equipment repairs are needed. +Operate manual or automated systems to control lighting throughout productions. +Patch or wire lights to dimmers or other electronic consoles. +Perform minor repairs or routine maintenance on lighting equipment, such as replacing lamps or damaged color filters. +Program lighting consoles or load automated lighting control systems onto consoles. +Set up and focus light fixtures to meet requirements of television, theater, concerts, or other productions. +Set up scaffolding or cranes to assist with setting up of lighting equipment. +Test lighting equipment function and desired lighting effects. +Visit and assess structural and electrical layout of locations before setting up lighting equipment.","Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— FileMaker Pro; Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP Maintenance +Industrial control software— Programmable logic controller PLC software +Internet browser software— Microsoft Internet Explorer +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Program testing software— Rockwell RSLogix +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel",,"Set up still or video cameras or related equipment. +Attach equipment extensions or accessories. +Calibrate equipment to specifications. +Collaborate with others to determine design specifications or details. +Disassemble equipment for maintenance or repair. +Gather information about work conditions or locations. +Inspect equipment to ensure safety or proper functioning. +Install computer hardware. +Install electrical components, equipment, or systems. +Load materials or equipment. +Notify others of equipment problems. +Operate control consoles for sound, lighting or video. +Position safety or support equipment. +Program equipment to perform production tasks. +Repair electrical equipment. +Run wiring to connect equipment. +Set up material handling gear or equipment, such as rigging, packaging, or temporary structures. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Unload materials or equipment.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Avionics Technicians +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronic Equipment Assemblers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Electricians +Electronic Equipment Installers and Repairers, Motor Vehicles +Helpers--Electricians +Robotics Technicians","View the list of Allies +Alliance of Motion Picture and Television Producers +external site +American Association of Community Theatre +external site +American Film Institute +external site +Event Service Professionals Association +external site +Illuminating Engineering Society +external site +International Association of Lighting Designers +external site +International Live Events Association +external site +NATPE Global +external site +Producers Guild of America +external site +Professional Lighting and Sound Association +external site +Southeastern Theatre Conference +external site +Theatre Communications Group +external site +United States Institute for Theatre Technology +external site +Western States Arts Federation +external site +International Alliance of Theatrical Stage Employees, Moving Picture Technicians, Artists and Allied Crafts +external site +International Brotherhood of Electrical Workers +external site +National Association of Broadcast Employees and Technicians - Communications Workers of America +external site +United Scenic Artists, Local USA 829, IATSE +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +47-2053.00,Terrazzo Workers and Finishers,https://www.onetonline.org/link/summary/47-2053.00,2025-06-11T19:18:29.915065,"Measure designated amounts of ingredients for terrazzo or grout, according to standard formulas and specifications, using graduated containers and scales, and load ingredients into portable mixer. +Grind surfaces with a power grinder, or polish surfaces with polishing or surfacing machines. +Cut metal division strips and press them into the terrazzo base for joints or changes of color to form designs or patterns or to help prevent cracks. +Blend marble chip mixtures, place into panels, and push a roller over the surface to embed the chips. +Modify mixing, grouting, grinding, or cleaning procedures, according to type of installation or material used. +Spread, level, or smooth concrete or terrazzo mixtures to form bases or finished surfaces, using rakes, shovels, hand or power trowels, hand or power screeds, or floats. +Grind curved surfaces or areas inaccessible to surfacing machine, such as stairways or cabinet tops, with portable hand grinder. +Wash polished terrazzo surface, using cleaner and water, and apply sealer and curing agent according to manufacturer's specifications, using brush or sprayer. +Position and secure moisture membrane and wire mesh in preparation for pouring base materials for terrazzo installation. +Fill slight grinding depressions with matching grout material and hand-trowel for a smooth, uniform surface. +Clean installation site, mixing and storage areas, tools, machines, and equipment, and store materials and equipment. +Sprinkle colored marble or stone chips, powdered steel, or coloring powder over surface to produce prescribed finish. +Wet surface to prepare for bonding, fill holes and cracks with grout or slurry, and smooth with a trowel. +Mix cement, sand, and water to produce concrete, grout, or slurry, using hoe, trowel, tamper, scraper, or concrete-mixing machine. +Chip, scrape, or grind high spots, ridges, or rough projections to finish concrete, using pneumatic chisel, hand chisel, or other hand tools. +Mold expansion joints and edges, using edging tools, jointers, or straightedges. +Move terrazzo installation materials, tools, machines, or work devices to work areas, manually or using wheelbarrow. +Clean chipped area, using wire brush, and feel and observe surface to determine if it is rough or uneven. +Repair concrete by cutting out damaged areas, drilling holes for reinforcing rods, and positioning reinforcing rods, using power saw and drill. +Precast terrazzo blocks in wooden forms. +Wet concrete surface and rub with stone to smooth surface and obtain specified finish. +Build wooden molds, clamping molds around areas to be repaired, or setting up frames to the proper depth and alignment. +Spread roofing paper on surface of foundation and spread concrete onto roofing paper with trowel to form terrazzo base. +Produce rough concrete surface, using broom. +Remove frames when the foundation is dry. +Signal truck driver to position truck to facilitate pouring concrete and move chute to direct concrete on forms.","Accounting software— CPR International GeneralCOST Estimator; Intuit QuickBooks; Sapro Systems Paymee +Analytical or scientific software— Construction Management Software ProEst +Operating system software— Microsoft Windows +Project management software— CPR Visual Estimator; On Center Quick Bid +Spreadsheet software— Microsoft Excel","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Mix substances or compounds needed for work activities. +Load materials into construction equipment. +Measure materials or objects for installation or assembly. +Apply decorative masonry finishes. +Smooth surfaces with abrasive materials or tools. +Cut metal components for installation. +Plan production or operational procedures or sequences. +Finish concrete surfaces. +Clean surfaces in preparation for work activities. +Spread concrete or other aggregate mixtures. +Apply sealants or other protective coatings. +Align masonry materials. +Apply material to fill gaps in surfaces. +Clean equipment or facilities. +Clean work sites. +Install masonry materials. +Prepare surfaces for finishing. +Move construction or extraction materials to locations where they are needed. +Break up rock, asphalt, or concrete. +Drill holes in construction materials. +Position structural components. +Pour materials into or on designated areas. +Build construction forms or molds. +Position construction forms or molds. +Install roofing materials. +Dismantle equipment or temporary structures. +Signal equipment operators to indicate proper equipment positioning.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 89% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 86% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 51% responded “Every day.” +Spend Time Standing— 24% responded “More than half the time.” +Importance of Being Exact or Accurate— 65% responded “Very important.” +Work With or Contribute to a Work Group or Team— 46% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Time Pressure— 56% responded “Every day.” +Exposed to Contaminants— 42% responded “Every day.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +Health and Safety of Other Workers— 33% responded “High responsibility.” +Spend Time Bending or Twisting Your Body— 40% responded “Continually or almost continually.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 45% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Contact With Others— 37% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Level of Competition— 51% responded “Highly competitive.” +Telephone Conversations— 43% responded “Every day.” +Exposed to Hazardous Equipment— 52% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 30% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Minor results.” +Pace Determined by Speed of Equipment— 54% responded “Very important.” +Consequence of Error— 42% responded “Very serious.” +Frequency of Decision Making— 27% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 82% responded “40 hours.” +Exposed to Hazardous Conditions— 34% responded “Every day.” +Indoors, Not Environmentally Controlled— 36% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 35% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 37% responded “More than half the time.” +Freedom to Make Decisions— 25% responded “Very little freedom.”","Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brickmasons and Blockmasons +Cement Masons and Concrete Finishers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Floor Sanders and Finishers +Furniture Finishers +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Molders, Shapers, and Casters, Except Metal and Plastic +Stone Cutters and Carvers, Manufacturing +Stonemasons +Tile and Stone Setters","View the list of Allies +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Home Builders Institute +external site +International Masonry Institute +external site +Mason Contractors Association of America +external site +National Association of Home Builders +external site +National Terrazzo and Mosaic Association +external site +National Tile Contractors Association +external site +Operative Plasterers' and Cement Masons' International Association +external site +Tile Contractors' Association of America +external site +Southwest Terrazzo Association +external site +International Union of Bricklayers and Allied Craftworkers +external site +National Center for Construction Education and Research +external site",56,11,49,57,60,56,51,41,29,16,21,31,54,5,17,20,11,53,2,31,18,6,2,12,6,33,76,34,1,65,7,22, +29-1241.00,"Ophthalmologists, Except Pediatric",https://www.onetonline.org/link/summary/29-1241.00,2025-06-11T19:07:18.887490,"Perform comprehensive examinations of the visual system to determine the nature or extent of ocular disorders. +Diagnose or treat injuries, disorders, or diseases of the eye and eye structures including the cornea, sclera, conjunctiva, or eyelids. +Provide or direct the provision of postoperative care. +Develop or implement plans and procedures for ophthalmologic services. +Prescribe or administer topical or systemic medications to treat ophthalmic conditions and to manage pain. +Develop treatment plans based on patients' histories and goals, the nature and severity of disorders, and treatment risks and benefits. +Perform ophthalmic surgeries such as cataract, glaucoma, refractive, corneal, vitro-retinal, eye muscle, or oculoplastic surgeries. +Educate patients about maintenance and promotion of healthy vision. +Document or evaluate patients' medical histories. +Perform, order, or interpret the results of diagnostic or clinical tests. +Provide ophthalmic consultation to other medical professionals. +Refer patients for more specialized treatments when conditions exceed the experience, expertise, or scope of practice of practitioner. +Perform laser surgeries to alter, remove, reshape, or replace ocular tissue. +Collaborate with multidisciplinary teams of health professionals to provide optimal patient care. +Prescribe corrective lenses such as glasses or contact lenses. +Prescribe ophthalmologic treatments or therapies such as chemotherapy, cryotherapy, or low vision therapy. +Instruct interns, residents, or others in ophthalmologic procedures and techniques. +Conduct clinical or laboratory-based research in ophthalmology.","Analytical or scientific software— Ophthalmic imaging software +Electronic mail software— Email software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; Epic Systems; EyeMD EMR Healthcare Systems EyeMD EMR;19 more +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Test patient vision. +Diagnose medical conditions. +Monitor patients following surgeries or other treatments. +Treat chronic diseases or disorders. +Develop medical treatment plans. +Operate on patients to treat conditions. +Administer non-intravenous medications. +Prescribe medications. +Analyze test data or images to inform diagnosis or treatment. +Order medical diagnostic or clinical tests. +Provide health and wellness advice to patients, program participants, or caregivers. +Record patient medical histories. +Advise medical personnel regarding healthcare issues. +Refer patients to other healthcare practitioners or health resources. +Collaborate with healthcare professionals to plan or provide treatment. +Prescribe assistive medical devices or related treatments. +Prescribe treatments or therapies. +Train medical providers. +Conduct research to increase knowledge about medical issues.","Contact With Others— 99% responded “Constant contact with others.” +Freedom to Make Decisions— 100% responded “A lot of freedom.” +Frequency of Decision Making— 99% responded “Every day.” +E-Mail— 97% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 97% responded “Very important results.” +Consequence of Error— 91% responded “Extremely serious.” +Importance of Being Exact or Accurate— 96% responded “Extremely important.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Physical Proximity— 92% responded “Very close (near touching).” +Exposed to Disease or Infections— 92% responded “Every day.” +Written Letters and Memos— 91% responded “Every day.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Time Pressure— 79% responded “Every day.” +Determine Tasks, Priorities and Goals +Telephone Conversations +Coordinate or Lead Others in Accomplishing Work Activities— 75% responded “Extremely important.” +Level of Competition +Work With or Contribute to a Work Group or Team +Importance of Repeating Same Tasks +Spend Time Sitting— 29% responded “About half the time.” +Work Outcomes and Results of Other Workers +Duration of Typical Work Week +Spend Time Making Repetitive Motions— 40% responded “More than half the time.” +Health and Safety of Other Workers— 26% responded “Very high responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 33% responded “Once a week or more but not every day.” +Conflict Situations +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a month or more but not every week.” +Spend Time Standing— 26% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Cardiologists +Dermatologists +Bright Outlook +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Optometrists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Urologists","View the list of Allies +American Academy of Family Physicians +external site +American Academy of Ophthalmology +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Glaucoma Society +external site +American Medical Association +external site +American Osteopathic Association +external site +American Society of Cataract and Refractive Surgery +external site +American Society of Retina Specialists +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +New England Ophthalmological Society +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",77,2,22,84,56,66,39,62,45,47,36,43,36,53,20,43,27,18,24,9,51,40,33,21,89,22,12,30,71,15,9,9,15 +27-1022.00,Fashion Designers,https://www.onetonline.org/link/summary/27-1022.00,2025-06-11T19:02:42.380882,"Sketch rough and detailed drawings of apparel or accessories, and write specifications such as color schemes, construction, material types, and accessory requirements. +Examine sample garments on and off models, modifying designs to achieve desired effects. +Confer with sales and management executives or with clients to discuss design ideas. +Select materials and production techniques to be used for products. +Provide sample garments to agents and sales representatives, and arrange for showings of sample garments at sales meetings or fashion shows. +Direct and coordinate workers involved in drawing and cutting patterns and constructing samples or finished garments. +Identify target markets for designs, looking at factors such as age, gender, and socioeconomic status. +Collaborate with other designers to coordinate special products and designs. +Attend fashion shows and review garment magazines and manuals to gather information about fashion trends and consumer preferences. +Purchase new or used clothing and accessory items as needed to complete designs. +Visit textile showrooms to keep up-to-date on the latest fabrics. +Adapt other designers' ideas for the mass market. +Test fabrics or oversee testing so that garment care labels can be created. +Determine prices for styles. +Develop a group of products or accessories, and market them through venues such as boutiques or mail-order catalogs. +Draw patterns for articles designed, cut patterns, and cut material according to patterns, using measuring instruments and scissors. +Sew together sections of material to form mockups or samples of garments or articles, using sewing equipment. +Design custom clothing and accessories for individuals, retailers, or theatrical, television, or film productions. +Research the styles and periods of clothing needed for film or theatrical productions. +Read scripts and consult directors and other production staff to develop design concepts and plan productions.","Accounting software— Financial accounting software +Analytical or scientific software— SAS +Computer aided design CAD software— Autodesk Revit; Computer aided design and drafting software CADD; StartingAClothingLine.com Digital Fashion Pro; Trimble SketchUp Pro;6 more +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite;3 more +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Program testing software— User interface design software +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Draw detailed or technical illustrations. +Write informational material. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Collaborate with others to develop or refine designs. +Select materials or props. +Promote products, activities, or organizations. +Coordinate design activities. +Conduct market research. +Build models, patterns, or templates. +Monitor current trends. +Maintain inventories of materials, equipment, or products. +Conduct research to inform art, designs, or other work. +Study scripts to determine project requirements.","E-Mail— 82% responded “Every day.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Contact With Others— 43% responded “Constant contact with others.” +Spend Time Sitting— 38% responded “More than half the time.” +Face-to-Face Discussions with Individuals and Within Teams— 42% responded “Every day.” +Indoors, Environmentally Controlled— 49% responded “Every day.” +Duration of Typical Work Week— 49% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 30% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 46% responded “Important.” +Freedom to Make Decisions— 40% responded “Limited freedom.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Work With or Contribute to a Work Group or Team— 40% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 16% responded “Very important results.” +Level of Competition— 34% responded “Highly competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 36% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Very important.” +Physical Proximity— 34% responded “Slightly close (e.g., shared office).” +Health and Safety of Other Workers— 32% responded “Moderate responsibility.” +Deal With External Customers or the Public in General— 32% responded “Important.” +Telephone Conversations— 28% responded “Every day.” +Spend Time Making Repetitive Motions— 27% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operations Analysis— Analyzing needs and product requirements to create a design. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Commercial and Industrial Designers +Costume Attendants +Bright Outlook +Craft Artists +Fabric and Apparel Patternmakers +Graphic Designers +Interior Designers +Jewelers and Precious Stone and Metal Workers +Merchandise Displayers and Window Trimmers +Sewers, Hand +Tailors, Dressmakers, and Custom Sewers","View the list of Allies +Council of Fashion Designers of America +external site +Fashion Group International +external site +National Association of Schools of Art and Design +external site +The Underfashion Club +external site +Costume Designers Guild +external site",25,4,56,53,32,39,11,31,26,16,55,36,4,59,24,13,29,14,6,27,19,9,23,16,5,20,12,8,9,85,18,43,7 +19-3033.00,Clinical and Counseling Psychologists,https://www.onetonline.org/link/summary/19-3033.00,2025-06-11T18:57:16.080915,"Conduct assessments of patients' risk for harm to self or others. +Document patient information including session notes, progress notes, recommendations, and treatment plans. +Identify psychological, emotional, or behavioral issues and diagnose disorders, using information obtained from interviews, tests, records, or reference materials. +Write reports on clients and maintain required paperwork. +Counsel individuals, groups, or families to help them understand problems, deal with crisis situations, define goals, and develop realistic action plans. +Interact with clients to assist them in gaining insight, defining goals, and planning action to achieve effective personal, social, educational, or vocational development and adjustment. +Collect information about individuals or clients, using interviews, case histories, observational techniques, and other assessment methods. +Evaluate the effectiveness of counseling or treatments and the accuracy and completeness of diagnoses, modifying plans or diagnoses as necessary. +Use a variety of treatment methods, such as psychotherapy, hypnosis, behavior modification, stress reduction therapy, psychodrama, or play therapy. +Develop therapeutic and treatment plans based on clients' interests, abilities, or needs. +Develop and implement individual treatment plans, specifying type, frequency, intensity, and duration of therapy. +Maintain current knowledge of relevant research. +Obtain and study medical, psychological, social, and family histories by interviewing individuals, couples, or families and by reviewing records. +Select, administer, score, and interpret psychological tests to obtain information on individuals' intelligence, achievements, interests, or personalities. +Consult reference material, such as textbooks, manuals, or journals, to identify symptoms, make diagnoses, or develop approaches to treatment. +Consult with or provide consultation to other doctors, therapists, or clinicians regarding patient care. +Advise clients on how they could be helped by counseling. +Direct, coordinate, and evaluate activities of staff and interns engaged in patient assessment and treatment. +Supervise and train interns, clinicians in training, and other counselors. +Refer clients to other specialists, institutions, or support services as necessary. +Consult with other professionals, agencies, or universities to discuss therapies, treatments, counseling resources or techniques, and to share occupational information. +Develop, direct, and participate in training programs for staff and students. +Plan and develop accredited psychological service programs in psychiatric centers or hospitals, in collaboration with psychiatrists and other professional staff. +Provide consulting services, including educational programs, outreach programs, or prevention talks to schools, social service agencies, businesses, or the general public. +Provide occupational, educational, or other information to individuals so that they can make educational or vocational plans. +Conduct research to develop or improve diagnostic or therapeutic counseling techniques. +Prepare written evaluations of individuals' psychological competence for court hearings. +Observe individuals at play, in group interactions, or in other contexts to detect indications of cognitive, intellectual, or developmental disabilities. +Plan, supervise, and conduct psychological research and write papers describing research results. +Provide psychological or administrative services and advice to private firms or community agencies regarding mental health programs or individual cases.","Accounting software— MPMsoft billing +Analytical or scientific software— Comprehensive Affect Testing System CATS; Noldus Information Technology The Observer XT; Statistical software; Testing software +Calendar and scheduling software— SpectraSoft AppointmentsPRO; Thriveworks TherapyBuddy +Data base user interface and query software— O*NET OnLine +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Addison Health Systems WritePad EHR; eClinicalWorks EHR software; Healthcare common procedure coding system HCPCS; UNI/CARE Pro-Filer;34 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Teams +Spreadsheet software— Google Sheets; Microsoft Excel +Video conferencing software— Google Meet; Zoom +Word processing software— Google Docs; Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Evaluate patient functioning, capabilities, or health. +Record research or operational data. +Diagnose neural or psychological disorders. +Prepare scientific or technical reports or presentations. +Counsel clients on mental health or personal achievement. +Collect information from people through observation, interviews, or surveys. +Evaluate the effectiveness of counseling or educational programs. +Modify treatment plans to accommodate client needs. +Design psychological or educational treatment procedures or programs. +Direct medical science or healthcare programs. +Review professional literature to maintain professional knowledge. +Collect archival data. +Administer standardized physical or psychological tests. +Advise others on healthcare matters. +Supervise trainees. +Supervise workers providing client or patient services. +Train staff members. +Collaborate with other professionals to assess client needs or plan treatments. +Develop educational programs. +Advise others on educational matters. +Write reports or evaluations. +Plan social sciences research.","Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Spend Time Sitting— 78% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +E-Mail— 72% responded “Every day.” +Freedom to Make Decisions— 68% responded “A lot of freedom.” +Contact With Others— 56% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Telephone Conversations— 52% responded “Every day.” +Frequency of Decision Making— 44% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Written Letters and Memos— 42% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 64% responded “40 hours.” +Consequence of Error— 40% responded “Extremely serious.” +Importance of Being Exact or Accurate— 32% responded “Very important.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 36% responded “Very important.” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +Level of Competition— 56% responded “Moderately competitive.” +Conflict Situations— 40% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 36% responded “Very important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical Neuropsychologists +Healthcare Social Workers +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Neuropsychologists +Psychiatrists +School Psychologists +Substance Abuse and Behavioral Disorder Counselors","View the list of Allies +American Academy of Child and Adolescent Psychiatry +external site +American Association for Marriage and Family Therapy +external site +American Association of Christian Counselors +external site +American Association of Suicidology +external site +American College Counseling Association +external site +American College Personnel Association +external site +American Correctional Association +external site +American Counseling Association +external site +American Family Therapy Academy +external site +American Group Psychotherapy Association +external site +American Mental Health Counselors Association +external site +American Neuropsychiatric Association +external site +American Psychological Association +external site +American Psychological Association Division 39 - Society for Psychoanalysis and Psychoanalytical Psychology +external site +American Society of Clinical Hypnosis +external site +American Telemedicine Association +external site +Association for Behavior Analysis International +external site +Association for Behavioral and Cognitive Therapies +external site +Association for Psychological Science +external site +Association of Black Psychologists +external site +International Neuropsychological Society +external site +NASPA - Student Affairs Administrators in Higher Education +external site +National Academy of Neuropsychology +external site +National Association of Cognitive-Behavioral Therapists +external site +National Association of School Psychologists +external site +National Association of Social Workers +external site +Society for Health Psychology +external site +Society for Industrial and Organizational Psychology +external site +Society for Personality and Social Psychology +external site +Society for the Advancement of Psychotherapy +external site +Society of Behavioral Medicine +external site +Society of Clinical Psychology +external site +Society of Counseling Psychology, APA Division 17 +external site +Society of Pediatric Psychology +external site +Western Psychological Association +external site +World Federation for Mental Health +external site +Eastern Psychological Association +external site +Midwestern Psychological Association +external site +New England Psychological Association +external site +Rocky Mountain Psychological Association +external site +Southeastern Psychological Association +external site +Southwestern Psychological Association +external site +American Board of Professional Psychology +external site +EMDR International Association +external site +National Board for Certified Counselors +external site +National Register of Health Service Psychologists +external site",68,,6,78,31,45,32,72,43,24,22,32,11,41,19,46,33,,42,5,100,100,65,29,43,4,,1,34,2,9,6,18 +53-6051.01,Aviation Inspectors,https://www.onetonline.org/link/summary/53-6051.01,2025-06-11T19:30:12.930243,"Inspect work of aircraft mechanics performing maintenance, modification, or repair and overhaul of aircraft and aircraft mechanical systems to ensure adherence to standards and procedures. +Examine maintenance records and flight logs to determine if service and maintenance checks and overhauls were performed at prescribed intervals. +Inspect new, repaired, or modified aircraft to identify damage or defects and to assess airworthiness and conformance to standards, using checklists, hand tools, and test instruments. +Approve or deny issuance of certificates of airworthiness. +Prepare and maintain detailed repair, inspection, investigation, and certification records and reports. +Examine landing gear, tires, and exteriors of fuselage, wings, and engines for evidence of damage or corrosion and the need for repairs. +Recommend replacement, repair, or modification of aircraft equipment. +Start aircraft and observe gauges, meters, and other instruments to detect evidence of malfunctions. +Examine aircraft access plates and doors for security. +Recommend changes in rules, policies, standards, and regulations, based on knowledge of operating conditions, aircraft improvements, and other factors. +Investigate air accidents and complaints to determine causes. +Analyze training programs and conduct oral and written examinations to ensure the competency of persons operating, installing, and repairing aircraft equipment. +Conduct flight test programs to test equipment, instruments, and systems under a variety of conditions, using both manual and automatic controls. +Inspect uncrewed aircraft systems, such as drones, to ensure compliance with safety and operation regulations.","Analytical or scientific software— SAS +Computer aided design CAD software— Dassault Systemes CATIA +Computer aided manufacturing CAM software +Data base user interface and query software— Aircraft regulation databases; Microsoft Access +Desktop publishing software— Adobe InDesign +Document management software— Technical Data Management System TDMS +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Adobe Photoshop +Industrial control software— Robotic workstation software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Inspect aircraft or aircraft components. +Investigate transportation incidents, violations, or complaints. +Review documents or materials for compliance with policies or regulations. +Issue certificates or licenses. +Record service or repair activities. +Recommend changes or corrective procedures. +Monitor equipment gauges or displays to ensure proper operation. +Pilot aircraft. +Evaluate performance of applicants, trainees, or employees. +Test performance of aircraft equipment.","E-Mail— 98% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Frequency of Decision Making— 79% responded “Every day.” +Consequence of Error— 69% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Very important results.” +Importance of Being Exact or Accurate— 51% responded “Very important.” +Contact With Others— 50% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Freedom to Make Decisions— 59% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 60% responded “Extremely important.” +Deal With External Customers or the Public in General— 34% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Extremely important.” +Health and Safety of Other Workers— 50% responded “Very high responsibility.” +Time Pressure— 20% responded “Every day.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Work With or Contribute to a Work Group or Team— 32% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Once a week or more but not every day.” +Physical Proximity— 84% responded “Moderately close (at arm's length).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 26% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 51% responded “Once a week or more but not every day.” +Exposed to Contaminants— 33% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 50% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 36% responded “Once a week or more but not every day.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 68% responded “40 hours.” +Level of Competition— 52% responded “Moderately competitive.” +Outdoors, Exposed to All Weather Conditions— 62% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 37% responded “Once a month or more but not every week.” +Spend Time Standing— 61% responded “About half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 48% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Less than half the time.” +Spend Time Bending or Twisting Your Body— 34% responded “Less than half the time.” +Spend Time Making Repetitive Motions— 27% responded “About half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 51% responded “Once a week or more but not every day.” +Conflict Situations— 49% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 41% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 31% responded “Once a month or more but not every week.” +Spend Time Sitting— 61% responded “About half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operation and Control— Controlling operations of equipment or systems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Aircraft Mechanics and Service Technicians +Avionics Technicians +Construction and Building Inspectors +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Inspectors, Testers, Sorters, Samplers, and Weighers +Ship Engineers +Transportation Inspectors +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +Aircraft Owners and Pilots Association +external site +Experimental Aircraft Association +external site +National Business Aviation Association +external site +Professional Aviation Maintenance Association +external site +Aviation Institute of Maintenance +external site +International Brotherhood of Teamsters +external site",86,11,72,90,69,67,87,77,60,47,42,46,39,61,15,62,46,90,7,85,49,30,14,52,22,70,30,61,22,61,31,1,25 +29-1024.00,Prosthodontists,https://www.onetonline.org/link/summary/29-1024.00,2025-06-11T19:04:29.617001,"Examine patients to diagnose oral health conditions and diseases. +Fit prostheses to patients, making any necessary adjustments and modifications. +Replace missing teeth and associated oral structures with permanent fixtures, such as implant-supported prostheses, crowns and bridges, or removable fixtures, such as dentures. +Measure and take impressions of patients' jaws and teeth to determine the shape and size of dental prostheses, using face bows, dental articulators, recording devices, and other materials. +Collaborate with general dentists, specialists, and other health professionals to develop solutions to dental and oral health concerns. +Design and fabricate dental prostheses, or supervise dental technicians and laboratory bench workers who construct the devices. +Restore function and aesthetics to traumatic injury survivors, or to individuals with diseases or congenital disabilities. +Repair, reline, or rebase dentures. +Use bonding technology on the surface of the teeth to change tooth shape or to close gaps. +Treat facial pain and jaw joint problems. +Place veneers onto teeth to conceal defects. +Bleach discolored teeth to brighten and whiten them. +Consult with patients about treatment options. +Create treatment plans for patients.","Graphics or photo imaging software— Image management software +Medical software— Henry Schein DentalVision Professional; Henry Schein Dentrix; Patterson Dental Supply Patterson EagleSoft; Practice-Web Dental;8 more +Operating system software— Apple iOS","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Check physical condition of people or animals. +Examine mouth, teeth, gums, or related facial structures. +Adjust prostheses or other assistive devices. +Adjust dental devices or appliances to ensure fit. +Measure the physical or physiological attributes of patients. +Collaborate with healthcare professionals to plan or provide treatment. +Design medical devices or appliances. +Treat dental problems or diseases.","Determine Tasks, Priorities and Goals— 95% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Freedom to Make Decisions— 95% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 95% responded “Extremely important.” +Physical Proximity— 96% responded “Very close (near touching).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 91% responded “Every day.” +Work Outcomes and Results of Other Workers— 92% responded “Very high responsibility.” +Contact With Others— 95% responded “Constant contact with others.” +Health and Safety of Other Workers— 82% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 88% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 75% responded “Extremely important.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +E-Mail— 90% responded “Every day.” +Frequency of Decision Making— 82% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 75% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 77% responded “Continually or almost continually.” +Telephone Conversations— 69% responded “Every day.” +Written Letters and Memos— 59% responded “Every day.” +Exposed to Disease or Infections— 72% responded “Every day.” +Spend Time Making Repetitive Motions— 49% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 57% responded “Continually or almost continually.” +Spend Time Sitting— 48% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Time Pressure— 56% responded “Every day.” +Consequence of Error— 36% responded “Very serious.” +Level of Competition— 45% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 56% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 45% responded “40 hours.” +Conflict Situations— 42% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Every day.” +Exposed to Contaminants— 45% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Science— Using scientific rules and methods to solve problems.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.","Dental Hygienists +Bright Outlook +Dentists, General +Dermatologists +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Orthodontists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Podiatrists +Urologists","View the list of Allies +Academy of General Dentistry +external site +Academy of Osseointegration +external site +Academy of Prosthodontics +external site +American Academy of Fixed Prosthodontics +external site +American Academy of Maxillofacial Prosthetics +external site +American Academy of Oral and Maxillofacial Pathology +external site +American Academy of Oral and Maxillofacial Radiology +external site +American Academy of Pediatric Dentistry +external site +American Academy of Periodontology +external site +American Association of Endodontists +external site +American Association of Oral and Maxillofacial Surgeons +external site +American Association of Orthodontists +external site +American Association of Public Health Dentistry +external site +American Cleft Palate - Craniofacial Association +external site +American College of Dentists +external site +American Dental Association +external site +American Dental Education Association +external site +American Prosthodontic Society +external site +American Society of Dentist Anesthesiologists +external site +International College of Prosthodontists +external site +Southeastern Academy of Prosthodontists +external site +American Academy of Implant Dentistry +external site +American Board of Prosthodontics +external site +American College of Prosthodontists +external site +International Congress of Oral Implantologists +external site",78,,45,57,27,59,25,52,47,44,35,48,39,48,18,27,35,27,6,9,50,30,20,24,99,37,10,18,55,29,2,9,1 +15-2051.01,Business Intelligence Analysts,https://www.onetonline.org/link/summary/15-2051.01,2025-06-11T18:52:57.430878,"Generate standard or custom reports summarizing business, financial, or economic data for review by executives, managers, clients, and other stakeholders. +Maintain or update business intelligence tools, databases, dashboards, systems, or methods. +Manage timely flow of business intelligence information to users. +Provide technical support for existing reports, dashboards, or other tools. +Identify and analyze industry or geographic trends with business strategy implications. +Document specifications for business intelligence or information technology reports, dashboards, or other outputs. +Create business intelligence tools or systems, including design of related databases, spreadsheets, or outputs. +Collect business intelligence data from available industry reports, public information, field reports, or purchased sources. +Disseminate information regarding tools, reports, or metadata enhancements. +Conduct or coordinate tests to ensure that intelligence is consistent with defined needs. +Synthesize current business intelligence or trend data to support recommendations for action. +Analyze competitive market strategies through analysis of related product, market, or share trends. +Identify or monitor current and potential customers, using business intelligence tools. +Communicate with customers, competitors, suppliers, professional organizations, or others to stay abreast of industry or business trends. +Maintain library of model documents, templates, or other reusable knowledge assets. +Create or review technical design documentation to ensure the accurate development of reporting solutions. +Analyze technology trends to identify markets for future product development or to improve sales of existing products.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Tax software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;2 more +Application server software— GitHub; Oracle WebLogic Server; Red Hat WildFly +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— Alteryx software; Apache Spark; Microsoft Power BI; Tableau;4 more +Cloud-based management software— IBM WebSphere; Oracle Cloud software; Splunk Enterprise +Communications server software— IBM Domino +Computer aided design CAD software— PTC Creo Parametric +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Oracle Siebel Marketing Resource Management; Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; Oracle PL/SQL;9 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Reporting software; SAP Crystal Reports; SiSense Prism;4 more +Data base user interface and query software— Airtable; Amazon Elastic Compute Cloud EC2; IBM DB2; Transact-SQL;10 more +Data mining software— Data warehouse software; Google Analytics; Informatica Data Explorer; SAP NetWeaver BW +Desktop communications software— Eko; Skype +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Kafka; Go; Microsoft PowerShell; Oracle SQL Developer;14 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; SAP BusinessObjects Data Integrator +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP ERP; SAP software;7 more +Enterprise system management software— IBM Power Systems software +File versioning software— Git +Financial analysis software— Delphi Technology; IBM Unica Enterprise; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Salesforce Visualforce +Human resources software— Human resource management software HRMS; Oracle Taleo +Information retrieval or search software— LexisNexis +Medical software— Epic Systems; Medical condition coding software; Medical procedure coding software; MEDITECH software;1 more +Metadata management software— Data modeling software; Informatica software; Quest Erwin Data Modeler +Network monitoring software— Nagios; Wireshark +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— C#; jQuery; Scala; Swift;9 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;8 more +Portal server software— Apache HTTP Server +Presentation software— Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner +Project management software— Atlassian Confluence; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Google Ads; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video creation and editing software— YouTube +Web page creation and editing software— Adobe Dreamweaver; Facebook; Google Sites +Web platform development software— AJAX; Apache Tomcat; Django; Microsoft ASP.NET;13 more +Word processing software— Google Docs; Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Prepare analytical reports. +Update computer database information. +Develop information communication procedures. +Provide technical support for software maintenance or use. +Analyze market or customer related data. +Create databases to store electronic data. +Document operational procedures. +Collect data about customer needs. +Report information to managers or other personnel. +Update knowledge about emerging industry or technology trends. +Develop models of information or communications systems. +Document technical specifications or requirements.","E-Mail— 95% responded “Every day.” +Spend Time Sitting— 77% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Once a week or more but not every day.” +Telephone Conversations— 47% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 67% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Contact With Others— 36% responded “Contact with others about half the time.” +Level of Competition— 45% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.” +Written Letters and Memos— 29% responded “Every day.” +Frequency of Decision Making— 36% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 38% responded “Limited responsibility.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Clinical Data Managers +Bright Outlook +Computer Systems Analysts +Data Scientists +Document Management Specialists +Financial Risk Specialists +Market Research Analysts and Marketing Specialists +Marketing Managers +Operations Research Analysts +Search Marketing Strategists +Statistical Assistants","View the list of Allies +Insights Association +external site +Association for Institutional Research +external site +Special Libraries Association +external site +Strategic and Competitive Intelligence Professionals +external site +International Institute of Business Analysis +external site",53,4,19,69,71,54,14,38,36,50,36,23,2,82,9,29,40,4,11,5,30,5,31,14,5,34,4,2,2,36,31,13,18 +49-2021.00,"Radio, Cellular, and Tower Equipment Installers and Repairers",https://www.onetonline.org/link/summary/49-2021.00,2025-06-11T19:21:11.577782,"Inspect completed work to ensure all hardware is tight, antennas are level, hangers are properly fastened, proper support is in place, or adequate weather proofing has been installed. +Run appropriate power, ground, or coaxial cables. +Test operation of tower transmission components, using sweep testing tools or software. +Install all necessary transmission equipment components, including antennas or antenna mounts, surge arrestors, transmission lines, connectors, or tower-mounted amplifiers (TMAs). +Read work orders, blueprints, plans, datasheets or site drawings to determine work to be done. +Replace existing antennas with new antennas as directed. +Bolt equipment into place, using hand or power tools. +Install, connect, or test underground or aboveground grounding systems. +Complete reports related to project status, progress, or other work details, using computer software. +Check antenna positioning to ensure specified azimuths or mechanical tilts and adjust as necessary. +Transport equipment to work sites, using utility trucks and equipment trailers. +Take site survey photos or photos of work performed, using digital cameras. +Climb towers to access components, using safety equipment, such as full-body harnesses. +Climb communication towers to install, replace, or repair antennas or auxiliary equipment used to transmit and receive radio waves. +Lift equipment into position, using cranes and rigging tools or equipment, such as gin poles. +Perform maintenance or repair work on existing tower equipment, using hand or power tools. +Locate tower sites where work is to be performed, using mapping software. +Install or repair tower lighting components, including strobes, beacons, or lighting controllers. +Calibrate and align components, using scales, gauges, and other measuring instruments. +Examine malfunctioning radio equipment to locate defects such as loose connections, broken wires, or burned-out components, using schematic diagrams and test equipment. +Insert plugs into receptacles and bolt or screw leads to terminals to connect equipment to power sources, using hand tools. +Install, adjust, and repair stationary and mobile radio transmitting and receiving equipment and two-way radio communication systems. +Monitor radio range stations to detect transmission flaws and adjust controls to eliminate flaws. +Mount equipment on transmission towers and in vehicles such as ships or ambulances. +Remove and replace defective components and parts such as conductors, resistors, semiconductors, and integrated circuits, using soldering irons, wire cutters, and hand tools. +Repair circuits, wiring, and soldering, using soldering irons and hand tools to install parts and adjust connections. +Test batteries, using hydrometers and ammeters, and charge batteries as necessary. +Test emergency transmitters to ensure their readiness for immediate use. +Test equipment functions such as signal strength and quality, transmission capacity, interference, and signal delay, using equipment such as oscilloscopes, circuit analyzers, frequency meters, and wattmeters. +Turn setscrews to adjust receivers for maximum sensitivity and transmitters for maximum output. +Use drone technology to inspect towers and antennas for damage or maintenance needs.","Analytical or scientific software— AERONET calculator; Sweep analysis software; Zoho WebNMS Cell Tower Manager +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS; Maintenance documentation software +Geographic information system— Caliper Maptitude +Map creation software— Location mapping software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— Backbone.js +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Climb equipment or structures to access work areas. +Inspect completed work to ensure proper functioning. +Lay cables to connect equipment. +Test communications equipment to ensure proper functioning. +Install electrical components, equipment, or systems. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Replace worn, damaged, or defective mechanical parts. +Operate cranes, hoists, or other moving or lifting equipment. +Connect electrical components or equipment. +Assemble electrical components, subsystems, or systems. +Bolt objects into place. +Test electrical equipment or systems to ensure proper functioning. +Maintain work equipment or machinery. +Gather information about work conditions or locations. +Document operational activities. +Adjust equipment to ensure optimal performance. +Inspect telecommunications equipment to identify problems. +Repair electrical components. +Move large objects using heavy equipment. +Record images needed to address work issues. +Adjust the tension of nuts or bolts. +Calibrate equipment to specifications. +Control power supply connections. +Inspect safety equipment to ensure proper functioning. +Install audio or communications equipment. +Position equipment using hand tools, power tools, or heavy equipment. +Repair electrical circuits or wiring. +Repair electronic equipment. +Solder parts or connections between parts. +Test electrical circuits or components for proper functioning.","Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 55% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +E-Mail— 56% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Telephone Conversations— 55% responded “Every day.” +Contact With Others— 49% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 47% responded “Every day.” +Physical Proximity— 44% responded “Moderately close (at arm's length).” +Duration of Typical Work Week— 61% responded “40 hours.” +Freedom to Make Decisions— 53% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Important.” +Deal With External Customers or the Public in General— 38% responded “Important.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Frequency of Decision Making— 43% responded “Every day.” +Consequence of Error— 40% responded “Extremely serious.” +Outdoors, Exposed to All Weather Conditions— 31% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Very important results.” +Indoors, Environmentally Controlled— 30% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 33% responded “Very high responsibility.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 44% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 29% responded “Every day.” +Exposed to High Places— 31% responded “Once a year or more but not every month.” +Exposed to Very Hot or Cold Temperatures— 39% responded “Once a month or more but not every week.” +Written Letters and Memos— 26% responded “Once a year or more but not every month.”","Repairing— Repairing machines or systems using the needed tools. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Audiovisual Equipment Installers and Repairers +Avionics Technicians +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electronic Equipment Installers and Repairers, Motor Vehicles +Power Distributors and Dispatchers +Radio Frequency Identification Device Specialists +Telecommunications Equipment Installers and Repairers, Except Line Installers +Telecommunications Line Installers and Repairers","View the list of Allies +Aircraft Electronics Association +external site +ARRL, The National Association for Amateur Radio +external site +National Association of Tower Erectors +external site +National Marine Electronics Association +external site +Electronics Technicians Association International +external site",72,2,38,55,51,57,54,48,45,38,32,37,15,77,7,25,51,59,10,32,18,8,8,73,14,55,38,35,8,37,33,3,8 +11-1031.00,Legislators,https://www.onetonline.org/link/summary/11-1031.00,2025-06-11T18:46:37.771656,"Analyze and understand the local and national implications of proposed legislation. +Appoint nominees to leadership posts, or approve such appointments. +Confer with colleagues to formulate positions and strategies pertaining to pending issues. +Debate the merits of proposals and bill amendments during floor sessions, following the appropriate rules of procedure. +Develop expertise in subject matters related to committee assignments. +Hear testimony from constituents, representatives of interest groups, board and commission members, and others with an interest in bills or issues under consideration. +Keep abreast of the issues affecting constituents by making personal visits and phone calls, reading local newspapers, and viewing or listening to local broadcasts. +Maintain knowledge of relevant national and international current events. +Make decisions that balance the perspectives of private citizens, public officials, and party leaders. +Negotiate with colleagues or members of other political parties in order to reconcile differing interests, and to create policies and agreements. +Prepare drafts of amendments, government policies, laws, rules, regulations, budgets, programs and procedures. +Read and review concerns of constituents or the general public and determine if governmental action is necessary. +Represent their parties in negotiations with political executives or members of other parties, and when speaking with the media. +Review bills in committee, and make recommendations about their future. +Seek federal funding for local projects and programs. +Serve on commissions, investigative panels, study groups, and committees in order to examine specialized areas and recommend action. +Vote on motions, amendments, and decisions on whether or not to report a bill out from committee to the assembly floor. +Write, prepare, and deliver statements for the Congressional Record. +Alert constituents of government actions and programs by way of newsletters, personal appearances at town meetings, phone calls, and individual meetings. +Attend receptions, dinners, and conferences to meet people, exchange views and information, and develop working relationships. +Conduct ""head counts"" to help predict the outcome of upcoming votes. +Determine campaign strategies for media advertising, positions on issues, and public appearances. +Encourage and support party candidates for political office. +Establish personal offices in local districts or states, and manage office staff. +Evaluate the structure, efficiency, activities, and performance of government agencies. +Organize and maintain campaign organizations and fundraisers, in order to raise money for election or re-election. +Oversee expense allowances, ensuring that accounts are balanced at the end of each fiscal year. +Promote the industries and products of their electoral districts. +Represent their government at local, national, and international meetings and conferences. +Speak to students to encourage and support the development of future political leaders.","Access software— Cisco AnyConnect +Calendar and scheduling software— Meeting scheduling software +Communications server software— IBM Domino +Data base user interface and query software— Legislative Automative Workflow System LAWS; Microsoft Access; Microsoft SQL Server; Structured query language SQL +Desktop publishing software— Adobe FrameMaker; Antenna House; PTC Arbortext; Rocket/Folio NXT +Development environment software— Microsoft Visual Basic +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Exchange; Microsoft Outlook +Internet browser software— Web browser software +Map creation software— Mapping software +Music or sound editing software— Windows Media Player +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Apple iWork Keynote +Spreadsheet software— Apple Numbers for Mac; Microsoft Excel +Video conferencing software— Cisco Webex; LogMeIn GoToMeeting +Word processing software— Apple iWork Pages; GoodReader; Microsoft Word; XMetaL Author;2 more",,"Maintain knowledge of current developments in area of expertise. +Represent the organization in external relations. +Conduct hearings to investigate legal issues. +Present information to the public. +Support the professional development of others. +Analyze impact of legal or regulatory changes. +Approve expenditures. +Compile data or documentation. +Confer with organizational members to accomplish work activities. +Coordinate operational activities with external stakeholders. +Develop marketing plans or strategies. +Draft legislation or regulations. +Establish interpersonal business relationships to facilitate work activities. +Evaluate program effectiveness. +Gather customer or product information to determine customer needs. +Hire personnel. +Manage outreach activities. +Prepare proposals or grant applications to obtain project funding. +Promote products, services, or programs. +Recommend organizational process or policy changes. +Resolve customer complaints or problems. +Serve on institutional or departmental committees. +Supervise employees.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.",,"Administrative Law Judges, Adjudicators, and Hearing Officers +Chief Executives +Bright Outlook +Education Administrators, Postsecondary +Equal Opportunity Representatives and Officers +Judicial Law Clerks +Labor Relations Specialists +Lawyers +Political Scientists +Public Relations Specialists +Treasurers and Controllers","View the list of Allies +National Conference of State Legislatures +external site +State Government Affairs Council +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +17-2011.00,Aerospace Engineers,https://www.onetonline.org/link/summary/17-2011.00,2025-06-11T18:53:19.673338,"Formulate mathematical models or other methods of computer analysis to develop, evaluate, or modify design, according to customer engineering requirements. +Plan or conduct experimental, environmental, operational, or stress tests on models or prototypes of aircraft or aerospace systems or equipment. +Formulate conceptual design of aeronautical or aerospace products or systems to meet customer requirements or conform to environmental regulations. +Plan or coordinate investigation and resolution of customers' reports of technical problems with aircraft or aerospace vehicles. +Write technical reports or other documentation, such as handbooks or bulletins, for use by engineering staff, management, or customers. +Direct or coordinate activities of engineering or technical personnel involved in designing, fabricating, modifying, or testing of aircraft or aerospace products. +Evaluate product data or design from inspections or reports for conformance to engineering principles, customer requirements, environmental regulations, or quality standards. +Develop design criteria for aeronautical or aerospace products or systems, including testing methods, production costs, quality standards, environmental standards, or completion dates. +Analyze project requests, proposals, or engineering data to determine feasibility, productibility, cost, or production time of aerospace or aeronautical products. +Maintain records of performance reports for future reference. +Diagnose performance problems by reviewing reports or documentation from customers or field engineers or by inspecting malfunctioning or damaged products. +Direct aerospace research and development programs. +Evaluate and approve selection of vendors by studying past performance or new advertisements. +Design new or modify existing aerospace systems to reduce polluting emissions, such as nitrogen oxide, carbon monoxide, or smoke emissions. +Design or engineer filtration systems that reduce harmful emissions. +Develop and test autonomous systems for uncrewed aerospace vehicles. +Develop software for aerospace systems. +Evaluate biofuel performance specifications to determine feasibility for aerospace applications.","Analytical or scientific software— MathWorks Simulink; The MathWorks MATLAB; Universal Technical Systems TK Solver; Wolfram Research Mathematica;34 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; PTC Creo Parametric;5 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics +Configuration management software— IBM Rational ClearCase +Data base user interface and query software— Microsoft Access; Structure query language SQL +Development environment software— C; Microsoft Visual Basic; Microsoft Visual Studio; National Instruments LabVIEW;5 more +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Image processing systems +Object or component oriented development software— C#; C++; Oracle Java; Perl;2 more +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; Shell script; UNIX;1 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; PTC Pro/INTRALINK +Requirements analysis and system architecture software— IBM Rational DOORS; IBM Rational RequisitePro +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Create models of engineering designs or methods. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Design electromechanical equipment or systems. +Direct quality control activities. +Prepare procedural documents. +Direct design or development activities. +Evaluate designs or specifications to ensure quality. +Inspect equipment or systems. +Investigate system, equipment, or product failures. +Determine design criteria or specifications. +Analyze design or requirements information for mechanical equipment or systems. +Maintain operational records or records systems. +Approve expenditures. +Gather organizational performance information. +Design systems to reduce harmful emissions. +Research design or application of green technologies.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Telephone Conversations— 64% responded “Every day.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Contact With Others— 55% responded “Constant contact with others.” +Spend Time Sitting— 53% responded “More than half the time.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 46% responded “Some freedom.” +Importance of Being Exact or Accurate— 36% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Moderate results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 24% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 44% responded “High responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Once a month or more but not every week.” +Frequency of Decision Making— 52% responded “Once a month or more but not every week.” +Physical Proximity— 57% responded “Slightly close (e.g., shared office).”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Aircraft Mechanics and Service Technicians +Automotive Engineers +Avionics Technicians +Electro-Mechanical and Mechatronics Technologists and Technicians +Electronics Engineers, Except Computer +Marine Engineers and Naval Architects +Mechanical Engineering Technologists and Technicians +Mechanical Engineers +Mechatronics Engineers","View the list of Allies +Aerospace Industries Association +external site +AHS International +external site +Air Force Association +external site +Aircraft Electronics Association +external site +Aircraft Owners and Pilots Association +external site +American Institute of Aeronautics and Astronautics +external site +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +Experimental Aircraft Association +external site +General Aviation Manufacturers Association +external site +IEEE Aerospace and Electronic Systems Society +external site +National Business Aviation Association +external site +National Society of Professional Engineers +external site +SAE International +external site +SAFE Association +external site +Society for the Advancement of Material and Process Engineering +external site +Society of Flight Test Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site +Project Management Institute +external site",41,2,57,71,81,44,29,33,33,22,20,28,29,71,13,29,24,60,3,44,8,1,7,22,,94,30,76,5,78,8,4,2 +27-2011.00,Actors,https://www.onetonline.org/link/summary/27-2011.00,2025-06-11T19:02:59.680084,"Collaborate with other actors as part of an ensemble. +Portray and interpret roles, using speech, gestures, and body movements, to entertain, inform, or instruct radio, film, television, or live audiences. +Work closely with directors, other actors, and playwrights to find the interpretation most suited to the role. +Perform humorous and serious interpretations of emotions, actions, and situations, using body movements, facial expressions, and gestures. +Study and rehearse roles from scripts to interpret, learn and memorize lines, stunts, and cues as directed. +Learn about characters in scripts and their relationships to each other to develop role interpretations. +Attend auditions and casting calls to audition for roles. +Sing or dance during dramatic or comedic performances. +Work with other crew members responsible for lighting, costumes, make-up, and props. +Tell jokes, perform comic dances, songs and skits, impersonate mannerisms and voices of others, contort face, and use other devices to amuse audiences. +Read from scripts or books to narrate action or to inform or entertain audiences, utilizing few or no stage props. +Promote productions using means such as interviews about plays or movies. +Prepare and perform action stunts for motion picture, television, or stage productions. +Write original or adapted material for dramas, comedies, puppet shows, narration, or other performances. +Introduce performances and performers to stimulate excitement and coordinate smooth transition of acts during events. +Dress in comical clown costumes and makeup, and perform comedy routines to entertain audiences. +Construct puppets and ventriloquist dummies, and sew accessory clothing, using hand tools and machines. +Perform original and stock tricks of illusion to entertain and mystify audiences, occasionally including audience members as participants.","Data base user interface and query software— FileMaker Pro +Electronic mail software— Email software; Microsoft Outlook +Instant messaging software— Twitter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Video creation and editing software— Apple Final Cut Pro; Motion capture software; TikTok; YouTube +Web page creation and editing software— Facebook; Instagram; LinkedIn; Website development software +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Collaborate with others to prepare or perform artistic productions. +Entertain public with comedic or dramatic performances. +Study scripts to determine project requirements. +Practice athletic or artistic skills. +Audition for roles. +Perform music for the public. +Collaborate with others to determine technical details of productions. +Promote products, activities, or organizations. +Write material for artistic or entertainment purposes. +Inform viewers, listeners, or audiences. +Construct distinctive physical objects for artistic, functional, or commercial purposes.","Work With or Contribute to a Work Group or Team— 100% responded “Extremely important.” +Physical Proximity— 80% responded “Very close (near touching).” +Contact With Others +E-Mail— 77% responded “Every day.” +Time Pressure— 69% responded “Every day.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Public Speaking— 75% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams +Level of Competition— 68% responded “Highly competitive.” +Importance of Being Exact or Accurate— 72% responded “Very important.” +Spend Time Standing— 46% responded “More than half the time.” +Telephone Conversations— 56% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 28% responded “Extremely important.” +Frequency of Decision Making— 26% responded “Every day.” +Freedom to Make Decisions— 67% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 79% responded “Moderate results.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a week or more but not every day.” +Work Schedules— 79% responded “Irregular (changes with weather conditions, production demands, or contract duration).” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Fairly important.” +Work Outcomes and Results of Other Workers— 21% responded “Moderate responsibility.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Art, Drama, and Music Teachers, Postsecondary +Broadcast Announcers and Radio Disc Jockeys +Choreographers +Dancers +Bright Outlook +Music Directors and Composers +Musicians and Singers +Poets, Lyricists and Creative Writers +Producers and Directors +Talent Directors +Writers and Authors","View the list of Allies +American Association of Community Theatre +external site +Network of Ensemble Theaters +external site +Society of American Fight Directors +external site +The National Academy of Television Arts and Sciences +external site +Actors' Equity Association +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site",52,,9,83,18,39,30,43,30,18,47,25,,31,24,13,78,7,38,14,57,31,61,15,6,4,14,6,1,34,17,92,40 +39-2011.00,Animal Trainers,https://www.onetonline.org/link/summary/39-2011.00,2025-06-11T19:12:41.821098,"Cue or signal animals during performances. +Talk to or interact with animals to familiarize them to human voices or contact. +Conduct training programs to develop or maintain desired animal behaviors for competition, entertainment, obedience, security, riding, or related purposes. +Feed or exercise animals or provide other general care, such as cleaning or maintaining holding or performance areas. +Observe animals' physical conditions to detect illness or unhealthy conditions requiring medical care. +Evaluate animals to determine their temperaments, abilities, or aptitude for training. +Administer prescribed medications to animals. +Keep records documenting animal health, diet, or behavior. +Evaluate animals for trainability and ability to perform. +Advise animal owners regarding the purchase of specific animals. +Train horses or other equines for riding, harness, show, racing, or other work, using knowledge of breed characteristics, training methods, performance standards, and the peculiarities of each animal. +Use oral, spur, rein, or hand commands to condition horses to carry riders or to pull horse-drawn equipment. +Retrain horses to break bad habits, such as kicking, bolting, or resisting bridling or grooming. +Train dogs in human assistance or property protection duties. +Organize or conduct animal shows. +Teach owners how to train their dogs. +Teach people with visual impairments to use guide dogs.","Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Database software; Oracle Database; Tracks Software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Medical software— Epic Systems +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Atlassian JIRA; Microsoft Project +Spreadsheet software— Microsoft Excel +Transaction server software— Customer information control system CICS +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Train animals. +Direct productions or performances. +Care for animals. +Clean facilities or work areas. +Maintain facilities. +Monitor health or behavior of people or animals. +Evaluate capabilities or training needs. +Administer basic health care or medical treatments. +Document client health or progress. +Discuss service options or needs with clients. +Organize recreational activities or events.","Freedom to Make Decisions— 80% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 71% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Spend Time Standing— 57% responded “Continually or almost continually.” +Contact With Others— 57% responded “Constant contact with others.” +Outdoors, Exposed to All Weather Conditions— 64% responded “Every day.” +Telephone Conversations— 47% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +E-Mail— 40% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Frequency of Decision Making— 49% responded “Every day.” +Spend Time Walking or Running— 46% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Outdoors, Under Cover— 37% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 37% responded “Once a week or more but not every day.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Importance of Being Exact or Accurate— 36% responded “Important.” +Spend Time Making Repetitive Motions— 31% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 34% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Every day.” +Spend Time Bending or Twisting Your Body— 32% responded “About half the time.” +Indoors, Not Environmentally Controlled— 40% responded “Never.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 27% responded “Continually or almost continually.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Animal Breeders +Animal Caretakers +Bright Outlook +Animal Control Workers +Athletes and Sports Competitors +Exercise Trainers and Group Fitness Instructors +Farmworkers, Farm, Ranch, and Aquacultural Animals +Self-Enrichment Teachers +Umpires, Referees, and Other Sports Officials +Veterinary Assistants and Laboratory Animal Caretakers +Veterinary Technologists and Technicians","View the list of Allies +American Association of Zoo Keepers +external site +Association of Professional Dog Trainers +external site +International Horsemanship Association +external site +International Marine Animal Trainers' Association +external site +National Association of Professional Pet Sitters +external site +Pet Sitters International +external site +Association of Zoos and Aquariums +external site",76,4,25,53,29,53,38,65,44,37,46,42,11,35,12,33,25,23,11,19,55,26,34,17,27,20,18,7,40,16,19,5,8 +43-6011.00,Executive Secretaries and Executive Administrative Assistants,https://www.onetonline.org/link/summary/43-6011.00,2025-06-11T19:16:44.510732,"Manage and maintain executives' schedules. +Make travel arrangements for executives. +Prepare invoices, reports, memos, letters, financial statements, and other documents, using word processing, spreadsheet, database, or presentation software. +Coordinate and direct office services, such as records, departmental finances, budget preparation, personnel issues, and housekeeping, to aid executives. +Answer phone calls and direct calls to appropriate parties or take messages. +Prepare responses to correspondence containing routine inquiries. +Open, sort, and distribute incoming correspondence, including faxes and email. +Greet visitors and determine whether they should be given access to specific individuals. +Prepare agendas and make arrangements, such as coordinating catering for luncheons, for committee, board, and other meetings. +Conduct research, compile data, and prepare papers for consideration and presentation by executives, committees, and boards of directors. +Perform general office duties, such as ordering supplies, maintaining records management database systems, and performing basic bookkeeping work. +File and retrieve corporate documents, records, and reports. +Read and analyze incoming memos, submissions, and reports to determine their significance and plan their distribution. +Provide clerical support to other departments. +Attend meetings to record minutes. +Process payroll information. +Interpret administrative and operating policies and procedures for employees. +Set up and oversee administrative policies and procedures for offices or organizations. +Meet with individuals, special interest groups, and others on behalf of executives, committees, and boards of directors. +Compile, transcribe, and distribute minutes of meetings. +Supervise and train other clerical staff and arrange for employee training by scheduling training or organizing training material. +Review operating practices and procedures to determine whether improvements can be made in areas such as workflow, reporting procedures, or expenditures. +Keep track of employees' time.","Accounting software— Intuit QuickBooks; Sage 50 Accounting; Sage Peachtree Premium Accounting for Manufacturing; SAP Concur +Analytical or scientific software— KAPES; Micro Estimating FabPlan; MTI Systems Costimator JS +Calendar and scheduling software— Appointment scheduling software; Workbrain Employee Scheduling +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base reporting software— Inetsoft +Data base user interface and query software— Airtable; Database software; Microsoft Access; ProQuest RefWorks;1 more +Desktop communications software— Eko; ParentSquare +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint; Microsoft SharePoint Server; Records management systems +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Microsoft Dynamics GP; Oracle PeopleSoft; SAP software;8 more +Financial analysis software— Oracle E-Business Suite Financials +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; Graphics software; JamBoard;1 more +Human resources software— Human resource management software HRMS; Questek Humanis; Workflow International Deskflow Enterprise +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Inventory management software— Fishbowl Warehouse +Medical software— PCC EHR; PCC Pediatric Partner +Mobile messaging service software— Intrado SchoolMessenger +Network conferencing software— LogMeIn GoToWebinar; Slido interaction software +Office suite software— Corel WordPerfect Office Suite; Google Workspace software; Microsoft Office software +Operating system software— Apple macOS +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Procurement software— Aestiva Purchase Order +Project management software— Microsoft Project; Microsoft Team Foundation Server; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Time accounting software— Work Technology WorkTech Time; Workbrain Time and Attendance +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom;1 more +Web page creation and editing software— Facebook; Google Sites; LinkedIn; ProQuest RefWorks RefShare;2 more +Word processing software— Evernote; Google Docs; Microsoft OneNote; Microsoft Word;1 more","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Schedule operational activities. +Execute sales or other financial transactions. +Make travel, accommodations, or entertainment arrangements for others. +Prepare research or technical reports. +Maintain medical records. +Prepare documentation for contracts, transactions, or regulatory compliance. +Manage clerical or administrative activities. +Answer telephones to direct calls or provide information. +Coordinate operational activities. +Prepare business correspondence. +Distribute incoming mail. +Greet customers, patrons, or visitors. +Sort mail. +Compile data or documentation. +Order materials, supplies, or equipment. +File documents or records. +Explain regulations, policies, or procedures. +Read materials to determine needed actions. +Develop organizational policies or programs. +Perform administrative or clerical tasks. +Confer with coworkers to coordinate work activities. +Record information from meetings or other formal proceedings. +Transcribe spoken or written information. +Supervise clerical or administrative personnel. +Train personnel. +Inspect operational processes.","Telephone Conversations— 99% responded “Every day.” +E-Mail— 97% responded “Every day.” +Contact With Others— 80% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 73% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Written Letters and Memos— 38% responded “Every day.” +Deal With External Customers or the Public in General— 56% responded “Extremely important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 47% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 46% responded “Continually or almost continually.” +Duration of Typical Work Week— 66% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Frequency of Decision Making— 26% responded “Every day.” +Spend Time Making Repetitive Motions— 36% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Administrative Services Managers +Bright Outlook +Correspondence Clerks +First-Line Supervisors of Office and Administrative Support Workers +Human Resources Assistants, Except Payroll and Timekeeping +Legal Secretaries and Administrative Assistants +Medical Secretaries and Administrative Assistants +Office Clerks, General +Paralegals and Legal Assistants +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive","View the list of Allies +American Business Women's Association +external site +Association of Executive and Administrative Professionals +external site +International Association of Administrative Professionals +external site +International Virtual Assistants Association +external site +National Association for Legal Support Professionals +external site +National Association of Legal Assistants +external site +National Notary Association +external site +Society for Human Resource Management +external site",62,2,10,79,38,55,33,28,88,27,13,44,4,58,10,28,42,8,18,25,24,8,21,29,8,5,2,3,2,5,9,5,4 +19-3041.00,Sociologists,https://www.onetonline.org/link/summary/19-3041.00,2025-06-11T18:57:26.230497,"Analyze and interpret data to increase the understanding of human social behavior. +Prepare publications and reports containing research findings. +Develop, implement, and evaluate methods of data collection, such as questionnaires or interviews. +Collect data about the attitudes, values, and behaviors of people in groups, using observation, interviews, and review of documents. +Teach sociology. +Plan and conduct research to develop and test theories about societal issues such as crime, group relations, poverty, and aging. +Present research findings at professional meetings. +Explain sociological research to the general public. +Develop problem intervention procedures, using techniques such as interviews, consultations, role playing, and participant observation of group interactions. +Consult with and advise individuals such as administrators, social workers, and legislators regarding social issues and policies, as well as the implications of research findings. +Direct work of statistical clerks, statisticians, and others who compile and evaluate research data. +Collaborate with research workers in other disciplines. +Write grants to obtain funding for research projects. +Develop approaches to the solution of groups' problems, based on research findings in sociology and related disciplines. +Observe group interactions and role affiliations to collect data, identify problems, evaluate progress, and determine the need for additional change. +Mentor sociology students. +Review sociological research and articles.","Accounting software— Fund accounting software +Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; VERBI MAXQDA;6 more +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Microsoft Access; QSR International NVivo; Qualtrics Research Suite; Thomson Reuters EndNote +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— Online reference databases +Internet browser software— Web browser software +Object or component oriented development software— R +Object oriented data base management software— Database management system DBMS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Dreamweaver; Facebook; Social media sites; Web editing software +Word processing software— Helios TextPad; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Conduct research on social issues. +Interpret research or operational data. +Prepare scientific or technical reports or presentations. +Collect information from people through observation, interviews, or surveys. +Develop methods of social or economic research. +Instruct college students in social sciences or humanities disciplines. +Plan social sciences research. +Present research results to others. +Inform viewers, listeners, or audiences. +Present information to the public. +Design psychological or educational treatment procedures or programs. +Advise others on matters of public policy. +Supervise scientific or technical personnel. +Coordinate cross-disciplinary research programs. +Prepare proposals or grant applications to obtain project funding. +Write grant proposals.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 80% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 70% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Spend Time Sitting— 50% responded “More than half the time.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Level of Competition— 37% responded “Extremely competitive.” +Public Speaking— 50% responded “Once a week or more but not every day.” +Telephone Conversations— 58% responded “Once a week or more but not every day.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Contact With Others— 40% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 42% responded “Important.” +Time Pressure— 45% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Work Outcomes and Results of Other Workers— 41% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Anthropologists and Archeologists +Bright Outlook +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Data Scientists +Political Science Teachers, Postsecondary +Political Scientists +Psychology Teachers, Postsecondary +Social Science Research Assistants +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary +Survey Researchers","View the list of Allies +American Association for the Advancement of Science +external site +American Educational Research Association +external site +American Evaluation Association +external site +American Public Health Association +external site +American Sociological Association +external site +Association for Applied and Clinical Sociology +external site +Association for the Study of Higher Education +external site +Eastern Sociological Society +external site +Population Association of America +external site +Rural Sociological Society +external site +Society for the Study of Social Problems +external site +Sociologists for Women in Society +external site +Southern Sociological Society +external site",34,3,16,90,62,44,18,80,33,21,20,41,,59,29,54,45,1,54,6,54,21,100,15,15,3,1,,15,8,43,19,60 +53-3033.00,Light Truck Drivers,https://www.onetonline.org/link/summary/53-3033.00,2025-06-11T19:29:18.138113,"Obey traffic laws and follow established traffic and transportation procedures. +Report any mechanical problems encountered with vehicles. +Verify the contents of inventory loads against shipping papers. +Inspect and maintain vehicle supplies and equipment, such as gas, oil, water, tires, lights, or brakes, to ensure that vehicles are in proper working condition. +Read maps and follow written or verbal geographic directions. +Load and unload trucks, vans, or automobiles. +Present bills and receipts and collect payments for goods delivered or loaded. +Maintain records, such as vehicle logs, records of cargo, or billing statements, in accordance with regulations. +Drive vehicles with capacities under three tons to transport materials to and from specified destinations, such as railroad stations, plants, residences, offices, or within industrial yards. +Turn in receipts and money received from deliveries. +Use and maintain the tools or equipment found on commercial vehicles, such as weighing or measuring devices. +Report delays, accidents, or other traffic and transportation situations to bases or other vehicles, using telephones or mobile two-way radios. +Perform emergency repairs, such as changing tires or installing light bulbs, fuses, tire chains, or spark plugs.","Communications server software— IBM Domino +Data base user interface and query software— Recordkeeping software +Desktop communications software— Eko +Electronic mail software— Microsoft Outlook +Industrial control software— FreightDATA; Package location and tracking software; Vehicle location and tracking software +Internet browser software +Inventory management software— Computerized inventory tracking software; Inventory management systems +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Route navigation software— Automatic routing software +Spreadsheet software— Microsoft Excel","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Follow safety procedures for vehicle operation. +Report vehicle or equipment malfunctions. +Verify information or specifications. +Maintain vehicles in good working condition. +Inspect motor vehicles. +Read maps to determine routes. +Receive information or instructions for performing work assignments. +Process customer bills or payments. +Load shipments, belongings, or materials. +Collect fares or payment from customers. +Record details of deliveries or shipments. +Operate vehicles or material-moving equipment. +Maintain work equipment or machinery. +Notify others of emergencies, problems, or hazards.","In an Enclosed Vehicle or Operate Enclosed Equipment— 85% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Duration of Typical Work Week— 72% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 49% responded “Very important.” +Telephone Conversations— 64% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Time Pressure— 56% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 71% responded “Every day.” +Deal With External Customers or the Public in General— 59% responded “Extremely important.” +Frequency of Decision Making— 70% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Spend Time Sitting— 47% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 52% responded “Every day.” +Work With or Contribute to a Work Group or Team— 32% responded “Extremely important.” +Importance of Repeating Same Tasks— 39% responded “Very important.” +Freedom to Make Decisions— 28% responded “A lot of freedom.” +Spend Time Walking or Running— 26% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 48% responded “Very high responsibility.” +E-Mail— 37% responded “Every day.” +Health and Safety of Other Workers— 36% responded “Very high responsibility.” +Consequence of Error— 34% responded “Serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.” +Determine Tasks, Priorities and Goals— 25% responded “Some freedom.” +Exposed to Contaminants— 40% responded “Every day.” +Level of Competition— 34% responded “Not at all competitive.” +Spend Time Bending or Twisting Your Body— 39% responded “Less than half the time.” +Physical Proximity— 29% responded “Moderately close (at arm's length).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Far Vision— The ability to see details at a distance. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles.","Cargo and Freight Agents +Bright Outlook +Couriers and Messengers +Dispatchers, Except Police, Fire, and Ambulance +Driver/Sales Workers +Heavy and Tractor-Trailer Truck Drivers +Industrial Truck and Tractor Operators +Postal Service Mail Carriers +Railroad Conductors and Yardmasters +Shuttle Drivers and Chauffeurs +Taxi Drivers","View the list of Allies +American Trucking Associations +external site +International Brotherhood of Teamsters +external site",60,16,34,70,35,36,47,34,41,15,28,17,20,28,30,29,24,37,2,60,15,8,13,34,11,13,18,24,10,11,27,3,3 +43-9041.00,Insurance Claims and Policy Processing Clerks,https://www.onetonline.org/link/summary/43-9041.00,2025-06-11T19:17:02.412043,"Prepare insurance claim forms or related documents, and review them for completeness. +Calculate amount of claim. +Post or attach information to claim file. +Transmit claims for payment or further investigation. +Contact insured or other involved persons to obtain missing information. +Review insurance policy to determine coverage. +Process and record new insurance policies and claims. +Organize or work with detailed office or warehouse records, using computers to enter, access, search or retrieve data. +Provide customer service, such as limited instructions on proceeding with claims or referrals to auto repair facilities or local contractors. +Correspond with insured or agent to obtain information or to inform them of account status or changes. +Review and verify data, such as age, name, address, and principal sum and value of property, on insurance applications and policies. +Compare information from application to criteria for policy reinstatement, and approve reinstatement when criteria are met. +Examine letters from policyholders or agents, original insurance applications, and other company documents to determine if changes are needed and effects of changes. +Transcribe data to worksheets, and enter data into computer for use in preparing documents and adjusting accounts. +Notify insurance agent and accounting department of policy cancellation. +Pay small claims. +Process, prepare, and submit business or government forms, such as submitting applications for coverage to insurance carriers. +Collect initial premiums and issue receipts. +Interview clients and take their calls to provide customer service and obtain information on claims. +Obtain computer printout of policy cancellations, or retrieve cancellation cards from file. +Compose business correspondence for supervisors, managers, and professionals. +Calculate premiums, refunds, commissions, adjustments, or new reserve requirements, using insurance rate standards. +Enter insurance- and claims-related information into database systems. +Modify, update, or process existing policies and claims to reflect any change in beneficiary, amount of coverage, or type of insurance. +Organize or work with detailed office or warehouse records, maintaining files for each policyholder, including policies that are to be reinstated or cancelled.","Accounting software— Account management software; Billing software +Data base user interface and query software— Database software; Microsoft Access; Policy issuance system software; Xactware Xactimate;5 more +Document management software— InSystems Calligo Enterprise +Electronic mail software— IBM Lotus Notes; MicroFocus GroupWise; Microsoft Outlook +Financial analysis software— Insurance rating software +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer; Web browser software +Medical software— Healthcare common procedure coding system HCPCS; Medical condition coding software; Medical procedure coding software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Prepare documentation for contracts, transactions, or regulatory compliance. +Check data for recording errors. +Execute sales or other financial transactions. +Calculate costs of goods or services. +Compile data or documentation. +Send information, materials or documentation. +Review customer insurance information. +Discuss account status or activity with customers or patrons. +Maintain operational records. +Enter information into databases or software programs. +Explain regulations, policies, or procedures. +Provide notifications to customers or patrons. +Verify accuracy of financial or transactional data. +Collect deposits, payments or fees. +Answer telephones to direct calls or provide information. +Interview employees, customers, or others to collect information. +Obtain personal or financial information about customers or applicants. +Prepare business correspondence. +Provide information to coworkers. +Maintain financial or account records. +Calculate financial data.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 91% responded “Continually or almost continually.” +Telephone Conversations— 83% responded “Every day.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Importance of Repeating Same Tasks— 59% responded “Extremely important.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Written Letters and Memos— 55% responded “Every day.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Time Pressure— 48% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 44% responded “Every day.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Frequency of Decision Making— 53% responded “Every day.” +Freedom to Make Decisions— 32% responded “Some freedom.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Degree of Automation— 41% responded “Moderately automated.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 27% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Brokerage Clerks +Correspondence Clerks +Credit Authorizers, Checkers, and Clerks +Customer Service Representatives +Eligibility Interviewers, Government Programs +Loan Interviewers and Clerks +New Accounts Clerks +Office Clerks, General","View the list of Allies +American Bankers Association +external site +International Association of Insurance Professionals +external site +Mortgage Bankers Association +external site +National Alliance for Insurance Education and Research +external site",81,,31,65,48,36,16,25,72,27,19,21,,50,6,29,31,5,8,9,20,12,11,23,18,5,7,4,7,2,9,1,3 +41-9091.00,"Door-to-Door Sales Workers, News and Street Vendors, and Related Workers",https://www.onetonline.org/link/summary/41-9091.00,2025-06-11T19:14:54.592895,"Explain products or services and prices and demonstrate use of products. +Develop prospect lists. +Deliver merchandise and collect payment. +Write and record orders for merchandise or enter orders into computers. +Arrange buying parties and solicit sponsorship of such parties to sell merchandise. +Answer questions about product features and benefits. +Distribute product samples or literature that details products or services. +Circulate among potential customers or travel by foot, truck, automobile, or bicycle to deliver or sell merchandise or services. +Persuade customers to purchase merchandise or services. +Set up and display sample merchandise at parties or stands. +Order or purchase supplies. +Stock carts or stands. +Contact customers to ensure their satisfaction with products or services. +Train new recruits or other employees.","Internet browser software— Web browser software +Office suite software— Microsoft Office software +Route navigation software— Route mapping software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Demonstrate products to consumers. +Explain technical product or service information to customers. +Identify potential customers. +Arrange delivery of goods or services. +Process sales or other transactions. +Take product orders from customers. +Contact current or potential customers to promote products or services. +Coordinate sales campaigns. +Answer customer questions about goods or services. +Sell products or services. +Distribute promotional literature or samples to customers. +Purchase stocks of merchandise or supplies. +Set up merchandise displays. +Stock products or parts.","Freedom to Make Decisions— 88% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 79% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 70% responded “Extremely important.” +Telephone Conversations— 55% responded “Every day.” +Contact With Others— 52% responded “Constant contact with others.” +E-Mail— 70% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Once a week or more but not every day.” +Public Speaking— 52% responded “Once a week or more but not every day.” +Physical Proximity— 58% responded “Moderately close (at arm's length).” +Level of Competition— 33% responded “Moderately competitive.” +Written Letters and Memos— 36% responded “Once a month or more but not every week.” +Spend Time Standing— 46% responded “About half the time.” +Time Pressure— 50% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 36% responded “Fairly important.”","Persuasion— Persuading others to change their minds or behavior. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Baristas +Bright Outlook +Cashiers +Counter and Rental Clerks +Demonstrators and Product Promoters +Driver/Sales Workers +Fast Food and Counter Workers +Order Clerks +Retail Salespersons +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Telemarketers","View the list of Allies +DSWA +external site",85,10,16,57,31,50,14,41,51,29,79,38,5,32,10,14,33,1,10,26,36,7,17,30,,5,2,1,1,2,8,2,1 +53-6011.00,Bridge and Lock Tenders,https://www.onetonline.org/link/summary/53-6011.00,2025-06-11T19:29:56.105683,"Control machinery to open and close canal locks and dams, railroad or highway drawbridges, or horizontally or vertically adjustable bridges. +Direct movements of vessels in locks or bridge areas, using signals, telecommunication equipment, or loudspeakers. +Observe position and progress of vessels to ensure best use of lock spaces or bridge opening spaces. +Record names, types, and destinations of vessels passing through bridge openings or locks, and numbers of trains or vehicles crossing bridges. +Observe approaching vessels to determine size and speed, and listen for whistle signals indicating desire to pass. +Move levers to activate traffic signals, navigation lights, and alarms. +Write and submit maintenance work requisitions. +Log data, such as water levels and weather conditions. +Prepare accident reports. +Perform maintenance duties, such as sweeping, painting, and yard work to keep facilities clean and in order. +Turn valves to increase or decrease water levels in locks. +Check that bridges are clear of vehicles and pedestrians prior to opening. +Stop automobile and pedestrian traffic on bridges, and lower automobile gates prior to moving bridges. +Raise drawbridges and observe passage of water traffic or lower drawbridges and raise automobile gates. +Maintain and guard stations in bridges to check waterways for boat traffic. +Clean and lubricate equipment, and make minor repairs and adjustments. +Inspect canal and bridge equipment, and areas, such as roadbeds, for damage or defects, reporting problems to supervisors as necessary. +Attach ropes or cable lines to bitts on lock decks or wharfs to secure vessels.","Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Network security or virtual private network VPN management software— Virtual private networking VPN software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Control pumps or pumping equipment. +Control equipment that regulates vehicle traffic. +Monitor surroundings to detect potential hazards. +Monitor vehicle movement or location. +Direct vehicle traffic. +Record operational details of travel. +Monitor traffic signals. +Clean machinery or equipment. +Report vehicle or equipment malfunctions. +Arrange maintenance activities. +Secure watercraft to docks, wharves or other vessels. +Prepare accident or incident reports. +Clean facilities or work areas.","Indoors, Environmentally Controlled— 79% responded “Every day.” +Telephone Conversations— 58% responded “Every day.” +Contact With Others— 55% responded “Constant contact with others.” +Consequence of Error— 53% responded “Extremely serious.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +E-Mail— 60% responded “Every day.” +Health and Safety of Other Workers— 35% responded “High responsibility.” +Frequency of Decision Making— 53% responded “Every day.” +Deal With External Customers or the Public in General— 30% responded “Extremely important.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 37% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 58% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 58% responded “Every day.” +Exposed to High Places— 45% responded “Every day.” +Spend Time Sitting— 35% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “Less than half the time.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 65% responded “40 hours.” +Time Pressure— 40% responded “Every day.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Captains, Mates, and Pilots of Water Vessels +Crane and Tower Operators +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Locomotive Engineers +Motorboat Operators +Rail Yard Engineers, Dinkey Operators, and Hostlers +Railroad Brake, Signal, and Switch Operators and Locomotive Firers +Sailors and Marine Oilers +Ship Engineers","View the list of Allies +International Union of Operating Engineers +external site",44,4,28,57,36,38,61,47,40,22,7,25,9,37,5,27,36,38,7,46,9,10,6,49,9,25,29,19,5,24,21,,7 +19-4031.00,Chemical Technicians,https://www.onetonline.org/link/summary/19-4031.00,2025-06-11T18:57:53.921309,"Conduct chemical or physical laboratory tests to assist scientists in making qualitative or quantitative analyses of solids, liquids, or gaseous materials. +Maintain, clean, or sterilize laboratory instruments or equipment. +Monitor product quality to ensure compliance with standards and specifications. +Set up and conduct chemical experiments, tests, and analyses, using techniques such as chromatography, spectroscopy, physical or chemical separation techniques, or microscopy. +Prepare chemical solutions for products or processes, following standardized formulas, or create experimental formulas. +Compile and interpret results of tests and analyses. +Provide and maintain a safe work environment by participating in safety programs, committees, or teams and by conducting laboratory or plant safety audits. +Provide technical support or assistance to chemists or engineers. +Develop or conduct programs of sampling and analysis to maintain quality standards of raw materials, chemical intermediates, or products. +Train new employees on topics such as the proper operation of laboratory equipment. +Write technical reports or prepare graphs or charts to document experimental results. +Order and inventory materials to maintain supplies. +Operate experimental pilot plants, assisting with experimental design. +Direct or monitor other workers producing chemical products. +Design or fabricate experimental apparatus to develop new products or processes. +Develop new chemical engineering processes or production techniques.","Analytical or scientific software— Laboratory information management system LIMS +Data base user interface and query software— Database software; Microsoft Access; Oracle Database; Structured query language SQL +Development environment software— Software development tools +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Object or component oriented development software— C++; Oracle Java; Python; R +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Analyze chemical compounds or substances. +Clean objects. +Maintain laboratory or technical equipment. +Evaluate quality of materials or products. +Prepare compounds or solutions for products or testing. +Set up laboratory or field equipment. +Interpret research or operational data. +Serve on institutional or departmental committees. +Train personnel in technical or scientific procedures. +Prepare scientific or technical reports or presentations. +Manage scientific or technical project resources. +Operate laboratory or field equipment. +Supervise scientific or technical personnel. +Develop new or advanced products or production methods.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Exposed to Contaminants— 95% responded “Every day.” +Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Exposed to Hazardous Conditions— 51% responded “Every day.” +Time Pressure— 48% responded “Every day.” +Health and Safety of Other Workers— 23% responded “High responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “More than half the time.” +Contact With Others— 42% responded “Constant contact with others.” +Consequence of Error +Freedom to Make Decisions— 57% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Duration of Typical Work Week +Spend Time Standing— 63% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Extremely important.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Never.” +Frequency of Decision Making— 48% responded “Every day.” +Telephone Conversations— 30% responded “Once a month or more but not every week.” +Level of Competition— 30% responded “Slightly competitive.” +Determine Tasks, Priorities and Goals— 60% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 27% responded “Moderate responsibility.” +Physical Proximity— 15% responded “Moderately close (at arm's length).”","Science— Using scientific rules and methods to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Mathematics— Using mathematics to solve problems. +Operation and Control— Controlling operations of equipment or systems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Agricultural Technicians +Bright Outlook +Automotive Engineering Technicians +Calibration Technologists and Technicians +Food Science Technicians +Histotechnologists +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Medical and Clinical Laboratory Technicians +Nanotechnology Engineering Technologists and Technicians +Quality Control Analysts","View the list of Allies +American Academy of Forensic Sciences +external site +American Chemical Society +external site +American Society for Quality +external site +International Federation of Professional and Technical Engineers +external site",35,,49,63,60,22,23,42,49,4,12,19,70,53,12,21,23,30,3,28,12,1,5,15,,35,10,26,16,18,15,6, +15-1253.00,Software Quality Assurance Analysts and Testers,https://www.onetonline.org/link/summary/15-1253.00,2025-06-11T18:51:58.802591,"Identify, analyze, and document problems with program function, output, online screen, or content. +Document software defects, using a bug tracking system, and report defects to software developers. +Develop testing programs that address areas such as database impacts, software scenarios, regression testing, negative testing, error or bug retests, or usability. +Design test plans, scenarios, scripts, or procedures. +Document test procedures to ensure replicability and compliance with standards. +Provide feedback and recommendations to developers on software usability and functionality. +Install, maintain, or use software testing programs. +Test system modifications to prepare for implementation. +Create or maintain databases of known test defects. +Develop or specify standards, methods, or procedures to determine product quality or release readiness. +Monitor bug resolution efforts and track successes. +Update automated test scripts to ensure currency. +Participate in product design reviews to provide input on functional requirements, product designs, schedules, or potential problems. +Plan test schedules or strategies in accordance with project scope or delivery dates. +Monitor program performance to ensure efficient and problem-free operations. +Conduct software compatibility tests with programs, hardware, operating systems, or network environments. +Investigate customer problems referred by technical support. +Review software documentation to ensure technical accuracy, compliance, or completeness, or to mitigate risks. +Identify program deviance from standards, and suggest modifications to ensure compliance. +Perform initial debugging procedures by reviewing configuration files, logs, or code pieces to determine breakdown source. +Design or develop automated testing tools. +Install and configure recreations of software production environments to allow testing of software performance. +Collaborate with field staff or customers to evaluate or diagnose problems and recommend possible solutions. +Coordinate user or third-party testing. +Visit beta testing sites to evaluate software performance. +Conduct historical analyses of test results. +Evaluate or recommend software for testing or bug tracking. +Modify existing software to correct errors, allow it to adapt to new hardware, or to improve its performance. +Recommend purchase of equipment to control dust, temperature, or humidity in area of system installation. +Store, retrieve, and manipulate data for analysis of system capabilities and requirements.","Access software— Citrix cloud computing software; PuTTY +Accounting software— Tax software +Administration software— Software distribution management software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;5 more +Application server software— Docker; GitHub; Red Hat OpenShift; Spring Boot;4 more +Backup or archival software— Backup and archival software; Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Splunk Enterprise +Clustering software— VMware +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes CATIA +Computer based training software— Moodle +Configuration management software— Chef; Perforce Helix software; Puppet; Visible Razor;6 more +Content workflow software— Emerald Software Group Emerald Green Office; Twiki; Workflow software +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Elasticsearch; MongoDB; Oracle PL/SQL;22 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Oracle Business Intelligence Discoverer; SAP Business Intelligence; SAP Crystal Reports;3 more +Data base user interface and query software— Airtable; Apache Hive; Blackboard software; IBM DB2;12 more +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Apache Subversion SVN; Oracle Java 2 Platform Enterprise Edition J2EE;61 more +Device drivers or system software— Microsoft DirectX +Document management software— Adobe Acrobat; Document management system software; Microsoft SharePoint +Electronic mail software— Google Gmail; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Jenkins CI; Microsoft SQL Server Integration Services SSIS;4 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;6 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Git; Version control software +Filesystem software— File server software +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Graphical user interface GUI builder software; Graphical user interface GUI design software; Salesforce Visualforce +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; JamBoard; Trimble SketchUp Pro;4 more +Human resources software— Human resource management software HRMS +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— Apache Avro; LexisNexis +Instant messaging software— Blink; GroupMe +Internet browser software— Apple Safari; Microsoft Internet Explorer; Mozilla Firefox; Web browser software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Medical software— Epic Systems +Metadata management software— Quest Erwin Data Modeler; Talend Data Fabric +Network conferencing software— LogMeIn GoToWebinar +Network monitoring software— Nagios; Wireshark +Network operation system software— IBM z/OS operating systems +Network security and virtual private network VPN equipment software— Firewall software; Network intrusion detection software; Virtual private networking VPN software +Object or component oriented development software— Apache Spark; jQuery; Scala; Swift;32 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— LibreOffice; Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;22 more +Platform interconnectivity software— Migration software +Portal server software— Apache HTTP Server +Presentation software— Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; IBM Rational Robot; JUnit; Selenium;36 more +Project management software— Atlassian Confluence; Atlassian JIRA; Microsoft Team Foundation Server; Microsoft Teams;2 more +Requirements analysis and system architecture software— IBM Rational RequisitePro; Requirements management software; Unified modeling language UML +Spreadsheet software— Google Sheets; Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3; Storage area network SAN software +Transaction security and virus protection software— Anti-spyware software; Antivirus software; McAfee; NortonLifeLock cybersecurity software;1 more +Transaction server software— Customer information control system CICS; IBM Middleware; Microsoft Internet Information Services (IIS); Object Management Group Object Request Broker;1 more +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom;1 more +Video creation and editing software— Adobe After Effects; Flipgrid; Screencastify; YouTube;1 more +Web page creation and editing software— Adobe Dreamweaver; Google Sites; LinkedIn; Social media sites +Web platform development software— Django; Google Angular; React; Spring Framework;25 more +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word;1 more","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Document operational activities. +Analyze data to identify or resolve operational problems. +Troubleshoot issues with computer applications or systems. +Compile technical information or documentation. +Report maintenance or equipment problems to appropriate personnel. +Develop testing routines or procedures. +Document design or development procedures. +Recommend changes to improve computer or information systems. +Install computer software. +Test computer system operations to ensure proper functioning. +Create databases to store electronic data. +Monitor computer system performance to ensure proper operation. +Develop performance metrics or standards related to information technology. +Collaborate with others to determine design specifications or details. +Develop detailed project plans. +Test software performance. +Provide customer service to clients or users. +Manage documentation to ensure organization or accuracy. +Read documents to gather technical information. +Collaborate with others to resolve information technology issues. +Analyze data to identify trends or relationships among variables. +Evaluate utility of software or hardware technologies. +Assess database performance. +Modify software programs to improve performance. +Prepare data for analysis. +Provide recommendations to others about computer hardware.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Spend Time Sitting— 71% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Indoors, Environmentally Controlled— 67% responded “Every day.” +Telephone Conversations— 42% responded “Every day.” +Contact With Others— 47% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 74% responded “Some freedom.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 59% responded “40 hours.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Level of Competition— 42% responded “Moderately competitive.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Physical Proximity— 70% responded “Slightly close (e.g., shared office).” +Conflict Situations— 41% responded “Once a month or more but not every week.” +Frequency of Decision Making— 39% responded “Once a year or more but not every month.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Programming— Writing computer programs for various purposes. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Blockchain Engineers +Bright Outlook +Computer Hardware Engineers +Computer Programmers +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Architects +Information Security Engineers +Penetration Testers +Software Developers +Validation Engineers","View the list of Allies +American Society for Quality +external site +Association for Computing Machinery +external site +Computing Research Association +external site +IEEE Computer Society +external site +IEEE-USA +external site +Institute of Electrical and Electronics Engineers +external site +National Center for Women and Information Technology +external site +Quality Assurance Institute +external site +Society of Women Engineers +external site +American Software Testing Qualifications Board +external site +Association for Testing and Software Quality Assurance +external site +CompTIA +external site +Institute for Certification of Computing Professionals +external site +International Software Testing Qualifications Board +external site +Project Management Institute +external site",42,1,25,70,57,36,19,47,35,16,10,23,5,85,7,15,24,6,5,7,24,7,16,30,2,57,5,11,4,50,12,4,2 +25-1124.00,"Foreign Language and Literature Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1124.00,2025-06-11T19:00:57.168082,"Prepare course materials, such as syllabi, homework assignments, and handouts. +Maintain student attendance records, grades, and other required records. +Evaluate and grade students' class work, assignments, and papers. +Initiate, facilitate, and moderate classroom discussions. +Prepare and deliver lectures to undergraduate or graduate students on topics such as how to speak and write a foreign language and the cultural aspects of areas where a particular language is used. +Conduct research in a particular field of knowledge and publish findings in scholarly journals, books, or electronic media. +Keep abreast of developments in their field by reading current literature, talking with colleagues, and participating in professional organizations and activities. +Compile, administer, and grade examinations, or assign this work to others. +Maintain regularly scheduled office hours to advise and assist students. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Select and obtain materials and supplies, such as textbooks. +Advise students on academic and vocational curricula and on career issues. +Write letters of recommendation for students. +Collaborate with colleagues to address teaching and research issues. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Perform administrative duties, such as serving as department head. +Organize and direct study abroad programs. +Participate in student recruitment, registration, and placement activities. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Supervise undergraduate or graduate teaching, internship, and research work. +Develop and maintain Web pages for teaching-related purposes. +Act as advisers to student organizations. +Write grant proposals to procure external research funding.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— Blackboard software +Desktop communications software— Skype +Desktop publishing software— Adobe PageMaker; QuarkXPress +Dictionary software— American Sign Language ASL browser +Electronic mail software— Email software; Microsoft Outlook +Foreign language software— Computer assisted language learning CALL software +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Music or sound editing software— Audacity +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Develop instructional materials. +Evaluate student work. +Maintain student records. +Guide class discussions. +Teach humanities courses at the college level. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Administer tests to assess educational needs or progress. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Prepare tests. +Stay informed about current developments in field of specialization. +Advise students on academic or career matters. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Supervise student research or internship work. +Write reports or evaluations. +Direct department activities. +Serve on institutional or departmental committees. +Create technology-based learning materials. +Coordinate student extracurricular activities. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Write grant proposals.","E-Mail— 92% responded “Every day.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Duration of Typical Work Week— 74% responded “More than 40 hours.” +Freedom to Make Decisions— 53% responded “A lot of freedom.” +Public Speaking— 49% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Contact With Others— 42% responded “Constant contact with others.” +Spend Time Sitting— 43% responded “More than half the time.” +Frequency of Decision Making— 34% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 38% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Very important.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 35% responded “Fairly important.” +Level of Competition— 38% responded “Extremely competitive.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Telephone Conversations— 33% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","Foreign Language— Knowledge of the structure and content of a foreign (non-English) language including the meaning and spelling of words, rules of composition and grammar, and pronunciation. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Speech Clarity— The ability to speak clearly so others can understand you. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Anthropology and Archeology Teachers, Postsecondary +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Elementary School Teachers, Except Special Education +English Language and Literature Teachers, Postsecondary +History Teachers, Postsecondary +Interpreters and Translators +Middle School Teachers, Except Special and Career/Technical Education +Philosophy and Religion Teachers, Postsecondary +Secondary School Teachers, Except Special and Career/Technical Education","View the list of Allies +American Association of Teachers of French +external site +American Association of Teachers of German +external site +American Association of Teachers of Japanese +external site +American Association of Teachers of Spanish and Portuguese +external site +American Association of University Professors +external site +American Council on the Teaching of Foreign Languages +external site +Association for Asian Studies +external site +Association of Academic Programs in Latin America and the Caribbean +external site +Council of Graduate Schools +external site +German Studies Association +external site +Latin American Studies Association +external site +Modern Language Association +external site +Society for Classical Studies +external site +Southeastern Council of Latin American Studies +external site +The Classical Association of the Middle West and South +external site",21,,4,84,17,35,17,77,50,13,13,26,,39,100,18,28,2,56,11,32,14,52,12,2,1,,,,9,50,43,58 +25-2057.00,"Special Education Teachers, Middle School",https://www.onetonline.org/link/summary/25-2057.00,2025-06-11T19:01:41.171123,"Establish and enforce rules for behavior and policies and procedures to maintain order among students. +Modify the general education curriculum for students with disabilities, based upon a variety of instructional techniques and instructional technology. +Develop or write Individualized Education Programs (IEPs) for students. +Maintain accurate and complete student records, and prepare reports on children and activities, as required by laws, district policies, and administrative regulations. +Develop and implement strategies to meet the needs of students with a variety of handicapping conditions. +Teach socially acceptable behavior, employing techniques such as behavior modification and positive reinforcement. +Confer with parents or guardians, other teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Confer with parents, administrators, testing specialists, social workers, and professionals to develop individual educational plans (IEPs) for students' educational, physical, and social development. +Observe and evaluate students' performance, behavior, social development, and physical health. +Employ special educational strategies and techniques during instruction to improve the development of sensory- and perceptual-motor skills, language, cognition, and memory. +Collaborate with other teachers that provide instruction to special education students to ensure that the students receive appropriate support. +Teach students personal development skills, such as goal setting, independence, and self-advocacy. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Meet with parents and guardians to discuss their children's progress and to determine priorities for their children and their resource needs. +Monitor teachers and teacher assistants to ensure that they adhere to inclusive special education program requirements. +Prepare materials and classrooms for class activities. +Prepare, administer, and grade tests and assignments to evaluate students' progress. +Coordinate placement of students with special needs into mainstream classes. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Instruct through lectures, discussions, and demonstrations in one or more subjects, such as English, mathematics, or social studies. +Establish clear objectives for all lessons, units, and projects, and communicate those objectives to students. +Guide and counsel students with adjustments, academic problems, or special academic interests. +Instruct students in daily living skills required for independent maintenance and self-sufficiency, such as hygiene, safety, and food preparation. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Provide assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Meet with parents and guardians to provide guidance in using community resources and to teach skills for dealing with students' impairments. +Prepare for assigned classes, and show written evidence of preparation upon request of immediate supervisors. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Administer standardized ability and achievement tests, and interpret results to determine students' strengths and needs. +Instruct and monitor students in the use and care of equipment and materials to prevent injuries and damage. +Attend staff meetings and serve on committees, as required. +Plan and supervise class projects, field trips, visits by guest speakers, or other experiential activities, and guide students in learning from those activities. +Organize and supervise games and other recreational activities to promote physical, mental, and social development. +Organize and label materials and display students' work. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading. +Select, store, order, issue, and inventory classroom equipment, materials, and supplies. +Supervise, evaluate, and plan assignments for teacher assistants and volunteers. +Provide additional instruction in vocational areas. +Visit schools to tutor students with sensory impairments and to consult with teachers regarding students' special needs.","Computer based training software— Common Curriculum; EasyCBM; Padlet; Schoology;1 more +Data base user interface and query software— Blackboard software +Device drivers or system software— Screen magnification software; Screen reader software +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Multi-media educational software— Seesaw +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Microsoft PowerPoint; Pear Deck +Project management software— Google Classroom +Spell checkers— Hand held spell checkers +Spreadsheet software— Microsoft Excel +Video creation and editing software— Flipgrid; Video editing software +Voice recognition software— Voice activated software +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Establish rules or policies governing student behavior. +Modify teaching methods or materials to accommodate student needs. +Develop strategies or programs for students with special needs. +Design psychological or educational treatment procedures or programs. +Develop educational programs. +Maintain student records. +Prepare reports detailing student activities or performance. +Discuss student progress with parents or guardians. +Teach life skills. +Discuss problems or issues with supervisors. +Collaborate with other teaching professionals to develop educational programs. +Evaluate student work. +Monitor student performance. +Monitor student behavior, social development, or health. +Assist students with special educational needs. +Plan educational activities. +Direct activities of subordinates. +Set up classroom materials or equipment. +Administer tests to assess educational needs or progress. +Prepare tests. +Apply multiple teaching methods. +Create technology-based learning materials. +Develop instructional objectives. +Advise students on academic or career matters. +Document lesson plans. +Evaluate performance of educational staff. +Supervise student research or internship work. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Teach others to use technology or equipment. +Teach vocational courses. +Serve on institutional or departmental committees. +Plan experiential learning activities. +Display student work. +Supervise school or student activities. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment. +Tutor students who need extra assistance.","Contact With Others— 93% responded “Constant contact with others.” +E-Mail— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Telephone Conversations— 47% responded “Every day.” +Physical Proximity— 44% responded “Very close (near touching).” +Time Pressure— 49% responded “Every day.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Conflict Situations— 44% responded “Every day.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +Frequency of Decision Making— 56% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Written Letters and Memos— 39% responded “Every day.” +Public Speaking— 56% responded “Every day.” +Spend Time Standing— 32% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 30% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 33% responded “Every day.” +Health and Safety of Other Workers— 42% responded “Moderate responsibility.” +Work Outcomes and Results of Other Workers— 44% responded “Moderate responsibility.” +Exposed to Disease or Infections— 29% responded “Every day.” +Spend Time Walking or Running— 38% responded “Less than half the time.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Preschool +Special Education Teachers, Secondary School +Teaching Assistants, Special Education","View the list of Allies +ACSD +external site +Alpha Delta Kappa International Honorary Organization for Women Educators +external site +American Speech-Language-Hearing Association +external site +Council for Exceptional Children +external site +Council for Learning Disabilities +external site +Council of Administrators of Special Education +external site +International Dyslexia Association +external site +International Literacy Association +external site +Kappa Delta Pi, International Honor Society in Education +external site +National Association of Special Education Teachers +external site +National Association of State Directors of Special Education +external site +The Delta Kappa Gamma Society International +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",65,10,5,94,64,42,55,94,58,11,9,34,21,61,17,34,40,8,20,18,74,58,45,21,18,15,7,26,33,14,48,20,41 +49-3091.00,Bicycle Repairers,https://www.onetonline.org/link/summary/49-3091.00,2025-06-11T19:22:14.678731,"Install and adjust brakes and brake pads. +Help customers select bicycles that fit their body sizes and intended bicycle uses. +Align wheels. +Assemble new bicycles. +Sell bicycles and accessories. +Install, repair, and replace equipment or accessories, such as handlebars, stands, lights, and seats. +Install new tires and tubes. +Install and adjust speed and gear mechanisms. +Clean and lubricate bicycle parts. +Order bicycle parts. +Disassemble axles to repair, adjust, and replace defective parts, using hand tools. +Build wheels by cutting and threading new spokes. +Shape replacement parts, using bench grinders. +Repair holes in tire tubes, using scrapers and patches. +Estimate costs of repairing bicycles and write service tickets. +Make adjustments to bicycles to improve customer fit and riding position.","Data base user interface and query software— Pedal Powered Software Bicycle Repair Man; RepairTRAX; Upland Consulting Group Repair Traq +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Inventory management software +Point of sale POS software— LightSpeed Cloud +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Install vehicle parts or accessories. +Adjust vehicle components according to specifications. +Explain technical product or service information to customers. +Assemble mechanical components or machine parts. +Align equipment or machinery. +Sell products or services. +Order materials, supplies, or equipment. +Perform basic equipment maintenance. +Disassemble equipment for maintenance or repair. +Grind parts to required dimensions. +Repair tires.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Frequency of Decision Making— 98% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 95% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 85% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 82% responded “Very important results.” +Freedom to Make Decisions +Spend Time Standing— 67% responded “Continually or almost continually.” +Time Pressure— 55% responded “Every day.” +Determine Tasks, Priorities and Goals +Importance of Being Exact or Accurate— 47% responded “Very important.” +Contact With Others— 53% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 34% responded “Once a week or more but not every day.” +Exposed to Contaminants +E-Mail— 18% responded “Never.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Consequence of Error— 32% responded “Extremely serious.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Physical Proximity +Exposed to Hazardous Equipment— 19% responded “Once a year or more but not every month.” +Work With or Contribute to a Work Group or Team— 27% responded “Important.” +Conflict Situations— 13% responded “Every day.” +Work Outcomes and Results of Other Workers— 18% responded “No responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings","Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Automotive Service Technicians and Mechanics +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Motorboat Mechanics and Service Technicians +Bright Outlook +Motorcycle Mechanics +Outdoor Power Equipment and Other Small Engine Mechanics +Rail Car Repairers +Recreational Vehicle Service Technicians +Tire Builders +Tire Repairers and Changers","View the list of Allies +National Bicycle Dealers Association +external site +USA Cycling +external site",81,9,53,66,50,62,25,47,48,37,76,31,29,33,21,24,29,99,,44,26,,16,25,,62,41,34,,56,24,5,13 +21-1092.00,Probation Officers and Correctional Treatment Specialists,https://www.onetonline.org/link/summary/21-1092.00,2025-06-11T18:58:59.702684,"Prepare and maintain case folder for each assigned inmate or offender. +Gather information about offenders' backgrounds by talking to offenders, their families and friends, and other people who have relevant information. +Interview probationers and parolees regularly to evaluate their progress in accomplishing goals and maintaining the terms specified in their probation contracts and rehabilitation plans. +Discuss with offenders how such issues as drug and alcohol abuse and anger management problems might have played roles in their criminal behavior. +Supervise people on community-based sentences, such as electronically monitored home detention, and provide field supervision of probationers by conducting curfew checks or visits to home, work, or school. +Investigate alleged parole violations, using interviews, surveillance, and search and seizure. +Recommend remedial action or initiate court action in response to noncompliance with terms of probation or parole. +Arrange for medical, mental health, or substance abuse treatment services according to individual needs or court orders. +Develop liaisons and networks with other parole officers, community agencies, correctional institutions, psychiatric facilities, and aftercare agencies to plan for helping offenders with life adjustments. +Administer drug and alcohol tests, including random drug screens of offenders, to verify compliance with substance abuse treatment programs. +Inform offenders or inmates of requirements of conditional release, such as office visits, restitution payments, or educational and employment stipulations. +Participate in decisions about whether cases should go before courts and which court should hear them. +Write reports describing offenders' progress. +Conduct prehearing and presentencing investigations and testify in court regarding offenders' backgrounds and recommended sentences and sentencing conditions. +Arrange for postrelease services, such as employment, housing, counseling, education, and social activities. +Provide offenders or inmates with assistance in matters concerning detainers, sentences in other jurisdictions, writs, and applications for social assistance. +Develop and prepare packets containing information about social service agencies, assistance organizations, and programs that might be useful for inmates or offenders. +Develop rehabilitation programs for assigned offenders or inmates, establishing rules of conduct, goals, and objectives. +Recommend appropriate penitentiary for initial placement of an offender. +Assess the suitability of penitentiary inmates for release under parole and statutory release programs and submit recommendations to parole boards. +Identify and approve work placements for offenders with community service sentences.","Calendar and scheduling software— Appointment scheduling software +Customer relationship management CRM software +Data base user interface and query software— Court records databases; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Map creation software— Electronic tracking device software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Case management software; Tyler Technologies Odyssey Case Manager +Spreadsheet software— Microsoft Excel +Voice recognition software— Speech recognition software +Web page creation and editing software— Facebook; LinkedIn +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Maintain client information or service records. +Collect information about clients. +Counsel clients or patients with substance abuse issues. +Interview clients to gather information about their backgrounds, needs, or progress. +Monitor health or behavior of people or animals. +Visit individuals in their homes to provide support or information. +Recommend legal actions. +Arrange physical or mental health services for clients. +Investigate legal issues. +Develop working relationships with others to facilitate program activities. +Administer drug screening tests. +Explain regulations, policies, or procedures. +Write reports or evaluations. +Plan programs to address community mental wellness needs. +Evaluate characteristics of individuals to determine needs or eligibility. +Help clients get needed services or resources. +Refer individuals to educational or work programs. +Provide educational materials to community members.","Contact With Others— 96% responded “Constant contact with others.” +Telephone Conversations— 86% responded “Every day.” +E-Mail— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Deal With External Customers or the Public in General— 72% responded “Extremely important.” +Conflict Situations— 63% responded “Every day.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Time Pressure— 55% responded “Every day.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 57% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Frequency of Decision Making— 66% responded “Every day.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Dealing with Violent or Physically Aggressive People— 37% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 41% responded “Once a week or more but not every day.” +Written Letters and Memos— 49% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 37% responded “High responsibility.” +Spend Time Sitting— 67% responded “More than half the time.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Consequence of Error— 46% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 43% responded “Once a week or more but not every day.” +Exposed to Disease or Infections— 37% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 31% responded “Every day.” +Duration of Typical Work Week— 69% responded “40 hours.” +Exposed to Contaminants— 25% responded “Never.” +Indoors, Not Environmentally Controlled— 34% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Correctional Officers and Jailers +First-Line Supervisors of Correctional Officers +Healthcare Social Workers +Bright Outlook +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Police and Sheriff's Patrol Officers +Rehabilitation Counselors +Social and Human Service Assistants +Substance Abuse and Behavioral Disorder Counselors","View the list of Allies +American Correctional Association +external site +American Probation and Parole Association +external site +Correctional Peace Officers Foundation +external site +Fraternal Order of Police +external site +National Association of Social Workers +external site +National Association of Forensic Counselors +external site",55,2,8,78,28,46,84,53,61,12,5,29,9,53,21,85,35,4,30,31,78,74,65,26,13,6,3,2,5,4,23,3,9 +47-4071.00,Septic Tank Servicers and Sewer Pipe Cleaners,https://www.onetonline.org/link/summary/47-4071.00,2025-06-11T19:20:16.425664,"Communicate with supervisors and other workers, using equipment such as wireless phones, pagers, or radio telephones. +Drive trucks to transport crews, materials, and equipment. +Inspect manholes to locate sewer line stoppages. +Operate sewer cleaning equipment, including power rodders, high-velocity water jets, sewer flushers, bucket machines, wayne balls, and vac-alls. +Prepare and keep records of actions taken, including maintenance and repair work. +Clean and repair septic tanks, sewer lines, or related structures such as manholes, culverts, and catch basins. +Measure excavation sites, using plumbers' snakes, tapelines, or lengths of cutting heads within sewers, and mark areas for digging. +Service, adjust, and make minor repairs to equipment, machines, and attachments. +Locate problems, using specially designed equipment, and mark where digging must occur to reach damaged tanks or pipes. +Dig out sewer lines manually, using shovels. +Clean and disinfect domestic basements and other areas flooded by sewer stoppages. +Withdraw cables from pipes and examine them for evidence of mud, roots, grease, and other deposits indicating broken or clogged sewer lines. +Ensure that repaired sewer line joints are tightly sealed before backfilling begins. +Rotate cleaning rods manually, using turning pins. +Install rotary knives on flexible cables mounted on machine reels, according to the diameters of pipes to be cleaned. +Start machines to feed revolving cables or rods into openings, stopping machines and changing knives to conform to pipe sizes. +Update sewer maps and manhole charts. +Cover repaired pipes with dirt, and pack backfilled excavations, using air and gasoline tampers. +Cut damaged sections of pipe with cutters, remove broken sections from ditches, and replace pipe sections, using pipe sleeves. +Requisition or order tools and equipment. +Break asphalt and other pavement so that pipes can be accessed, using airhammers, picks, and shovels. +Tap mainline sewers to install sewer saddles.","Accounting software— Intuit QuickBooks +Calendar and scheduling software— Work scheduling software +Internet browser software— Web browser software +Route navigation software— Route mapping software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Communicate with other construction or extraction personnel to discuss project details. +Drive trucks or truck-mounted equipment. +Inspect plumbing systems or fixtures. +Clean equipment or facilities. +Record operational or environmental data. +Maintain plumbing structures or fixtures. +Measure work site dimensions. +Locate equipment or materials in need of repair or replacement. +Maintain construction tools or equipment. +Decontaminate equipment or sites to remove hazardous or toxic substances. +Inspect completed work to ensure proper installation. +Maintain mechanical equipment. +Install equipment attachments or components. +Operate heavy-duty construction or installation equipment. +Dig holes or trenches. +Edit documents. +Compact materials to create level bases. +Cut metal components for installation. +Remove worn, damaged or outdated materials from work areas. +Spread sand, dirt or other loose materials onto surfaces. +Order construction or extraction materials or equipment. +Break up rock, asphalt, or concrete. +Drill holes in construction materials.","Outdoors, Exposed to All Weather Conditions— 95% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Contact With Others— 68% responded “Constant contact with others.” +Exposed to Contaminants— 68% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 51% responded “Every day.” +Frequency of Decision Making— 52% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 70% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 60% responded “Continually or almost continually.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 54% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers— 48% responded “High responsibility.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Determine Tasks, Priorities and Goals— 37% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 42% responded “Every day.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Exposed to Disease or Infections— 51% responded “Every day.” +In an Open Vehicle or Operating Equipment— 43% responded “Every day.” +Spend Time Bending or Twisting Your Body— 33% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 39% responded “About half the time.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Spend Time Standing— 52% responded “About half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 40% responded “Once a year or more but not every month.” +Written Letters and Memos— 34% responded “Every day.” +Exposed to Whole Body Vibration— 35% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 33% responded “Every day.” +Spend Time Walking or Running— 32% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 26% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cleaners of Vehicles and Equipment +Construction Laborers +Bright Outlook +Excavating and Loading Machine and Dragline Operators, Surface Mining +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Maintenance and Repair Workers, General +Operating Engineers and Other Construction Equipment Operators +Pipelayers +Plumbers, Pipefitters, and Steamfitters +Pump Operators, Except Wellhead Pumpers +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +Municipal Waste Management Association +external site +National Association of Clean Water Agencies +external site +National Association of Sewer Service Companies +external site +National Association of Wastewater Technicians +external site +Water Environment Federation +external site",74,4,39,60,55,51,60,45,35,26,30,37,33,31,8,40,22,62,4,63,21,9,10,29,15,39,45,35,22,37,28,,6 +11-9199.01,Regulatory Affairs Managers,https://www.onetonline.org/link/summary/11-9199.01,2025-06-11T18:48:47.322468,"Develop regulatory strategies and implementation plans for the preparation and submission of new products. +Review all regulatory agency submission materials to ensure timeliness, accuracy, comprehensiveness, or compliance with regulatory standards. +Direct the preparation and submission of regulatory agency applications, reports, or correspondence. +Investigate product complaints and prepare documentation and submissions to appropriate regulatory agencies as necessary. +Provide responses to regulatory agencies regarding product information or issues. +Represent organizations before domestic or international regulatory agencies on major policy matters or decisions regarding company products. +Provide regulatory guidance to departments or development project teams regarding design, development, evaluation, or marketing of products. +Manage activities such as audits, regulatory agency inspections, or product recalls. +Communicate regulatory information to multiple departments and ensure that information is interpreted correctly. +Maintain current knowledge of relevant regulations, including proposed and final rules. +Formulate or implement regulatory affairs policies and procedures to ensure that regulatory compliance is maintained or enhanced. +Direct documentation efforts to ensure compliance with domestic and international regulations and standards. +Review materials such as marketing literature or user manuals to ensure that regulatory agency requirements are met. +Participate in the development or implementation of clinical trial protocols. +Implement or monitor complaint processing systems to ensure effective and timely resolution of all complaint investigations. +Establish procedures or systems for publishing document submissions in hardcopy or electronic formats. +Establish regulatory priorities or budgets and allocate resources and workloads. +Train staff in regulatory policies or procedures. +Develop and maintain standard operating procedures or local working practices. +Contribute to the development or implementation of business unit strategic and operating plans. +Monitor regulatory affairs activities to ensure their alignment with corporate sustainability or green initiatives. +Coordinate internal discoveries and depositions with legal department staff. +Monitor emerging trends regarding industry regulations to determine potential impacts on organizational processes. +Develop relationships with state or federal environmental regulatory agencies to learn about and analyze the potential impacts of proposed environmental policy regulations. +Monitor regulatory affairs trends related to environmental issues. +Evaluate regulatory affairs aspects that are specifically green, such as the use of toxic substances in packaging, carbon footprinting issues, or green policy implementation. +Evaluate new software publishing systems and confer with regulatory agencies concerning news or updates on electronic publishing of submissions.","Analytical or scientific software— Analyse-it; Statistical analysis software +Business intelligence and data analysis software— Tableau +Compliance software— Aris Global Register; MediRegs E-dition Compliance Monitor; SAP EHS Management; Thomson Reuters Liquent InSight Suite;5 more +Data base user interface and query software— Database software; Microsoft Access; Structured query language SQL +Desktop publishing software— Document publishing software +Development environment software— Integrated development environment IDE software; Software development tools +Document management software— Adlib Express; Adobe Acrobat; Microsoft SharePoint; Virtify eCTD;29 more +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— XML authoring software +Enterprise resource planning ERP software— SAP software +Information retrieval or search software— Dialog DialogLink +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Total quality management TQM software +Risk management data and analysis software— MasterControl software; Risk management software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Develop operating strategies, plans, or procedures. +Review documents or materials for compliance with policies or regulations. +Manage control system activities in organizations. +Maintain regulatory or compliance documentation. +Prepare reports related to compliance matters. +Coordinate with external parties to exchange information. +Represent the organization in external relations. +Advise others on legal or regulatory compliance matters. +Communicate organizational policies and procedures. +Maintain knowledge of current developments in area of expertise. +Implement organizational process or policy changes. +Develop organizational policies or programs. +Coordinate regulatory documentation activities. +Examine marketing materials to ensure compliance with policies or regulations. +Manage documentation to ensure organization or accuracy. +Develop organizational methods or procedures. +Monitor organizational procedures to ensure proper functioning. +Conduct employee training programs. +Develop organizational goals or objectives. +Prepare operational budgets. +Prepare staff schedules or work assignments. +Monitor organizational compliance with regulations. +Confer with organizational members to accomplish work activities. +Monitor external affairs or events affecting business operations. +Establish interpersonal business relationships to facilitate work activities. +Evaluate environmental impact of operational or development activities. +Coordinate operational activities with external stakeholders. +Evaluate potential of products, technologies, or resources.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 77% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Telephone Conversations— 64% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Duration of Typical Work Week— 61% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Contact With Others— 43% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 61% responded “Very important.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Time Pressure— 52% responded “Once a month or more but not every week.” +Frequency of Decision Making— 35% responded “Every day.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Written Letters and Memos— 32% responded “Once a month or more but not every week.” +Level of Competition— 43% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 30% responded “Important.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Services Managers +Bright Outlook +Chief Sustainability Officers +Clinical Data Managers +Compliance Managers +Environmental Compliance Inspectors +Financial Risk Specialists +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Management Analysts +Quality Control Systems Managers +Regulatory Affairs Specialists","View the list of Allies +Regulatory Affairs Professionals Society +external site +American Chemical Society +external site +American Society for Quality +external site +Drug Information Association +external site +International Society for Pharmaceutical Engineering +external site +Parenteral Drug Association +external site +Society of Quality Assurance +external site",32,10,41,89,44,68,32,52,51,21,26,37,51,48,24,74,27,24,7,11,23,12,18,20,44,39,14,27,60,39,13,2,4 +19-1029.01,Bioinformatics Scientists,https://www.onetonline.org/link/summary/19-1029.01,2025-06-11T18:56:03.163044,"Develop new software applications or customize existing applications to meet specific scientific project needs. +Communicate research results through conference presentations, scientific publications, or project reports. +Create novel computational approaches and analytical tools as required by research goals. +Consult with researchers to analyze problems, recommend technology-based solutions, or determine computational strategies. +Analyze large molecular datasets, such as raw microarray data, genomic sequence data, or proteomics data, for clinical or basic research purposes. +Keep abreast of new biochemistries, instrumentation, or software by reading scientific literature and attending professional conferences. +Develop data models and databases. +Compile data for use in activities, such as gene expression profiling, genome annotation, or structural bioinformatics. +Design and apply bioinformatics algorithms including unsupervised and supervised machine learning, dynamic programming, or graphic algorithms. +Manipulate publicly accessible, commercial, or proprietary genomic, proteomic, or post-genomic databases. +Direct the work of technicians and information technology staff applying bioinformatics tools or applications in areas such as proteomics, transcriptomics, metabolomics, or clinical bioinformatics. +Provide statistical and computational tools for biologically based activities, such as genetic analysis, measurement of gene expression, or gene function determination. +Create or modify web-based bioinformatics tools. +Improve user interfaces to bioinformatics software and databases. +Confer with departments, such as marketing, business development, or operations, to coordinate product development or improvement. +Recommend new systems and processes to improve operations. +Instruct others in the selection and use of bioinformatics tools. +Collaborate with software developers in the development and modification of commercial bioinformatics software. +Test new and updated bioinformatics tools and software. +Prepare summary statistics of information regarding human genomes.","Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;30 more +Application server software— Docker; GitHub +Business intelligence and data analysis software— Tableau; TIBCO Spotfire S+ +Customer relationship management CRM software— Salesforce software +Data base management system software— Microsoft SQL Server; MySQL; NoSQL; Oracle PL/SQL;2 more +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; Oracle Database; Structured query language SQL;3 more +Development environment software— Microsoft Azure software; Microsoft Visual Basic for Applications VBA; Microsoft Visual Studio; Ruby;3 more +Document management software— Microsoft SharePoint +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +File versioning software— Git +Internet browser software— Web browser software +Object or component oriented development software— C#; jQuery; Microsoft SQL Server Reporting Services SSRS; Scala;7 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Linux; Shell script; UNIX;1 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Program testing software— User interface design software +Spreadsheet software— Microsoft Excel +Web platform development software— Django; JavaScript Object Notation JSON; Microsoft Active Server Pages ASP; PHP;3 more +Word processing software","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Develop software or applications for scientific or technical use. +Prepare scientific or technical reports or presentations. +Advise others on the development or use of new technologies. +Analyze biological samples. +Review professional literature to maintain professional knowledge. +Develop technical or scientific databases. +Research genetic characteristics or expression. +Supervise scientific or technical personnel. +Collaborate with technical specialists to resolve design or development problems. +Advise others on business or operational matters. +Train personnel in technical or scientific procedures.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Freedom to Make Decisions— 88% responded “A lot of freedom.” +Spend Time Sitting— 81% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 86% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Duration of Typical Work Week— 81% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Importance of Being Exact or Accurate— 74% responded “Extremely important.” +Telephone Conversations— 53% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Level of Competition— 48% responded “Extremely competitive.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Contact With Others— 36% responded “Constant contact with others.” +Time Pressure— 35% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Written Letters and Memos— 36% responded “Once a month or more but not every week.” +Frequency of Decision Making— 39% responded “Once a year or more but not every month.” +Public Speaking— 42% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 33% responded “Not important at all.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 34% responded “Continually or almost continually.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Biochemists and Biophysicists +Bright Outlook +Bioengineers and Biomedical Engineers +Bioinformatics Technicians +Biological Technicians +Biostatisticians +Cytogenetic Technologists +Data Scientists +Geneticists +Molecular and Cellular Biologists +Statisticians","View the list of Allies +American Association for the Advancement of Science +external site +American Chemical Society +external site +American Medical Informatics Association +external site +American Society for Biochemistry and Molecular Biology +external site +American Society for Mass Spectrometry +external site +American Society for Microbiology +external site +American Society of Plant Biologists +external site +American Statistical Association +external site +Association for Computing Machinery Special Interest Group on Bioinformatics, Computational Biology, and Biomedical Informatics +external site +Association for Molecular Pathology +external site +Biophysical Society +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +Drug Information Association +external site +Genetics Society of America +external site +Great Lakes Bioinformatics Consortium +external site +International Society for Computational Biology +external site +RNA Society +external site +Society for Industrial and Applied Mathematics +external site +Society for Molecular Biology and Evolution +external site +Society for Neuroscience +external site +Southeastern Association of Shared Resources +external site",29,8,19,81,83,38,17,58,52,17,22,40,64,90,5,28,41,17,3,10,17,11,9,30,34,48,10,40,96,34,13,13,7 +11-3121.00,Human Resources Managers,https://www.onetonline.org/link/summary/11-3121.00,2025-06-11T18:47:41.372770,"Serve as a link between management and employees by handling questions, interpreting and administering contracts and helping resolve work-related problems. +Advise managers on organizational policy matters, such as equal employment opportunity and sexual harassment, and recommend needed changes. +Analyze and modify compensation and benefits policies to establish competitive programs and ensure compliance with legal requirements. +Perform difficult staffing duties, including dealing with understaffing, refereeing disputes, firing employees, and administering disciplinary procedures. +Represent organization at personnel-related hearings and investigations. +Negotiate bargaining agreements and help interpret labor contracts. +Identify staff vacancies and recruit, interview, and select applicants. +Plan, direct, supervise, and coordinate work activities of subordinates and staff relating to employment, compensation, labor relations, and employee relations. +Prepare personnel forecast to project employment needs. +Provide current and prospective employees with information about policies, job duties, working conditions, wages, opportunities for promotion, and employee benefits. +Investigate and report on industrial accidents for insurance carriers. +Administer compensation, benefits, and performance management systems, and safety and recreation programs. +Analyze statistical data and reports to identify and determine causes of personnel problems and develop recommendations for improvement of organization's personnel policies and practices. +Plan, organize, direct, control, or coordinate the personnel, training, or labor relations activities of an organization. +Allocate human resources, ensuring appropriate matches between personnel. +Oversee the evaluation, classification, and rating of occupations and job positions. +Plan and conduct new employee orientation to foster positive attitude toward organizational objectives. +Analyze training needs to design employee development, language training, and health and safety programs. +Study legislation, arbitration decisions, and collective bargaining contracts to assess industry trends. +Maintain records and compile statistical reports concerning personnel-related data such as hires, transfers, performance appraisals, and absenteeism rates. +Prepare and follow budgets for personnel operations. +Conduct exit interviews to identify reasons for employee termination. +Develop, administer, and evaluate applicant tests. +Develop or administer special projects in areas such as pay equity, savings bond programs, day care, and employee awards. +Contract with vendors to provide employee services, such as food service, transportation, or relocation service. +Provide terminated employees with outplacement or relocation assistance.","Accounting software— AccountantsWorld Payroll Relief; Intuit QuickBooks; New World Systems Logos.NET; Sage 50 Accounting +Analytical or scientific software— IBM SPSS Statistics +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition +Charting software— AASoftTech Web Organization Chart +Compliance software— Stratitec TimeIPS +Computer based training software— Training software +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Automation Centre Personnel Tracker; Microsoft Access +Desktop publishing software— Microsoft Publisher +Document management software— Atlas Business Solutions Staff Files; Microsoft SharePoint Server; PDF readers; WinOcular +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software; Workday software;6 more +Financial analysis software— Oracle E-Business Suite Financials +Human resources software— Human resource management software HRMS; Oracle Taleo; peoplefluent Performance; UniFocus Watson Human Resources Manager;38 more +Internet browser software— Web browser software +Multi-media educational software— Nearpod +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Time accounting software— ADP ezLaborManager; ADP Pay eXpert; Kronos Workforce Timekeeper; Stromberg Enterprise;9 more +Video creation and editing software— YouTube +Web page creation and editing software— Facebook; LinkedIn; Social media sites +Word processing software— Microsoft Word; Nuvosoft Rwiz","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Liaise between departments or other groups to improve function or communication. +Advise others on legal or regulatory compliance matters. +Recommend organizational process or policy changes. +Administer compensation or benefits programs. +Analyze data to inform operational decisions or activities. +Manage human resources activities. +Hire personnel. +Represent the organization in external relations. +Interview employees, customers, or others to collect information. +Negotiate labor disputes. +Recruit personnel. +Supervise employees. +Communicate organizational policies and procedures. +Estimate labor requirements. +Investigate industrial or transportation accidents. +Prepare reports related to compliance matters. +Analyze data to inform personnel decisions. +Conduct employee training programs. +Maintain knowledge of current developments in area of expertise. +Compile operational data. +Maintain personnel records. +Prepare operational budgets. +Administer standardized physical or psychological tests. +Coordinate special events or programs. +Perform human resources activities. +Negotiate sales or lease agreements for products or services. +Advise others on career or personal development.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Duration of Typical Work Week— 92% responded “More than 40 hours.” +Freedom to Make Decisions— 79% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 71% responded “A lot of freedom.” +Contact With Others— 63% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Spend Time Sitting— 52% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Frequency of Decision Making— 38% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Conflict Situations— 58% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Time Pressure— 42% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 46% responded “High responsibility.” +Consequence of Error— 29% responded “Serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a month or more but not every week.” +Level of Competition— 67% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 33% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Compensation and Benefits Managers +Compensation, Benefits, and Job Analysis Specialists +Bright Outlook +Equal Opportunity Representatives and Officers +Human Resources Assistants, Except Payroll and Timekeeping +Human Resources Specialists +Industrial-Organizational Psychologists +Labor Relations Specialists +Management Analysts +Social and Community Service Managers +Training and Development Managers","View the list of Allies +American Society for Healthcare Human Resources Administration +external site +Association for Talent Development +external site +College and University Professional Association for Human Resources +external site +International Foundation of Employee Benefit Plans +external site +International Society for Performance Improvement +external site +National Human Resources Association +external site +National Management Association +external site +Public Sector HR Association +external site +Society for Human Resource Management +external site +WorldatWork +external site",72,7,33,80,49,90,41,74,49,40,35,98,5,43,17,77,46,4,28,12,57,41,45,20,14,10,5,2,6,9,12,5,18 +19-4092.00,Forensic Science Technicians,https://www.onetonline.org/link/summary/19-4092.00,2025-06-11T18:58:18.819598,"Collect evidence from crime scenes, storing it in conditions that preserve its integrity. +Keep records and prepare reports detailing findings, investigative methods, and laboratory techniques. +Use photographic or video equipment to document evidence or crime scenes. +Testify in court about investigative or analytical methods or findings. +Use chemicals or other substances to examine latent fingerprint evidence and compare developed prints to those of known persons in databases. +Measure and sketch crime scenes to document evidence. +Visit morgues, examine scenes of crimes, or contact other sources to obtain evidence or information to be used in investigations. +Train new technicians or other personnel on forensic science techniques. +Operate and maintain laboratory equipment and apparatus. +Collect impressions of dust from surfaces to obtain and identify fingerprints. +Examine and analyze blood stain patterns at crime scenes. +Analyze gunshot residue and bullet paths to determine how shootings occurred. +Confer with ballistics, fingerprinting, handwriting, documents, electronics, medical, chemical, or metallurgical experts concerning evidence and its interpretation. +Prepare solutions, reagents, or sample formulations needed for laboratory work. +Examine footwear, tire tracks, or other types of impressions. +Examine physical evidence, such as hair, biological fluids, fiber, wood, or soil residues to obtain information about its source and composition. +Reconstruct crime scenes to determine relationships among pieces of evidence. +Determine types of bullets and specific weapons used in shootings. +Review forensic analysts' reports for technical merit. +Interpret laboratory findings or test results to identify and classify substances, materials, or other evidence collected at crime scenes. +Compare objects, such as tools, with impression marks to determine whether a specific object is responsible for a specific mark. +Identify and quantify drugs or poisons found in biological fluids or tissues, in foods, or at crime scenes. +Examine firearms to determine mechanical condition and legal status, performing restoration work on damaged firearms to obtain information, such as serial numbers. +Analyze data from computers or other digital media sources for evidence related to criminal activity. +Enter data into databases. +Operate drones to capture aerial footage or photographs of crime scenes for further analysis.","Analytical or scientific software— DM2 Bills of Lading; Laboratory information management system LIMS +Computer aided design CAD software— Computer aided design and drafting CADD software +Data base user interface and query software— Combined DNA Index System CODIS; Integrated Automated Fingerprint Identification System IAFIS; Microsoft Access; National Crime Information Center (NCIC) database;3 more +Electronic mail software— IBM Notes; Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop; DesignWare 3D EyeWitness; Graphics software; Midwest Information Systems PAX-it;7 more +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Analyze forensic evidence to solve crimes. +Prepare scientific or technical reports or presentations. +Record research or operational data. +Document events or evidence, using photographic or audiovisual equipment. +Testify at legal or legislative proceedings. +Collect evidence for legal proceedings. +Examine crime scenes to obtain evidence. +Measure distances or dimensions. +Train personnel in technical or scientific procedures. +Maintain laboratory or technical equipment. +Operate laboratory or field equipment. +Interpret research or operational data. +Collaborate on research activities with scientists or technical specialists. +Prepare compounds or solutions for products or testing.","E-Mail— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Frequency of Decision Making +Indoors, Environmentally Controlled +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 73% responded “Very important results.” +Deal With External Customers or the Public in General +Contact With Others— 14% responded “Occasional contact with others.” +Determine Tasks, Priorities and Goals— 66% responded “Some freedom.” +Telephone Conversations +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Exposed to Contaminants— 36% responded “Every day.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Written Letters and Memos +In an Enclosed Vehicle or Operate Enclosed Equipment— 60% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 43% responded “Every day.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Duration of Typical Work Week— 48% responded “More than 40 hours.” +Consequence of Error— 47% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 36% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Every day.” +Outdoors, Under Cover— 46% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 26% responded “Never.” +Exposed to Cramped Work Space, Awkward Positions— 45% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 37% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 28% responded “Fairly important.” +Work Outcomes and Results of Other Workers— 31% responded “Limited responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “More than half the time.” +Health and Safety of Other Workers— 33% responded “Moderate responsibility.” +Public Speaking— 31% responded “Every day.” +Conflict Situations— 32% responded “Once a year or more but not every month.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a week or more but not every day.” +Exposed to Disease or Infections— 47% responded “Once a month or more but not every week.” +Spend Time Sitting— 61% responded “About half the time.” +Spend Time Standing— 29% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Coroners +Detectives and Criminal Investigators +Digital Forensics Analysts +Bright Outlook +Fraud Examiners, Investigators and Analysts +Histology Technicians +Intelligence Analysts +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Police Identification and Records Officers +Private Detectives and Investigators","View the list of Allies +American Academy of Forensic Sciences +external site +American Chemical Society +external site +Association of Forensic DNA Analysis and Administrators +external site +International Association for Identification +external site +International Association of Bloodstain Pattern Analysts +external site +International Crime Scene Investigators Association +external site +Midwestern Association of Forensic Scientists +external site +The American Society of Crime Laboratory Directors +external site +Mid-Atlantic Association of Forensic Scientists +external site +Northeastern Association of Forensic Scientists +external site +Southern Association of Forensic Scientists +external site +Southwestern Association of Forensic Scientists +external site +American Board of Criminalistics +external site +American Board of Medicolegal Death Investigators +external site +Clandestine Laboratory Investigators Association +external site +Law Enforcement and Emergency Services Video Association International +external site +The Association of Firearm and Tool Mark Examiners +external site",58,,30,65,39,55,79,68,53,2,3,24,53,60,5,87,31,24,6,26,32,17,26,42,35,36,7,41,50,15,30,1,11 +25-1081.00,"Education Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1081.00,2025-06-11T19:00:29.163652,"Prepare course materials, such as syllabi, homework assignments, and handouts. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Compile, administer, and grade examinations, or assign this work to others. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Supervise students' fieldwork, internship, and research work. +Evaluate and grade students' class work, assignments, and papers. +Prepare and deliver lectures to undergraduate or graduate students on topics such as children's literature, learning and development, and reading instruction. +Initiate, facilitate, and moderate classroom discussions. +Collaborate with colleagues to address teaching and research issues. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Participate in student recruitment, registration, and placement activities. +Maintain student attendance records, grades, and other required records. +Perform administrative duties, such as serving as department head. +Select and obtain materials and supplies, such as textbooks. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Write grant proposals to procure external research funding. +Serve as a liaison between the university and other governmental and educational agencies. +Advise and instruct teachers employed in school systems by providing activities, such as in-service seminars. +Participate in campus and community events. +Compile bibliographies of specialized materials for outside reading assignments. +Act as advisers to student organizations. +Provide professional consulting services to government or industry. +Deliver presentations at professional conferences.","Analytical or scientific software— Desmos; Geogebra; SAS +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Padlet; VoiceThread;3 more +Data base user interface and query software— Blackboard software +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Research topics in area of expertise. +Develop instructional materials. +Write articles, books or other original materials in area of expertise. +Evaluate student work. +Administer tests to assess educational needs or progress. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Prepare tests. +Stay informed about current developments in field of specialization. +Supervise student research or internship work. +Guide class discussions. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Maintain student records. +Direct department activities. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Collaborate with other agencies and institutions to coordinate educational matters. +Write grant proposals. +Advise educators on curricula, instructional methods, or policies. +Train staff members. +Plan community programs or activities for the general public. +Compile specialized bibliographies or lists of materials.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 86% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Determine Tasks, Priorities and Goals— 71% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Contact With Others— 53% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Telephone Conversations— 41% responded “Every day.” +Deal With External Customers or the Public in General— 32% responded “Extremely important.” +Frequency of Decision Making— 58% responded “Every day.” +Public Speaking— 82% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Spend Time Sitting— 27% responded “Continually or almost continually.” +Level of Competition— 46% responded “Moderately competitive.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 37% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Importance of Repeating Same Tasks— 36% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Continually or almost continually.”","Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Communications Teachers, Postsecondary +Education Administrators, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Instructional Coordinators +Library Science Teachers, Postsecondary +Psychology Teachers, Postsecondary +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +ACSD +external site +American Association of Colleges for Teacher Education +external site +American Counseling Association +external site +American Educational Research Association +external site +American Psychological Association +external site +Association of Teacher Educators +external site +Council for Exceptional Children +external site +Council of Graduate Schools +external site +International Literacy Association +external site +Kappa Delta Pi, International Honor Society in Education +external site +National Association for the Education of Young Children +external site +National Council of Teachers of English +external site +National Council of Teachers of Mathematics +external site +National Science Teaching Association +external site +Phi Delta Kappa International +external site +National Education Association +external site",57,,7,90,60,67,26,90,37,13,19,54,1,53,13,34,67,5,51,14,81,38,68,27,13,14,4,7,20,7,16,14,29 +29-1031.00,Dietitians and Nutritionists,https://www.onetonline.org/link/summary/29-1031.00,2025-06-11T19:04:33.302576,"Assess nutritional needs, diet restrictions, and current health plans to develop and implement dietary-care plans and provide nutritional counseling. +Evaluate laboratory tests in preparing nutrition recommendations. +Counsel individuals and groups on basic rules of good nutrition, healthy eating habits, and nutrition monitoring to improve their quality of life. +Advise patients and their families on nutritional principles, dietary plans, diet modifications, and food selection and preparation. +Incorporate patient cultural, ethnic, or religious preferences and needs in the development of nutrition plans. +Consult with physicians and health care personnel to determine nutritional needs and diet restrictions of patient or client. +Record and evaluate patient and family health and food history, including symptoms, environmental toxic exposure, allergies, medication factors, and preventive health-care measures. +Develop recipes and menus to address special nutrition needs, such as low glycemic, low histamine, or gluten- or allergen-free. +Coordinate diet counseling services. +Develop curriculum and prepare manuals, visual aids, course outlines, and other materials used in teaching. +Plan, conduct, and evaluate dietary, nutritional, and epidemiological research. +Plan and conduct training programs in dietetics, nutrition, and institutional management and administration for medical students, health-care personnel, and the general public. +Write research reports and other publications to document and communicate research findings. +Select, train, and supervise workers who plan, prepare, and serve meals. +Make recommendations regarding public policy, such as nutrition labeling, food fortification, or nutrition standards for school programs. +Manage quantity food service departments or clinical and community nutrition services. +Monitor food service operations to ensure conformance to nutritional, safety, sanitation and quality standards. +Inspect meals served for conformance to prescribed diets and standards of palatability and appearance. +Purchase food in accordance with health and safety codes. +Develop policies for food service or nutritional programs to assist in health promotion and disease control. +Organize, develop, analyze, test, and prepare special meals, such as low-fat, low-cholesterol, or chemical-free meals. +Advise food service managers and organizations on sanitation, safety procedures, menu development, budgeting, and planning to assist with establishment, operation, and evaluation of food service facilities and nutrition programs. +Prepare and administer budgets for food, equipment, and supplies. +Plan, conduct, and evaluate nutrigenomic or nutrigenetic research. +Coordinate recipe development and standardization and develop new menus for independent food service operations. +Plan and prepare grant proposals to request program funding. +Test new food products and equipment. +Confer with design, building, and equipment personnel to plan for construction and remodeling of food service units.","Analytical or scientific software— Axxya Systems Nutritionist Pro; Compu-Cal Nutrition Assistant; Monash University Low FODMAP Diet App; The Nutrition Company FoodWorks;10 more +Cloud-based data access and sharing software— Google Drive +Data base user interface and query software— CyberSoft NutriBase; Database software; DietMaster Systems DietMaster; ValuSoft MasterCook +Desktop communications software— Skype +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Medical software— BioEx Systems Nutrition Maker Plus; Lifestyles Technologies DietMaster Pro; MNT Northwest MNT Assistant; SureQuest Systems Square 1 +Network conferencing software— ReadyTalk +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Analyze patient data to determine patient needs or treatment goals. +Monitor nutrition related activities of individuals or groups. +Analyze laboratory findings. +Provide health and wellness advice to patients, program participants, or caregivers. +Interpret cultural or religious information for others. +Collaborate with healthcare professionals to plan or provide treatment. +Compile data or documentation. +Create new recipes or food presentations. +Plan menu options. +Direct healthcare delivery programs. +Advise communities or institutions regarding health or safety issues. +Manage healthcare operations. +Supervise medical support personnel. +Train caregivers or other non-medical personnel. +Monitor medical facility activities to ensure adherence to standards or regulations. +Prepare healthcare training materials. +Manage preparation of special meals or diets. +Conduct health or safety training programs. +Conduct research to increase knowledge about medical issues. +Train medical providers. +Order medical supplies or equipment. +Design public or employee health programs. +Devise research or testing protocols. +Evaluate data quality. +Present medical research reports. +Consult with others regarding safe or healthy equipment or facilities.","E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Contact With Others— 66% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Freedom to Make Decisions— 55% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Spend Time Sitting— 40% responded “About half the time.” +Exposed to Disease or Infections— 40% responded “Every day.” +Physical Proximity— 41% responded “Slightly close (e.g., shared office).” +Frequency of Decision Making— 34% responded “Every day.” +Health and Safety of Other Workers— 30% responded “Limited responsibility.” +Level of Competition— 50% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Duration of Typical Work Week— 73% responded “40 hours.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Minor results.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Mathematics— Using mathematics to solve problems.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical Nurse Specialists +Dietetic Technicians +Family Medicine Physicians +Genetic Counselors +Health Education Specialists +Naturopathic Physicians +Nurse Practitioners +Pediatricians, General +Preventive Medicine Physicians","View the list of Allies +Academy of Nutrition and Dietetics +external site +American Association of Diabetes Educators +external site +American College of Nutrition +external site +American Society for Nutrition +external site +American Society for Parenteral and Enteral Nutrition +external site +Association of Nutrition and Foodservice Professionals +external site +Dietetics in Health Care Communities +external site +National Association of Nutrition Professionals +external site +National Kidney Foundation +external site +Society for Experimental Biology and Medicine +external site +Society for Nutrition Education and Behavior +external site +American College of Sports Medicine +external site +Board for Certification of Nutrition Specialists +external site",75,54,18,78,66,46,31,70,45,32,42,35,60,60,22,30,45,7,23,13,72,77,58,26,82,17,2,12,85,11,14,1,8 +13-2082.00,Tax Preparers,https://www.onetonline.org/link/summary/13-2082.00,2025-06-11T18:51:12.227442,"Use all appropriate adjustments, deductions, and credits to keep clients' taxes to a minimum. +Compute taxes owed or overpaid, using adding machines or personal computers, and complete entries on forms, following tax form instructions and tax tables. +Interview clients to obtain additional information on taxable income and deductible expenses and allowances. +Review financial records, such as income statements and documentation of expenditures to determine forms needed to prepare tax returns. +Prepare or assist in preparing simple to complex tax returns for individuals or small businesses. +Check data input or verify totals on forms prepared by others to detect errors in arithmetic, data entry, or procedures. +Furnish taxpayers with sufficient information and advice to ensure correct tax form completion. +Consult tax law handbooks or bulletins to determine procedures for preparation of atypical returns. +Explain federal and state tax laws to individuals and companies. +Answer questions and provide future tax planning to clients. +Calculate form preparation fees according to return complexity and processing time required. +Schedule appointments with clients.","Accounting software— Intuit QuickBooks; M8 Client Billing; Quicken; Tax software;1 more +Calendar and scheduling software— ScheduleVIEW +Compliance software— Tax compliance property tax management software +Data base user interface and query software— Microsoft Access; Sage 50 Accounting +Document management software— Laserfiche Avante +Electronic mail software— Email software; Microsoft Outlook +Financial analysis software— Datair Employee Benefits Systems; Sales Tax Tools Sales Tax Researcher; Sungard Relius; Sync Essentials Trade Accountant;1 more +Human resources software— Greatland Corporation Winfiler +Internet browser software— Microsoft Internet Explorer +Office suite software— Microsoft Office software +Project management software— ACI TaskTracker +Spreadsheet software— Microsoft Excel; Thomson GoSystem MyTaxInfo +Tax preparation software— ATX Total Tax Office; Creative Solutions UltraTax CS; Intuit TurboTax; Petz Enterprises V-Tax;13 more +Web page creation and editing software +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Calculate tax information. +Examine financial records. +Interview clients to gather financial information. +Advise others on financial matters. +Verify accuracy of records. +Update professional knowledge. +Explain regulations, policies, or procedures. +Correspond with customers to answer questions or resolve complaints. +Develop financial plans for clients. +Schedule appointments.","Spend Time Sitting— 82% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +E-Mail— 64% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Every day.” +Importance of Repeating Same Tasks— 59% responded “Extremely important.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Contact With Others— 45% responded “Constant contact with others.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Frequency of Decision Making— 59% responded “Every day.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Duration of Typical Work Week— 50% responded “40 hours.” +Work Schedules— 64% responded “Seasonal (only during certain times of the year).” +Written Letters and Memos— 36% responded “Every day.” +Level of Competition— 41% responded “Moderately competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 32% responded “Less than half the time.” +Work With or Contribute to a Work Group or Team— 36% responded “Important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Accountants and Auditors +Bright Outlook +Bookkeeping, Accounting, and Auditing Clerks +Brokerage Clerks +Compensation, Benefits, and Job Analysis Specialists +Credit Analysts +Credit Counselors +Financial Examiners +Loan Officers +Personal Financial Advisors +Tax Examiners and Collectors, and Revenue Agents","View the list of Allies +AICPA and CIMA +external site +National Association of Enrolled Agents +external site +National Association of Tax Professionals +external site +National Society of Accountants +external site +National Tax Association +external site +Institute of Management Accountants +external site",75,8,34,67,60,49,19,32,55,72,43,41,1,61,22,61,24,5,6,9,18,7,6,23,1,14,6,4,1,7,8,6,6 +17-3031.00,Surveying and Mapping Technicians,https://www.onetonline.org/link/summary/17-3031.00,2025-06-11T18:55:41.874844,"Position and hold the vertical rods, or targets, that theodolite operators use for sighting to measure angles, distances, and elevations. +Check all layers of maps to ensure accuracy, identifying and marking errors and making corrections. +Design or develop information databases that include geographic or topographic data. +Monitor mapping work or the updating of maps to ensure accuracy, inclusion of new or changed information, or compliance with rules and regulations. +Produce or update overlay maps to show information boundaries, water locations, or topographic features on various base maps or at different scales. +Determine scales, line sizes, or colors to be used for hard copies of computerized maps, using plotters. +Compile information necessary to stake projects for construction, using engineering plans. +Identify and compile database information to create requested maps. +Operate and manage land-information computer systems, performing tasks such as storing data, making inquiries, and producing plots and reports. +Compare survey computations with applicable standards to determine adequacy of data. +Analyze aerial photographs to detect and interpret significant military, industrial, resource, or topographical data. +Research and combine existing property information to describe property boundaries in relation to adjacent properties, taking into account parcel splits, combinations, or land boundary adjustments. +Calculate latitudes, longitudes, angles, areas, or other information for mapmaking, using survey field notes or reference tables. +Compare topographical features or contour lines with images from aerial photographs, old maps, or other reference materials to verify the accuracy of their identification. +Trace contours or topographic details to generate maps that denote specific land or property locations or geographic attributes. +Provide assistance in the development of methods and procedures for conducting field surveys. +Trim, align, and join prints to form photographic mosaics, maintaining scaled distances between reference points. +Answer questions and provide information to the public or to staff members regarding assessment maps, surveys, boundaries, easements, property ownership, roads, zoning, or similar matters. +Complete detailed source and method notes describing the location of routine or complex land parcels. +Adjust and operate surveying instruments such as prisms, theodolites, electronic distance measuring equipment, or electronic data collectors. +Collect information needed to carry out new surveys, using source maps, previous survey data, photographs, computer records, or other relevant information. +Conduct surveys to ascertain the locations of natural features and man-made structures on the Earth's surface, underground, and underwater, using electronic distance-measuring equipment, such as GPS, and other surveying instruments. +Enter Global Positioning System (GPS) data, legal deeds, field notes, or land survey reports into geographic information system (GIS) workstations so that information can be transformed into graphic land descriptions, such as maps and drawings. +Perform calculations to determine earth curvature corrections, atmospheric impacts on measurements, traverse closures or adjustments, azimuths, level runs, or placement of markers. +Prepare cost estimates for mapping projects. +Prepare topographic or contour maps of land surveyed, including site features and other relevant information, such as charts, drawings, and survey notes. +Record survey measurements or descriptive data, using notes, drawings, sketches, or inked tracings. +Search for section corners, property irons, or survey points. +Set out and recover stakes, marks, or other monumentation. +Supervise or coordinate activities of workers engaged in surveying, plotting data, drafting maps, or producing blueprints, photostats, or photographs. +Use drone technology to capture aerial images or videos for creating detailed and accurate maps.","Analytical or scientific software— Coordinate geometry COGO software; Modeling software; Tripod Data Systems software; Triton Elics International Isis;14 more +Categorization or classification software— PCI Geomatics eCognition +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Computer aided design and drafting software CADD;14 more +Data base reporting software— MicroSurvey Star*Net +Data base user interface and query software— Database software; Microsoft Access; Structured query language SQL +Desktop publishing software— QuarkXPress +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; Microsoft Visual Basic Scripting Edition VBScript; Software libraries +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Exchange; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI Personal Geodatabase; Geographic information system GIS software; Geographic information system GIS systems;13 more +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; Bentley GeoPak Bridge; Graphics software;1 more +Internet browser software— Web browser software +Map creation software— Leica Geosystems ERDAS IMAGINE; Mapping software; TELEDYNE CARIS; Tripod Data Systems COGO;14 more +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext markup language HTML; JavaScript +Word processing software— Adobe Acrobat Writer; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Survey land or bodies of water to measure or determine features. +Evaluate designs or specifications to ensure quality. +Develop software or computer applications. +Monitor processes for compliance with standards. +Create maps. +Gather physical survey data. +Operate computer systems. +Verify mathematical calculations. +Explain project details to the general public. +Calculate geographic positions from survey data. +Assist engineers or scientists with research. +Prepare maps. +Document technical design details. +Create graphical representations of structures or landscapes. +Determine geographic coordinates. +Enter codes or other information into computers. +Estimate costs for projects or productions. +Supervise engineering or other technical personnel. +Survey land or properties.","E-Mail— How frequently does your job require you to use E-mail? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Telephone Conversations— How often do you have telephone conversations in this job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Written Letters and Memos— How frequently does your job require written letters and memos? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Spend Time Sitting— How much does this job require sitting? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Architectural and Civil Drafters +Cartographers and Photogrammetrists +Bright Outlook +Civil Engineering Technologists and Technicians +Geodetic Surveyors +Geographers +Geographic Information Systems Technologists and Technicians +Geological Technicians, Except Hydrologic Technicians +Remote Sensing Scientists and Technologists +Remote Sensing Technicians +Surveyors","View the list of Allies +American Association for Geodetic Surveying +external site +American Society for Photogrammetry and Remote Sensing +external site +National Association of County Surveyors +external site +National Society of Professional Surveyors +external site +U.S. Army Corps of Engineers +external site +GIS Certification Institute +external site",54,3,26,65,67,42,40,39,48,23,17,23,15,79,13,44,30,23,10,30,14,8,12,23,8,62,41,31,17,57,72,6,31 +29-2072.00,Medical Records Specialists,https://www.onetonline.org/link/summary/29-2072.00,2025-06-11T19:08:46.166498,"Assign the patient to diagnosis-related groups (DRGs), using appropriate computer software. +Compile and maintain patients' medical records to document condition and treatment and to provide data for research or cost control and care improvement efforts. +Consult classification manuals to locate information about disease processes. +Enter data, such as demographic characteristics, history and extent of disease, diagnostic procedures, or treatment into computer. +Identify, compile, abstract, and code patient data, using standard classification systems. +Maintain or operate a variety of health record indexes or storage and retrieval systems to collect, classify, store, or analyze information. +Post medical insurance billings. +Process and prepare business or government forms. +Process patient admission or discharge documents. +Protect the security of medical records to ensure that confidentiality is maintained. +Release information to persons or agencies according to regulations. +Resolve or clarify codes or diagnoses with conflicting, missing, or unclear information by consulting with doctors or others or by participating in the coding team's regular meetings. +Retrieve patient medical records for physicians, technicians, or other medical personnel. +Review records for completeness, accuracy, and compliance with regulations. +Scan patients' health records into electronic formats. +Schedule medical appointments for patients. +Transcribe medical reports.","Accounting software— Billing software; NDCMedisoft; QMSoftware Receivables Management; Siemens Soarian Financials +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; StataCorp Stata +Business intelligence and data analysis software— IBM Cognos Impromptu; MicroStrategy; Qlik Tech QlikView; Tableau +Calendar and scheduling software— MD Synergy Medical Appointment Scheduling; Scheduling software; Siemens Soarian Scheduling +Categorization or classification software— 3M Encoder; American Medical Association CodeManager; Computerized indexing systems; DRG grouping software +Data base management system software— Teradata Database +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports; SoftMed ChartRelease +Data base user interface and query software— Encoded archival system EAD; Microsoft Access; Microsoft SQL Server; Structured query language SQL;4 more +Desktop communications software— Eko +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic Scripting Edition VBScript +Document management software— Hyland Software OnBase; IDX Systems Patient Chart Tracking; Microsoft SharePoint; SoftMed ChartReserve;3 more +Electronic mail software— Email software; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; SAP Business Objects +Expert system software— Information Resource Products Clinical Coding Expert +Graphics or photo imaging software— Graphics software +Information retrieval or search software— Coding database software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Henry Schein Dentrix; MEDITECH software;36 more +Metadata management software— Quest Erwin Data Modeler +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— R +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Scantron imaging software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Transaction security and virus protection software— Encoder software +Voice recognition software— Cyber Records MediChart Express; ScanSoft Naturally Speaking; Speech recognition software; Voice dictation software +Word processing software— Microsoft Word",,"Perform clerical work in medical settings. +Process healthcare paperwork. +Classify materials according to standard systems. +Code data or other information. +Collect medical information from patients, family members, or other medical professionals. +Communicate with management or other staff to resolve problems. +Enter patient or treatment data into computers. +Maintain medical facility records. +Maintain medical or professional knowledge. +Maintain security. +Monitor medical facility activities to ensure adherence to standards or regulations. +Prepare official health documents or records. +Process medical billing information. +Record patient medical histories. +Schedule appointments. +Schedule patient procedures or appointments.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Document Management Specialists +Bright Outlook +File Clerks +Health Informatics Specialists +Health Information Technologists and Medical Registrars +Medical Assistants +Medical Secretaries and Administrative Assistants +Medical Transcriptionists +Patient Representatives +Pharmacy Technicians +Statistical Assistants","View the list of Allies +American Association of Healthcare Administrative Management +external site +American Medical Association +external site +American Medical Informatics Association +external site +Association for Healthcare Documentation Integrity +external site +Association of Health Information Outsourcing Services +external site +Healthcare Financial Management Association +external site +Healthcare Information and Management Systems Society +external site +International Federation of Health Information Management Associations +external site +Medical Billing and Coding +external site +Medical Group Management Association +external site +National Cancer Registrars Association +external site +National Society of Certified Healthcare Business Consultants +external site +Society for Clinical Data Management +external site +New England Chapter of the Healthcare Information and Management Systems Society +external site +AAPC +external site +American Health Information Management Association +external site +Association of Clinical Documentation Integrity Specialists +external site +Association of Healthcare Internal Auditors +external site +Health Care Compliance Association +external site +National Healthcareer Association +external site +Professional Association of Health Care Office Management +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +25-1022.00,"Mathematical Science Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1022.00,2025-06-11T18:59:36.362628,"Compile, administer, and grade examinations, or assign this work to others. +Evaluate and grade students' class work, assignments, and papers. +Prepare and deliver lectures to undergraduate or graduate students on topics such as linear algebra, differential equations, and discrete mathematics. +Maintain student attendance records, grades, and other required records. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Initiate, facilitate, and moderate classroom discussions. +Keep abreast of developments and technological advances in the mathematical field by reading current literature, talking with colleagues, and participating in professional conferences. +Select and obtain materials and supplies, such as textbooks. +Collaborate with colleagues to address teaching and research issues. +Advise students on academic and vocational curricula and on career issues. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Conduct research in a particular field of knowledge and publish findings in books, professional journals, or electronic media. +Develop department and course schedules. +Perform administrative duties, such as serving as department head. +Conduct faculty performance evaluations. +Supervise undergraduate or graduate teaching, internship, and research work. +Act as advisers to student organizations. +Participate in student recruitment, registration, and placement activities. +Write grant proposals to procure external research funding. +Participate in campus and community events. +Compile bibliographies of specialized materials for outside reading assignments. +Hire adjunct faculty.","Analytical or scientific software— Desmos; Geogebra; SAS +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— Blackboard software; Microsoft Access; Structured query language SQL +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Evaluate student work. +Administer tests to assess educational needs or progress. +Prepare tests. +Teach physical science or mathematics courses at the college level. +Maintain student records. +Develop instructional materials. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Guide class discussions. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Prepare activity or work schedules. +Prepare staff schedules or work assignments. +Schedule instructional activities. +Evaluate performance of educational staff. +Monitor performance of organizational members or partners. +Supervise student research or internship work. +Serve on institutional or departmental committees. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Write grant proposals. +Plan community programs or activities for the general public. +Compile specialized bibliographies or lists of materials.","E-Mail— 91% responded “Every day.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Public Speaking— 62% responded “Every day.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Contact With Others— 46% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 54% responded “Some freedom.” +Importance of Being Exact or Accurate— 36% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 32% responded “Extremely important.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 61% responded “More than 40 hours.” +Frequency of Decision Making— 33% responded “Once a week or more but not every day.” +Level of Competition— 30% responded “Moderately competitive.” +Physical Proximity— 41% responded “Slightly close (e.g., shared office).” +Deal With External Customers or the Public in General— 29% responded “Extremely important.” +Spend Time Sitting— 34% responded “About half the time.” +Written Letters and Memos— 33% responded “Once a month or more but not every week.” +Spend Time Standing— 38% responded “About half the time.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Minor results.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Fairly important.”","Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Biological Science Teachers, Postsecondary +Bright Outlook +Chemistry Teachers, Postsecondary +Computer Science Teachers, Postsecondary +Economics Teachers, Postsecondary +Education Teachers, Postsecondary +Geography Teachers, Postsecondary +Physics Teachers, Postsecondary +Psychology Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +American Association of University Professors +external site +American Educational Research Association +external site +American Mathematical Association of Two-Year Colleges +external site +American Mathematical Society +external site +American Statistical Association +external site +Association for Computing Machinery +external site +Association for Symbolic Logic +external site +Association for Women in Mathematics +external site +Association of Mathematics Teacher Educators +external site +Consortium for Mathematics and Its Applications +external site +Council of Graduate Schools +external site +Institute of Electrical and Electronics Engineers +external site +Mathematical Association of America +external site +National Council of Teachers of Mathematics +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Industrial and Applied Mathematics +external site",44,2,4,70,97,36,22,80,32,11,11,33,15,61,12,13,25,7,14,10,34,14,16,16,10,18,6,35,15,18,6,4,10 +17-2112.02,Validation Engineers,https://www.onetonline.org/link/summary/17-2112.02,2025-06-11T18:54:02.787833,"Study product characteristics or customer requirements to determine validation objectives and standards. +Analyze validation test data to determine whether systems or processes have met validation criteria or to identify root causes of production problems. +Develop validation master plans, process flow diagrams, test cases, or standard operating procedures. +Prepare detailed reports or design statements, based on results of validation and qualification tests or reviews of procedures and protocols. +Maintain validation test equipment. +Conduct validation or qualification tests of new or existing processes, equipment, or software in accordance with internal protocols or external standards. +Communicate with regulatory agencies regarding compliance documentation or validation results. +Prepare, maintain, or review validation and compliance documentation, such as engineering change notices, schematics, or protocols. +Recommend resolution of identified deviations from established product or process standards. +Design validation study features, such as sampling, testing, or analytical methodologies. +Prepare validation or performance qualification protocols for new or modified manufacturing processes, systems, or equipment for production of pharmaceuticals, electronics, or other products. +Create, populate, or maintain databases for tracking validation activities, test results, or validated systems. +Resolve testing problems by modifying testing methods or revising test objectives and standards. +Conduct audits of validation or performance qualification processes to ensure compliance with internal or regulatory requirements. +Draw samples of raw materials, intermediate products, or finished products for validation testing. +Direct validation activities, such as protocol creation or testing. +Coordinate the implementation or scheduling of validation testing with affected departments and personnel. +Participate in internal or external training programs to maintain knowledge of validation principles, industry trends, or novel technologies. +Validate or characterize sustainable or environmentally friendly products, using electronic testing platforms. +Assist in training equipment operators or other staff on validation protocols and standard operating procedures. +Devise automated lab validation test stations or other test fixtures or equipment.","Analytical or scientific software— Cadence Incisive Enterprise Simulator; IndySoft Gage InSite Enterprise; Minitab; The MathWorks MATLAB;8 more +Application server software— Docker; GitHub; Kubernetes; Red Hat WildFly +Cloud-based management software— Amazon Web Services AWS CloudFormation; Splunk Enterprise +Compliance software— Sparta Systems TrackWise +Computer aided design CAD software— Dassault Systemes CATIA; Dassault Systemes SolidWorks; PTC Creo Parametric +Configuration management software— Chef; IBM Terraform; Perforce Helix software; Puppet +Content workflow software— Atlassian JIRA +Data base management system software— Amazon DynamoDB; Apache Cassandra; Elasticsearch; MongoDB;4 more +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Web Services AWS software; Microsoft SQL Server; Structured query language SQL;3 more +Development environment software— Apache Kafka; Apache Maven; Go; Microsoft PowerShell;10 more +Document management software— EMC Documentum +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Enterprise application integration software— Atlassian Bamboo; Extensible markup language XML; Jenkins CI +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Graphical user interface development software— Grafana Labs Grafana Cloud +Industrial control software— GE Intelligent Platforms Proficy HMI/SCADA iFIX +Network monitoring software— Nagios; Wireshark +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— C#; Perl; R; Scala;4 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Red Hat Enterprise Linux; Shell script; UNIX Shell;4 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium; Windows kernel debuggers;2 more +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— Apache Tomcat; Django; Node.js; PHP;3 more +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Review technical documents to plan work. +Analyze test or validation data. +Prepare detailed work plans. +Document technical design details. +Maintain test equipment. +Conduct validation tests of equipment or processes. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Maintain operational records or records systems. +Inspect finished products to locate flaws. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Devise research or testing protocols. +Operate computer systems. +Resolve operational performance problems. +Inspect operational processes. +Collect samples of raw materials or finished products. +Direct quality control activities. +Update technical knowledge. +Train personnel on proper operational procedures. +Design electronic or computer equipment or instrumentation.","E-Mail— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Telephone Conversations— 53% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Contact With Others— 40% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 60% responded “Some freedom.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Spend Time Sitting— 35% responded “Continually or almost continually.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Deal With External Customers or the Public in General— 30% responded “Very important.” +Physical Proximity— 50% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 30% responded “Once a week or more but not every day.” +Frequency of Decision Making— 35% responded “Once a year or more but not every month.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 30% responded “Every day.” +Conflict Situations— 45% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Automotive Engineers +Bright Outlook +Electrical Engineers +Electronics Engineers, Except Computer +Human Factors Engineers and Ergonomists +Industrial Engineers +Manufacturing Engineers +Mechanical Engineers +Mechatronics Engineers +Quality Control Systems Managers +Software Quality Assurance Analysts and Testers","View the list of Allies +American Institute of Aeronautics and Astronautics +external site +American Productivity and Quality Center +external site +American Society for Engineering Education +external site +American Society for Quality +external site +American Society of Mechanical Engineers +external site +ASM International +external site +Association for Computing Machinery +external site +Association for Manufacturing Technology +external site +Association for Project Management +external site +Association for Supply Chain Management +external site +Association for the Advancement of Medical Instrumentation +external site +ASTM International +external site +Engineers Without Borders USA +external site +Food and Drug Law Institute +external site +Great Lakes Bioinformatics Consortium +external site +Industrial Designers Society of America +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Environmental Sciences and Technology +external site +Institute of Industrial and Systems Engineers +external site +International Association for Food Protection +external site +International Association of Engineers +external site +International Society for Technology in Education +external site +National Society of Professional Engineers +external site +National Tooling and Machining Association +external site +Regulatory Affairs Professionals Society +external site +SAE International +external site +Society for Biological Engineering +external site +Society for Experimental Mechanics +external site +Society for Industrial and Applied Mathematics +external site +Society of Manufacturing Engineers +external site +Society of Quality Assurance +external site +Society of Women Engineers +external site +Technology Student Association +external site +The Institution of Engineering and Technology +external site +Midwest Association of Technical Accident Investigators +external site +Midwestern Association of Graduate Schools +external site +New England Water Environment Association +external site +New England Water Works Association +external site +Pacific Northwest Clean Water Association +external site +Pacific Northwest Society for Coatings Technology +external site +Southwestern Association of Technical Accident Investigators +external site +Western Society of Naturalists +external site +Accreditation Board for Engineering and Technology +external site +International Society of Automation +external site +Manufacturing Skill Standards Council +external site +National Council of Examiners for Engineering and Surveying +external site",68,11,79,69,66,54,38,56,48,24,23,36,40,54,11,48,31,59,4,20,28,1,11,29,18,82,15,45,22,65,13,,5 +33-3021.02,Police Identification and Records Officers,https://www.onetonline.org/link/summary/33-3021.02,2025-06-11T19:10:40.775311,"Maintain records of evidence and write and review reports. +Package, store and retrieve evidence. +Submit evidence to supervisors, crime labs, or court officials for legal proceedings. +Testify in court and present evidence. +Analyze and process evidence at crime scenes, during autopsies, or in the laboratory, wearing protective equipment and using powders and chemicals. +Look for trace evidence, such as fingerprints, hairs, fibers, or shoe impressions, using alternative light sources when necessary. +Photograph crime or accident scenes for evidence records. +Dust selected areas of crime scene and lift latent fingerprints, adhering to proper preservation procedures. +Create sketches and diagrams, by hand or computer software, to depict crime scenes. +Serve as technical advisor and coordinate with other law enforcement workers or legal personnel to exchange information on crime scene collection activities. +Coordinate or conduct instructional classes or in-services, such as citizen police academy classes and crime scene training for other officers. +Interview survivors, witnesses, suspects, and other law enforcement personnel. +Process film and prints from crime or accident scenes. +Perform emergency work during off-hours. +Identify, compare, classify, and file fingerprints, using systems such as Automated Fingerprint Identification System (AFIS) or the Henry Classification System. +Take fingerprints. +Use drone technology for aerial photography and videography of crime scenes.","Data base user interface and query software— DataWorks Plus Digital CrimeScene; Integrated Automated Fingerprint Identification System IAFIS; Microsoft Access; National Crime Information Center (NCIC) database;2 more +Graphics or photo imaging software— DesignWare 3D EyeWitness; Digital Image Management Solutions Crime Scene; SmartDraw Legal; The CAD Zone The Crime Zone;7 more +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Document legal or regulatory information. +Write operational reports. +Process forensic or legal evidence in accordance with procedures. +Testify at legal or legislative proceedings. +Analyze crime scene evidence. +Examine crime scenes to obtain evidence. +Interview people to gather information about criminal activities. +Record crime or accident scene evidence with video or still cameras. +Respond to emergencies to provide assistance. +Draw detailed or technical illustrations. +Use databases to locate investigation details or other information. +Collaborate with law enforcement or security agencies to share information. +Direct employee training programs.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 87% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 87% responded “Very important results.” +Importance of Being Exact or Accurate— 86% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Telephone Conversations— 72% responded “Every day.” +Deal With External Customers or the Public in General— 89% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 77% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Contact With Others— 78% responded “Constant contact with others.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 80% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Duration of Typical Work Week— 74% responded “More than 40 hours.” +Frequency of Decision Making— 62% responded “Every day.” +Consequence of Error— 77% responded “Extremely serious.” +Importance of Repeating Same Tasks— 49% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 49% responded “Every day.” +Physical Proximity— 37% responded “Very close (near touching).” +Time Pressure— 55% responded “Once a week or more but not every day.” +Exposed to Contaminants— 38% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 36% responded “High responsibility.” +Indoors, Not Environmentally Controlled— 35% responded “Once a month or more but not every week.” +Spend Time Sitting— 41% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 38% responded “Every day.” +Conflict Situations— 46% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Every day.” +Written Letters and Memos— 35% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 35% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Exposed to Disease or Infections— 29% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 45% responded “Once a week or more but not every day.” +Level of Competition— 55% responded “Highly competitive.” +Dealing with Violent or Physically Aggressive People— 39% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 29% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Compliance Officers +Coroners +Detectives and Criminal Investigators +First-Line Supervisors of Police and Detectives +Forensic Science Technicians +Bright Outlook +Fraud Examiners, Investigators and Analysts +Government Property Inspectors and Investigators +Intelligence Analysts +Police and Sheriff's Patrol Officers +Private Detectives and Investigators","View the list of Allies +American Academy of Forensic Sciences +external site +American Polygraph Association +external site +Association for Crime Scene Reconstruction +external site +Fraternal Order of Police +external site +International Association for Identification +external site +International Association of Arson Investigators +external site +International Association of Bloodstain Pattern Analysts +external site +International Association for Property and Evidence +external site +Law Enforcement and Emergency Services Video Association International +external site +National Technical Investigators' Association +external site +The Association of Firearm and Tool Mark Examiners +external site",60,,11,67,45,38,67,45,54,8,3,27,46,31,21,92,19,27,12,13,42,7,29,20,22,29,3,36,35,1,18,3,25 +51-6092.00,Fabric and Apparel Patternmakers,https://www.onetonline.org/link/summary/51-6092.00,2025-06-11T19:26:20.973101,"Create a master pattern for each size within a range of garment sizes, using charts, drafting instruments, computers, or grading devices. +Input specifications into computers to assist with pattern design and pattern cutting. +Draw details on outlined parts to indicate where parts are to be joined, as well as the positions of pleats, pockets, buttonholes, and other features, using computers or drafting instruments. +Make adjustments to patterns after fittings. +Compute dimensions of patterns according to sizes, considering stretching of material. +Mark samples and finished patterns with information, such as garment size, section, style, identification, and sewing instructions. +Draw outlines of pattern parts by adapting or copying existing patterns, or by drafting new patterns. +Test patterns by making and fitting sample garments. +Position and cut out master or sample patterns, using scissors and knives, or print out copies of patterns, using computers. +Create a paper pattern from which to mass-produce a design concept. +Discuss design specifications with designers, and convert their original models of garments into patterns of separate parts that can be laid out on a length of fabric. +Examine sketches, sample articles, and design specifications to determine quantities, shapes, and sizes of pattern parts, and to determine the amount of material or fabric required to make a product. +Determine the best layout of pattern pieces to minimize waste of material, and mark fabric accordingly. +Create design specifications to provide instructions on garment sewing and assembly. +Trace outlines of paper onto cardboard patterns, and cut patterns into parts to make templates. +Trace outlines of specified patterns onto material, and cut fabric, using scissors.","Computer aided design CAD software— Autodesk AutoCAD; Gerber Technology AccuMark; PatternMaker +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Design templates or patterns. +Program equipment to perform production tasks. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Adjust fabrics or other materials during garment production. +Calculate dimensions of workpieces, products, or equipment. +Mark products, workpieces, or equipment with identifying information. +Assemble garments or textile products. +Position patterns on equipment, materials, or workpieces. +Confer with customers or designers to determine order specifications. +Inspected printed materials or other images to verify quality. +Construct patterns, templates, or other work aids. +Cut fabrics.","Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Contact With Others— 57% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 75% responded “Extremely important.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Frequency of Decision Making— 68% responded “Every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Telephone Conversations— 48% responded “Every day.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 54% responded “Continually or almost continually.” +E-Mail— 50% responded “Every day.” +Spend Time Making Repetitive Motions— 31% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Written Letters and Memos— 38% responded “Every day.” +Duration of Typical Work Week— 77% responded “40 hours.” +Consequence of Error— 30% responded “Very serious.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.” +Spend Time Standing— 55% responded “Less than half the time.” +Spend Time Sitting— 38% responded “More than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Cutters and Trimmers, Hand +Etchers and Engravers +Fashion Designers +Layout Workers, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Patternmakers, Metal and Plastic +Patternmakers, Wood +Sewers, Hand +Sewing Machine Operators +Tailors, Dressmakers, and Custom Sewers","View the list of Allies +American Apparel and Footwear Association +external site +International Apparel Federation +external site",28,,72,73,74,46,18,60,41,9,25,19,15,47,25,9,14,45,5,20,31,10,17,18,,48,5,13,7,80,4,22,10 +13-1199.07,Security Management Specialists,https://www.onetonline.org/link/summary/13-1199.07,2025-06-11T18:50:33.541549,"Assess the nature and level of physical security threats so that the scope of the problem can be determined. +Budget and schedule security design work. +Conduct security audits to identify potential vulnerabilities related to physical security or staff safety. +Design security policies, programs, or practices to ensure adequate security relating to alarm response, access card use, and other security needs. +Design, implement, or establish requirements for security systems, video surveillance, motion detection, or closed-circuit television systems to ensure proper installation and operation. +Develop conceptual designs of security systems. +Develop or review specifications for design or construction of security systems. +Engineer, install, maintain, or repair security systems, programmable logic controls, or other security-related electronic systems. +Inspect fire, intruder detection, or other security systems. +Inspect physical security design features, installations, or programs to ensure compliance with applicable standards or regulations. +Interview witnesses or suspects to identify persons responsible for security breaches or to establish losses, pursue prosecutions, or obtain restitution. +Monitor tapes or digital recordings to identify the source of losses. +Monitor the work of contractors in the design, construction, and startup phases of security systems. +Outline system security criteria for pre-bid meetings with clients and companies to ensure comprehensiveness and appropriateness for implementation. +Perform risk analyses so that appropriate countermeasures can be developed. +Prepare documentation for case reports or court proceedings. +Prepare, maintain, or update security procedures, security system drawings, or related documentation. +Provide system design and integration recommendations. +Recommend improvements in security systems or procedures. +Respond to emergency situations on an on-call basis. +Review design drawings or technical documents for completeness, correctness, or appropriateness. +Test security measures for final acceptance and implement or provide procedures for ongoing monitoring and evaluation of the measures. +Train personnel in security procedures or use of security equipment.","Access software— IBM Tivoli software +Administration software— Cisco Systems CiscoWorks +Authentication server software— Single sign-on SSO +Business intelligence and data analysis software— Oracle Business Intelligence Enterprise Edition +Cloud-based management software— Splunk Enterprise +Cloud-based protection or security software— Tenable Nessus +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; ServiceNow; Structured query language SQL;1 more +Development environment software— Microsoft Azure software; Microsoft PowerShell +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Management information systems MIS; SAP software +Facilities management software— Physical access management software +Gateway software— Secure web gateway software +Graphics or photo imaging software— Photo editing software +Internet browser software— Web browser software +Internet directory services software— Microsoft Active Directory; Network directory services software +Network security and virtual private network VPN equipment software— Firewall software; Symantec PGP; TrueCrypt; Virtual private networking VPN software;1 more +Network security or virtual private network VPN management software— CyberArk; Intrusion prevention system IPS +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Risk management data and analysis software— ArcSight Enterprise Threat and Risk Management +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— Chinotec Technologies Paros; McAfee; Nmap; NortonLifeLock cybersecurity software;1 more +Transaction server software— Customer information control system CICS +Video conferencing software— Videoconferencing software +Web page creation and editing software— Social networking software +Web platform development software— JavaScript; Security assertion markup language SAML +Word processing software— Microsoft Word",,"Develop technical specifications for systems or equipment. +Advise others on business or operational matters. +Assess risks to business operations. +Inspect facilities or equipment to ensure specifications are met. +Analyze budgetary or accounting data. +Design electronic or computer equipment or instrumentation. +Develop diagrams or flow charts of system operation. +Develop safety standards, policies, or procedures. +Document information related to legal proceedings. +Establish organizational guidelines or policies. +Implement organizational process or policy changes. +Inspect facilities to ensure compliance with safety, quality, or service standards. +Install instrumentation or electronic equipment or systems. +Interview witnesses, suspects, or claimants. +Investigate legal issues. +Maintain electronic equipment. +Monitor operations to ensure compliance with safety or security policies or regulations. +Prepare financial documents. +Repair electronic equipment. +Respond to emergencies to provide assistance. +Supervise employees. +Train personnel in organizational or compliance procedures. +Verify accuracy of records.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Compliance Managers +Bright Outlook +Emergency Management Directors +Fire-Prevention and Protection Engineers +Gambling Surveillance Officers and Gambling Investigators +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Management Analysts +Occupational Health and Safety Specialists +Retail Loss Prevention Specialists +Security and Fire Alarm Systems Installers +Security Managers","View the list of Allies +ASIS International +external site +International Organization of Black Security Executives +external site +American Society of Safety Professionals +external site +Electronic Security Association +external site +International Association for Identification +external site +International Association of Campus Law Enforcement Administrators +external site +International Association of Professional Security Consultants +external site +International CPTED Association +external site +International Critical Incident Stress Foundation +external site +International Foundation for Protection Officers +external site +International Security Management Association +external site +National Council of Investigation and Security Services +external site +National Cybersecurity Alliance +external site +Security Industry Association +external site +The International Association of Counterterrorism and Security Professionals +external site +The Risk Management Society +external site +Association of Threat Assessment Professionals +external site +International Association for Healthcare Security and Safety +external site +International Law Enforcement Educators and Trainers Association +external site +International Secure Information Governance and Management Association +external site +Loss Prevention Foundation +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +45-4022.00,Logging Equipment Operators,https://www.onetonline.org/link/summary/45-4022.00,2025-06-11T19:17:49.649777,"Inspect equipment for safety prior to use, and perform necessary basic maintenance tasks. +Control hydraulic tractors equipped with tree clamps and booms to lift, swing, and bunch sheared trees. +Grade logs according to characteristics such as knot size and straightness, and according to established industry or company standards. +Drive straight or articulated tractors equipped with accessories such as bulldozer blades, grapples, logging arches, cable winches, and crane booms to skid, load, unload, or stack logs, pull stumps, or clear brush. +Drive crawler or wheeled tractors to drag or transport logs from felling sites to log landing areas for processing and loading. +Fill out required job or shift report forms. +Drive tractors for building or repairing logging and skid roads. +Drive and maneuver tractors and tree harvesters to shear the tops off of trees, cut and limb the trees, and cut the logs into desired lengths. +Calculate total board feet, cordage, or other wood measurement units, using conversion tables. +Operate remote-controlled logging machines and drones for dangerous or hard-to-reach tasks.","Data base user interface and query software— BCS Woodlands Systems The Logger Tracker +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Human resources software— TradeTec TallyWorks TimeTracker +Inventory management software— TradeTec TallyWorks Logs +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Inspect equipment or facilities to determine condition or maintenance needs. +Maintain forestry, hunting, or agricultural equipment. +Operate forestry equipment. +Evaluate log quality. +Cut trees or logs. +Maintain personnel records. +Measure physical characteristics of forestry or agricultural products.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 99% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 87% responded “Every day.” +Duration of Typical Work Week— 84% responded “More than 40 hours.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 89% responded “Every day.” +Frequency of Decision Making— 83% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Health and Safety of Other Workers— 68% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Very important results.” +Pace Determined by Speed of Equipment— 49% responded “Extremely important.” +Spend Time Sitting +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 47% responded “Every day.” +Contact With Others— 56% responded “Constant contact with others.” +Consequence of Error— 68% responded “Extremely serious.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Telephone Conversations— 57% responded “Every day.” +Exposed to Whole Body Vibration— 12% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Determine Tasks, Priorities and Goals— 19% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Importance of Being Exact or Accurate— 31% responded “Extremely important.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Exposed to Hazardous Equipment— 55% responded “Every day.” +Exposed to Contaminants— 35% responded “Every day.” +Time Pressure— 27% responded “Once a month or more but not every week.” +In an Open Vehicle or Operating Equipment— 36% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 18% responded “Extremely important.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Agricultural Equipment Operators +Bright Outlook +Continuous Mining Machine Operators +Crane and Tower Operators +Excavating and Loading Machine and Dragline Operators, Surface Mining +Fallers +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Loading and Moving Machine Operators, Underground Mining +Log Graders and Scalers +Operating Engineers and Other Construction Equipment Operators","View the list of Allies +American Loggers Council +external site +Forest Resources Association +external site +Northeastern Loggers' Association +external site",27,,60,23,23,33,63,23,2,2,5,12,2,12,,22,6,80,,42,15,4,1,6,13,25,13,23,14,18,20,, +51-8031.00,Water and Wastewater Treatment Plant and System Operators,https://www.onetonline.org/link/summary/51-8031.00,2025-06-11T19:27:01.653979,"Add chemicals, such as ammonia, chlorine, or lime, to disinfect and deodorize water and other liquids. +Collect and test water and sewage samples, using test equipment and color analysis standards. +Record operational data, personnel attendance, or meter and gauge readings on specified forms. +Operate and adjust controls on equipment to purify and clarify water, process or dispose of sewage, and generate power. +Inspect equipment or monitor operating conditions, meters, and gauges to determine load requirements and detect malfunctions. +Maintain, repair, and lubricate equipment, using hand tools and power tools. +Clean and maintain tanks, filter beds, and other work areas, using hand tools and power tools. +Direct and coordinate plant workers engaged in routine operations and maintenance activities.","Compliance software— Material safety data sheet MSDS software +Data base user interface and query software— Data logging software; Database software; Operational Data Store ODS software +Document management software— Records management software +Electronic mail software— Microsoft Outlook +Geographic information system— Geographic information system GIS systems +Industrial control software— Human machine interface HMI software; Supervisory control and data acquisition SCADA software; Wastewater expert control systems +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Operate chemical processing or water treatment systems or equipment. +Collect samples of materials or products for testing. +Test chemical or physical characteristics of materials or products. +Record operational or production data. +Inspect production equipment. +Maintain production or processing equipment. +Lubricate production equipment. +Repair production equipment or tools. +Clean production equipment. +Clean work areas. +Direct operational or production activities.","Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Determine Tasks, Priorities and Goals— 62% responded “A lot of freedom.” +Telephone Conversations— 59% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 66% responded “Every day.” +Exposed to Contaminants— 63% responded “Every day.” +Freedom to Make Decisions— 59% responded “A lot of freedom.” +Exposed to Hazardous Conditions— 68% responded “Every day.” +Importance of Being Exact or Accurate— 65% responded “Very important.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Indoors, Not Environmentally Controlled— 47% responded “Every day.” +Consequence of Error— 50% responded “Extremely serious.” +Contact With Others— 45% responded “Constant contact with others.” +Frequency of Decision Making— 57% responded “Every day.” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 30% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 51% responded “Very important.” +E-Mail— 65% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Time Pressure— 42% responded “Every day.” +Exposed to Hazardous Equipment— 34% responded “Every day.” +Duration of Typical Work Week— 74% responded “40 hours.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 21% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 25% responded “Important.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Once a month or more but not every week.” +Spend Time Standing— 44% responded “About half the time.” +Outdoors, Under Cover— 30% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Deal With External Customers or the Public in General— 34% responded “Important.” +Degree of Automation— 43% responded “Slightly automated.” +Pace Determined by Speed of Equipment— 31% responded “Not important at all.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biomass Plant Technicians +Chemical Equipment Operators and Tenders +Chemical Plant and System Operators +Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Hydroelectric Plant Technicians +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Stationary Engineers and Boiler Operators","View the list of Allies +American Ground Water Trust +external site +American Public Works Association +external site +American Society of Civil Engineers +external site +American Water Resources Association +external site +American Water Works Association +external site +Association of Metropolitan Water Agencies +external site +Association of Public Health Laboratories +external site +Association of State Drinking Water Administrators +external site +International Water Association +external site +National Association of Clean Water Agencies +external site +National Association of Water Companies +external site +National Ground Water Association +external site +National Rural Water Association +external site +United States Society on Dams +external site +Water Environment Federation +external site +Water Research Foundation +external site +Work for Water +external site +Central States Water Environment Association +external site +New England Water Environment Association +external site +New England Water Works Association +external site +Pacific Northwest Clean Water Association +external site +Pacific Northwest Section of the American Water Works Association +external site +Southeast Desalting Association +external site +American Academy of Water Resources Engineers +external site +Association of Water Technologies +external site",50,7,62,51,66,58,62,53,53,30,10,39,75,56,4,38,30,72,10,21,24,4,12,31,9,61,37,47,73,32,30,,9 +15-1299.03,Document Management Specialists,https://www.onetonline.org/link/summary/15-1299.03,2025-06-11T18:52:15.754423,"Assist in determining document management policies to facilitate efficient, legal, and secure access to electronic content. +Assist in the development of document or content classification taxonomies to facilitate information capture, search, and retrieval. +Implement electronic document processing, retrieval, and distribution systems in collaboration with other information technology specialists. +Identify and classify documents or other electronic content according to characteristics such as security level, function, and metadata. +Develop, document, or maintain standards, best practices, or system usage procedures. +Assist in the assessment, acquisition, or deployment of new electronic document management systems. +Administer document and system access rights and revision control to ensure security of system and integrity of master documents. +Prepare and record changes to official documents and confirm changes with legal and compliance management staff, including enterprise-wide records management staff. +Write, review, or execute plans for testing new or established document management systems. +Monitor regulatory activity to maintain compliance with records and document management laws. +Retrieve electronic assets from repository for distribution to users, collecting and returning to repository, if necessary. +Keep abreast of developments in document management technologies and techniques by reviewing current literature, talking with colleagues, participating in educational programs, attending meetings or workshops, or participating in professional organizations or conferences. +Conduct needs assessments to identify document management requirements of departments or end users. +Develop or configure document management system features, such as user interfaces, access profiles, and document workflow procedures. +Document technical functions and specifications for new or proposed content management systems. +Exercise security surveillance over document processing, reproduction, distribution, storage, or archiving. +Consult with end users regarding problems in accessing electronic content. +Propose recommendations for improving content management system capabilities. +Operate data capture technology to import digitized documents into document management system. +Prepare support documentation and training materials for end users of document management systems. +Search electronic sources, such as databases or repositories, or manual sources for information. +Implement scanning or other automated data entry procedures, using imaging devices and document imaging software. +Analyze, interpret, or disseminate system performance data.","Analytical or scientific software— CAPSYS Capture; EMC Captiva; Microsoft Office Document Imaging; Office Gemini Diamond Vision;1 more +Application server software— Oracle WebLogic Server +Cloud-based management software— IBM WebSphere MQ +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; PTC Creo Parametric +Content workflow software— IBM FileNet Content Manager; Thomson Reuters GoFileRoom +Data base management system software— Teradata Database +Data base reporting software— SAP Business Objects +Data base user interface and query software— FileMaker Pro; IBM DB2; Microsoft Access; Microsoft SQL Server;1 more +Data compression software— File compression software +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign +Development environment software— Microsoft .NET Framework; Microsoft Visual Basic; Oracle SQL Developer +Document management software— Adobe Acrobat; Alfresco Software Alfresco; FileHold Systems FileHold; Microsoft SharePoint;38 more +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; SAP BusinessObjects Data Integrator +Enterprise resource planning ERP software— Business process management BPM software; Microsoft Dynamics; Oracle PeopleSoft Financials; SAP ERP Financials;2 more +File versioning software— Version control software +Filesystem software— File system software +Graphics or photo imaging software— Adobe Photoshop +Object or component oriented development software— Apache Groovy; Oracle Java; Perl; SAP PowerBuilder +Office suite software— Microsoft Office software +Operating system software— IBM MVS; Linux; Microsoft Windows; UNIX +Optical character reader OCR or scanning software— Optical character recognition OCR software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Central Desktop; Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Google Ads +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Apple Final Cut Pro; WeVideo +Web page creation and editing software— Adobe Dreamweaver; Google Sites +Web platform development software— Apache Tomcat; Hypertext markup language HTML +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Develop procedures for data management. +Develop procedures for data entry or processing. +Prepare data for analysis. +Retrieve information from electronic sources. +Analyze costs and benefits of proposed designs or projects. +Assess the cost effectiveness of products, projects, or services. +Develop performance metrics or standards related to information technology. +Document operational procedures. +Implement security measures for computer or information systems. +Develop testing routines or procedures. +Manage documentation to ensure organization or accuracy. +Monitor operational activities to ensure compliance with regulations or standard operating procedures. +Collect data about customer needs. +Update knowledge about emerging industry or technology trends. +Document technical specifications or requirements. +Monitor the security of digital information. +Provide technical support for software maintenance or use. +Recommend changes to improve computer or information systems. +Prepare instruction manuals. +Analyze data to identify or resolve operational problems.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 59% responded “Every day.” +Work With or Contribute to a Work Group or Team— 56% responded “Very important.” +Spend Time Sitting— 50% responded “More than half the time.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Written Letters and Memos— 37% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Contact With Others— 47% responded “Contact with others most of the time.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Extremely important.” +Duration of Typical Work Week— 79% responded “40 hours.” +Importance of Repeating Same Tasks— 32% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Minor results.” +Frequency of Decision Making— 32% responded “Once a year or more but not every month.” +Level of Competition— 47% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 32% responded “Limited responsibility.” +Degree of Automation— 44% responded “Moderately automated.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Administrative Services Managers +Bright Outlook +Computer Systems Analysts +Database Administrators +Database Architects +Health Information Technologists and Medical Registrars +Information Security Analysts +Management Analysts +Medical Records Specialists +Software Developers +Web Administrators","View the list of Allies +ARMA International +external site +Association for Data-Driven Marketing and Advertising +external site +Association for Information Science and Technology +external site +Association for Information Systems +external site +Association for Intelligent Information Management +external site +Chartered Institute of Information Security +external site +Information Systems Security Association International +external site +International Association of IT Asset Managers +external site +International Association of Privacy Professionals +external site +International Federation of Library Associations and Institutions +external site +National Association of Government Archives and Records Administrators +external site +Society for Imaging Science and Technology +external site +Society for Information Management +external site +Society of American Archivists +external site +Special Libraries Association +external site +Mid-Atlantic Regional Archives Conference +external site +Midwest Archives Conference +external site +Mountain Plains Library Association +external site +New England Archivists +external site +Pacific Northwest Library Association +external site +Southeastern Library Association +external site +Southwestern Association of Law Libraries +external site +Western Association of Map Libraries +external site +American Health Information Management Association +external site +CompTIA +external site +Institute of Certified Records Managers +external site +Project Management Institute +external site +World Commerce and Contracting +external site",64,3,30,73,44,71,40,59,61,34,44,39,8,70,18,61,43,9,8,18,28,9,20,24,5,38,9,6,5,30,19,6,20 +51-4111.00,Tool and Die Makers,https://www.onetonline.org/link/summary/51-4111.00,2025-06-11T19:25:18.255074,"Verify dimensions, alignments, and clearances of finished parts for conformance to specifications, using measuring instruments such as calipers, gauge blocks, micrometers, or dial indicators. +Set up and operate conventional or computer numerically controlled machine tools such as lathes, milling machines, or grinders to cut, bore, grind, or otherwise shape parts to prescribed dimensions and finishes. +Visualize and compute dimensions, sizes, shapes, and tolerances of assemblies, based on specifications. +Study blueprints, sketches, models, or specifications to plan sequences of operations for fabricating tools, dies, or assemblies. +Fit and assemble parts to make, repair, or modify dies, jigs, gauges, and tools, using machine tools, hand tools, or welders. +Inspect finished dies for smoothness, contour conformity, and defects. +Select metals to be used from a range of metals and alloys, based on properties such as hardness or heat tolerance. +Lift, position, and secure machined parts on surface plates or worktables, using hoists, vises, v-blocks, or angle plates. +File, grind, shim, and adjust different parts to properly fit them together. +Smooth and polish flat and contoured surfaces of parts or tools, using scrapers, abrasive stones, files, emery cloths, or power grinders. +Measure, mark, and scribe metal or plastic stock to lay out machining, using instruments such as protractors, micrometers, scribes, or rulers. +Conduct test runs with completed tools or dies to ensure that parts meet specifications, making adjustments as necessary. +Design jigs, fixtures, and templates for use as work aids in the fabrication of parts or products. +Cut, shape, and trim blanks or blocks to specified lengths or shapes, using power saws, power shears, rules, and hand tools. +Set up and operate drill presses to drill and tap holes in parts for assembly. +Develop and design new tools and dies, using computer-aided design software. +Set pyrometer controls of heat-treating furnaces and feed or place parts, tools, or assemblies into furnaces to harden. +Troubleshoot malfunctions in manufacturing equipment.","Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes CATIA; Dassault Systemes SolidWorks;12 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics; Mastercam computer-aided design and manufacturing software; NC verification software; OPEN MIND Technologies hyperMILL;3 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Inventory management software— Seco Tools Seco Point +Materials requirements planning logistics and supply chain software— JobPack MES Scheduler +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate grinding equipment. +Operate metal or plastic forming equipment. +Calculate dimensions of workpieces, products, or equipment. +Review blueprints or other instructions to determine operational methods or sequences. +Inspect metal, plastic, or composite products. +Assemble machine tools, parts, or fixtures. +Operate welding equipment. +Repair parts or assemblies. +Select production input materials. +Smooth metal surfaces or edges. +Lift materials or workpieces using cranes or other lifting equipment. +Mount materials or workpieces onto production equipment. +Measure materials to mark reference points, cutting lines, or other indicators. +Polish materials, workpieces, or finished products. +Conduct test runs of production equipment. +Design tools, fixtures, or other devices for production equipment. +Cut industrial materials in preparation for fabrication or processing. +Shape metal workpieces with hammers or other small hand tools. +Drill holes in parts, equipment, or materials. +Adjust temperature controls of ovens or other heating equipment. +Feed materials or products into or through equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Importance of Being Exact or Accurate— 80% responded “Extremely important.” +Freedom to Make Decisions— 83% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 69% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 60% responded “Continually or almost continually.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Contact With Others— 49% responded “Contact with others most of the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 54% responded “Every day.” +Spend Time Standing— 58% responded “More than half the time.” +Frequency of Decision Making— 46% responded “Every day.” +Work With or Contribute to a Work Group or Team— 36% responded “Very important.” +Duration of Typical Work Week +Consequence of Error— 44% responded “Very serious.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Exposed to Contaminants— 41% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 28% responded “Every day.” +E-Mail— 35% responded “Never.” +Pace Determined by Speed of Equipment— 28% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 29% responded “High responsibility.” +Indoors, Environmentally Controlled— 52% responded “Every day.” +Health and Safety of Other Workers— 40% responded “Limited responsibility.” +Indoors, Not Environmentally Controlled— 50% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Important.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Model Makers, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Patternmakers, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +American Mold Builders Association +external site +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +International Association of Machinists and Aerospace Workers +external site +Manufacturing Institute +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +Industrial Division of the Communication Workers of America +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site",36,,62,51,63,34,28,45,30,14,6,14,12,41,4,7,9,87,1,14,6,3,4,11,3,48,10,28,3,60,4,, +51-4023.00,"Rolling Machine Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4023.00,2025-06-11T19:24:37.772447,"Monitor machine cycles and mill operation to detect jamming and to ensure that products conform to specifications. +Adjust and correct machine set-ups to reduce thicknesses, reshape products, and eliminate product defects. +Start operation of rolling and milling machines to flatten, temper, form, and reduce sheet metal sections and to produce steel strips. +Examine, inspect, and measure raw materials and finished products to verify conformance to specifications. +Read rolling orders, blueprints, and mill schedules to determine setup specifications, work sequences, product dimensions, and installation procedures. +Manipulate controls and observe dial indicators to monitor, adjust, and regulate speeds of machine mechanisms. +Set distance points between rolls, guides, meters, and stops, according to specifications. +Calculate draft space and roll speed for each mill stand to plan rolling sequences and specified dimensions and tempers. +Install equipment such as guides, guards, gears, cooling equipment, and rolls, using hand tools. +Position, align, and secure arbors, spindles, coils, mandrels, dies, and slitting knives. +Fill oil cups, adjust valves, and observe gauges to control flow of metal coolants and lubricants onto workpieces. +Activate shears and grinders to trim workpieces. +Signal and assist other workers to remove and position equipment, fill hoppers, and feed materials into machines. +Record mill production on schedule sheets. +Direct and train other workers to change rolls, operate mill equipment, remove coils and cobbles, and band and load material. +Thread or feed sheets or rods through rolling mechanisms, or start and control mechanisms that automatically feed steel into rollers. +Select rolls, dies, roll stands, and chucks from data charts to form specified contours and to fabricate products. +Remove scratches and polish roll surfaces, using polishing stones and electric buffers. +Disassemble sizing mills removed from rolling lines, and sort and store parts.","Electronic mail software— Email software +Internet browser software— Web browser software","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Operate metal or plastic forming equipment. +Watch operating equipment to detect malfunctions. +Inspect metal, plastic, or composite products. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Study blueprints or other instructions to determine equipment setup requirements. +Monitor equipment operation to ensure proper functioning. +Feed materials or products into or through equipment. +Set equipment guides, stops, spacers, or other fixtures. +Calculate specific material, equipment, or labor requirements for production. +Install mechanical components in production equipment. +Select production equipment according to product specifications. +Mount attachments or tools onto production equipment. +Adjust equipment controls to regulate coolant flow. +Monitor instruments to ensure proper production conditions. +Operate cutting equipment. +Operate grinding equipment. +Reshape metal workpieces to established specifications. +Signal others to coordinate work activities. +Record operational or production data. +Polish materials, workpieces, or finished products. +Direct operational or production activities. +Instruct workers to use equipment or perform technical procedures. +Disassemble equipment for maintenance or repair. +Sort materials or products for processing, storing, shipping, or grading.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 73% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Contact With Others— 63% responded “Constant contact with others.” +Time Pressure— 72% responded “Every day.” +Spend Time Standing— 64% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 79% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Pace Determined by Speed of Equipment— 45% responded “Extremely important.” +Exposed to Contaminants— 73% responded “Every day.” +Frequency of Decision Making— 69% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Exposed to Hazardous Equipment— 68% responded “Every day.” +Duration of Typical Work Week— 60% responded “40 hours.” +Spend Time Walking or Running— 47% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 42% responded “Important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 57% responded “Every day.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Indoors, Not Environmentally Controlled— 60% responded “Every day.” +Freedom to Make Decisions— 37% responded “A lot of freedom.” +Spend Time Bending or Twisting Your Body— 34% responded “Less than half the time.” +Physical Proximity— 32% responded “Moderately close (at arm's length).” +Consequence of Error— 39% responded “Serious.” +Deal With External Customers or the Public in General— 32% responded “Very important.” +Indoors, Environmentally Controlled— 52% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Machine Feeders and Offbearers +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Plastics Industry Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",40,12,63,60,40,47,39,53,19,11,12,21,29,38,8,12,19,72,4,24,6,6,8,20,6,40,19,22,3,23,4,,2 +27-1012.00,Craft Artists,https://www.onetonline.org/link/summary/27-1012.00,2025-06-11T19:02:29.562489,"Create functional or decorative objects by hand, using a variety of methods and materials. +Cut, shape, fit, join, mold, or otherwise process materials, using hand tools, power tools, or machinery. +Apply finishes to objects being crafted. +Develop concepts or creative ideas for craft objects. +Select materials for use based on strength, color, texture, balance, weight, size, malleability and other characteristics. +Advertise products and work, using media such as internet advertising and brochures. +Set specifications for materials, dimensions, and finishes. +Plan and attend craft shows to market products. +Create prototypes or models of objects to be crafted. +Confer with customers to assess customer needs or obtain feedback. +Fabricate patterns or templates to guide craft production. +Develop product packaging, display, and pricing strategies. +Research craft trends, venues, and customer buying patterns to inspire designs and marketing strategies. +Sketch or draw objects to be crafted. +Develop designs using specialized computer software. +Pack products for shipping.","Analytical or scientific software— John Hesselberth and Ron Roy GlazeMaster +Computer aided design CAD software— DRAWSTITCH Artistic Sewing Suite; Embroidery design software; Floriani MDQ My Decorative Quilter; Pattern design software;1 more +Electronic mail software— Email software +Graphics or photo imaging software— SmugMug Flickr +Instant messaging software— Twitter +Internet browser software— Web browser software +Point of sale POS software— Sales management software +Web page creation and editing software— Facebook","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Construct distinctive physical objects for artistic, functional, or commercial purposes. +Apply finishes to artwork, crafts, or displays. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Select materials or props. +Promote products, activities, or organizations. +Build models, patterns, or templates. +Confer with clients to determine needs. +Develop promotional strategies or plans. +Draw detailed or technical illustrations. +Monitor current trends.","E-Mail— 64% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 52% responded “Every day.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 42% responded “More than half the time.” +Telephone Conversations— 48% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Level of Competition— 32% responded “Highly competitive.” +Exposed to Contaminants— 40% responded “Every day.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 28% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Exposed to Hazardous Equipment— 40% responded “Every day.” +Indoors, Not Environmentally Controlled— 36% responded “Every day.” +Indoors, Environmentally Controlled— 33% responded “Every day.” +Importance of Repeating Same Tasks— 28% responded “Important.” +Spend Time Sitting— 38% responded “Less than half the time.” +Spend Time Standing— 38% responded “More than half the time.” +Contact With Others— 44% responded “Occasional contact with others.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.","Etchers and Engravers +Fabric and Apparel Patternmakers +Fashion Designers +Fine Artists, Including Painters, Sculptors, and Illustrators +Jewelers and Precious Stone and Metal Workers +Model Makers, Wood +Painting, Coating, and Decorating Workers +Patternmakers, Metal and Plastic +Patternmakers, Wood +Sewers, Hand","View the list of Allies +Craft Industry Alliance +external site +Society of North American Goldsmiths +external site +American Craft Council +external site +Association of Medical Illustrators +external site +Glass Art Society +external site +Handweavers Guild of America +external site +Indian Arts and Crafts Association +external site +National Association of Schools of Art and Design +external site +Surface Design Association +external site +The Furniture Society +external site",70,,70,41,39,43,19,24,43,42,71,12,25,36,2,15,38,50,12,36,16,3,17,18,5,33,31,18,3,69,13,72,24 +29-2081.00,"Opticians, Dispensing",https://www.onetonline.org/link/summary/29-2081.00,2025-06-11T19:08:48.309935,"Measure clients' bridge and eye size, temple length, vertex distance, pupillary distance, and optical centers of eyes, using measuring devices. +Verify that finished lenses are ground to specifications. +Evaluate prescriptions in conjunction with clients' vocational and avocational visual requirements. +Recommend specific lenses, lens coatings, and frames to suit client needs. +Assist clients in selecting frames according to style and color, and ensure that frames are coordinated with facial and eye measurements and optical prescriptions. +Maintain records of customer prescriptions, work orders, and payments. +Heat, shape, or bend plastic or metal frames to adjust eyeglasses to fit clients, using pliers and hands. +Show customers how to insert, remove, and care for their contact lenses. +Determine clients' current lens prescriptions, when necessary, using lensometers or lens analyzers and clients' eyeglasses. +Prepare work orders and instructions for grinding lenses and fabricating eyeglasses. +Obtain a customer's previous record, or verify a prescription with the examining optometrist or ophthalmologist. +Sell goods such as contact lenses, spectacles, sunglasses, and goods related to eyes, in general. +Fabricate lenses to meet prescription specifications. +Perform administrative duties, such as tracking inventory and sales, submitting patient insurance information, and performing simple bookkeeping. +Assemble eyeglasses by cutting and edging lenses, and fitting the lenses into frames. +Instruct clients in how to wear and care for eyeglasses. +Supervise the training of student opticians. +Order and purchase frames and lenses. +Grind lens edges, or apply coatings to lenses. +Repair damaged frames. +Arrange and maintain displays of optical merchandise.","Accounting software— Intuit QuickBooks +Data base user interface and query software— Database software; EZ-Zone Optizone Enterprise +Inventory management software— Inventory management systems +Medical software— EMRlogic Systems ENTERPRISE Visions; First Insight MaximEyes; HealthLine Systems Eyecom; Specialist Data Solutions OctoPlus;5 more +Office suite software— Microsoft Office software +Point of sale POS software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Measure the physical or physiological attributes of patients. +Fabricate medical devices. +Fit eyeglasses, contact lenses, or other vision aids. +Recommend types of assistive devices. +Record patient medical histories. +Instruct patients in the use of assistive equipment. +Operate diagnostic or therapeutic medical instruments or equipment. +Merchandise healthcare products or services. +Perform clerical work in medical settings. +Gather medical information from patient histories. +Verify accuracy of patient information. +Process medical billing information. +Train medical providers. +Order medical supplies or equipment.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Contact With Others— 83% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 79% responded “Extremely important.” +E-Mail— 88% responded “Every day.” +Physical Proximity— 67% responded “Very close (near touching).” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Frequency of Decision Making— 71% responded “Every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 54% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 33% responded “Extremely important.” +Written Letters and Memos— 33% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Continually or almost continually.” +Level of Competition— 42% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.” +Health and Safety of Other Workers— 33% responded “Limited responsibility.” +Spend Time Sitting— 58% responded “About half the time.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Duration of Typical Work Week— 96% responded “40 hours.” +Conflict Situations— 38% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Endoscopy Technicians +Bright Outlook +Hearing Aid Specialists +Medical Assistants +Medical Equipment Preparers +Ophthalmic Laboratory Technicians +Ophthalmic Medical Technicians +Ophthalmic Medical Technologists +Optometrists +Pharmacy Aides +Pharmacy Technicians","View the list of Allies +Contact Lens Society of America +external site +Opticians Association of America +external site +American Board of Opticianry and National Contact Lens Examiners +external site +National Academy of Opticianry +external site +Society to Advance Opticianry +external site",97,6,71,67,73,63,48,61,70,47,81,50,26,51,27,52,48,45,16,15,55,21,36,36,38,38,13,40,39,35,16,14,12 +27-2031.00,Dancers,https://www.onetonline.org/link/summary/27-2031.00,2025-06-11T19:03:21.522528,"Study and practice dance moves required in roles. +Harmonize body movements to rhythm of musical accompaniment. +Train, exercise, and attend dance classes to maintain high levels of technical proficiency, physical ability, and physical fitness. +Coordinate dancing with that of partners or dance ensembles. +Develop self-understanding of physical capabilities and limitations, and choose dance styles accordingly. +Perform classical, modern, or acrobatic dances in productions, expressing stories, rhythm, and sound with their bodies. +Collaborate with choreographers to refine or modify dance steps. +Audition for dance roles or for membership in dance companies. +Attend costume fittings, photography sessions, and makeup calls associated with dance performances. +Monitor the field of dance to remain aware of current trends and innovations. +Prepare pointe shoes, by sewing or other means, for use in rehearsals and performance. +Perform in productions, singing or acting in addition to dancing, if required. +Teach dance students. +Devise and choreograph dance for self or others.","Electronic mail software— Microsoft Outlook +Filesystem software— Samba +Graphics or photo imaging software— Adobe Photoshop; Choreography software +Information retrieval or search software— Pinterest +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Video creation and editing software— Apple Final Cut Pro; YouTube +Web page creation and editing software— Facebook; LinkedIn; Social media sites","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Repair textiles or apparel. +Sew clothing or other articles. +Practice athletic or artistic skills. +Perform dances. +Entertain public with comedic or dramatic performances. +Audition for roles. +Monitor current trends. +Train others on performance techniques. +Choreograph dances.","Physical Proximity— 91% responded “Very close (near touching).” +Contact With Others— 85% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Spend Time Bending or Twisting Your Body— 76% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Spend Time Making Repetitive Motions— 60% responded “Continually or almost continually.” +Spend Time Standing— 49% responded “Continually or almost continually.” +Spend Time Keeping or Regaining Balance— 58% responded “Continually or almost continually.” +Level of Competition— 51% responded “Extremely competitive.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Freedom to Make Decisions— 30% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Every day.” +Frequency of Decision Making— 27% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 26% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 35% responded “Very little freedom.” +Conflict Situations— 29% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 28% responded “Fairly important.” +Spend Time Walking or Running— 30% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Dynamic Flexibility— The ability to quickly and repeatedly bend, stretch, twist, or reach out with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speed of Limb Movement— The ability to quickly move the arms and legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Actors +Art, Drama, and Music Teachers, Postsecondary +Athletes and Sports Competitors +Bright Outlook +Choreographers +Exercise Trainers and Group Fitness Instructors +Models +Music Directors and Composers +Musicians and Singers +Self-Enrichment Teachers +Talent Directors","View the list of Allies +American Dance Guild +external site +Dance Educators of America +external site +Dance Masters of America +external site +Dance/USA +external site +Educational Theatre Association +external site +International Society for the Performing Arts +external site +National Association of Schools of Dance +external site +Professional Dancers Federation +external site +USA Dance +external site +Actors' Equity Association +external site +American Guild of Musical Artists +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site",48,11,17,63,40,31,23,35,21,28,37,22,13,18,23,25,28,9,10,38,37,36,33,7,11,16,6,13,8,18,11,87,12 +15-1255.00,Web and Digital Interface Designers,https://www.onetonline.org/link/summary/15-1255.00,2025-06-11T18:52:04.172484,"Collaborate with management or users to develop e-commerce strategies and to integrate these strategies with Web sites. +Collaborate with web development professionals, such as front-end or back-end developers, to complete the full scope of Web development projects. +Communicate with network personnel or Web site hosting agencies to address hardware or software issues affecting Web sites. +Conduct user research to determine design requirements and analyze user feedback to improve design quality. +Confer with management or development teams to prioritize needs, resolve conflicts, develop content criteria, or choose solutions. +Create searchable indices for Web page content. +Create Web models or prototypes that include physical, interface, logical, or data models. +Design, build, or maintain Web sites, using authoring or scripting languages, content creation tools, management tools, and digital media. +Develop and document style guidelines for Web site content. +Develop new visual design concepts and modify concepts based on stakeholder feedback. +Develop or implement procedures for ongoing Web site revision. +Develop system interaction or sequence diagrams. +Develop Web site maps, application models, image templates, or page templates that meet project goals, user needs, or industry standards. +Develop, validate, and document test routines and schedules to ensure that test cases mimic external interfaces and address all browser and device types. +Direct and execute pre-production activities, such as creating moodboards or storyboards and establishing a project timeline. +Document technical factors such as server load, bandwidth, database performance, and browser and device types. +Identify or maintain links to and from other Web sites and check links to ensure proper functioning. +Identify problems uncovered by testing or customer feedback, and correct problems or refer problems to appropriate personnel for correction. +Incorporate technical considerations into Web site design plans, such as budgets, equipment, performance requirements, or legal issues including accessibility and privacy. +Maintain understanding of current Web technologies or programming practices through continuing education, reading, or participation in professional conferences, workshops, or groups. +Perform or direct Web site updates. +Perform Web site tests according to planned schedules, or after any Web site or product revision. +Provide clear, detailed descriptions of Web site specifications, such as product features, activities, software, communication protocols, programming languages, and operating systems software and hardware. +Register Web sites with search engines to increase Web site traffic. +Research and apply innovative solutions for product design, visuals, and user experience to meet the needs of individual Web development projects. +Research, document, rate, or select alternatives for Web architecture or technologies. +Respond to user email inquiries, or set up automated systems to send responses. +Select programming languages, design tools, or applications. +Write and edit technical documentation for digital interface products and designs, such as user manuals, testing protocols, and reports. +Write supporting code for Web applications or Web sites.","Analytical or scientific software— IBM SPSS Statistics; SAS; The MathWorks MATLAB +Application server software— Docker; GitHub; Red Hat OpenShift; Spring Boot;2 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Splunk Enterprise +Communications server software— IBM Domino +Computer based training software— Moodle +Configuration management software— Chef; Perforce Helix software; Puppet +Content workflow software— Atlassian JIRA; Sitecore CMS +Customer relationship management CRM software— Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; Oracle PL/SQL;10 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Airtable; Amazon Elastic Compute Cloud EC2; Blackboard software; Transact-SQL;10 more +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Go; Oracle Java 2 Platform Enterprise Edition J2EE;16 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes +Enterprise application integration software— Common gateway interface CGI; Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS;3 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;4 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Financial analysis software— Delphi Technology +Graphical user interface development software— Figma; Salesforce Visualforce +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; JamBoard; Trimble SketchUp Pro;3 more +Industrial control software— Chatbot software +Instant messaging software— Blink +Metadata management software— Quest Erwin Data Modeler +Multi-media educational software— Nearpod +Network monitoring software— Nagios; Wireshark +Object or component oriented development software— Apache Spark; jQuery; Scala; Swift;14 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Apple iOS; Google Android; Microsoft Windows Server; UNIX Shell;12 more +Portal server software— Apache HTTP Server +Presentation software— Apple Keynote; Google Slides +Process mapping and design software— InVision software; Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium; UserZoom;1 more +Project management software— Atlassian Confluence; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Google Ads; HubSpot software +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Transaction security and virus protection software— NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS; Microsoft Internet Information Services (IIS) +Video conferencing software— Cisco Webex; Google Meet +Video creation and editing software— Adobe After Effects; Flipgrid; Screencastify; YouTube;3 more +Web page creation and editing software— Adobe Dreamweaver; Axure RP; Google Sites; Social media sites +Web platform development software— Bootstrap; React; Spring Framework; Vue.js;36 more +Word processing software— 3M Post-it App; Evernote; Google Docs",,"Design websites or web applications. +Develop specifications or procedures for website development or maintenance. +Update website content. +Collaborate with others to resolve information technology issues. +Conduct research to gain information about products or processes. +Create images or other visual displays. +Develop models of information or communications systems. +Document design or development procedures. +Prepare graphics or other visual representations of information. +Test software performance. +Analyze operational data to evaluate operations, processes or products. +Collaborate with others to determine design specifications or details. +Collaborate with others to develop or implement marketing strategies. +Develop detailed project plans. +Develop diagrams or flow charts of system operation. +Develop testing routines or procedures. +Document network-related activities or tasks. +Gather customer or product information to determine customer needs. +Implement design or process improvements. +Provide customer service to clients or users. +Provide technical support for computer network issues. +Resolve computer software problems. +Supervise information technology personnel. +Troubleshoot issues with computer applications or systems. +Update knowledge about emerging industry or technology trends. +Write computer programming code. +Write reports or evaluations.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Computer Programmers +Computer Systems Analysts +Bright Outlook +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Graphic Designers +Software Developers +Video Game Designers +Web Administrators +Web Developers","View the list of Allies +American Webmasters Association +external site +Association for Computing Machinery +external site +Association for Information Science and Technology +external site +Computer Graphics Society +external site +Computing Research Association +external site +Design Management Institute +external site +IEEE Computer Society +external site +Interaction Design Association +external site +Internet Society +external site +National Center for Women and Information Technology +external site +Society of Digital Agencies +external site +The HTML Writers Guild +external site +The Institution of Engineering and Technology +external site +User Experience Professionals Association International +external site +World Organization of Webmasters +external site +CompTIA +external site +International Web Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +17-2112.03,Manufacturing Engineers,https://www.onetonline.org/link/summary/17-2112.03,2025-06-11T18:54:05.156294,"Troubleshoot new or existing product problems involving designs, materials, or processes. +Investigate or resolve operational problems, such as material use variances or bottlenecks. +Identify opportunities or implement changes to improve manufacturing processes or products or to reduce costs, using knowledge of fabrication processes, tooling and production equipment, assembly methods, quality control standards, or product design, materials and parts. +Apply continuous improvement methods, such as lean manufacturing, to enhance manufacturing quality, reliability, or cost-effectiveness. +Provide technical expertise or support related to manufacturing. +Incorporate new manufacturing methods or processes to improve existing operations. +Review product designs for manufacturability or completeness. +Determine root causes of failures or recommend changes in designs, tolerances, or processing methods, using statistical procedures. +Prepare reports summarizing information or trends related to manufacturing performance. +Prepare documentation for new manufacturing processes or engineering procedures. +Design layout of equipment or workspaces to achieve maximum efficiency. +Communicate manufacturing capabilities, production schedules, or other information to facilitate production processes. +Supervise technicians, technologists, analysts, administrative staff, or other engineers. +Design, install, or troubleshoot manufacturing equipment. +Evaluate manufactured products according to specifications and quality standards. +Estimate costs, production times, or staffing requirements for new designs. +Train production personnel in new or existing methods. +Design tests of finished products or process capabilities to establish standards or validate process requirements. +Analyze the financial impacts of sustainable manufacturing processes or sustainable product manufacturing. +Develop sustainable manufacturing technologies to reduce greenhouse gas emissions, minimize raw material use, replace toxic materials with non-toxic materials, replace non-renewable materials with renewable materials, or reduce waste. +Purchase equipment, materials, or parts. +Evaluate current or proposed manufacturing processes or practices for environmental sustainability, considering factors such as greenhouse gas emissions, air pollution, water pollution, energy use, or waste creation. +Read current literature, talk with colleagues, participate in educational programs, attend meetings or workshops, or participate in professional organizations or conferences to keep abreast of developments in the manufacturing field. +Redesign packaging for manufactured products to minimize raw material use or waste.","Analytical or scientific software— Minitab; The MathWorks MATLAB +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; PTC Creo Parametric +Computer aided manufacturing CAM software— CNC Mastercam; Geometric CAMWorks; Siemens NX +Data base user interface and query software— FileMaker Pro; Microsoft Access +Desktop communications software— Eko +Development environment software— C; Microsoft Visual Basic; National Instruments LabVIEW +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Product lifecycle management PLM software; SAP software +Industrial control software— Computer numerical control CNC software; Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Internet browser software— Microsoft Internet Explorer; Web browser software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; SolidWorks Enterprise PDM +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Determine causes of operational problems or failures. +Analyze operational data to evaluate operations, processes or products. +Resolve operational performance problems. +Develop technical methods or processes. +Implement design or process improvements. +Determine operational methods. +Provide technical guidance to other personnel. +Design industrial processing systems. +Evaluate designs or specifications to ensure quality. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Prepare operational reports. +Create graphical representations of industrial production systems. +Prepare procedural documents. +Confer with technical personnel to prepare designs or operational plans. +Assess product or process usefulness. +Design industrial equipment. +Install production equipment or systems. +Supervise production or support personnel. +Estimate operational costs. +Estimate technical or resource requirements for development or production projects. +Estimate time requirements for development or production projects. +Train personnel on proper operational procedures. +Devise research or testing protocols. +Analyze costs and benefits of proposed designs or projects. +Purchase materials, equipment, or other resources. +Investigate the environmental impact of projects. +Update technical knowledge. +Develop operational methods or processes that use green materials or emphasize sustainability.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Telephone Conversations— 62% responded “Every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Contact With Others— 46% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Freedom to Make Decisions— 42% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 65% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Time Pressure— 54% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 46% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 38% responded “High responsibility.” +Frequency of Decision Making— 38% responded “Once a month or more but not every week.” +Spend Time Sitting— 38% responded “More than half the time.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Indoors, Not Environmentally Controlled— 35% responded “Once a week or more but not every day.” +Consequence of Error— 35% responded “Serious.” +Level of Competition— 77% responded “Moderately competitive.” +Written Letters and Memos— 44% responded “Once a month or more but not every week.” +Conflict Situations— 35% responded “Once a month or more but not every week.” +Exposed to Contaminants— 38% responded “Once a week or more but not every day.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Speech Clarity— The ability to speak clearly so others can understand you. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Automotive Engineers +Bright Outlook +Chemical Engineers +Electronics Engineers, Except Computer +Human Factors Engineers and Ergonomists +Industrial Engineers +Industrial Production Managers +Materials Engineers +Mechanical Engineers +Mechatronics Engineers +Validation Engineers","View the list of Allies +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +Institute of Industrial and Systems Engineers +external site +National Society of Professional Engineers +external site +Society of Manufacturing Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",39,7,86,69,74,56,46,54,44,41,27,35,40,70,14,44,31,77,14,38,31,16,11,26,9,86,37,61,15,75,15,,4 +25-1072.00,"Nursing Instructors and Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1072.00,2025-06-11T19:00:26.406754,"Evaluate and grade students' class work, laboratory and clinic work, assignments, and papers. +Supervise students' laboratory and clinical work. +Initiate, facilitate, and moderate classroom discussions. +Assess clinical education needs and patient and client teaching needs using a variety of methods. +Compile, administer, and grade examinations, or assign this work to others. +Prepare and deliver lectures to undergraduate or graduate students on topics such as pharmacology, mental health nursing, and community health care practices. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Demonstrate patient care in clinical units of hospitals. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain student attendance records, grades, and other required records. +Advise students on academic and vocational curricula and on career issues. +Collaborate with colleagues to address teaching and research issues. +Maintain regularly scheduled office hours to advise and assist students. +Mentor junior and adjunct faculty members. +Coordinate training programs with area universities, clinics, hospitals, health agencies, or vocational schools. +Maintain a clinical practice. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Participate in student recruitment, registration, and placement activities. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Supervise undergraduate or graduate teaching, internship, and research work. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Perform administrative duties, such as serving as department head. +Conduct faculty performance evaluations. +Write grant proposals to procure external research funding. +Act as advisers to student organizations. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Computer based training software— Common Curriculum; Learning management system LMS; Moodle; Sakai CLE;3 more +Data base user interface and query software— Blackboard software +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Medical software— MEDITECH software +Multi-media educational software— Interactive learning software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint; Presentation graphics software +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Evaluate student work. +Supervise student research or internship work. +Supervise laboratory work. +Guide class discussions. +Teach physical science or mathematics courses at the college level. +Administer tests to assess educational needs or progress. +Assess educational needs of students. +Prepare tests. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Develop instructional materials. +Stay informed about current developments in field of specialization. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Maintain student records. +Advise students on academic or career matters. +Research topics in area of expertise. +Advise educators on curricula, instructional methods, or policies. +Collaborate with other agencies and institutions to coordinate educational matters. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Write articles, books or other original materials in area of expertise. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Direct department activities. +Evaluate performance of educational staff. +Monitor performance of organizational members or partners. +Compile specialized bibliographies or lists of materials. +Write grant proposals. +Plan community programs or activities for the general public.","E-Mail— 87% responded “Every day.” +Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 73% responded “Extremely important.” +Contact With Others— 68% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Deal With External Customers or the Public in General— 63% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 60% responded “Extremely important.” +Duration of Typical Work Week— 78% responded “More than 40 hours.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Frequency of Decision Making— 57% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Public Speaking— 66% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 51% responded “Very high responsibility.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Consequence of Error— 44% responded “Extremely serious.” +Physical Proximity— 43% responded “Very close (near touching).” +Written Letters and Memos— 37% responded “Once a month or more but not every week.” +Exposed to Disease or Infections— 53% responded “Once a week or more but not every day.” +Conflict Situations— 51% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 64% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 27% responded “Extremely important.” +Spend Time Sitting— 35% responded “Less than half the time.” +Spend Time Standing— 39% responded “Less than half the time.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Advanced Practice Psychiatric Nurses +Clinical Nurse Specialists +Critical Care Nurses +Health Education Specialists +Health Informatics Specialists +Health Specialties Teachers, Postsecondary +Licensed Practical and Licensed Vocational Nurses +Nurse Practitioners +Registered Nurses","View the list of Allies +American Association of Critical-Care Nurses +external site +American Association of Nurse Practitioners +external site +American Holistic Nurses Association +external site +American Nurses Association +external site +American Psychiatric Nurses Association +external site +American Public Health Association +external site +Association of Women's Health, Obstetric and Neonatal Nurses +external site +Council of Graduate Schools +external site +Emergency Nurses Association +external site +National Association of Pediatric Nurse Practitioners +external site +National Organization of Nurse Practitioner Faculties +external site +Oncology Nursing Society +external site +Sigma Theta Tau International +external site +Eastern Nursing Research Society +external site +Midwest Nursing Research Society +external site +National League for Nursing +external site",74,5,11,86,73,51,54,89,60,13,34,47,41,65,19,50,56,10,43,20,87,69,67,37,90,15,5,16,78,17,14,10,22 +21-1091.00,Health Education Specialists,https://www.onetonline.org/link/summary/21-1091.00,2025-06-11T18:58:57.965890,"Prepare and distribute health education materials, such as reports, bulletins, and visual aids, to address smoking, vaccines, and other public health concerns. +Develop and maintain cooperative working relationships with agencies and organizations interested in public health care. +Maintain databases, mailing lists, telephone networks, and other information to facilitate the functioning of health education programs. +Document activities and record information, such as the numbers of applications completed, presentations conducted, and persons assisted. +Develop and present health education and promotion programs, such as training workshops, conferences, and school or community presentations. +Collaborate with health specialists and civic groups to determine community health needs and the availability of services and to develop goals for meeting needs. +Develop, conduct, or coordinate health needs assessments and other public health surveys. +Supervise professional and technical staff in implementing health programs, objectives, and goals. +Develop operational plans and policies necessary to achieve health education objectives and services. +Provide program information to the public by preparing and presenting press releases, conducting media campaigns, or maintaining program-related Web sites. +Develop and maintain health education libraries to provide resources for staff and community agencies. +Design and conduct evaluations and diagnostic studies to assess the quality and performance of health education programs. +Develop, prepare, and coordinate grant applications and grant-related activities to obtain funding for health education programs and related work. +Provide guidance to agencies and organizations on assessment of health education needs and on development and delivery of health education programs. +Design and administer training programs for new employees and continuing education for existing employees. +Develop educational materials and programs for community agencies, local government, and state government.","Analytical or scientific software— Centers for Disease Control and Prevention Epi Info +Computer based training software— Padlet +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base user interface and query software— Blackboard software; Centers for Disease Control and Prevention CDC WONDER; Microsoft Access +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop; JamBoard +Internet browser software— Web browser software +Medical software— MEDITECH software +Multi-media educational software— Edpuzzle +Network conferencing software— LogMeIn GoToWebinar +Office suite software— Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Blogging software; Facebook; Wiki software +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Provide educational materials to community members. +Develop working relationships with others to facilitate program activities. +Maintain social services program records. +Plan programs to address community health issues. +Present social services program information to the public. +Develop tools to diagnose or assess needs. +Assess individual or community needs for educational or social services. +Collect information about community health needs. +Supervise workers providing client or patient services. +Develop educational policies. +Evaluate the effectiveness of counseling or educational programs. +Advise others on social or educational issues. +Develop educational programs. +Train staff members in social services skills.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Telephone Conversations— 77% responded “Every day.” +Contact With Others— 76% responded “Constant contact with others.” +Freedom to Make Decisions +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 27% responded “Very important results.” +Deal With External Customers or the Public in General— 42% responded “Very important.” +Indoors, Environmentally Controlled— 69% responded “Every day.” +Frequency of Decision Making— 45% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Very important.” +Importance of Being Exact or Accurate— 37% responded “Important.” +Time Pressure— 61% responded “Once a week or more but not every day.” +Duration of Typical Work Week +Public Speaking— 50% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 50% responded “High responsibility.” +Importance of Repeating Same Tasks— 38% responded “Important.” +Physical Proximity— 39% responded “Moderately close (at arm's length).” +Spend Time Sitting— 32% responded “About half the time.” +Conflict Situations— 52% responded “Once a week or more but not every day.” +Written Letters and Memos— 21% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 31% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a year or more but not every month.” +Exposed to Disease or Infections— 40% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Child, Family, and School Social Workers +Community Health Workers +Bright Outlook +Dietitians and Nutritionists +Health Informatics Specialists +Health Specialties Teachers, Postsecondary +Healthcare Social Workers +Nursing Instructors and Teachers, Postsecondary +Rehabilitation Counselors +Social and Community Service Managers +Social and Human Service Assistants","View the list of Allies +American Association of Critical-Care Nurses +external site +American Association of Diabetes Educators +external site +American College Health Association +external site +American Nurses Association +external site +American Public Health Association +external site +American School Health Association +external site +Association of periOperative Registered Nurses +external site +Association of State and Territorial Health Officials +external site +Emergency Nurses Association +external site +National Council on Aging +external site +National Environmental Health Association +external site +Sigma Theta Tau International +external site +Society for Public Health Education +external site +Society of Health and Physical Educators +external site +National League for Nursing +external site",90,5,9,80,64,59,65,88,77,34,35,54,33,60,31,48,60,3,48,40,66,55,63,41,60,16,3,14,44,11,13,5,11 +51-6062.00,"Textile Cutting Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-6062.00,2025-06-11T19:26:08.089640,"Inspect products to ensure that the quality standards and specifications are met. +Place patterns on top of layers of fabric and cut fabric following patterns, using electric or manual knives, cutters, or computer numerically controlled cutting devices. +Start machines, monitor operations, and make adjustments as needed. +Adjust machine controls, such as heating mechanisms, tensions, or speeds, to produce specified products. +Record information about work completed and machine settings. +Notify supervisors of mechanical malfunctions. +Inspect machinery to determine whether repairs are needed. +Confer with coworkers to obtain information about orders, processes, or problems. +Repair or replace worn or defective parts or components, using hand tools. +Clean, oil, and lubricate machines, using air hoses, cleaning solutions, rags, oilcans, and grease guns. +Thread yarn, thread, or fabric through guides, needles, and rollers of machines. +Operate machines to cut multiple layers of fabric into parts for articles such as canvas goods, house furnishings, garments, hats, or stuffed toys. +Adjust cutting techniques to types of fabrics and styles of garments. +Program electronic equipment. +Study guides, samples, charts, and specification sheets or confer with supervisors or engineering staff to determine set-up requirements. +Stop machines when specified amounts of product have been produced. +Operate machines for test runs to verify adjustments and to obtain product samples. +Install, level, and align components, such as gears, chains, guides, dies, cutters, or needles, to set up machinery for operation.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— HAISEN SoftWare System +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Feed materials or products into or through equipment. +Operate textile cutting or production equipment. +Set equipment controls to meet cutting specifications. +Inspect products or operations to ensure that standards are met. +Inspect textile products. +Inspect work to ensure standards are met. +Cut fabrics. +Position patterns on equipment, materials, or workpieces. +Exchange information with colleagues. +Program equipment to perform production tasks. +Study blueprints or other instructions to determine equipment setup requirements. +Notify others of equipment repair or maintenance needs. +Record operational or production data. +Inspect production equipment. +Conduct test runs of production equipment. +Install mechanical components in production equipment. +Mount attachments or tools onto production equipment. +Repair production equipment or tools. +Replace worn equipment components. +Clean production equipment. +Lubricate production equipment.","Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Importance of Being Exact or Accurate— 14% responded “Very important.” +Spend Time Standing— 73% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 72% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 45% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Every day.” +Time Pressure— 34% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 67% responded “Every day.” +Exposed to Contaminants— 25% responded “Never.” +Spend Time Walking or Running— 40% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 54% responded “Every day.” +Work With or Contribute to a Work Group or Team— 29% responded “Very important.” +Spend Time Making Repetitive Motions— 40% responded “Continually or almost continually.” +Contact With Others— 40% responded “Contact with others most of the time.” +Duration of Typical Work Week— 74% responded “40 hours.” +Consequence of Error— 31% responded “Serious.” +Importance of Repeating Same Tasks— 44% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a week or more but not every day.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Freedom to Make Decisions— 16% responded “Some freedom.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Adhesive Bonding Machine Operators and Tenders +Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Machine Feeders and Offbearers +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Paper Goods Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +National Council of Textile Organizations +external site",22,3,57,40,47,30,26,31,23,14,11,9,10,27,11,14,7,46,7,9,15,10,10,4,5,26,23,14,3,36,7,, +29-1021.00,"Dentists, General",https://www.onetonline.org/link/summary/29-1021.00,2025-06-11T19:04:21.868286,"Use masks, gloves, and safety glasses to protect patients and self from infectious diseases. +Examine teeth, gums, and related tissues, using dental instruments, x-rays, or other diagnostic equipment, to evaluate dental health, diagnose diseases or abnormalities, and plan appropriate treatments. +Administer anesthetics to limit the amount of pain experienced by patients during procedures. +Use dental air turbines, hand instruments, dental appliances, or surgical implements. +Formulate plan of treatment for patient's teeth and mouth tissue. +Diagnose and treat diseases, injuries, or malformations of teeth, gums, or related oral structures and provide preventive or corrective services. +Write prescriptions for antibiotics or other medications. +Advise or instruct patients regarding preventive dental care, the causes and treatment of dental problems, or oral health care services. +Design, make, or fit prosthodontic appliances, such as space maintainers, bridges, or dentures, or write fabrication instructions or prescriptions for denturists or dental technicians. +Fill pulp chamber and canal with endodontic materials. +Treat exposure of pulp by pulp capping, removal of pulp from pulp chamber, or root canal, using dental instruments. +Remove diseased tissue, using surgical instruments. +Manage business aspects such as employing or supervising staff or handling paperwork or insurance claims. +Analyze or evaluate dental needs to determine changes or trends in patterns of dental disease. +Apply fluoride or sealants to teeth. +Eliminate irritating margins of fillings and correct occlusions, using dental instruments. +Perform oral or periodontal surgery on the jaw or mouth. +Plan, organize, or maintain dental health programs. +Bleach, clean, or polish teeth to restore natural color. +Produce or evaluate dental health educational materials.","Accounting software +Internet browser software— Web browser software +Medical software— AlphaDent; eClinicalWorks EHR software; Henry Schein Dentrix; Windent SQL;32 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Protect patients or staff members using safety equipment. +Operate diagnostic or therapeutic medical instruments or equipment. +Examine mouth, teeth, gums, or related facial structures. +Operate diagnostic imaging equipment. +Administer anesthetics or sedatives to control pain. +Develop medical treatment plans. +Treat dental problems or diseases. +Diagnose dental conditions. +Adjust prostheses or other assistive devices. +Advise patients on preventive care techniques. +Design medical devices or appliances. +Fabricate medical devices. +Prescribe medications. +Operate on patients to treat conditions. +Analyze patient data to determine patient needs or treatment goals. +Supervise patient care personnel. +Design public or employee health programs. +Direct healthcare delivery programs. +Prepare healthcare training materials.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Physical Proximity— 97% responded “Very close (near touching).” +Frequency of Decision Making— 90% responded “Every day.” +Work With or Contribute to a Work Group or Team— 87% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 85% responded “Very important results.” +Determine Tasks, Priorities and Goals— 86% responded “A lot of freedom.” +Exposed to Disease or Infections— 87% responded “Every day.” +Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Contact With Others— 92% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Work Outcomes and Results of Other Workers— 78% responded “Very high responsibility.” +Freedom to Make Decisions— 77% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 87% responded “Every day.” +Health and Safety of Other Workers— 85% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 74% responded “Continually or almost continually.” +Telephone Conversations— 70% responded “Every day.” +Deal With External Customers or the Public in General— 80% responded “Extremely important.” +Exposed to Radiation— 74% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Importance of Repeating Same Tasks— 61% responded “Extremely important.” +Spend Time Sitting— 44% responded “More than half the time.” +Consequence of Error— 62% responded “Extremely serious.” +E-Mail— 52% responded “Once a week or more but not every day.” +Exposed to Contaminants— 55% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Level of Competition— 41% responded “Extremely competitive.” +Time Pressure— 43% responded “Every day.” +Written Letters and Memos— 31% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 31% responded “More than half the time.” +Conflict Situations— 32% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 45% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 49% responded “Every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Chiropractors +Bright Outlook +Dermatologists +Emergency Medicine Physicians +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Orthodontists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Prosthodontists +Urologists","View the list of Allies +Academy of General Dentistry +external site +American Academy of Oral and Maxillofacial Pathology +external site +American Academy of Oral and Maxillofacial Radiology +external site +American Academy of Pediatric Dentistry +external site +American Academy of Periodontology +external site +American Association of Endodontists +external site +American Association of Oral and Maxillofacial Surgeons +external site +American Association of Orthodontists +external site +American Association of Public Health Dentistry +external site +American College of Dentists +external site +American Dental Association +external site +American Dental Education Association +external site +American Society of Dentist Anesthesiologists +external site +International Association for Dental Research +external site +International College of Dentists +external site +National Dental Association +external site +Pierre Fauchard Academy +external site +The American Orthodontic Society +external site +Academy of Laser Dentistry +external site +American Academy of Cosmetic Dentistry +external site +American Academy of Implant Dentistry +external site +American College of Prosthodontists +external site",81,5,38,73,34,56,36,57,37,50,35,55,48,46,18,37,24,45,9,11,61,33,21,19,100,40,19,41,63,38,8,11,7 +43-4051.00,Customer Service Representatives,https://www.onetonline.org/link/summary/43-4051.00,2025-06-11T19:15:38.657469,"Confer with customers by telephone or in person to provide information about products or services, take or enter orders, cancel accounts, or obtain details of complaints. +Keep records of customer interactions or transactions, recording details of inquiries, complaints, or comments, as well as actions taken. +Check to ensure that appropriate changes were made to resolve customers' problems. +Contact customers to respond to inquiries or to notify them of claim investigation results or any planned adjustments. +Determine charges for services requested, collect deposits or payments, or arrange for billing. +Complete contract forms, prepare change of address records, or issue service discontinuance orders, using computers. +Refer unresolved customer grievances to designated departments for further investigation. +Resolve customers' service or billing complaints by performing activities such as exchanging merchandise, refunding money, or adjusting bills. +Review insurance policy terms to determine whether a particular loss is covered by insurance. +Solicit sales of new or additional services or products. +Compare disputed merchandise with original requisitions and information from invoices and prepare invoices for returned goods. +Obtain and examine all relevant information to assess validity of complaints and to determine possible causes, such as extreme weather conditions that could increase utility bills. +Recommend improvements in products, packaging, shipping, service, or billing methods and procedures to prevent future problems.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting; Tax software +Backup or archival software— SugarSync +Business intelligence and data analysis software— IBM Cognos Impromptu +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Communications server software— IBM Domino; ShoreTel +Computer based training software— Padlet +Contact center software— Multi-channel contact center software; Timpani Contact Center; Timpani Email +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Salesforce software; Salesforce.com Salesforce CRM; Telemation e-CRM;12 more +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Airtable; Microsoft Access; Oracle Database; Yardi software;6 more +Desktop communications software— Skype +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Astute Solutions PowerCenter; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;4 more +Enterprise system management software— IBM Power Systems software +Fax software— Open Text Fax Server, RightFax Edition +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Helpdesk or call center software— j2 Global Communications onebox +Human resources software— ADP Workforce Now; Human resource management software HRMS; Oracle Taleo +Information retrieval or search software— LexisNexis +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Materials requirements planning logistics and supply chain software— iShip +Medical software— Healthcare common procedure coding system HCPCS; Medical condition coding software; Medical procedure coding software; MEDITECH software +Mobile messaging service software— Unified messaging software +Multi-media educational software— Nearpod +Network conferencing software— Active Data Online WebChat; eStara Softphone; Parature eRealtime; Timpani Chat +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Handheld computer device software; Microsoft Windows +Point of sale POS software— Main Street Softworks Monetra +Presentation software— Apple Keynote; Microsoft PowerPoint; Poll Everywhere +Project management software— Microsoft Teams +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Timekeeper +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Video conferencing software— FaceTime; Google Meet; LogMeIn GoToMeeting; Zoom +Video creation and editing software— YouTube +Voice recognition software— DSC Pacer Interactive Voice Response System +Web page creation and editing software— Facebook; Google Sites; LinkedIn; Social media sites +Word processing software— Google Docs; Microsoft OneNote; Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Discuss goods or services information with customers or patrons. +Maintain financial or account records. +Respond to customer problems or complaints. +Provide notifications to customers or patrons. +Calculate costs of goods or services. +Collect deposits, payments or fees. +Execute sales or other financial transactions. +Prepare documentation for contracts, transactions, or regulatory compliance. +Refer customers to appropriate personnel. +Review customer insurance information. +Promote products, services, or programs. +Process customer bills or payments. +Verify accuracy of financial or transactional data. +Recommend packing or shipping methods.","Telephone Conversations— 100% responded “Every day.” +Contact With Others +Indoors, Environmentally Controlled— 94% responded “Every day.” +Deal With External Customers or the Public in General +Time Pressure— 73% responded “Every day.” +Importance of Being Exact or Accurate +Importance of Repeating Same Tasks— 63% responded “Extremely important.” +E-Mail— 83% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Every day.” +Spend Time Making Repetitive Motions— 75% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Spend Time Sitting— 61% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 72% responded “Continually or almost continually.” +Frequency of Decision Making— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 51% responded “Every day.” +Determine Tasks, Priorities and Goals— 31% responded “Limited freedom.” +Conflict Situations— 43% responded “Once a week or more but not every day.” +Physical Proximity— 25% responded “Very close (near touching).” +Spend Time Standing— 42% responded “Less than half the time.” +Freedom to Make Decisions— 30% responded “Limited freedom.” +Duration of Typical Work Week— 67% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bill and Account Collectors +Billing and Posting Clerks +Brokerage Clerks +Credit Authorizers, Checkers, and Clerks +Insurance Claims and Policy Processing Clerks +New Accounts Clerks +Order Clerks +Receptionists and Information Clerks +Bright Outlook +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Telemarketers","View the list of Allies +U.S. Chamber of Commerce +external site",93,4,25,73,59,63,46,39,57,48,61,37,8,57,11,25,28,9,11,28,31,15,19,35,17,15,8,7,6,7,16,2,2 +19-2031.00,Chemists,https://www.onetonline.org/link/summary/19-2031.00,2025-06-11T18:56:39.638534,"Develop, improve, or customize products, equipment, formulas, processes, or analytical methods. +Analyze organic or inorganic compounds to determine chemical or physical properties, composition, structure, relationships, or reactions, using chromatography, spectroscopy, or spectrophotometry techniques. +Induce changes in composition of substances by introducing heat, light, energy, or chemical catalysts for quantitative or qualitative analysis. +Conduct quality control tests. +Write technical papers or reports or prepare standards and specifications for processes, facilities, products, or tests. +Maintain laboratory instruments to ensure proper working order and troubleshoot malfunctions when needed. +Prepare test solutions, compounds, or reagents for laboratory personnel to conduct tests. +Compile and analyze test information to determine process or equipment operating efficiency or to diagnose malfunctions. +Confer with scientists or engineers to conduct analyses of research projects, interpret test results, or develop nonstandard tests. +Evaluate laboratory safety procedures to ensure compliance with standards or to make improvements as needed. +Direct, coordinate, or advise personnel in test procedures for analyzing components or physical properties of materials. +Purchase laboratory supplies, such as chemicals, when supplies are low or near their expiration date.","Analytical or scientific software— Agilent ChemStation; Minitab; Vogel Scientific Software Group CALACO; Waters Empower Chromatography Data Software;31 more +Computer aided design CAD software— ChemInnovation Software Chem 4-D; ChemSW Molecular Modeling Pro; Hypercube HyperChem +Data base user interface and query software— CambridgeSoft ChemOffice Ultra; Microsoft Access; Molsearch Pro; Structured query language SQL;4 more +Development environment software— C; Microsoft Visual Basic; National Instruments LabVIEW +Document management software— ChemSW Laboratory Document Control System LDCS +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Digital imaging software; Graphics software; MolDraw +Internet browser software +Inventory management software— ChemSW Chemical Inventory System CIS; ItemTracker; UBI Biotracker +Object or component oriented development software— C++; Oracle Java +Office suite software— Apple iWork; Microsoft Office software; NeoOffice +Presentation software— Apple iWork Keynote; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Apple iWork Numbers; Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Apple iWork Pages; Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Develop new or advanced products or production methods. +Analyze chemical compounds or substances. +Establish standards for products, processes, or procedures. +Maintain laboratory or technical equipment. +Prepare compounds or solutions for products or testing. +Prepare scientific or technical reports or presentations. +Test quality of materials or finished products. +Collaborate on research activities with scientists or technical specialists. +Monitor operational procedures in technical environments to ensure conformance to standards. +Supervise scientific or technical personnel. +Manage scientific or technical project resources.","E-Mail— 92% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 80% responded “Every day.” +Importance of Being Exact or Accurate— 69% responded “Extremely important.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 16% responded “Limited freedom.” +Work With or Contribute to a Work Group or Team— 42% responded “Important.” +Contact With Others— 42% responded “Constant contact with others.” +Telephone Conversations— 40% responded “Every day.” +Health and Safety of Other Workers— 46% responded “High responsibility.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 22% responded “Once a month or more but not every week.” +Frequency of Decision Making— 34% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Level of Competition— 54% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 34% responded “Important.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Consequence of Error— 37% responded “Very serious.” +Duration of Typical Work Week— 59% responded “40 hours.” +Exposed to Contaminants— 30% responded “Every day.” +Physical Proximity— 58% responded “Slightly close (e.g., shared office).” +Spend Time Sitting— 57% responded “About half the time.” +Deal With External Customers or the Public in General— 27% responded “Fairly important.”","Science— Using scientific rules and methods to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biochemists and Biophysicists +Bright Outlook +Bioengineers and Biomedical Engineers +Chemical Engineers +Food Scientists and Technologists +Industrial Engineers +Materials Engineers +Materials Scientists +Medical and Clinical Laboratory Technologists +Microbiologists +Natural Sciences Managers","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Pharmaceutical Scientists +external site +American Chemical Society +external site +American Composites Manufacturers Association +external site +American Institute of Chemical Engineers +external site +American Society for Mass Spectrometry +external site +American Society for Quality +external site +ASM International +external site +Association of Fertilizer and Phosphate Chemists +external site +Association of Laboratory Managers +external site +ASTM International +external site +International Association for Chemical Testing +external site +Materials Research Society +external site +SAE International +external site +Water Environment Federation +external site +Mid-Atlantic Association of Forensic Scientists +external site +Clandestine Laboratory Investigators Association +external site +Material Science Technology Education +external site",39,9,62,75,70,60,40,42,59,25,20,25,98,60,16,41,20,43,16,26,24,6,12,9,11,50,8,54,36,27,15,4,10 +11-9131.00,Postmasters and Mail Superintendents,https://www.onetonline.org/link/summary/11-9131.00,2025-06-11T18:48:27.882259,"Monitor employees' work schedules and attendance for payroll purposes. +Organize and supervise activities, such as the processing of incoming and outgoing mail. +Resolve customer complaints. +Prepare employee work schedules. +Direct and coordinate operational, management, and supportive services of one or a number of postal facilities. +Hire and train employees, and evaluate their performance. +Prepare and submit detailed and summary reports of post office activities to designated supervisors. +Negotiate labor disputes. +Select and train postmasters and managers of associate postal units. +Inform the public of available services, and of postal laws and regulations. +Issue and cash money orders. +Collect rents for post office boxes. +Confer with suppliers to obtain bids for proposed purchases and to requisition supplies, disbursing funds according to federal regulations.","Data base user interface and query software— Collection Point Management System CPMS; Facility database software; Postal tracking software; Web Box Activity Tracing System WebBATS +Electronic mail software— Email software +Enterprise resource planning ERP software— SAP software +Facilities management software— Vehicle management software +Human resources software— Personnel management software; Personnel scheduling software +Internet browser software— Web browser software +Map creation software— Postal boundary mapping software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software +Presentation software— Microsoft PowerPoint +Procurement software— eBuy +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Prepare staff schedules or work assignments. +Direct organizational operations, projects, or services. +Resolve customer complaints or problems. +Direct administrative or support services. +Conduct employee training programs. +Hire personnel. +Evaluate employee performance. +Prepare operational progress or status reports. +Provide basic information to guests, visitors, or clients. +Negotiate labor disputes. +Collect payments for goods or services. +Coordinate with external parties to exchange information.","Contact With Others— 96% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Time Pressure— 93% responded “Every day.” +E-Mail— 92% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Health and Safety of Other Workers— 72% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Work Outcomes and Results of Other Workers— 72% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 70% responded “Extremely important.” +Deal With External Customers or the Public in General— 79% responded “Extremely important.” +Frequency of Decision Making— 65% responded “Every day.” +Written Letters and Memos— 61% responded “Every day.” +Duration of Typical Work Week— 67% responded “More than 40 hours.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Conflict Situations— 45% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Important results.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Public Speaking— 63% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 57% responded “Very important.” +Level of Competition— 33% responded “Moderately competitive.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Spend Time Standing— 36% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Never.” +Spend Time Sitting— 42% responded “About half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 28% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Administrative Services Managers +Bright Outlook +Dispatchers, Except Police, Fire, and Ambulance +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Production and Operating Workers +General and Operations Managers +Postal Service Clerks +Transportation, Storage, and Distribution Managers","View the list of Allies +American Postal Workers Union, AFL-CIO +external site +National Alliance of Postal and Federal Employees +external site +National Association of Postal Supervisors +external site +United Postmasters and Managers of America +external site",74,2,76,77,65,86,80,67,65,50,43,65,11,64,11,56,45,39,15,64,52,25,23,34,12,32,16,10,6,20,30,3,12 +53-7031.00,Dredge Operators,https://www.onetonline.org/link/summary/53-7031.00,2025-06-11T19:30:26.376983,"Move levers to position dredges for excavation, to engage hydraulic pumps, to raise and lower suction booms, and to control rotation of cutterheads. +Start and stop engines to operate equipment. +Start power winches that draw in or let out cables to change positions of dredges, or pull in and let out cables manually. +Pump water to clear machinery pipelines. +Lower anchor poles to verify depths of excavations, using winches, or scan depth gauges to determine depths of excavations. +Direct or assist workers placing shore anchors and cables, laying additional pipes from dredges to shore, and pumping water from pontoons. +Perform maintenance on dredge equipment, such as changing engine oil.","Data base user interface and query software— Teledyne Odom Hydrographic ODOM eChart +Industrial control software— HYPACK DREDGEPACK; Programmable logic controller PLC software +Internet browser software— Web browser software +Map creation software— Trimble HYDROpro +Mobile location based services software— Global positioning system GPS software","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Operate excavation equipment. +Control pumps or pumping equipment. +Operate cranes, hoists, or other moving or lifting equipment. +Measure work site dimensions. +Direct material handling or moving activities.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Duration of Typical Work Week— 85% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 80% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 81% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Contact With Others— 43% responded “Constant contact with others.” +Frequency of Decision Making— 21% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 61% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Moderate results.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 46% responded “Every day.” +Outdoors, Under Cover— 34% responded “Once a month or more but not every week.” +Spend Time Sitting— 27% responded “About half the time.” +Determine Tasks, Priorities and Goals— 29% responded “Some freedom.” +Consequence of Error— 30% responded “Very serious.” +Work Outcomes and Results of Other Workers— 31% responded “Limited responsibility.” +Health and Safety of Other Workers— 22% responded “Limited responsibility.” +Importance of Being Exact or Accurate— 19% responded “Very important.” +Telephone Conversations— 39% responded “Never.” +Degree of Automation— 19% responded “Completely automated.” +Time Pressure— 47% responded “Once a month or more but not every week.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical.","Continuous Mining Machine Operators +Crane and Tower Operators +Derrick Operators, Oil and Gas +Earth Drillers, Except Oil and Gas +Excavating and Loading Machine and Dragline Operators, Surface Mining +Helpers--Extraction Workers +Hoist and Winch Operators +Operating Engineers and Other Construction Equipment Operators +Riggers +Rotary Drill Operators, Oil and Gas","View the list of Allies +American Association of Port Authorities +external site +American Waterways Operators +external site +Dredging Contractors of America +external site +International Association of Dredging Companies +external site +Western Dredging Association +external site +EPA National Dredging Team +external site +International Union of Operating Engineers +external site +National Commission for the Certification of Crane Operators +external site",11,2,49,61,45,54,55,41,11,7,16,24,8,29,5,26,14,77,3,24,9,4,4,18,22,31,29,36,6,12,14,2,4 +39-9032.00,Recreation Workers,https://www.onetonline.org/link/summary/39-9032.00,2025-06-11T19:13:54.020276,"Enforce rules and regulations of recreational facilities to maintain discipline and ensure safety. +Organize, lead, and promote interest in recreational activities, such as arts, crafts, sports, games, camping, and hobbies. +Assess the needs and interests of individuals and groups and plan activities accordingly, given the available equipment or facilities. +Manage the daily operations of recreational facilities. +Administer first aid according to prescribed procedures and notify emergency medical personnel when necessary. +Complete and maintain time and attendance forms and inventory lists. +Explain principles, techniques, and safety procedures to participants in recreational activities and demonstrate use of materials and equipment. +Direct special activities or events, such as aquatics, gymnastics, or performing arts. +Supervise and coordinate the work activities of personnel, such as training staff members and assigning work duties. +Evaluate recreation areas, facilities, and services to determine if they are producing desired results. +Document individuals' progress toward meeting their treatment goals. +Greet new arrivals to activities, introducing them to other participants, explaining facility rules, and encouraging participation. +Confer with management to discuss and resolve participant complaints. +Meet with staff to discuss rules, regulations, and work-related problems. +Oversee the purchase, planning, design, construction, and upkeep of recreation facilities and areas. +Encourage participants to develop their own activities and leadership skills through group discussions. +Meet and collaborate with agency personnel, community organizations, and other professional personnel to plan balanced recreational programs for participants. +Provide for entertainment and set up related decorations and equipment. +Serve as liaison between park or recreation administrators and activity instructors. +Schedule maintenance and use of facilities. +Conduct individual in-room visits with residents. +Develop treatment goals for individuals based on their assessments. +Evaluate staff performance, recording evaluations on appropriate forms. +Take residents on community outings.","Calendar and scheduling software— Scheduling software +Charting software +Computer based training software— Appletree +Data base user interface and query software— Database software; Recordkeeping software +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Enforce rules or regulations. +Organize recreational activities or events. +Gather information in order to provide services to clients. +Promote products, services, or programs. +Monitor recreational facility operations. +Administer first aid. +Explain regulations, policies, or procedures. +Prepare operational reports or records. +Demonstrate activity techniques or equipment use. +Liaise between departments or other groups to improve function or communication. +Assign duties or work schedules to employees. +Supervise service workers. +Train service staff. +Arrange facility schedules. +Document client health or progress. +Greet customers, patrons, or visitors. +Visit individuals in their homes to provide support or information. +Communicate with management or other staff to resolve problems. +Develop treatment plans for patients or clients. +Evaluate employee performance. +Provide counsel, comfort, or encouragement to individuals or families. +Accompany individuals or groups to activities. +Develop plans for programs or services. +Arrange items for use or display.","Contact With Others— 83% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Telephone Conversations— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Physical Proximity— 36% responded “Very close (near touching).” +Frequency of Decision Making— 57% responded “Every day.” +Health and Safety of Other Workers— 39% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 49% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +E-Mail— 51% responded “Every day.” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Consequence of Error— 40% responded “Extremely serious.” +Time Pressure— 34% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 37% responded “Important.” +Written Letters and Memos— 52% responded “Once a month or more but not every week.” +Conflict Situations— 32% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Entertainment and Recreation Managers, Except Gambling +Bright Outlook +First-Line Supervisors of Personal Service Workers +Fitness and Wellness Coordinators +Instructional Coordinators +Recreational Therapists +Rehabilitation Counselors +Residential Advisors +Social and Community Service Managers +Social and Human Service Assistants +Training and Development Managers","View the list of Allies +Alzheimer's Association +external site +American Art Therapy Association +external site +American Camp Association +external site +American Heart Association +external site +American Red Cross +external site +American Therapeutic Recreation Association +external site +IDEA Health and Fitness Association +external site +National Recreation and Park Association +external site +United States Racquet Stringers Association +external site +United States Tennis Association +external site +World Leisure Organization +external site +National Certification Council for Activity Professionals +external site +National Council for Therapeutic Recreation Certification +external site +United States Professional Tennis Association +external site",66,8,26,78,50,49,71,63,54,21,27,35,8,51,10,61,44,21,38,42,54,42,39,31,21,11,8,7,12,20,22,34,21 +19-1029.03,Geneticists,https://www.onetonline.org/link/summary/19-1029.03,2025-06-11T18:56:10.026306,"Supervise or direct the work of other geneticists, biologists, technicians, or biometricians working on genetics research projects. +Plan or conduct basic genomic and biological research related to areas such as regulation of gene expression, protein interactions, metabolic networks, and nucleic acid or protein complexes. +Prepare results of experimental findings for presentation at professional conferences or in scientific journals. +Maintain laboratory notebooks that record research methods, procedures, and results. +Write grants and papers or attend fundraising events to seek research funds. +Search scientific literature to select and modify methods and procedures most appropriate for genetic research goals. +Review, approve, or interpret genetic laboratory results. +Attend clinical and research conferences and read scientific literature to keep abreast of technological advances and current genetic research findings. +Evaluate genetic data by performing appropriate mathematical or statistical calculations and analyses. +Analyze determinants responsible for specific inherited traits, and devise methods for altering traits or producing new traits. +Extract deoxyribonucleic acid (DNA) or perform diagnostic tests involving processes such as gel electrophoresis, Southern blot analysis, and polymerase chain reaction analysis. +Collaborate with biologists and other professionals to conduct appropriate genetic and biochemical analyses. +Instruct medical students, graduate students, or others in methods or procedures for diagnosis and management of genetic disorders. +Create or use statistical models for the analysis of genetic data. +Maintain laboratory safety programs and train personnel in laboratory safety techniques. +Verify that cytogenetic, molecular genetic, and related equipment and instrumentation is maintained in working condition to ensure accuracy and quality of experimental results. +Develop protocols to improve existing genetic techniques or to incorporate new diagnostic procedures. +Confer with information technology specialists to develop computer applications for genetic data analysis. +Design sampling plans or coordinate the field collection of samples such as tissue specimens. +Evaluate, diagnose, or treat genetic diseases. +Conduct family medical studies to evaluate the genetic basis for traits or diseases. +Design and maintain genetics computer databases. +Participate in the development of endangered species breeding programs or species survival plans. +Plan curatorial programs for species collections that include acquisition, distribution, maintenance, or regeneration.","Analytical or scientific software— RTI International SUDAAN; SAS JMP; SAS/Genetics; Ward Systems Group GeneHunter;8 more +Application server software— GitHub +Data base user interface and query software— Database software; HapMap; Microsoft Access; Structured query language SQL;1 more +Data mining software— Golden Helix HelixTree +Development environment software— Formula translation/translator FORTRAN +Electronic mail software— Email software +File versioning software— Git +Internet browser software— Web browser software +Medical software— Plate reader software +Object or component oriented development software— C++; Oracle Java; Perl; R;2 more +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Supervise scientific or technical personnel. +Research genetic characteristics or expression. +Plan biological research. +Prepare scientific or technical reports or presentations. +Review professional literature to maintain professional knowledge. +Prepare proposal documents or grant applications. +Record research or operational data. +Interpret research or operational data. +Attend conferences or workshops to maintain professional knowledge. +Analyze biological samples. +Research diseases or parasites. +Collaborate on research activities with scientists or technical specialists. +Instruct college students in physical or life sciences. +Train personnel in technical or scientific procedures. +Inspect equipment to ensure proper functioning. +Collaborate with technical specialists to resolve design or development problems. +Develop software or applications for scientific or technical use. +Establish standards for medical care. +Develop technical or scientific databases. +Plan natural resources conservation or restoration programs.","E-Mail— 96% responded “Every day.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Duration of Typical Work Week— 84% responded “More than 40 hours.” +Freedom to Make Decisions— 64% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Determine Tasks, Priorities and Goals— 64% responded “Some freedom.” +Level of Competition— 52% responded “Highly competitive.” +Work With or Contribute to a Work Group or Team— 48% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 40% responded “Every day.” +Contact With Others— 40% responded “Contact with others most of the time.” +Spend Time Sitting— 56% responded “About half the time.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Telephone Conversations— 36% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 36% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 29% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Frequency of Decision Making— 38% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 28% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 33% responded “Moderate responsibility.” +Exposed to Hazardous Conditions— 32% responded “Once a year or more but not every month.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Biochemists and Biophysicists +Bright Outlook +Bioinformatics Scientists +Biologists +Cytogenetic Technologists +Epidemiologists +Medical and Clinical Laboratory Technologists +Medical Scientists, Except Epidemiologists +Microbiologists +Molecular and Cellular Biologists +Physicians, Pathologists","View the list of Allies +American Academy of Pediatrics +external site +American Association for Cancer Research +external site +American Association for the Advancement of Science +external site +American Association of Anthropological Genetics +external site +American Genetic Association +external site +American Medical Association +external site +American Society for Biochemistry and Molecular Biology +external site +American Society for Cell Biology +external site +American Society for Microbiology +external site +American Society of Human Genetics +external site +Botanical Society of America +external site +Genetics Society of America +external site +International Genetic Epidemiology Society +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Developmental Biology +external site +Society for Inherited Metabolic Disorders +external site +Society for Molecular Biology and Evolution +external site +Society for the Study of Evolution +external site +American College of Medical Genetics and Genomics +external site",13,,12,82,68,41,20,68,28,14,6,37,62,51,11,21,36,13,15,5,24,17,22,13,47,30,1,26,96,11,13,1,13 +19-3032.00,Industrial-Organizational Psychologists,https://www.onetonline.org/link/summary/19-3032.00,2025-06-11T18:57:13.732485,"Provide advice on best practices and implementation for selection. +Develop and implement employee selection or placement programs. +Analyze data, using statistical methods and applications, to evaluate the outcomes and effectiveness of workplace programs. +Develop interview techniques, rating scales, and psychological tests used to assess skills, abilities, and interests for the purpose of employee selection, placement, or promotion. +Observe and interview workers to obtain information about the physical, mental, and educational requirements of jobs, as well as information about aspects such as job satisfaction. +Facilitate organizational development and change. +Analyze job requirements and content to establish criteria for classification, selection, training, and other related personnel functions. +Advise management concerning personnel, managerial, and marketing policies and practices and their potential effects on organizational effectiveness and efficiency. +Conduct presentations on research findings for clients or at research meetings. +Coach senior executives and managers on leadership and performance. +Conduct individual assessments, including interpreting measures and providing feedback for selection, placement, or promotion. +Train clients to administer human resources functions, including testing, selection, and performance management. +Assess employee performance. +Identify training and development needs. +Formulate and implement training programs, applying principles of learning and individual differences. +Study organizational effectiveness, productivity, and efficiency, including the nature of workplace supervision and leadership. +Provide expert testimony in employment lawsuits. +Conduct research studies of physical work environments, organizational structures, communication systems, group interactions, morale, or motivation to assess organizational functioning. +Develop new business by contacting potential clients, making sales presentations, and writing proposals. +Write reports on research findings and implications to contribute to general knowledge or to suggest potential changes in organizational functioning. +Write articles, white papers, or reports to share research findings and educate others. +Review research literature to remain current on psychological science issues. +Counsel workers about job and career-related issues. +Participate in mediation and dispute resolution. +Study consumers' reactions to new products and package designs, and to advertising efforts, using surveys and tests. +Develop and administer surveys to employees of organizations. +Teach industrial-organizational psychology courses to undergraduate or graduate students.","Analytical or scientific software— IBM SPSS Statistics; Muthen & Muthen Mplus; SAS; Winsteps;8 more +Computer based training software— Learning management system LMS; Padlet +Data base user interface and query software— Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft +Human resources software— Human resource information system (HRIS) +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Google Sheets; Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Advise others on business or operational matters. +Develop methods of social or economic research. +Conduct scientific research of organizational behavior or processes. +Collect information from people through observation, interviews, or surveys. +Prepare scientific or technical reports or presentations. +Counsel clients on mental health or personal achievement. +Administer standardized physical or psychological tests. +Train personnel in technical or scientific procedures. +Develop educational programs. +Testify at legal or legislative proceedings. +Confer with clients to exchange information. +Review professional literature to maintain professional knowledge. +Mediate disputes.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Telephone Conversations— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Spend Time Sitting— 58% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Contact With Others— 46% responded “Contact with others most of the time.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Frequency of Decision Making— 35% responded “Every day.” +Work Outcomes and Results of Other Workers— 60% responded “High responsibility.” +Level of Competition— 38% responded “Moderately competitive.” +Deal With External Customers or the Public in General— 42% responded “Very important.” +Public Speaking— 42% responded “Once a month or more but not every week.” +Written Letters and Memos— 29% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences.","Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Business Teachers, Postsecondary +Bright Outlook +Clinical Neuropsychologists +Human Resources Managers +Human Resources Specialists +Instructional Coordinators +Management Analysts +Rehabilitation Counselors +School Psychologists +Training and Development Managers +Training and Development Specialists","View the list of Allies +Academy of Management +external site +American Psychological Association +external site +Association for Psychological Science +external site +Association for Talent Development +external site +Human Factors and Ergonomics Society +external site +Institute of Management Consultants USA +external site +International Society for Performance Improvement +external site +National Association of School Psychologists +external site +National Career Development Association +external site +Organizational Development Network +external site +Public Sector HR Association +external site +Society for Human Resource Management +external site +Society for Industrial and Organizational Psychology +external site +Society of Consulting Psychology +external site +Society of Psychologists in Management +external site +American Board of Professional Psychology +external site +WorldatWork +external site",66,2,15,69,75,76,17,87,42,20,38,98,2,56,12,59,47,4,22,9,95,42,59,15,6,17,2,2,9,11,11,5,8 +29-1071.00,Physician Assistants,https://www.onetonline.org/link/summary/29-1071.00,2025-06-11T19:04:43.122960,"Make tentative diagnoses and decisions about management and treatment of patients. +Interpret diagnostic test results for deviations from normal. +Prescribe therapy or medication with physician approval. +Obtain, compile, and record patient medical data, including health history, progress notes, and results of physical examination. +Examine patients to obtain information about their physical condition. +Administer or order diagnostic tests, such as x-ray, electrocardiogram, and laboratory tests. +Instruct and counsel patients about prescribed therapeutic regimens, normal growth and development, family planning, emotional problems of daily living, and health maintenance. +Perform therapeutic procedures, such as injections, immunizations, suturing and wound care, and infection management. +Visit and observe patients on hospital rounds or house calls, updating charts, ordering therapy, and reporting back to physician. +Provide physicians with assistance during surgery or complicated medical procedures. +Supervise and coordinate activities of technicians and technical assistants. +Order medical and laboratory supplies and equipment. +Refer patients to other healthcare providers.","Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Medical procedure coding software; MEDITECH software;6 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Storage media loading software— Patient records software for personal digital assistants PDAs +Video conferencing software— Teleconferencing software +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Diagnose medical conditions. +Prescribe treatments or therapies. +Record patient medical histories. +Analyze test data or images to inform diagnosis or treatment. +Collect medical information from patients, family members, or other medical professionals. +Examine patients to assess general physical condition. +Prescribe medications. +Order medical diagnostic or clinical tests. +Provide health and wellness advice to patients, program participants, or caregivers. +Administer intravenous medications. +Immunize patients. +Monitor patient progress or responses to treatments. +Assist healthcare practitioners during surgery. +Supervise patient care personnel. +Order medical supplies or equipment.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +E-Mail— 97% responded “Every day.” +Contact With Others— 92% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +Telephone Conversations— 84% responded “Every day.” +Exposed to Disease or Infections— 89% responded “Every day.” +Freedom to Make Decisions— 73% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 78% responded “Very important results.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Frequency of Decision Making— 81% responded “Every day.” +Physical Proximity— 72% responded “Very close (near touching).” +Consequence of Error— 70% responded “Extremely serious.” +Time Pressure— 59% responded “Every day.” +Deal With External Customers or the Public in General— 62% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 46% responded “A lot of freedom.” +Duration of Typical Work Week— 68% responded “More than 40 hours.” +Level of Competition— 43% responded “Highly competitive.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 68% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Written Letters and Memos— 43% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Conflict Situations— 43% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.” +Spend Time Standing— 53% responded “About half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 27% responded “More than half the time.” +Spend Time Sitting— 38% responded “About half the time.” +Importance of Repeating Same Tasks— 30% responded “Extremely important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anesthesiologist Assistants +Bright Outlook +Cardiologists +Clinical Nurse Specialists +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Nurse Practitioners +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Pediatricians, General","View the list of Allies +American Academy of Anesthesiologist Assistants +external site +American Academy of Physician Associates +external site +American Association of Nurse Practitioners +external site +American Association of Surgical Physician Assistants +external site +American Nurses Association +external site +American Society of Clinical Oncology +external site +Association of Neurosurgical Physician Assistants +external site +Association of Postgraduate Physician Assistant Programs +external site +Physician Assistant Education Association +external site +Society of Dermatology Physician Assistants +external site +National Commission on Certification of Physician Assistants +external site",79,2,14,91,60,40,55,74,48,18,14,38,62,64,22,47,49,18,34,13,89,88,65,39,100,17,4,33,95,12,14,3,10 +19-4099.03,Remote Sensing Technicians,https://www.onetonline.org/link/summary/19-4099.03,2025-06-11T18:58:25.777669,"Collect geospatial data, using technologies such as aerial photography, light and radio wave detection systems, digital satellites, or thermal energy systems. +Verify integrity and accuracy of data contained in remote sensing image analysis systems. +Integrate remotely sensed data with other geospatial data. +Consult with remote sensing scientists, surveyors, cartographers, or engineers to determine project needs. +Adjust remotely sensed images for optimum presentation by using software to select image displays, define image set categories, or choose processing routines. +Manipulate raw data to enhance interpretation, either on the ground or during remote sensing flights. +Merge scanned images or build photo mosaics of large areas, using image processing software. +Participate in the planning or development of mapping projects. +Prepare documentation or presentations, including charts, photos, or graphs. +Correct raw data for errors due to factors such as skew or atmospheric variation. +Calibrate data collection equipment. +Develop or maintain geospatial information databases. +Monitor raw data quality during collection, and make equipment corrections as necessary. +Maintain records of survey data. +Evaluate remote sensing project requirements to determine the types of equipment or computer software necessary to meet project requirements, such as specific image types or output resolutions. +Collect verification data on the ground, using equipment such as global positioning receivers, digital cameras, or notebook computers. +Document methods used and write technical reports containing information collected. +Develop specialized computer software routines to customize and integrate image analysis. +Collaborate with agricultural workers to apply remote sensing information to efforts to reduce negative environmental impacts of farming practices. +Collect remote sensing data for forest or carbon tracking activities involved in assessing the impact of environmental change. +Operate remote sensing equipment on drones to collect data in areas that are difficult to access or require high-resolution imagery. +Provide remote sensing data for use in addressing environmental issues, such as surface water modeling or dust cloud detection.","Analytical or scientific software— Calibration software; Opticks; SAS; The MathWorks MATLAB;15 more +Application server software— GitHub +Aviation ground support software— ArduPilot Mission Planner +Charting software— Aeronautical charts +Cloud-based management software— Splunk Enterprise +Clustering software— VMware +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Mathsoft Mathcad +Customer relationship management CRM software— Salesforce software +Data base management system software— Microsoft SQL Server; MySQL +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Web Services AWS software; Oracle Database; ServiceNow;3 more +Data mining software— Google Analytics +Development environment software— Microsoft .NET Framework; Microsoft Azure software; Microsoft PowerShell; Microsoft Visual Studio;2 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Expert system software— Ansible software +File versioning software— Git +Geographic information system— ESRI ArcCatalog; ESRI ArcGIS software; ESRI ArcView 3D Analyst; Geographic information system GIS systems;1 more +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Photoshop; Microsoft Image Composite Editor +Internet browser software— Web browser software +Map creation software— Applied Imagery Quick Terrain Modeler; BAE Systems SOCET SET; ITT Visual Information Solutions ENVI; Leica Geosystems ERDAS IMAGINE;2 more +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— C#; Oracle Java; Perl; R;2 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows Server; Shell script; UNIX; UNIX Shell;4 more +Presentation software— Microsoft PowerPoint +Program testing software— Debugging software +Project management software— Airdata; Atlassian Confluence; Atlassian JIRA; Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— AJAX; Cascading style sheets CSS; jQuery; React;3 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Collect geographical or geological field data. +Analyze geological or geographical data. +Create images or other visual displays. +Develop software or applications for scientific or technical use. +Collaborate with technical specialists to resolve design or development problems. +Calibrate scientific or technical equipment. +Develop technical or scientific databases. +Record research or operational data. +Prepare scientific or technical reports or presentations. +Collect environmental data or samples. +Communicate results of environmental research.","Indoors, Environmentally Controlled— 88% responded “Every day.” +E-Mail— 75% responded “Every day.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Spend Time Sitting— 61% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Contact With Others— 29% responded “Contact with others most of the time.” +Importance of Repeating Same Tasks— 59% responded “Extremely important.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Telephone Conversations— 35% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 40% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 34% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 44% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Minor results.” +Written Letters and Memos— 27% responded “Once a year or more but not every month.” +Level of Competition— 42% responded “Moderately competitive.” +Frequency of Decision Making— 30% responded “Once a year or more but not every month.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making.","Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Aerospace Engineers +Camera Operators, Television, Video, and Film +Cartographers and Photogrammetrists +Electro-Mechanical and Mechatronics Technologists and Technicians +Geodetic Surveyors +Geographic Information Systems Technologists and Technicians +Geological Technicians, Except Hydrologic Technicians +Remote Sensing Scientists and Technologists +Surveying and Mapping Technicians","View the list of Allies +American Geophysical Union +external site +American Institute of Aeronautics and Astronautics +external site +American Meteorological Society +external site +American Society for Photogrammetry and Remote Sensing +external site +American Society of Civil Engineers +external site +Association for Uncrewed Vehicle Systems International +external site +Association of Photogrammetry, Mapping and Geospatial Firms +external site +International Society for Photogrammetry and Remote Sensing +external site +National Weather Association +external site +United States Geospatial Intelligence Foundation +external site +Urban and Regional Information Systems Association +external site +Women and Drones +external site",63,,56,53,64,46,24,46,36,28,32,26,7,81,6,14,31,14,1,16,27,3,16,25,2,62,14,23,12,45,82,3,8 +11-9032.00,"Education Administrators, Kindergarten through Secondary",https://www.onetonline.org/link/summary/11-9032.00,2025-06-11T18:47:54.747932,"Evaluate curricula, teaching methods, and programs to determine their effectiveness, efficiency, and use, and to ensure compliance with federal, state, and local regulations. +Observe teaching methods and examine learning materials to evaluate and standardize curricula and teaching techniques and to determine areas for improvement. +Counsel and provide guidance to students regarding personal, academic, vocational, or behavioral issues. +Collaborate with teachers to develop and maintain curriculum standards, develop mission statements, and set performance goals and objectives. +Direct and coordinate activities of teachers, administrators, and support staff at schools, public agencies, and institutions. +Recruit, hire, train, and evaluate primary and supplemental staff. +Confer with parents and staff to discuss educational activities, policies, and student behavior or learning problems. +Enforce discipline and attendance rules. +Create school improvement plans, using student performance data. +Set educational standards and goals, and help establish policies and procedures to carry them out. +Plan and lead professional development activities for teachers, administrators, and support staff. +Participate in special education-related activities, such as attending meetings and providing support to special educators throughout the district. +Plan and develop instructional methods and content for educational, vocational, or student activity programs. +Determine the scope of educational program offerings, and prepare drafts of course schedules and descriptions to estimate staffing and facility requirements. +Prepare and submit budget requests and recommendations, or grant proposals to solicit program funding. +Recommend personnel actions related to programs and services. +Review and approve new programs, or recommend modifications to existing programs, submitting program proposals for school board approval as necessary. +Develop partnerships with businesses, communities, and other organizations to help meet identified educational needs and to provide school-to-work programs. +Review and interpret government codes, and develop programs to ensure adherence to codes and facility safety, security, and maintenance. +Determine allocations of funds for staff, supplies, materials, and equipment, and authorize purchases. +Direct and coordinate school maintenance services and the use of school facilities. +Organize and direct committees of specialists, volunteers, and staff to provide technical and advisory assistance for programs. +Prepare, maintain, or oversee the preparation and maintenance of attendance, activity, planning, or personnel reports and records. +Mentor and support administrative staff members, such as superintendents and principals. +Establish, coordinate, and oversee particular programs across school districts, such as programs to evaluate student academic achievement. +Coordinate and direct extracurricular activities and programs, such as after-school events and athletic contests. +Advocate for new schools to be built, or for existing facilities to be repaired or remodeled. +Plan, coordinate, and oversee school logistics programs, such as bus and food services. +Teach classes or courses to students. +Meet with federal, state, and local agencies to stay abreast of policies and to discuss improvements for education programs. +Write articles, manuals, and other publications, and assist in the distribution of promotional literature about facilities and programs. +Collect and analyze survey data, regulatory information, and data on demographic and employment trends to forecast enrollment patterns and curriculum change needs.","Analytical or scientific software— Desmos; Geogebra; IBM SPSS Statistics; The MathWorks MATLAB;3 more +Calendar and scheduling software— Google Calendar; Scheduling software +Cloud-based data access and sharing software— Google Drive +Communications server software— IBM Domino +Computer based training software— Common Curriculum; Edulastic; Rethink Ed; Schoology +Data base management system software— Apache Cassandra +Data base user interface and query software— Attendance tracking software; Blackboard software; Microsoft Access; School Attendance Keeper;2 more +Desktop communications software— Bloomz; ParentSquare +Desktop publishing software— Microsoft Publisher +Document management software— Microsoft SharePoint +Electronic mail software— Google Gmail; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics GP; NetSuite ERP; Thinc Technologies Virtual School; Wilcomp Software RenWeb;14 more +Human resources software— Human resource management software HRMS +Internet browser software— Web browser software +Mobile messaging service software— Intrado SchoolMessenger +Multi-media educational software— Nearpod; Seesaw +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Determine operational compliance with regulations or standards. +Evaluate program effectiveness. +Develop educational goals, standards, policies, or procedures. +Support the professional development of others. +Advise others on career or personal development. +Supervise employees. +Conduct employee training programs. +Hire personnel. +Recruit personnel. +Analyze data to inform operational decisions or activities. +Evaluate student work. +Develop organizational policies or programs. +Perform human resources activities. +Prepare financial documents, reports, or budgets. +Prepare proposals or grant applications to obtain project funding. +Schedule activities or facility use. +Advise others on business or operational matters. +Prepare forms or applications. +Recommend organizational process or policy changes. +Develop operating strategies, plans, or procedures. +Develop safety standards, policies, or procedures. +Establish interpersonal business relationships to facilitate work activities. +Coordinate special events or programs. +Approve expenditures. +Prepare operational budgets. +Direct facility maintenance or repair activities. +Manage outreach activities. +Collaborate with other professionals to develop education or assistance programs. +Serve on institutional or departmental committees. +Direct organizational operations, projects, or services. +Promote products, services, or programs. +Maintain personnel records. +Prepare operational progress or status reports. +Teach classes in area of specialization. +Coordinate operational activities with external stakeholders. +Maintain knowledge of current developments in area of expertise. +Analyze forecasting data to improve business decisions. +Conduct opinion surveys or needs assessments. +Develop promotional materials.","Indoors, Environmentally Controlled— 97% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Duration of Typical Work Week— 91% responded “More than 40 hours.” +Freedom to Make Decisions— 58% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 60% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 63% responded “Extremely important.” +Frequency of Decision Making— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Deal With External Customers or the Public in General— 72% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Conflict Situations— 41% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Health and Safety of Other Workers— 44% responded “High responsibility.” +Written Letters and Memos— 55% responded “Once a week or more but not every day.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Public Speaking— 51% responded “Once a week or more but not every day.” +Level of Competition— 30% responded “Extremely competitive.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 27% responded “Fairly important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Mathematics— Using mathematics to solve problems.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Education Administrators, Postsecondary +Education and Childcare Administrators, Preschool and Daycare +Education Teachers, Postsecondary +Elementary School Teachers, Except Special Education +Instructional Coordinators +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Secondary School +Training and Development Managers +Bright Outlook","View the list of Allies +ACSD +external site +American Council on Education +external site +Association for Career and Technical Education +external site +Association for Middle Level Education +external site +Council for Exceptional Children +external site +Council of Administrators of Special Education +external site +International Literacy Association +external site +International Society for Technology in Education +external site +National Association of Elementary School Principals +external site +National Association of Secondary School Principals +external site +National Catholic Educational Association +external site +Phi Delta Kappa International +external site +School Superintendents Association +external site +National Education Association +external site",80,5,18,88,61,88,61,82,45,44,37,81,12,49,25,72,45,20,49,30,63,46,45,30,23,20,30,10,15,29,28,30,35 +17-1012.00,Landscape Architects,https://www.onetonline.org/link/summary/17-1012.00,2025-06-11T18:53:08.612303,"Prepare graphic representations or drawings of proposed plans or designs. +Confer with clients, engineering personnel, or architects on landscape projects. +Integrate existing land features or landscaping into designs. +Inspect landscape work to ensure compliance with specifications, evaluate quality of materials or work, or advise clients or construction personnel. +Analyze data on conditions such as site location, drainage, or structure location for environmental reports or landscaping plans. +Develop marketing materials, proposals, or presentations to generate new work opportunities. +Manage the work of subcontractors to ensure quality control. +Present project plans or designs to public stakeholders, such as government agencies or community groups. +Prepare site plans, specifications, or cost estimates for land development. +Create landscapes that minimize water consumption such as by incorporating drought-resistant grasses or indigenous plants. +Develop planting plans to help clients garden productively or to achieve particular aesthetic effects. +Collaborate with estimators to cost projects, create project plans, or coordinate bids from landscaping contractors. +Inspect proposed sites to identify structural elements of land areas or other important site information, such as soil condition, existing landscaping, or the proximity of water management facilities. +Collaborate with architects or related professionals on whole building design to maximize the aesthetic features of structures or surrounding land and to improve energy efficiency. +Prepare conceptual drawings, graphics, or other visual representations of land areas to show predicted growth or development of land areas over time. +Design and integrate rainwater harvesting or gray and reclaimed water systems to conserve water into building or land designs. +Research latest products, technology, or design trends to stay current in the field. +Provide follow-up consultations for clients to ensure landscape designs are maturing or developing as planned. +Identify and select appropriate sustainable materials for use in landscape designs, such as recycled wood or recycled concrete boards for structural elements or recycled tires for playground bedding. +Use drone technology to survey large areas and gather accurate topographical data.","Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Trimble SketchUp Pro;4 more +Data base user interface and query software— Microsoft Access +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite;1 more +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Autodesk 3ds Max +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Create graphical representations of structures or landscapes. +Discuss designs or plans with clients. +Incorporate green features into the design of structures or facilities. +Inspect facilities or sites to determine if they meet specifications or standards. +Analyze physical, survey, or geographic data. +Perform marketing activities. +Supervise engineering or other technical personnel. +Explain project details to the general public. +Create maps. +Prepare detailed work plans. +Confer with technical personnel to prepare designs or operational plans. +Design water conservation systems. +Update technical knowledge. +Advise customers on the use of products or services. +Select project materials.","E-Mail— 96% responded “Every day.” +Telephone Conversations— 85% responded “Every day.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Contact With Others— 54% responded “Constant contact with others.” +Duration of Typical Work Week— 61% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 57% responded “Very important.” +Spend Time Sitting— 68% responded “More than half the time.” +Deal With External Customers or the Public in General— 61% responded “Very important.” +Freedom to Make Decisions— 67% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Determine Tasks, Priorities and Goals— 71% responded “Some freedom.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 61% responded “High responsibility.” +Level of Competition— 50% responded “Moderately competitive.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Frequency of Decision Making— 31% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 25% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 43% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Service Orientation— Actively looking for ways to help people. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architects, Except Landscape and Naval +Bright Outlook +Architectural and Civil Drafters +Architecture Teachers, Postsecondary +Civil Engineering Technologists and Technicians +Civil Engineers +Construction Managers +Environmental Restoration Planners +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +Sustainability Specialists +Urban and Regional Planners","View the list of Allies +American Planning Association +external site +American Society of Landscape Architects +external site +Council of Educators in Landscape Architecture +external site +International Society of Arboriculture +external site +Landscape Architecture Foundation +external site +National Recreation and Park Association +external site +Urban Land Institute +external site +USGBC +external site +American Institute of Certified Planners +external site +Council of Landscape Architectural Registration Boards +external site",66,11,28,73,63,64,74,47,48,40,50,47,31,66,19,66,40,37,27,48,46,12,51,28,10,70,83,35,55,95,62,55,44 +19-2012.00,Physicists,https://www.onetonline.org/link/summary/19-2012.00,2025-06-11T18:56:34.686181,"Perform complex calculations as part of the analysis and evaluation of data, using computers. +Analyze data from research conducted to detect and measure physical phenomena. +Describe and express observations and conclusions in mathematical terms. +Design computer simulations to model physical data so that it can be better understood. +Write research proposals to receive funding. +Teach physics to students. +Report experimental results by writing papers for scientific journals or by presenting information at scientific conferences. +Observe the structure and properties of matter, and the transformation and propagation of energy, using equipment such as masers, lasers, and telescopes, to explore and identify the basic principles governing these phenomena. +Develop theories and laws on the basis of observation and experiments, and apply these theories and laws to problems in areas such as nuclear energy, optics, and aerospace technology. +Collaborate with other scientists in the design, development, and testing of experimental, industrial, or medical equipment, instrumentation, and procedures. +Perform peer reviews of scientific papers.","Analytical or scientific software— CERN Physics Analysis Workstation PAW; COMSOL Multiphysics; The MathWorks MATLAB; Wolfram Research Mathematica;21 more +Cloud-based management software— OpenStack +Clustering software— VMware +Computer aided design CAD software— Autodesk AutoCAD; Mathsoft Mathcad; RibbonSoft QCad +Configuration management software— Puppet +Data base management system software— SQLite +Data base user interface and query software— Amazon Web Services AWS software; MySQL; Oracle Database; Structured query language SQL;2 more +Desktop publishing software— Scribus +Development environment software— C; Eclipse IDE; Microsoft Azure software; Microsoft Visual Studio;7 more +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Enterprise resource planning ERP system +Expert system software— Ansible software +File versioning software— Git +Graphics or photo imaging software— Adobe Photoshop; GNU Image Manipulation Program GIMP; Ploticus; xv;1 more +Music or sound editing software— Adobe Audition +Object or component oriented development software— C++; Oracle Java; Perl; Python;1 more +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Lenox Softworks VideoPoint +Web platform development software— JavaScript +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Analyze geological or geographical data. +Develop theories or models of physical phenomena. +Instruct college students in physical or life sciences. +Prepare proposals or grant applications to obtain project funding. +Prepare scientific or technical reports or presentations. +Operate laboratory or field equipment. +Collaborate on research activities with scientists or technical specialists.","E-Mail— 92% responded “Every day.” +Spend Time Sitting— 65% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Freedom to Make Decisions— 75% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Every day.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Telephone Conversations— 49% responded “Once a week or more but not every day.” +Contact With Others— 27% responded “Constant contact with others.” +Level of Competition— 35% responded “Extremely competitive.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Public Speaking— 29% responded “Once a year or more but not every month.” +Time Pressure— 39% responded “Once a month or more but not every week.”","Science— Using scientific rules and methods to solve problems. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Programming— Writing computer programs for various purposes. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people.","Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Astronomers +Bright Outlook +Biochemists and Biophysicists +Chemists +Data Scientists +Geoscientists, Except Hydrologists and Geographers +Materials Scientists +Mathematicians +Molecular and Cellular Biologists +Nanosystems Engineers +Physics Teachers, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Astronomical Society +external site +American Chemical Society +external site +American Institute of Physics +external site +American Nuclear Society +external site +American Physical Society +external site +Health Physics Society +external site +Institute of Electrical and Electronics Engineers +external site +International Society for Magnetic Resonance in Medicine +external site +Materials Research Society +external site +Optica +external site +Physics Careers Resource +external site +Sigma Xi, The Scientific Research Honor Society +external site +National Registry of Radiation Protection Technologists +external site",29,,33,67,96,41,29,60,32,25,18,32,55,85,6,30,40,27,13,10,25,15,11,19,5,89,9,98,16,37,8,2,7 +43-4041.00,"Credit Authorizers, Checkers, and Clerks",https://www.onetonline.org/link/summary/43-4041.00,2025-06-11T19:15:35.042518,"Keep records of customers' charges and payments. +Compile and analyze credit information gathered by investigation. +Obtain information about potential creditors from banks, credit bureaus, and other credit services, and provide reciprocal information if requested. +Interview credit applicants by telephone or in person to obtain personal and financial data needed to complete credit report. +Evaluate customers' computerized credit records and payment histories to decide whether to approve new credit, based on predetermined standards. +File sales slips in customers' ledgers for billing purposes. +Receive charge slips or credit applications by mail, or receive information from salespeople or merchants by telephone. +Mail charge statements to customers. +Examine city directories and public records to verify residence property ownership, bankruptcies, liens, arrest record, or unpaid taxes of applicants. +Relay credit report information to subscribers by mail or by telephone. +Prepare credit cards or charge account plates. +Call customers to collect payment on delinquent accounts. +Consult with customers to resolve complaints or verify financial or credit transactions. +Contact former employers and other acquaintances to verify applicants' references, employment, health history, or social behavior. +Prepare reports of findings and recommendations. +Review individual or commercial customer files to identify and select delinquent accounts for collection.","Accounting software— Financial accounting software +Business intelligence and data analysis software— Tableau +Data base user interface and query software— Microsoft Access; Structured query language SQL +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Financial analysis software— Equifax software; Experian software +Internet browser software— Microsoft Internet Explorer; Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel; Spreadsheet programs +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Analyze financial information. +Maintain financial or account records. +Compile data or documentation. +File documents or records. +Obtain personal or financial information about customers or applicants. +Interview employees, customers, or others to collect information. +Send information, materials or documentation. +Search files, databases or reference materials to obtain needed information. +Discuss account status or activity with customers or patrons. +Execute sales or other financial transactions. +Collect deposits, payments or fees. +Correspond with customers to answer questions or resolve complaints. +Examine financial records. +Prepare documentation for contracts, transactions, or regulatory compliance.","Telephone Conversations— How often do you have telephone conversations in this job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +E-Mail— How frequently does your job require you to use E-mail? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Spend Time Sitting— How much does this job require sitting? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Written Letters and Memos— How frequently does your job require written letters and memos? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Conflict Situations— How frequently are there conflict situations the employee has to face in this job? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Dealing With Unpleasant, Angry, or Discourteous People— How frequently does the worker have to deal with unpleasant, angry, or discourteous individuals as part of the job requirements? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable?","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bill and Account Collectors +Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Credit Counselors +Customer Service Representatives +Insurance Claims and Policy Processing Clerks +Loan Interviewers and Clerks +Loan Officers +New Accounts Clerks +Tax Examiners and Collectors, and Revenue Agents","View the list of Allies +American Bankers Association +external site +Mortgage Bankers Association +external site +National Association of Credit Management +external site +National Association of Federally-Insured Credit Unions +external site",77,8,20,67,65,53,20,34,59,58,43,33,,55,3,59,30,14,2,34,34,5,7,28,1,12,12,2,,7,18,,3 +47-5041.00,Continuous Mining Machine Operators,https://www.onetonline.org/link/summary/47-5041.00,2025-06-11T19:20:45.269028,"Hang ventilation tubing and ventilation curtains to ensure that the mining face area is kept properly ventilated. +Conduct methane gas checks to ensure breathing quality of air. +Check the stability of roof and rib support systems before mining face areas. +Operate mining machines to gather coal and convey it to floors or shuttle cars. +Drive machines into position at working faces. +Move controls to start and regulate movement of conveyors and to start and position drill cutters or torches. +Reposition machines to make additional holes or cuts. +Determine locations, boundaries, and depths of holes or channels to be cut. +Observe and listen to equipment operation to detect binding or stoppage of tools or other equipment malfunctions. +Repair, oil, and adjust machines, and change cutting teeth, using wrenches. +Install casings to prevent cave-ins. +Scrape or wash conveyors, using belt scrapers or belt washers, to minimize dust production. +Move levers to raise and lower hydraulic safety bars supporting roofs above machines until other workers complete framing. +Apply new technologies developed to minimize the environmental impact of coal mining. +Guide and assist crews laying track and resetting supports and blocking.","Analytical or scientific software— Minitab +Mobile location based services software— Fleet monitoring system software; Hitachi ZXLink; Leica Geosystems FMS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Position safety or support equipment. +Test air quality at work sites. +Inspect completed work to ensure proper installation. +Operate mining equipment. +Position construction or extraction equipment. +Determine appropriate locations for operations or installations. +Install safety or support equipment. +Monitor extraction operations. +Clean equipment or facilities. +Operate cranes, hoists, or other moving or lifting equipment. +Maintain extraction or excavation equipment. +Apply new technologies to improve work processes. +Assist skilled construction or extraction personnel. +Direct construction or extraction personnel.","Exposed to Contaminants— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Exposed to Hazardous Equipment— 93% responded “Every day.” +Frequency of Decision Making— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 70% responded “Extremely important.” +Health and Safety of Other Workers— 53% responded “Very high responsibility.” +Contact With Others— 58% responded “Constant contact with others.” +Consequence of Error— 62% responded “Extremely serious.” +Spend Time Making Repetitive Motions— 55% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 59% responded “Very important.” +Freedom to Make Decisions— 36% responded “A lot of freedom.” +Exposed to Cramped Work Space, Awkward Positions— 50% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 73% responded “Every day.” +Duration of Typical Work Week— 53% responded “40 hours.” +Spend Time Standing— 48% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 48% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 34% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.” +Level of Competition— 37% responded “Moderately competitive.” +Exposed to Whole Body Vibration— 47% responded “Every day.” +Spend Time Bending or Twisting Your Body— 35% responded “More than half the time.” +Exposed to Hazardous Conditions— 49% responded “Every day.” +In an Open Vehicle or Operating Equipment— 47% responded “Every day.” +Time Pressure— 30% responded “Every day.” +Indoors, Not Environmentally Controlled— 59% responded “Every day.” +Physical Proximity— 36% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 57% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 45% responded “Important.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 42% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Crane and Tower Operators +Earth Drillers, Except Oil and Gas +Excavating and Loading Machine and Dragline Operators, Surface Mining +Helpers--Extraction Workers +Industrial Machinery Mechanics +Bright Outlook +Loading and Moving Machine Operators, Underground Mining +Maintenance Workers, Machinery +Mobile Heavy Equipment Mechanics, Except Engines +Operating Engineers and Other Construction Equipment Operators +Rotary Drill Operators, Oil and Gas","View the list of Allies +National Mining Association +external site +United Mine Workers of America +external site +United Steelworkers +external site",29,5,68,46,39,45,42,56,17,13,14,34,21,23,3,59,26,74,3,43,22,9,12,36,18,39,38,27,13,39,23,,10 +29-2053.00,Psychiatric Technicians,https://www.onetonline.org/link/summary/29-2053.00,2025-06-11T19:08:26.655021,"Provide nursing, psychiatric, or personal care to patients with cognitive, intellectual, or developmental disabilities. +Encourage patients to develop work skills and to participate in social, recreational, or other therapeutic activities that enhance interpersonal skills or develop social relationships. +Restrain violent, potentially violent, or suicidal patients by verbal or physical means as required. +Lead prescribed individual or group therapy sessions as part of specific therapeutic procedures. +Monitor patients' physical and emotional well-being and report unusual behavior or physical ailments to medical staff. +Take and record measures of patients' physical condition, using devices such as thermometers or blood pressure gauges. +Observe and influence patients' behavior, communicating and interacting with them and teaching, counseling, or befriending them. +Aid patients in performing tasks, such as bathing or keeping beds, clothing, or living areas clean. +Collaborate with or assist doctors, psychologists, or rehabilitation therapists in working with patients with cognitive, intellectual, or developmental disabilities to treat, rehabilitate, and return patients to the community. +Develop or teach strategies to promote client wellness and independence. +Train or instruct new employees on procedures to follow with psychiatric patients. +Escort patients to medical appointments. +Administer oral medications or hypodermic injections, following physician's prescriptions and hospital procedures. +Issue medications from dispensary and maintain records in accordance with specified procedures. +Interview new patients to complete admission forms, to assess their mental health status, or to obtain their mental health and treatment history. +Contact patients' relatives to arrange family conferences.","Electronic mail software— Microsoft Outlook +Inventory management software— InfoLogix HealthTrax Engine +Medical software— Allscripts Sunrise; GE Healthcare Centricity EMR; MEDITECH Behavioral Health Clinicals; Netsmart Technologies Avatar Clinical Workstation CWS;4 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Care for patients with mental illnesses. +Treat patients using psychological therapies. +Administer intravenous medications. +Administer non-intravenous medications. +Encourage patients or clients to develop life skills. +Position patients for treatment or examination. +Maintain inventory of medical supplies or equipment. +Maintain medical facility records. +Inform medical professionals regarding patient conditions and care. +Examine patients to assess general physical condition. +Interact with patients to build rapport or provide emotional support. +Operate diagnostic or therapeutic medical instruments or equipment. +Record patient medical histories. +Assist patients with hygiene or daily living activities. +Assist healthcare practitioners during examinations or treatments. +Collaborate with healthcare professionals to plan or provide treatment. +Collect medical information from patients, family members, or other medical professionals. +Teach health management classes. +Train medical providers. +Move patients to or from treatment areas. +Perform clerical work in medical settings.","Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Telephone Conversations— 77% responded “Every day.” +Physical Proximity— 69% responded “Very close (near touching).” +Dealing With Unpleasant, Angry, or Discourteous People +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Very important.” +Conflict Situations— 25% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 77% responded “More than 40 hours.” +E-Mail— 32% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 51% responded “Limited freedom.” +Written Letters and Memos— 66% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 71% responded “Some freedom.” +Spend Time Standing— 33% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 23% responded “Every day.” +Health and Safety of Other Workers— 19% responded “High responsibility.” +Importance of Being Exact or Accurate— 34% responded “Important.” +Dealing with Violent or Physically Aggressive People— 23% responded “Once a year or more but not every month.” +Exposed to Disease or Infections— 43% responded “Every day.” +Frequency of Decision Making— 39% responded “Every day.” +Time Pressure +Work Outcomes and Results of Other Workers— 20% responded “Moderate responsibility.” +Spend Time Sitting— 35% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 26% responded “Never.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Acute Care Nurses +Bright Outlook +Home Health Aides +Occupational Therapy Aides +Occupational Therapy Assistants +Paramedics +Physical Therapist Aides +Physical Therapist Assistants +Psychiatric Aides +Recreational Therapists +Registered Nurses","View the list of Allies +American Psychological Association +external site +American Association of Psychiatric Technicians +external site +National Board for Certified Counselors +external site",74,13,20,77,30,46,63,64,41,22,20,45,24,54,20,56,33,7,33,36,80,77,52,34,68,11,3,9,37,7,10,12,10 +53-5021.00,"Captains, Mates, and Pilots of Water Vessels",https://www.onetonline.org/link/summary/53-5021.00,2025-06-11T19:29:47.024732,"Direct courses and speeds of ships, based on specialized knowledge of local winds, weather, water depths, tides, currents, and hazards. +Prevent ships under navigational control from engaging in unsafe operations. +Serve as a vessel's docking master upon arrival at a port or at a berth. +Consult maps, charts, weather reports, or navigation equipment to determine and direct ship movements. +Steer and operate vessels, using radios, depth finders, radars, lights, buoys, or lighthouses. +Operate ship-to-shore radios to exchange information needed for ship operations. +Dock or undock vessels, sometimes maneuvering through narrow spaces, such as locks. +Stand watches on vessels during specified periods while vessels are under way. +Inspect vessels to ensure efficient and safe operation of vessels and equipment and conformance to regulations. +Read gauges to verify sufficient levels of hydraulic fluid, air pressure, or oxygen. +Report to appropriate authorities any violations of federal or state pilotage laws. +Provide assistance in maritime rescue operations. +Signal passing vessels, using whistles, flashing lights, flags, or radios. +Measure depths of water, using depth-measuring equipment. +Signal crew members or deckhands to rig tow lines, open or close gates or ramps, or pull guard chains across entries. +Maintain boats or equipment on board, such as engines, winches, navigational systems, fire extinguishers, or life preservers. +Maintain records of daily activities, personnel reports, ship positions and movements, ports of call, weather and sea conditions, pollution control efforts, or cargo or passenger status. +Advise ships' masters on harbor rules and customs procedures. +Observe loading or unloading of cargo or equipment to ensure that handling and storage are performed according to specifications. +Calculate sightings of land, using electronic sounding devices and following contour lines on charts. +Learn to operate new technology systems and procedures through instruction, simulators, or models. +Direct or coordinate crew members or workers performing activities such as loading or unloading cargo, steering vessels, operating engines, or operating, maintaining, or repairing ship equipment. +Arrange for ships to be fueled, restocked with supplies, or repaired. +Supervise crews in cleaning or maintaining decks, superstructures, or bridges. +Purchase supplies or equipment. +Tow and maneuver barges or signal tugboats to tow barges to destinations. +Perform various marine duties, such as checking for oil spills or other pollutants around ports or harbors or patrolling beaches. +Assign watches or living quarters to crew members. +Interview and hire crew members. +Conduct safety drills such as man overboard or fire drills. +Oversee the use of drones for inspection and maintenance of hard-to-reach parts of the vessel.","Analytical or scientific software— Groundwater modeling system GMS +Calendar and scheduling software— Microsoft Office Outlook +Computer aided design CAD software— Autodesk Revit +Data base user interface and query software— KNMI TurboWin; Log book software +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Materials requirements planning logistics and supply chain software— SHIPNEXT +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Microsoft PowerPoint +Route navigation software— FURUNO navigational chart software; Jeppesen Marine Nobeltec Admiral; Maptech The CAPN; Navigational chart software;1 more +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Choose optimal transportation routes or speeds. +Direct passenger or freight transport activities. +Read maps to determine routes. +Operate ships or other watercraft. +Operate communications equipment or systems. +Monitor surroundings to detect potential hazards. +Monitor equipment operation to ensure proper functioning. +Monitor equipment gauges or displays to ensure proper operation. +Signal others to coordinate vehicle movement. +Notify others of emergencies, problems, or hazards. +Assist others during emergencies. +Measure the level or depth of water or other liquids. +Communicate with others to coordinate material handling or movement. +Maintain watercraft engines or machinery. +Explain regulations, policies, or procedures. +Monitor work environment to ensure safety or adherence to specifications. +Record operational details of travel. +Determine geographic coordinates. +Maintain professional knowledge or certifications. +Direct maintenance or repair activities. +Direct material handling or moving activities. +Arrange maintenance activities. +Acquire supplies or equipment. +Recommend personnel decisions or human resources activities. +Provide safety training.","Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Frequency of Decision Making— 80% responded “Every day.” +Contact With Others— 69% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 76% responded “Very important results.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Freedom to Make Decisions— 68% responded “A lot of freedom.” +Health and Safety of Other Workers— 73% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Telephone Conversations— 59% responded “Every day.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Outdoors, Exposed to All Weather Conditions— 62% responded “Every day.” +Consequence of Error— 72% responded “Extremely serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 66% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 69% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 53% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 54% responded “Very high responsibility.” +Time Pressure— 47% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Exposed to Contaminants— 51% responded “Every day.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Indoors, Not Environmentally Controlled— 51% responded “Every day.” +E-Mail— 43% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 31% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 38% responded “Extremely important.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Exposed to Whole Body Vibration— 49% responded “Every day.” +Level of Competition— 40% responded “Moderately competitive.” +Spend Time Standing— 39% responded “More than half the time.” +In an Open Vehicle or Operating Equipment— 42% responded “Every day.” +Conflict Situations— 32% responded “Once a year or more but not every month.” +Exposed to Hazardous Equipment— 32% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 26% responded “Every day.” +Written Letters and Memos— 31% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 36% responded “Less than half the time.” +Outdoors, Under Cover— 41% responded “Never.” +Exposed to Cramped Work Space, Awkward Positions— 37% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 31% responded “Never.”","Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Instructing— Teaching others how to do something. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Persuasion— Persuading others to change their minds or behavior. +Repairing— Repairing machines or systems using the needed tools.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aircraft Cargo Handling Supervisors +Bright Outlook +Airline Pilots, Copilots, and Flight Engineers +Bridge and Lock Tenders +Commercial Pilots +Dredge Operators +Locomotive Engineers +Motorboat Operators +Sailors and Marine Oilers +Ship Engineers +Transportation Inspectors","View the list of Allies +American Waterways Operators +external site +Passenger Vessel Association +external site",54,17,34,58,48,55,71,53,38,21,20,42,32,45,10,59,33,61,12,78,43,18,18,47,32,39,30,39,21,27,57,3,16 +37-3012.00,"Pesticide Handlers, Sprayers, and Applicators, Vegetation",https://www.onetonline.org/link/summary/37-3012.00,2025-06-11T19:12:28.056500,"Mix pesticides, herbicides, or fungicides for application to trees, shrubs, lawns, or botanical crops. +Fill sprayer tanks with water and chemicals, according to formulas. +Lift, push, and swing nozzles, hoses, and tubes to direct spray over designated areas. +Identify lawn or plant diseases to determine the appropriate course of treatment. +Cover areas to specified depths with pesticides, applying knowledge of weather conditions, droplet sizes, elevation-to-distance ratios, and obstructions. +Start motors and engage machinery, such as sprayer agitators or pumps or portable spray equipment. +Connect hoses and nozzles selected according to terrain, distribution pattern requirements, types of infestations, and velocities. +Clean or service machinery to ensure operating efficiency, using water, gasoline, lubricants, or hand tools. +Provide driving instructions to truck drivers to ensure complete coverage of designated areas, using hand and horn signals. +Plant grass with seed spreaders, and operate straw blowers to cover seeded areas with mixtures of asphalt and straw. +Establish driving routes for pesticide applications. +Record information about pesticide applications, such as the type used and amount applied. +Use new technology and equipment, such as drones or GPS systems, to apply pesticides more accurately and efficiently.","Analytical or scientific software— Rate calculation software; Unit conversion software +Data base user interface and query software— Customer database software +Electronic mail software— Microsoft Outlook +Geographic information system— Geographic information system GIS systems +Inventory management software— Materials inventory software +Office suite software— Microsoft Office software +Operating system software— Google Android +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Prepare chemicals for work application. +Treat greenery or surfaces with protective substances. +Inspect landscaping to determine treatment needs. +Operate grounds maintenance equipment. +Clean equipment or supplies. +Maintain equipment or systems to ensure proper functioning. +Instruct staff in work policies or procedures. +Plant greenery to improve landscape appearance.","Outdoors, Exposed to All Weather Conditions— 93% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 87% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 79% responded “Every day.” +Frequency of Decision Making— 74% responded “Every day.” +Exposed to Contaminants— 77% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Important results.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Importance of Being Exact or Accurate— 53% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 51% responded “Continually or almost continually.” +Telephone Conversations— 44% responded “Once a week or more but not every day.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 64% responded “Every day.” +Deal With External Customers or the Public in General— 36% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 48% responded “Every day.” +Consequence of Error— 45% responded “Very serious.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Duration of Typical Work Week— 46% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Contact With Others— 32% responded “Contact with others about half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 52% responded “Very important.” +Exposed to Hazardous Equipment— 40% responded “Every day.” +Spend Time Making Repetitive Motions— 39% responded “Less than half the time.” +Spend Time Standing— 44% responded “More than half the time.” +Health and Safety of Other Workers— 22% responded “Limited responsibility.” +Indoors, Not Environmentally Controlled— 33% responded “Every day.” +Spend Time Walking or Running— 33% responded “About half the time.” +Importance of Repeating Same Tasks— 47% responded “Very important.” +Work Outcomes and Results of Other Workers— 35% responded “Limited responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Equipment Operators +Bright Outlook +Chemical Plant and System Operators +Cleaners of Vehicles and Equipment +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Landscaping and Groundskeeping Workers +Laundry and Dry-Cleaning Workers +Pest Control Workers +Tree Trimmers and Pruners +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +International Society of Arboriculture +external site +National Association of Landscape Professionals +external site +Professional Grounds Management Society +external site +Tree Care Industry Association +external site",64,6,63,62,53,59,54,53,40,27,43,37,51,34,14,53,32,51,6,51,14,7,9,32,13,29,4,30,64,27,36,2,5 +19-1011.00,Animal Scientists,https://www.onetonline.org/link/summary/19-1011.00,2025-06-11T18:55:44.973905,"Study nutritional requirements of animals and nutritive values of animal feed materials. +Write up or orally communicate research findings to the scientific community, producers, and the public. +Develop improved practices in feeding, housing, sanitation, or parasite and disease control of animals. +Advise producers about improved products and techniques that could enhance their animal production efforts. +Conduct research concerning animal nutrition, breeding, or management to improve products or processes. +Study effects of management practices, processing methods, feed, or environmental conditions on quality and quantity of animal products, such as eggs and milk. +Research and control animal selection and breeding practices to increase production efficiency and improve animal quality. +Determine genetic composition of animal populations and heritability of traits, using principles of genetics. +Crossbreed animals with existing strains or cross strains to obtain new combinations of desirable characteristics.","Analytical or scientific software— Best Linear Unbiased Prediction BLUP; Deoxyribonucleic acid DNA sequence analysis software; SAS; VSNi GenStat;6 more +Business intelligence and data analysis software— Tableau +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Database software; Microsoft Access; Online Mendelian Inheritance in Animals OMIA; Structured query language SQL;2 more +Electronic mail software— Email software +Enterprise resource planning ERP software— Oracle PeopleSoft +Geographic information system— ESRI ArcGIS software +Human resources software— Oracle HRIS +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Research livestock management methods. +Prepare scientific or technical reports or presentations. +Develop agricultural methods. +Advise others on business or operational matters. +Advise others on ways to improve processes or products. +Research genetic characteristics or expression. +Perform animal breeding procedures.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Duration of Typical Work Week— 78% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Contact With Others— 52% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 61% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Indoors, Environmentally Controlled— 43% responded “Every day.” +Written Letters and Memos— 35% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 48% responded “Once a week or more but not every day.” +Frequency of Decision Making— 36% responded “Every day.” +Time Pressure— 57% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Deal With External Customers or the Public in General— 30% responded “Very important.” +Level of Competition— 43% responded “Highly competitive.” +Indoors, Not Environmentally Controlled— 43% responded “Once a week or more but not every day.” +Spend Time Sitting— 48% responded “More than half the time.” +Outdoors, Under Cover— 39% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Health and Safety of Other Workers— 35% responded “Moderate responsibility.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a year or more but not every month.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Once a year or more but not every month.” +Public Speaking— 48% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Mathematics— Using mathematics to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Agricultural Sciences Teachers, Postsecondary +Biochemists and Biophysicists +Bright Outlook +Biologists +Farmers, Ranchers, and Other Agricultural Managers +Food Scientists and Technologists +Geneticists +Microbiologists +Soil and Plant Scientists +Veterinarians +Zoologists and Wildlife Biologists","View the list of Allies +American Dairy Science Association +external site +American Feed Industry Association +external site +American Meat Science Association +external site +American Society of Agronomy +external site +American Society of Animal Science +external site +Animal Behavior Society +external site +Council for Agricultural Science and Technology +external site +Equine Science Society +external site +Institute of Food Technologists +external site +International Society for Applied Ethology +external site +National Cattlemen's Beef Association +external site +National Pork Board +external site +Poultry Science Association +external site +Soil Science Society of America +external site +World's Poultry Science Association +external site +American Registry of Professional Animal Scientists +external site",60,71,46,77,78,50,28,61,36,36,53,33,76,59,25,33,46,24,14,27,28,15,15,30,30,38,19,33,91,22,23,6,11 +29-9021.00,Health Information Technologists and Medical Registrars,https://www.onetonline.org/link/summary/29-9021.00,2025-06-11T19:09:05.172755,"Assign the patient to diagnosis-related groups (DRGs), using appropriate computer software. +Compile medical care and census data for statistical reports on diseases treated, surgery performed, or use of hospital beds. +Design databases to support healthcare applications, ensuring security, performance and reliability. +Develop in-service educational materials. +Evaluate and recommend upgrades or improvements to existing computerized healthcare systems. +Facilitate and promote activities, such as lunches, seminars, or tours, to foster healthcare information privacy or security awareness within the organization. +Identify, compile, abstract, and code patient data, using standard classification systems. +Manage the department or supervise clerical workers, directing or controlling activities of personnel in the medical records department. +Monitor changes in legislation and accreditation standards that affect information security or privacy in the computerized healthcare system. +Plan, develop, maintain, or operate a variety of health record indexes or storage and retrieval systems to collect, classify, store, or analyze information. +Prepare statistical reports, narrative reports, or graphic presentations of information, such as tumor registry data for use by hospital staff, researchers, or other users. +Protect the security of medical records to ensure that confidentiality is maintained. +Resolve or clarify codes or diagnoses with conflicting, missing, or unclear information by consulting with doctors or others or by participating in the coding team's regular meetings. +Retrieve patient medical records for physicians, technicians, or other medical personnel. +Train medical records staff. +Write or maintain archived procedures, procedural codes, or queries for applications.","Accounting software— Billing software; NDCMedisoft; QMSoftware Receivables Management; Siemens Soarian Financials +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; StataCorp Stata +Business intelligence and data analysis software— IBM Cognos Impromptu; MicroStrategy; Qlik Tech QlikView; Tableau +Calendar and scheduling software— MD Synergy Medical Appointment Scheduling; Scheduling software; Siemens Soarian Scheduling +Categorization or classification software— 3M Encoder; American Medical Association CodeManager; Computerized indexing systems; DRG grouping software +Data base management system software— Teradata Database +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports; SoftMed ChartRelease +Data base user interface and query software— Encoded archival system EAD; Microsoft Access; Microsoft SQL Server; Structured query language SQL;5 more +Desktop communications software— Eko +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic Scripting Edition VBScript +Document management software— Hyland Software OnBase; IDX Systems Patient Chart Tracking; SoftMed ChartLocater; SoftMed ChartReserve;2 more +Electronic mail software— Email software; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; SAP Business Objects +Expert system software— Information Resource Products Clinical Coding Expert +Graphics or photo imaging software— Graphics software +Information retrieval or search software— Coding database software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Henry Schein Dentrix; MEDITECH software;36 more +Metadata management software— Quest Erwin Data Modeler +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— R +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Scantron imaging software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Transaction security and virus protection software— Encoder software +Voice recognition software— Cyber Records MediChart Express; ScanSoft Naturally Speaking; Speech recognition software; Voice dictation software +Word processing software— Microsoft Word",,"Code data or other information. +Classify materials according to standard systems. +Collect medical information from patients, family members, or other medical professionals. +Communicate with management or other staff to resolve problems. +Create databases to store electronic data. +Develop procedures for data management. +Evaluate applicable laws and regulations to determine impact on organizational activities. +Gather medical information from patient histories. +Maintain medical facility records. +Maintain security. +Manage healthcare operations. +Market products, services, or events. +Monitor external affairs or events affecting business operations. +Perform clerical work in medical settings. +Prepare healthcare training materials. +Present medical research reports. +Promote educational institutions or programs. +Recommend changes to improve computer or information systems. +Supervise medical support personnel. +Test computer hardware performance. +Test software performance. +Train caregivers or other non-medical personnel.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Administrative Services Managers +Bright Outlook +Clinical Data Managers +Clinical Research Coordinators +Computer Systems Analysts +Database Administrators +Document Management Specialists +Health Informatics Specialists +Medical Records Specialists +Patient Representatives +Statistical Assistants","View the list of Allies +American Association of Healthcare Administrative Management +external site +American Medical Informatics Association +external site +American Nursing Informatics Association +external site +American Public Health Association +external site +American Telemedicine Association +external site +Association for Healthcare Documentation Integrity +external site +Association for Information Science and Technology +external site +Association of Health Information Outsourcing Services +external site +Association of Medical Directors of Information Systems +external site +Australasian Institute of Digital Health +external site +Healthcare Financial Management Association +external site +Healthcare Information and Management Systems Society +external site +International Federation of Health Information Management Associations +external site +International Society for Quality in Health Care +external site +Medical Billing and Coding +external site +Medical Group Management Association +external site +National Cancer Registrars Association +external site +National Society of Certified Healthcare Business Consultants +external site +Southern Medical Association +external site +New England Chapter of the Healthcare Information and Management Systems Society +external site +AAPC +external site +American Health Information Management Association +external site +Association of Clinical Documentation Integrity Specialists +external site +Association of Healthcare Internal Auditors +external site +National Healthcareer Association +external site +Professional Association of Health Care Office Management +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +49-9044.00,Millwrights,https://www.onetonline.org/link/summary/49-9044.00,2025-06-11T19:22:39.591481,"Replace defective parts of machine, or adjust clearances and alignment of moving parts. +Align machines or equipment, using hoists, jacks, hand tools, squares, rules, micrometers, lasers, or plumb bobs. +Insert shims, adjust tension on nuts and bolts, or position parts, using hand tools and measuring instruments, to set specified clearances between moving and stationary parts. +Signal crane operator to lower basic assembly units to bedplate, and align unit to centerline. +Conduct preventative maintenance and repair, and lubricate machines and equipment. +Assemble and install equipment, using hand tools and power tools. +Assemble machines, and bolt, weld, rivet, or otherwise fasten them to foundation or other structures, using hand tools and power tools. +Move machinery and equipment, using hoists, dollies, rollers, and trucks. +Level bedplate and establish centerline, using straightedge, levels, and transit. +Dismantle machines, using hammers, wrenches, crowbars, and other hand tools. +Bolt parts, such as side and deck plates, jaw plates, and journals, to basic assembly unit. +Lay out mounting holes, using measuring instruments, and drill holes with power drill. +Attach moving parts and subassemblies to basic assembly unit, using hand tools and power tools. +Weld, repair, and fabricate equipment or machinery. +Shrink-fit bushings, sleeves, rings, liners, gears, and wheels to specified items, using portable gas heating equipment. +Troubleshoot equipment, electrical components, hydraulics, or other mechanical systems. +Dismantle machinery and equipment for shipment to installation site, performing installation and maintenance work as part of team. +Connect power unit to machines or steam piping to equipment, and test unit to evaluate its mechanical operation. +Position steel beams to support bedplates of machines and equipment, using blueprints and schematic drawings to determine work procedures. +Fabricate and dismantle parts, equipment, and machines, using a cutting torch or other cutting equipment. +Construct foundation for machines, using hand tools and building materials such as wood, cement, and steel. +Operate engine lathe to grind, file, and turn machine parts to dimensional specifications. +Install robot and modify its program, using teach pendant. +Inventory and store parts, tools, and equipment.","Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Adjust equipment to ensure optimal performance. +Replace worn, damaged, or defective mechanical parts. +Align equipment or machinery. +Position equipment using hand tools, power tools, or heavy equipment. +Adjust the tension of nuts or bolts. +Communicate with coworkers to coordinate installations or repairs. +Lubricate equipment to allow proper functioning. +Maintain work equipment or machinery. +Assemble mechanical components or machine parts. +Bolt objects into place. +Operate welding equipment. +Move materials, equipment, or supplies. +Operate cranes, hoists, or other moving or lifting equipment. +Level machines or equipment. +Dismantle heavy equipment or machinery. +Drill holes in parts, equipment, or materials. +Lay out work according to specifications. +Fabricate parts or components. +Operate heating or drying equipment. +Repair worn, damaged, or defective mechanical parts. +Troubleshoot equipment or systems operation problems. +Test mechanical equipment to ensure proper functioning. +Install programs onto computer or computer-controlled equipment. +Grind parts to required dimensions.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Importance of Being Exact or Accurate— 91% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 77% responded “Every day.” +Health and Safety of Other Workers— 73% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 77% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Time Pressure— 68% responded “Every day.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Indoors, Not Environmentally Controlled— 64% responded “Every day.” +Consequence of Error— 59% responded “Extremely serious.” +Contact With Others— 64% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Outdoors, Exposed to All Weather Conditions— 45% responded “Every day.” +Physical Proximity— 45% responded “Very close (near touching).” +Exposed to Contaminants— 55% responded “Once a week or more but not every day.” +Frequency of Decision Making— 68% responded “Every day.” +Spend Time Standing— 50% responded “More than half the time.” +Telephone Conversations— 50% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 50% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 55% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 41% responded “Once a week or more but not every day.” +E-Mail— 41% responded “Every day.” +Importance of Repeating Same Tasks— 36% responded “Very important.” +Spend Time Bending or Twisting Your Body— 41% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 45% responded “High responsibility.” +Exposed to High Places— 36% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 36% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Outdoors, Under Cover— 45% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 33% responded “Every day.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Spend Time Making Repetitive Motions— 27% responded “Continually or almost continually.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 41% responded “More than half the time.” +In an Open Vehicle or Operating Equipment— 41% responded “Once a week or more but not every day.” +Level of Competition— 45% responded “Moderately competitive.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 45% responded “Once a month or more but not every week.” +Pace Determined by Speed of Equipment— 36% responded “Very important.” +Spend Time Walking or Running— 36% responded “About half the time.” +Conflict Situations— 36% responded “Once a month or more but not every week.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Boilermakers +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Bright Outlook +Machinists +Maintenance and Repair Workers, General +Mobile Heavy Equipment Mechanics, Except Engines +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Associated Builders and Contractors +external site +American Welding Society +external site +International Association of Machinists and Aerospace Workers +external site +Millwright Employers Association +external site +Operative Plasterers' and Cement Masons' International Association +external site +Precision Machined Products Association +external site +Independent Millwright Contractors Association +external site +National Center for Construction Education and Research +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +Society for Maintenance and Reliability Professionals +external site +United Brotherhood of Carpenters and Joiners of America +external site +United Steelworkers +external site",44,32,55,60,84,52,61,69,33,22,31,43,40,43,21,32,30,95,13,48,31,16,15,32,11,62,81,55,19,57,16,7,7 +17-2072.00,"Electronics Engineers, Except Computer",https://www.onetonline.org/link/summary/17-2072.00,2025-06-11T18:53:42.744932,"Design electronic components, software, products, or systems for commercial, industrial, medical, military, or scientific applications. +Operate computer-assisted engineering or design software or equipment to perform electronics engineering tasks. +Evaluate project work to ensure effectiveness, technical adequacy, or compatibility in the resolution of complex electronics engineering problems. +Direct or coordinate activities concerned with manufacture, construction, installation, maintenance, operation, or modification of electronic equipment, products, or systems. +Confer with engineers, customers, vendors, or others to discuss existing or potential electronics engineering projects or products. +Provide technical support or instruction to staff or customers regarding electronics equipment standards. +Recommend repair or design modifications of electronics components or systems, based on factors such as environment, service, cost, or system capabilities. +Prepare documentation containing information such as confidential descriptions or specifications of proprietary hardware or software, product development or introduction schedules, product costs, or information about product performance weaknesses. +Develop or perform operational, maintenance, or testing procedures for electronic products, components, equipment, or systems. +Analyze electronics system requirements, capacity, cost, or customer needs to determine project feasibility. +Prepare, review, or maintain maintenance schedules, design documentation, or operational reports or charts. +Inspect electronic equipment, instruments, products, or systems to ensure conformance to specifications, safety standards, or applicable codes or regulations. +Determine project material or equipment needs. +Prepare necessary criteria, procedures, reports, or plans for successful conduct of the project with consideration given to site preparation, facility validation, installation, quality assurance, or testing. +Plan or develop applications or modifications for electronic properties used in components, products, or systems to improve technical performance. +Prepare engineering sketches or specifications for construction, relocation, or installation of equipment, facilities, products, or systems. +Prepare budget or cost estimates for equipment, construction, or installation projects or control expenditures. +Investigate green consumer electronics applications for consumer electronic devices, power saving devices for computers or televisions, or energy efficient power chargers. +Represent employer at conferences, meetings, boards, panels, committees, or working groups to present, explain, or defend findings or recommendations, negotiate compromises or agreements, or exchange information. +Research or develop new green electronics technologies, such as lighting, optical data storage devices, or energy efficient televisions.","Analytical or scientific software— Ansoft Simplorer; Cadence PSpice; Synopsys Saber; The MathWorks MATLAB;3 more +Compiler and decompiler software— Rabbit Semiconductor Dynamic C +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; Xilinx Integrated Software Environment ISE;6 more +Data base user interface and query software— Oracle Database; Structured query language SQL +Development environment software— C; Formula translation/translator FORTRAN; National Instruments LabVIEW; SystemVerilog;3 more +Electronic mail software— IBM Lotus Notes +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Agile Product Lifecyle Management PLM +File versioning software— Apache Subversion SVN +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Graphics software; Trimble SketchUp Pro +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Object or component oriented development software— C++; Microsoft Visual Basic.NET; Oracle Java; Python;2 more +Office suite software— Microsoft Office software +Operating system software— Hewlett-Packard HP OpenVMS; Linux; Magellan Firmware; UNIX;1 more +Presentation software— Microsoft PowerPoint +Project management software— McCabe Software TRUEchange +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Design electronic or computer equipment or instrumentation. +Operate computer systems. +Evaluate characteristics of equipment or systems. +Direct industrial production activities. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Confer with technical personnel to prepare designs or operational plans. +Discuss designs or plans with clients. +Advise customers on the use of products or services. +Provide technical guidance to other personnel. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Document technical design details. +Determine operational criteria or specifications. +Test products for functionality or quality. +Analyze design requirements for computer or electronics systems. +Prepare operational reports. +Schedule operational activities. +Inspect finished products to locate flaws. +Estimate technical or resource requirements for development or production projects. +Create schematic drawings for electronics. +Estimate operational costs. +Prepare project budgets. +Research design or application of green technologies. +Explain project details to the general public.","E-Mail— 14% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 70% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams +Indoors, Environmentally Controlled— 85% responded “Every day.” +Work With or Contribute to a Work Group or Team— 25% responded “Very important.” +Spend Time Sitting— 41% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Importance of Being Exact or Accurate— 58% responded “Very important.” +Contact With Others— 43% responded “Contact with others about half the time.” +Telephone Conversations— 26% responded “Every day.” +Duration of Typical Work Week— 31% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Important results.” +Time Pressure— 38% responded “Once a month or more but not every week.” +Physical Proximity— 60% responded “Slightly close (e.g., shared office).”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Science— Using scientific rules and methods to solve problems. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Computer Hardware Engineers +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical Engineers +Industrial Engineers +Mechanical Engineers +Mechatronics Engineers +Microsystems Engineers +Photonics Engineers +Radio Frequency Identification Device Specialists +Robotics Engineers","View the list of Allies +American Society for Engineering Education +external site +Association of Old Crows +external site +Institute of Electrical and Electronics Engineers +external site +National Society of Professional Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +International Society of Automation +external site +National Council of Examiners for Engineering and Surveying +external site +Society of Broadcast Engineers +external site",41,,46,69,76,43,35,50,28,24,29,28,35,89,13,41,19,55,2,11,13,10,8,38,8,94,28,54,9,84,12,3,4 +51-7031.00,"Model Makers, Wood",https://www.onetonline.org/link/summary/51-7031.00,2025-06-11T19:26:32.240626,"Read blueprints, drawings, or written specifications, and consult with designers to determine sizes and shapes of patterns and required machine setups. +Fit, fasten, and assemble wood parts together to form patterns, models, or sections, using glue, nails, dowels, bolts, screws, and other fasteners. +Verify dimensions and contours of models during hand-forming processes, using templates and measuring devices. +Trim, smooth, and shape surfaces, and plane, shave, file, scrape, and sand models to attain specified shapes, using hand tools. +Plan, lay out, and draw outlines of units, sectional patterns, or full-scale mock-ups of products. +Construct wooden models, patterns, templates, full scale mock-ups, and molds for parts of products and production tools. +Select wooden stock, determine layouts, and mark layouts of parts on stock, using precision equipment such as scribers, squares, and protractors. +Mark identifying information on patterns, parts, and templates to indicate assembly methods and details. +Set up, operate, and adjust a variety of woodworking machines such as bandsaws and planers to cut and shape sections, parts, and patterns, according to specifications. +Maintain pattern records for reference. +Build jigs that can be used as guides for assembling oversized or special types of box shooks. +Issue patterns to designated machine operators. +Fabricate work aids such as scrapers or templates. +Finish patterns or models with protective or decorative coatings such as shellac, lacquer, or wax.","Computer aided design CAD software— Dassault Systemes CATIA; Siemens NX +Electronic mail software— Microsoft Outlook +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Exchange information with colleagues. +Study blueprints or other instructions to determine equipment setup requirements. +Assemble wood products. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Shape surfaces or edges of wood workpieces. +Trim excess material from workpieces. +Build production molds. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Mark products, workpieces, or equipment with identifying information. +Measure materials to mark reference points, cutting lines, or other indicators. +Select production input materials. +Operate cutting equipment. +Set equipment controls to meet cutting specifications. +Record operational or production data. +Assemble machine tools, parts, or fixtures. +Distribute supplies to workers. +Construct patterns, templates, or other work aids. +Apply protective or decorative finishes to workpieces or products.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 94% responded “Every day.” +Exposed to Hazardous Equipment— 84% responded “Every day.” +Importance of Being Exact or Accurate— 73% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Time Pressure— 15% responded “Once a year or more but not every month.” +Spend Time Standing— 11% responded “Less than half the time.” +Indoors, Not Environmentally Controlled +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Frequency of Decision Making— 15% responded “Never.” +Contact With Others— 35% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 36% responded “A lot of freedom.” +Exposed to Contaminants— 15% responded “Never.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Work With or Contribute to a Work Group or Team— 37% responded “Important.” +Duration of Typical Work Week— 77% responded “40 hours.” +Health and Safety of Other Workers— 21% responded “Moderate responsibility.” +Impact of Decisions on Co-workers or Company Results— 22% responded “Minor results.” +Freedom to Make Decisions— 27% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 23% responded “Very important.” +Telephone Conversations— 13% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 13% responded “Fairly important.” +E-Mail— 31% responded “Never.” +Physical Proximity— 37% responded “Slightly close (e.g., shared office).”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Cabinetmakers and Bench Carpenters +Carpenters +Layout Workers, Metal and Plastic +Model Makers, Metal and Plastic +Patternmakers, Metal and Plastic +Patternmakers, Wood +Stone Cutters and Carvers, Manufacturing +Structural Metal Fabricators and Fitters +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +The Nautical Research Guild +external site",47,Not available,75,50,61,59,33,35,31,22,22,16,20,38,19,6,13,56,1,20,11,1,12,13,5,61,65,34,1,70,12,5,16 +21-1012.00,"Educational, Guidance, and Career Counselors and Advisors",https://www.onetonline.org/link/summary/21-1012.00,2025-06-11T18:58:39.324537,"Maintain accurate and complete student records as required by laws, district policies, and administrative regulations. +Counsel students regarding educational issues, such as course and program selection, class scheduling and registration, school adjustment, truancy, study habits, and career planning. +Provide crisis intervention to students when difficult situations occur at schools. +Counsel individuals or groups to help them understand and overcome personal, social, or behavioral problems affecting their educational or vocational situations. +Review transcripts to ensure that students meet graduation or college entrance requirements, and write letters of recommendation. +Prepare students for later educational experiences by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Refer students to outside counseling services. +Refer students to degree programs based on interests, aptitudes, or educational assessments. +Evaluate students' or individuals' abilities, interests, and personality characteristics, using tests, records, interviews, or professional sources. +Provide students with information on topics such as college degree programs and admission requirements, financial aid opportunities, trade and technical schools, and apprenticeship programs. +Conduct follow-up interviews with counselees to determine if their needs have been met. +Instruct individuals in career development techniques, such as job search and application strategies, resume writing, and interview skills. +Assess needs for assistance, such as rehabilitation, financial aid, or additional vocational training, and refer clients to the appropriate services. +Plan and promote career and employment-related programs and events, such as career planning presentations, work experience programs, job fairs, and career workshops. +Attend meetings, educational conferences, and training workshops, and serve on committees. +Teach classes and present self-help or information sessions on subjects related to education and career planning. +Plan and conduct orientation programs and group conferences to promote the adjustment of individuals to new life experiences, such as starting college. +Address community groups, faculty, and staff members to explain available counseling services. +Prepare reports on students and activities as required by administration. +Provide information for teachers and staff members involved in helping students or graduates identify and pursue employment opportunities. +Collaborate with teachers and administrators in the development, evaluation, and revision of school programs and in the preparation of master schedules for curriculum offerings. +Plan, direct, and participate in recruitment and enrollment activities. +Identify cases of domestic abuse or other family problems and encourage students or parents to seek additional assistance from mental health professionals. +Confer with parents or guardians, teachers, administrators, and other professionals to discuss children's progress, resolve behavioral, academic, and other problems, and to determine priorities for students and their resource needs. +Provide special services such as alcohol and drug prevention programs and classes that teach students to handle conflicts without resorting to violence. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Establish and enforce administration policies and rules governing student behavior. +Supervise, train, and direct professional staff and interns. +Interview clients to obtain information about employment history, educational background, and career goals, and to identify barriers to employment. +Compile and study occupational, educational, and economic information to assist counselees in determining and carrying out vocational and educational objectives. +Establish contacts with employers to create internship and employment opportunities for students. +Establish and supervise peer-counseling and peer-tutoring programs. +Observe students during classroom and play activities to evaluate students' performance, behavior, social development, and physical health. +Refer qualified counselees to employers or employment services for job placement. +Sponsor extracurricular activities, such as clubs, student organizations, and academic contests.","Analytical or scientific software— ACT WorkKeys; Career Dimensions Focus 2; Computerized testing programs; Counseling software;3 more +Cloud-based data access and sharing software— Google Drive +Computer based training software— Common Curriculum; Moodle; Padlet; Schoology +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base reporting software— Microsoft SQL Server Reporting Services SSRS +Data base user interface and query software— Blackboard software; Database software; Microsoft Access; Zoomerang;17 more +Desktop communications software— Bloomz +Desktop publishing software— Microsoft Publisher +Development environment software— Adobe ActionScript +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook; Yahoo! Email +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft +Graphics or photo imaging software— Adobe Photoshop; SmugMug Flickr +Human resources software— Oracle Taleo +Information retrieval or search software— LexisNexis +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer; Web browser software +Medical software— Athena Software Penelope Case Management; Healthcare common procedure coding system HCPCS +Mobile messaging service software— Intrado SchoolMessenger +Network conferencing software— Chat software +Network monitoring software— Computer-assisted live supervision +Office suite software— Microsoft Office software +Presentation software— Blackboard Wimba; Microsoft PowerPoint; Prezi +Project management software— Google Classroom; Microsoft Project; Palm Pal Transana; Productivity software +Spreadsheet software— EZAnalyze; Microsoft Excel +Video conferencing software— Google Meet; LogMeIn GoToMeeting +Video creation and editing software— Screencastify +Web page creation and editing software— Facebook; LinkedIn; Orbius; Web page design and editing software +Web platform development software— Ext JS +Word processing software— Google Docs; Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Complete documentation required by programs or regulations. +Counsel clients regarding educational or vocational issues. +Counsel clients regarding interpersonal issues. +Counsel clients or patients regarding personal issues. +Intervene in crisis situations to assist clients. +Evaluate characteristics of individuals to determine needs or eligibility. +Write reports or evaluations. +Evaluate potential problems in home or work environments of clients. +Help clients get needed services or resources. +Collaborate with other professionals to assess client needs or plan treatments. +Confer with family members to discuss client treatment plans or progress. +Refer individuals to educational or work programs. +Develop educational programs. +Assist clients in handling details of daily life. +Interview clients to gather information about their backgrounds, needs, or progress. +Assess individual or community needs for educational or social services. +Refer clients to community or social service programs. +Teach life skills or strategies to clients or their families. +Develop educational policies. +Plan programs to address community mental wellness needs. +Present social services program information to the public. +Maintain professional social services knowledge. +Lead classes or community events. +Supervise workers providing client or patient services. +Train staff members in social services skills. +Advise others on social or educational issues. +Collaborate with other professionals to develop education or assistance programs. +Promote educational institutions or programs. +Develop working relationships with others to facilitate program activities.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Telephone Conversations— 96% responded “Every day.” +E-Mail— 96% responded “Every day.” +Contact With Others— 87% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 75% responded “Extremely important.” +Spend Time Sitting— 46% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Conflict Situations— 48% responded “Every day.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Frequency of Decision Making— 35% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a month or more but not every week.” +Time Pressure— 56% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 56% responded “40 hours.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Written Letters and Memos— 39% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Education Teachers, Postsecondary +Health Education Specialists +Bright Outlook +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Rehabilitation Counselors +School Psychologists +Social and Human Service Assistants +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten","View the list of Allies +American College Counseling Association +external site +American Counseling Association +external site +American Psychological Association +external site +American School Counselor Association +external site +Association for Career and Technical Education +external site +Association on Higher Education and Disability +external site +NACADA +external site +NASPA - Student Affairs Administrators in Higher Education +external site +National Association for College Admission Counseling +external site +National Association of Colleges and Employers +external site +National Association of School Psychologists +external site +National Association of Social Workers +external site +National Career Development Association +external site +Vocational Evaluation and Career Assessment Professionals +external site +National Board for Certified Counselors +external site +National Education Association +external site",77,3,8,73,27,47,41,61,53,7,24,28,5,43,21,38,33,8,29,14,54,65,46,13,7,10,5,6,10,7,8,6,13 +11-2032.00,Public Relations Managers,https://www.onetonline.org/link/summary/11-2032.00,2025-06-11T18:46:50.515639,"Assign, supervise, and review the activities of public relations staff. +Confer with labor relations managers to develop internal communications that keep employees informed of company activities. +Design and edit promotional publications, such as brochures. +Develop and maintain the company's corporate image and identity, which includes the use of logos and signage. +Develop, implement, or maintain crisis communication plans. +Direct activities of external agencies, establishments, or departments that develop and implement communication strategies and information programs. +Draft speeches for company executives and arrange interviews and other forms of contact for them. +Establish and maintain effective working relationships with clients, government officials, and media representatives and use these relationships to develop new business opportunities. +Evaluate advertising and promotion programs for compatibility with public relations efforts. +Facilitate consumer relations or the relationship between parts of the company, such as the managers and employees, or different branch offices. +Formulate policies and procedures related to public information programs, working with public relations executives. +Identify main client groups and audiences, determine the best way to communicate publicity information to them, and develop and implement a communication plan. +Maintain company archives. +Manage communications budgets. +Manage in-house communication courses. +Manage special events, such as sponsorship of races, parties introducing new products, or other activities the firm supports, to gain public attention through the media without advertising directly. +Observe and report on social, economic, and political trends that might affect employers. +Produce films and other video products, regulate their distribution, and operate film library. +Respond to requests for information about employers' activities or status. +Write interesting and effective press releases, prepare information for media kits, and develop and maintain company internet or intranet web pages.","Accounting software— Fund accounting software +Business intelligence and data analysis software— MicroStrategy +Cloud-based data access and sharing software— Google Drive; Slack +Customer relationship management CRM software— Blackbaud eTapestry; Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software;1 more +Data base management system software— Teradata Database +Data base user interface and query software— Airtable; FileMaker Pro; Microsoft Access; Yardi software +Data mining software— Google Analytics +Desktop publishing software— Adobe Distiller; Adobe InDesign; Microsoft Publisher; QuarkXPress;1 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Google Gmail; IBM Notes; MicroFocus GroupWise; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft Financials +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Canva;1 more +Human resources software— Human resource management software HRMS +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Google Workspace software; Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint +Project management software— Microsoft Project; zkipster +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation; MightyScout +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Video creation and editing software— Adobe After Effects; Flipgrid; TikTok; YouTube;4 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; Social media sites; WordPress;1 more +Web platform development software— Drupal; Hypertext markup language HTML +Word processing software— Google Docs; Microsoft Word",,"Develop promotional materials. +Establish interpersonal business relationships to facilitate work activities. +Liaise between departments or other groups to improve function or communication. +Present information to the public. +Confer with organizational members to accomplish work activities. +Coordinate special events or programs. +Coordinate with external parties to exchange information. +Develop contingency plans to deal with organizational emergencies. +Develop library or archival databases. +Develop marketing plans or strategies. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Direct employee training programs. +Direct sales, marketing, or customer service activities. +Distribute instructional or library materials. +Edit documents. +Evaluate employee performance. +Evaluate program effectiveness. +Maintain operational records. +Manage organizational or project budgets. +Monitor external affairs or events affecting business operations. +Operate still or video cameras or related equipment. +Supervise employees.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Advertising and Promotions Managers +Fundraising Managers +Bright Outlook +General and Operations Managers +Human Resources Managers +Management Analysts +Market Research Analysts and Marketing Specialists +Marketing Managers +Public Relations Specialists +Search Marketing Strategists +Social and Community Service Managers","View the list of Allies +Alliance for Women in Media +external site +American Advertising Federation +external site +American Association of Political Consultants +external site +American Marketing Association +external site +American Society of Association Executives +external site +Association for Business Communication +external site +Association for Education in Journalism and Mass Communication +external site +Association for Women in Communications +external site +Association of National Advertisers +external site +Council for Advancement and Support of Education +external site +Eastern Communication Association +external site +Hospitality Sales and Marketing Association International +external site +Institute for Public Relations +external site +International Association of Business Communicators +external site +National Communication Association +external site +National Council for Marketing and Public Relations +external site +National Investor Relations Institute +external site +National School Public Relations Association +external site +Public Relations Society of America +external site +Public Relations Student Society of America +external site +Society for Healthcare Strategy and Market Development of the American Hospital Association +external site +Society for Marketing Professional Services +external site +Society of Professional Journalists +external site +Central States Communication Association +external site +Public Relations Society of America, Northeast District +external site +Southern States Communication Association +external site +Western States Communication Association +external site +American Management Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +49-9094.00,Locksmiths and Safe Repairers,https://www.onetonline.org/link/summary/49-9094.00,2025-06-11T19:23:21.991939,"Cut new or duplicate keys, using key cutting machines. +Disassemble mechanical or electrical locking devices, and repair or replace worn tumblers, springs, and other parts, using hand tools. +Cut new or duplicate keys, using impressions or code key machines. +Open safe locks by drilling. +Install door hardware, such as locks and closers. +Insert new or repaired tumblers into locks to change combinations. +Set up and maintain master key systems. +Keep records of company locks and keys. +Move picklocks in cylinders to open door locks without keys. +Repair and adjust safes, vault doors, and vault components, using hand tools, lathes, drill presses, and welding and acetylene cutting apparatus. +Install safes, vault doors, and deposit boxes according to blueprints, using equipment such as power drills, taps, dies, truck cranes, and dollies. +Install alarm and electronic access systems. +Unlock cars and other vehicles. +Remove interior and exterior finishes on safes and vaults, and spray on new finishes.","Accounting software— Intuit QuickBooks +Calendar and scheduling software— Scheduling software +Data base user interface and query software— dESCO ESC; Marathon Data Systems ServiceCEO; WH Software InstaCode +Electronic mail software— Microsoft Outlook +Inventory management software— Inventory tracking software; WH Software MasterKey +Map creation software— Mapping software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Cut materials according to specifications or needs. +Disassemble equipment for maintenance or repair. +Fabricate parts or components. +Repair worn, damaged, or defective mechanical parts. +Drill holes in parts, equipment, or materials. +Install hardware or other interior fixtures. +Replace worn, damaged, or defective mechanical parts. +Set equipment guides, stops, spacers, or other fixtures. +Document operational activities. +Disable door locks. +Repair structural components. +Assemble electrical components, subsystems, or systems. +Refinish wood or metal surfaces.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +E-Mail— 81% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 76% responded “Every day.” +Contact With Others— 71% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Frequency of Decision Making— 52% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 57% responded “Every day.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Time Pressure— 43% responded “Every day.” +Determine Tasks, Priorities and Goals— 62% responded “Some freedom.” +Duration of Typical Work Week— 48% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 38% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 38% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 38% responded “Every day.” +Written Letters and Memos— 33% responded “Every day.” +Indoors, Environmentally Controlled— 43% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 33% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 33% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 43% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 29% responded “Very important.” +Exposed to Hazardous Equipment— 33% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 33% responded “Very important.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Exposed to Cramped Work Space, Awkward Positions— 38% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 33% responded “Moderate responsibility.” +Level of Competition— 38% responded “Moderately competitive.” +Spend Time Standing— 38% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 38% responded “More than half the time.” +Spend Time Making Repetitive Motions— 38% responded “About half the time.” +Work Outcomes and Results of Other Workers— 30% responded “High responsibility.”","Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Electric Motor, Power Tool, and Related Repairers +Electronic Equipment Installers and Repairers, Motor Vehicles +Elevator and Escalator Installers and Repairers +Bright Outlook +Helpers--Electricians +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Maintenance and Repair Workers, General +Mechanical Door Repairers +Millwrights +Security and Fire Alarm Systems Installers","View the list of Allies +ASIS International +external site +Associated Locksmiths of America +external site +Door and Hardware Institute +external site +Safe and Vault Technicians Association +external site +Society of Professional Locksmiths +external site +The National Safeman's Organization +external site +The Institutional Locksmith's Association +external site",80,3,30,72,55,54,76,57,48,39,63,41,10,48,17,51,41,89,13,31,20,14,11,37,6,47,44,24,3,42,21,3,6 +51-4034.00,"Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4034.00,2025-06-11T19:24:49.036492,"Adjust machine controls and change tool settings to keep dimensions within specified tolerances. +Move controls to set cutting speeds and depths and feed rates, and to position tools in relation to workpieces. +Study blueprints, layouts or charts, and job orders for information on specifications and tooling instructions, and to determine material requirements and operational sequences. +Inspect sample workpieces to verify conformance with specifications, using instruments such as gauges, micrometers, and dial indicators. +Replace worn tools, and sharpen dull cutting tools and dies, using bench grinders or cutter-grinding machines. +Move toolholders manually or by turning handwheels, or engage automatic feeding mechanisms to feed tools to and along workpieces. +Compute unspecified dimensions and machine settings, using knowledge of metal properties and shop mathematics. +Crank machines through cycles, stopping to adjust tool positions and machine controls to ensure specified timing, clearances, and tolerances. +Position, secure, and align cutting tools in toolholders on machines, using hand tools, and verify their positions with measuring instruments. +Start lathe or turning machines and observe operations to ensure that specifications are met. +Program computer numerical control machines. +Refill, change, and monitor the level of fluids, such as oil and coolant, in machines. +Clean work area. +Lift metal stock or workpieces manually or using hoists, and position and secure them in machines, using fasteners and hand tools. +Install holding fixtures, cams, gears, and stops to control stock and tool movement, using hand tools, power tools, and measuring instruments. +Select cutting tools and tooling instructions, according to written specifications or knowledge of metal properties and shop mathematics. +Mount attachments, such as relieving or tracing attachments, to perform operations, such as duplicating contours of templates or trimming workpieces. +Turn valve handles to direct the flow of coolant onto work areas or to coat disks with spinning compounds.","Industrial control software— Autodesk HSMWorks; Computer numerical control CNC editor software +Inventory management software— Inventory tracking software +Object or component oriented development software— G-code; M-code","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Operate metal or plastic forming equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Set equipment controls to meet cutting specifications. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate grinding equipment. +Replace worn equipment components. +Sharpen cutting or grinding tools. +Feed materials or products into or through equipment. +Calculate dimensions of workpieces, products, or equipment. +Conduct test runs of production equipment. +Mount attachments or tools onto production equipment. +Monitor equipment operation to ensure that products are not flawed. +Operate cutting equipment. +Perform basic equipment maintenance. +Program equipment to perform production tasks. +Program robotic equipment. +Clean work areas. +Lift materials or workpieces using cranes or other lifting equipment. +Mount materials or workpieces onto production equipment. +Install mechanical components in production equipment. +Select production equipment according to product specifications. +Adjust equipment controls to regulate coolant flow.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Spend Time Standing— 55% responded “Continually or almost continually.” +Duration of Typical Work Week— 59% responded “40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 42% responded “Every day.” +Importance of Being Exact or Accurate— 16% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 23% responded “Never.” +Work With or Contribute to a Work Group or Team— 27% responded “Important.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Contact With Others— 37% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Level of Competition— 17% responded “Extremely competitive.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 49% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Important.” +Pace Determined by Speed of Equipment +Work Outcomes and Results of Other Workers— 17% responded “Limited responsibility.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Drilling and Boring Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site",57,8,75,54,54,57,44,58,49,30,26,49,25,46,11,27,10,66,8,13,20,22,8,15,19,65,34,29,10,44,12,10,8 +29-2091.00,Orthotists and Prosthetists,https://www.onetonline.org/link/summary/29-2091.00,2025-06-11T19:08:51.461944,"Fit, test, and evaluate devices on patients, and make adjustments for proper fit, function, and comfort. +Instruct patients in the use and care of orthoses and prostheses. +Maintain patients' records. +Examine, interview, and measure patients to determine their appliance needs and to identify factors that could affect appliance fit. +Select materials and components to be used, based on device design. +Design orthopedic and prosthetic devices, based on physicians' prescriptions and examination and measurement of patients. +Repair, rebuild, and modify prosthetic and orthopedic appliances. +Construct and fabricate appliances, or supervise others constructing the appliances. +Make and modify plaster casts of areas to be fitted with prostheses or orthoses to guide the device construction process. +Confer with physicians to formulate specifications and prescriptions for orthopedic or prosthetic devices. +Show and explain orthopedic and prosthetic appliances to healthcare workers. +Train and supervise support staff, such as orthopedic and prosthetic assistants and technicians. +Update skills and knowledge by attending conferences and seminars. +Research new ways to construct and use orthopedic and prosthetic devices. +Publish research findings or present them at conferences and seminars.","Accounting software— Intuit QuickBooks +Computer aided design CAD software— Autodesk AutoCAD; Ohio Willow Wood OMEGA Tracer System; Polhemus FastSCAN; Seattle Systems Shapemaker;3 more +Computer aided manufacturing CAM software +Data base user interface and query software— Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Computer graphics software +Internet browser software— Web browser software +Medical software— Healthcare common procedure coding system HCPCS; MedEvolve eCeno; OPIE Practice Management Suite; Patient management software;6 more +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Adjust prostheses or other assistive devices. +Instruct patients in the use of assistive equipment. +Record patient medical histories. +Collect medical information from patients, family members, or other medical professionals. +Examine patients to assess general physical condition. +Measure the physical or physiological attributes of patients. +Fabricate medical devices. +Design medical devices or appliances. +Supervise medical support personnel. +Collaborate with healthcare professionals to plan or provide treatment. +Train medical providers. +Maintain medical or professional knowledge. +Conduct research to increase knowledge about medical issues. +Present medical research reports.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Physical Proximity— 76% responded “Very close (near touching).” +Frequency of Decision Making— 76% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Contact With Others— 57% responded “Constant contact with others.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Exposed to Contaminants— 76% responded “Every day.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Exposed to Hazardous Equipment— 67% responded “Every day.” +Time Pressure— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Written Letters and Memos— 45% responded “Every day.” +Health and Safety of Other Workers— 45% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Every day.” +Work Outcomes and Results of Other Workers— 38% responded “High responsibility.” +Exposed to Disease or Infections— 48% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 38% responded “Every day.” +Level of Competition— 38% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Spend Time Standing— 57% responded “About half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 33% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 52% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 24% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Time Management— Managing one's own time and the time of others. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Audiologists +Bright Outlook +Medical Appliance Technicians +Orthodontists +Orthopedic Surgeons, Except Pediatric +Paramedics +Physical Medicine and Rehabilitation Physicians +Physical Therapist Assistants +Physical Therapists +Podiatrists +Prosthodontists","View the list of Allies +American Academy of Orthotists and Prosthetists +external site +American Orthotic and Prosthetic Association +external site +American Physical Therapy Association +external site +Association of Children's Prosthetic-Orthotic Clinics +external site +International Society for Prosthetics and Orthotics +external site +Pedorthic Footcare Association +external site +American Board for Certification in Orthotics, Prosthetics and Pedorthics +external site +Board of Certification/Accreditation +external site +Commission on Accreditation of Allied Health Education Programs +external site +IAOP +external site +National Commission on Orthotic and Prosthetic Education +external site",89,3,69,72,53,67,43,70,63,47,48,44,43,63,28,37,38,70,20,18,71,74,30,40,83,66,34,63,55,74,14,5,7 +49-2093.00,"Electrical and Electronics Installers and Repairers, Transportation Equipment",https://www.onetonline.org/link/summary/49-2093.00,2025-06-11T19:21:23.607489,"Inspect and test electrical systems and equipment to locate and diagnose malfunctions, using visual inspections, testing devices, and computer software. +Reassemble and test equipment after repairs. +Adjust, repair, or replace defective wiring and relays in ignition, lighting, air-conditioning, and safety control systems, using electrician's tools. +Splice wires with knives or cutting pliers, and solder connections to fixtures, outlets, and equipment. +Locate and remove or repair circuit defects such as blown fuses or malfunctioning transistors. +Maintain equipment service records. +Refer to schematics and manufacturers' specifications that show connections and provide instructions on how to locate problems. +Install fixtures, outlets, terminal boards, switches, and wall boxes, using hand tools. +Install new fuses, electrical cables, or power sources as required. +Cut openings and drill holes for fixtures, outlet boxes, and fuse holders, using electric drills and routers. +Confer with customers to determine the nature of malfunctions. +Install electrical equipment such as air-conditioning, heating, or ignition systems and components such as generator brushes and commutators, using hand tools. +Repair or rebuild equipment such as starters, generators, distributors, or door controls, using electrician's tools. +Estimate costs of repairs based on parts and labor requirements. +Measure, cut, and install frameworks and conduit to support and connect wiring, control panels, and junction boxes, using hand tools.","Analytical or scientific software— Fluke Corporation FlukeView Forms +Compliance software— Megger PowerDB +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Trimble SketchUp Pro +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— IBM Lotus Notes +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Inspect electrical or electronic systems for defects. +Test electrical equipment or systems to ensure proper functioning. +Reassemble equipment after repair. +Test electrical circuits or components for proper functioning. +Confer with customers or users to assess problems. +Repair electrical circuits or wiring. +Adjust equipment to ensure optimal performance. +Connect electrical components or equipment. +Solder parts or connections between parts. +Install heating, ventilation, or air conditioning (HVAC) equipment. +Maintain repair or maintenance records. +Install electrical components, equipment, or systems. +Read technical information needed to perform maintenance or repairs. +Rebuild parts or components. +Repair electronic equipment. +Drill holes in parts, equipment, or materials. +Estimate costs for labor or materials. +Cut materials according to specifications or needs. +Measure distances or dimensions.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 87% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams +Time Pressure— 63% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets +Exposed to Contaminants— 65% responded “Every day.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Health and Safety of Other Workers— 15% responded “Moderate responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 54% responded “Every day.” +Contact With Others— 56% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 47% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 36% responded “Every day.” +Spend Time Standing— 63% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 54% responded “Some freedom.” +Exposed to Cramped Work Space, Awkward Positions— 42% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 70% responded “Every day.” +Exposed to Hazardous Equipment— 53% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 39% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 25% responded “Never.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 20% responded “Never.” +Spend Time Bending or Twisting Your Body— 46% responded “More than half the time.” +Freedom to Make Decisions— 38% responded “Limited freedom.” +Consequence of Error— 52% responded “Very serious.” +Duration of Typical Work Week +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Exposed to Hazardous Conditions— 29% responded “Once a year or more but not every month.” +In an Open Vehicle or Operating Equipment— 40% responded “Every day.” +Frequency of Decision Making— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 28% responded “Very important results.” +Spend Time Walking or Running— 42% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Once a year or more but not every month.” +E-Mail— 30% responded “Once a week or more but not every day.” +Physical Proximity— 29% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 29% responded “Extremely important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.","Avionics Technicians +Bright Outlook +Calibration Technologists and Technicians +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Electronic Equipment Installers and Repairers, Motor Vehicles +Lighting Technicians +Robotics Technicians","View the list of Allies +Telecommunications Industry Association +external site +Brotherhood of Railroad Signalmen +external site +International Brotherhood of Electrical Workers +external site +International Society of Certified Electronics Technicians +external site",59,6,59,62,72,45,71,60,47,38,12,35,31,81,17,45,34,66,16,58,37,13,22,61,15,84,39,52,10,64,27,11,9 +25-1113.00,"Social Work Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1113.00,2025-06-11T19:00:45.486906,"Initiate, facilitate, and moderate classroom discussions. +Prepare course materials, such as syllabi, homework assignments, or handouts. +Compile, administer, and grade examinations, or assign this work to others. +Supervise students' laboratory and field work. +Prepare and deliver lectures to undergraduate or graduate students on topics such as family behavior, child and adolescent mental health, or social intervention evaluation. +Supervise undergraduate or graduate teaching, internship, and research work. +Evaluate and grade students' class work, assignments, and papers. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Collaborate with colleagues and community agencies to address teaching and research issues. +Advise students on academic and vocational curricula and on career issues. +Maintain student attendance records, grades, and other required records. +Maintain regularly scheduled office hours to advise and assist students. +Participate in student recruitment, registration, and placement activities. +Compile bibliographies of specialized materials for outside reading assignments. +Select and obtain materials and supplies, such as textbooks or laboratory equipment. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Mentor new faculty members. +Participate in campus and community events. +Act as advisers to student organizations. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Perform administrative duties, such as serving as department head. +Write grant proposals to procure external research funding. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Guide class discussions. +Develop instructional materials. +Evaluate student work. +Administer tests to assess educational needs or progress. +Prepare tests. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Supervise student research or internship work. +Supervise laboratory work. +Teach social science courses at the college level. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Direct department activities. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Advise students on academic or career matters. +Maintain student records. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Compile specialized bibliographies or lists of materials. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Advise others on career or personal development. +Support the professional development of others. +Plan community programs or activities for the general public. +Write grant proposals. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 74% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 76% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Telephone Conversations— 39% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Contact With Others— 47% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 66% responded “Very important.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Spend Time Sitting— 21% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 26% responded “Extremely important.” +Public Speaking— 57% responded “Once a week or more but not every day.” +Time Pressure— 34% responded “Once a week or more but not every day.” +Written Letters and Memos— 47% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 46% responded “Every day.” +Importance of Being Exact or Accurate— 37% responded “Fairly important.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Important results.” +Frequency of Decision Making— 30% responded “Every day.” +Level of Competition— 23% responded “Slightly competitive.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Education Teachers, Postsecondary +Educational, Guidance, and Career Counselors and Advisors +Family and Consumer Sciences Teachers, Postsecondary +Library Science Teachers, Postsecondary +Psychology Teachers, Postsecondary +School Psychologists +Sociologists +Bright Outlook +Sociology Teachers, Postsecondary +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten","View the list of Allies +American Association for Marriage and Family Therapy +external site +American Board of Examiners in Clinical Social Work +external site +American Public Health Association +external site +Association for Community Organization and Social Administration +external site +Association of Baccalaureate Social Work Program Directors +external site +Clinical Social Work Association +external site +Council of Graduate Schools +external site +Gerontological Society of America +external site +International Association for Social Works with Groups +external site +National Association of Black Social Workers +external site +National Association of Social Workers +external site +North American Association of Christians in Social Work +external site +School Social Work Association of America +external site +Society for Research in Child Development +external site +Society for Social Work and Research +external site +Council on Social Work Education +external site",59,5,3,77,49,65,38,92,49,21,30,44,2,65,30,57,57,1,43,15,77,82,87,39,24,3,2,1,22,10,30,6,22 +47-3013.00,Helpers--Electricians,https://www.onetonline.org/link/summary/47-3013.00,2025-06-11T19:19:43.117425,"Strip insulation from wire ends, using wire stripping pliers, and attach wires to terminals for subsequent soldering. +Trace out short circuits in wiring, using test meter. +Measure, cut, and bend wire and conduit, using measuring instruments and hand tools. +Examine electrical units for loose connections and broken insulation and tighten connections, using hand tools. +Maintain tools, vehicles, and equipment and keep parts and supplies in order. +Drill holes and pull or push wiring through openings, using hand and power tools. +Clean work area and wash parts. +Perform semi-skilled and unskilled laboring duties related to the installation, maintenance and repair of a wide variety of electrical systems and equipment. +Thread conduit ends, connect couplings, and fabricate and secure conduit support brackets, using hand tools. +Disassemble defective electrical equipment, replace defective or worn parts, and reassemble equipment, using hand tools. +Construct controllers and panels, using power drills, drill presses, taps, saws, and punches. +Transport tools, materials, equipment, and supplies to work site by hand, handtruck, or heavy, motorized truck. +String transmission lines or cables through ducts or conduits, under the ground, through equipment, or to towers. +Install copper-clad ground rods, using a manual post driver. +Dig trenches or holes for installation of conduit or supports. +Raise, lower, or position equipment, tools, and materials, using hoist, hand line, or block and tackle. +Bolt component parts together to form tower assemblies, using hand tools. +Erect electrical system components and barricades, and rig scaffolds, hoists, and shoring. +Trim trees and clear undergrowth along right-of-way. +Requisition materials, using warehouse requisition or release forms. +Solder electrical connections, using soldering iron. +Paint a variety of objects related to electrical functions. +Break up concrete, using airhammer, to facilitate installation, construction, or repair of equipment. +Operate heavy equipment, such as backhoes. +Operate cutting torches and welding equipment, while working with conduit and metal components to construct devices associated with electrical functions.","Computer aided design CAD software— Computer-aided drafting or design software +Data base user interface and query software— Recordkeeping software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Report generation software","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Install electrical components, equipment, or systems. +Cut metal components for installation. +Measure materials or objects for installation or assembly. +Test electrical equipment or systems to ensure proper functioning. +Repair electrical equipment. +Inspect electrical or electronic systems for defects. +Thread wire or cable through ducts or conduits. +Drill holes in construction materials. +Maintain construction tools or equipment. +Clean work sites. +Fabricate parts or components. +Move construction or extraction materials to locations where they are needed. +Dig holes or trenches. +Remove debris or vegetation from work sites. +Position construction or extraction equipment. +Order construction or extraction materials or equipment. +Assemble temporary equipment or structures. +Apply paint to surfaces. +Break up rock, asphalt, or concrete. +Operate excavation equipment. +Operate heavy-duty construction or installation equipment. +Weld metal components.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 78% responded “Continually or almost continually.” +Spend Time Standing— 62% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Contact With Others— 56% responded “Constant contact with others.” +Exposed to Cramped Work Space, Awkward Positions— 63% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Exposed to Contaminants— 55% responded “Every day.” +Exposed to Hazardous Equipment— 51% responded “Every day.” +Physical Proximity— 35% responded “Moderately close (at arm's length).” +Outdoors, Exposed to All Weather Conditions— 50% responded “Every day.” +Spend Time Walking or Running— 36% responded “Continually or almost continually.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 42% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 40% responded “Once a week or more but not every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 49% responded “More than half the time.” +Outdoors, Under Cover— 38% responded “Every day.” +Exposed to Hazardous Conditions— 49% responded “Every day.” +Frequency of Decision Making— 65% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Telephone Conversations— 37% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Exposed to Very Hot or Cold Temperatures— 28% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 43% responded “About half the time.” +Exposed to High Places— 50% responded “Once a month or more but not every week.” +Determine Tasks, Priorities and Goals— 31% responded “Limited freedom.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Indoors, Environmentally Controlled— 35% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 31% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 29% responded “Once a week or more but not every day.” +Consequence of Error— 34% responded “Fairly serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Boilermakers +Electrical Power-Line Installers and Repairers +Bright Outlook +Electricians +Helpers--Carpenters +Helpers--Extraction Workers +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Lighting Technicians +Millwrights","View the list of Allies +Industrial Division of the Communication Workers of America +external site +International Brotherhood of Electrical Workers +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site",70,10,44,64,63,68,72,66,42,39,31,39,30,45,19,34,43,73,9,56,25,21,22,47,19,58,75,56,17,70,31,10,9 +43-5032.00,"Dispatchers, Except Police, Fire, and Ambulance",https://www.onetonline.org/link/summary/43-5032.00,2025-06-11T19:16:22.226785,"Schedule or dispatch workers, work crews, equipment, or service vehicles to appropriate locations, according to customer requests, specifications, or needs, using radios or telephones. +Prepare daily work and run schedules. +Confer with customers or supervising personnel to address questions, problems, or requests for service or equipment. +Relay work orders, messages, or information to or from work crews, supervisors, or field inspectors, using telephones or two-way radios. +Receive or prepare work orders. +Record and maintain files or records of customer requests, work or services performed, charges, expenses, inventory, or other dispatch information. +Arrange for necessary repairs to restore service and schedules. +Monitor personnel or equipment locations and utilization to coordinate service and schedules. +Determine types or amounts of equipment, vehicles, materials, or personnel required, according to work orders or specifications. +Advise personnel about traffic problems, such as construction areas, accidents, congestion, weather conditions, or other hazards. +Oversee all communications within specifically assigned territories. +Order supplies or equipment and issue them to personnel.","Aviation ground support software— Bornemann Associates Flight Plan; Sabre travel agent software +Calendar and scheduling software— Scheduling software +Computer aided design CAD software +Customer relationship management CRM software— Command Alkon COMMANDconcrete; Digital Gateway e-automate +Data base reporting software— Locomotive distribution software +Data base user interface and query software— Database software; Microsoft Access; Tangier Sky Scheduler View +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; SAP software; TMW PowerSuite +Expert system software— Computer aided dispatching auto routing software; Rail Traffic Track Warrant Control System +Geographic information system— ESRI ArcIMS +Helpdesk or call center software— Computer aided dispatch software +Internet browser software— Web browser software +Map creation software— Geomechanical design analysis GDA software +Mobile location based services software— Dr. Dispatch; Global positioning system GPS software; Resource management software; Situation resource tracking software;2 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Route navigation software— Routing software +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Timekeeper +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Schedule operational activities. +Prepare employee work schedules. +Relay information between personnel. +Respond to customer problems or complaints. +Operate communications equipment or systems. +Prepare documentation for contracts, transactions, or regulatory compliance. +Coordinate operational activities. +Maintain operational records. +Track goods or materials. +Select resources needed to accomplish tasks. +Provide information to coworkers. +Distribute materials to employees or customers. +Order materials, supplies, or equipment.","Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Contact With Others— 92% responded “Constant contact with others.” +Frequency of Decision Making— 91% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 81% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 75% responded “Very important results.” +Work Outcomes and Results of Other Workers— 79% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +E-Mail— 83% responded “Every day.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 71% responded “Extremely important.” +Time Pressure— 76% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 69% responded “Every day.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Duration of Typical Work Week— 75% responded “More than 40 hours.” +Health and Safety of Other Workers— 66% responded “Very high responsibility.” +Spend Time Sitting— 59% responded “Continually or almost continually.” +Written Letters and Memos— 59% responded “Every day.” +Conflict Situations— 45% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 37% responded “Very important.” +Spend Time Making Repetitive Motions— 55% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 56% responded “Every day.” +Physical Proximity— 41% responded “Moderately close (at arm's length).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 55% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 39% responded “Every day.” +Level of Competition— 34% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aircraft Cargo Handling Supervisors +Bright Outlook +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Passenger Attendants +Power Distributors and Dispatchers +Production, Planning, and Expediting Clerks +Public Safety Telecommunicators +Railroad Conductors and Yardmasters +Switchboard Operators, Including Answering Service","View the list of Allies +Airline Dispatchers Federation +external site +American Bus Association +external site +United Motorcoach Association +external site",84,,24,63,35,72,76,44,69,25,23,56,9,52,20,30,28,19,11,62,38,6,26,27,2,16,8,12,3,15,30,,4 +29-9093.00,Surgical Assistants,https://www.onetonline.org/link/summary/29-9093.00,2025-06-11T19:09:13.787768,"Verify the identity of patient or operative site. +Monitor and maintain aseptic technique throughout procedures. +Cover patients with surgical drapes to create and maintain a sterile operative field. +Coordinate or participate in the positioning of patients, using body stabilizing equipment or protective padding to provide appropriate exposure for the procedure or to protect against nerve damage or circulation impairment. +Maintain an unobstructed operative field, using surgical retractors, sponges, or suctioning and irrigating equipment. +Prepare and apply sterile wound dressings. +Apply sutures, staples, clips, or other materials to close skin, facia, or subcutaneous wound layers. +Discuss with surgeon the nature of the surgical procedure, including operative consent, methods of operative exposure, diagnostic or laboratory data, or patient-advanced directives or other needs. +Determine availability of necessary equipment or supplies for operative procedures. +Clamp, ligate, or cauterize blood vessels to control bleeding during surgical entry, using hemostatic clamps, suture ligatures, or electrocautery equipment. +Assess skin integrity or other body conditions upon completion of the procedure to determine if damage has occurred from body positioning. +Assist with patient resuscitation during cardiac arrest or other life-threatening events. +Obtain or inspect sterile or non-sterile surgical equipment, instruments, or supplies. +Operate sterilizing devices. +Pass instruments or supplies to surgeon during procedure. +Monitor patient intra-operative status, including patient position, vital signs, or volume and color of blood. +Assist in the insertion, positioning, or suturing of closed-wound drainage systems. +Assist members of surgical team with gowning or gloving. +Gather, arrange, or assemble instruments or supplies. +Coordinate with anesthesia personnel to maintain patient temperature. +Adjust and maintain operating room temperature, humidity, or lighting, according to surgeon's specifications. +Assist in applying casts, splints, braces, or similar devices. +Transport patients to operating room. +Remove patient hair or disinfect incision sites to prepare patient for surgery. +Incise tissue layers in lower extremities to harvest veins. +Postoperatively inject a subcutaneous local anesthetic agent to reduce pain. +Insert or remove urinary bladder catheters. +Assist in volume replacement or autotransfusion techniques.","Medical software— Electronic medical record EMR software; MEDITECH software; Patient tracking software; Surgery workflow communication software;3 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Verify accuracy of patient information. +Maintain sterile operative fields. +Position patients for treatment or examination. +Protect patients or staff members using safety equipment. +Operate diagnostic or therapeutic medical instruments or equipment. +Operate on patients to treat conditions. +Apply bandages, dressings, or splints. +Treat acute illnesses, infections, or injuries. +Collaborate with healthcare professionals to plan or provide treatment. +Maintain inventory of medical supplies or equipment. +Implement advanced life support techniques. +Examine medical instruments or equipment to ensure proper operation. +Sterilize medical equipment or instruments. +Assist healthcare practitioners during surgery. +Monitor patient conditions during treatments, procedures, or activities. +Prepare patients physically for medical procedures. +Prepare medical supplies or equipment for use. +Move patients to or from treatment areas. +Administer anesthetics or sedatives to control pain. +Administer intravenous medications. +Administer basic health care or medical treatments. +Administer blood or other fluids intravenously.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Physical Proximity— 89% responded “Very close (near touching).” +Contact With Others— 80% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +Exposed to Disease or Infections— 64% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 72% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Spend Time Standing— 49% responded “Continually or almost continually.” +Consequence of Error— 71% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Very important.” +E-Mail— 52% responded “Every day.” +Determine Tasks, Priorities and Goals— 31% responded “Some freedom.” +Deal With External Customers or the Public in General— 51% responded “Extremely important.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 42% responded “Very high responsibility.” +Exposed to Hazardous Conditions— 41% responded “Every day.” +Exposed to Contaminants— 52% responded “Every day.” +Telephone Conversations— 42% responded “Every day.” +Importance of Repeating Same Tasks— 36% responded “Extremely important.” +Frequency of Decision Making— 41% responded “Every day.” +Exposed to Radiation— 33% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 35% responded “Every day.” +Freedom to Make Decisions— 32% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 31% responded “Once a week or more but not every day.” +Conflict Situations— 31% responded “Once a week or more but not every day.” +Time Pressure— 34% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 59% responded “Once a week or more but not every day.” +Level of Competition— 46% responded “Moderately competitive.” +Spend Time Making Repetitive Motions— 35% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anesthesiologist Assistants +Bright Outlook +Cardiovascular Technologists and Technicians +Emergency Medical Technicians +Licensed Practical and Licensed Vocational Nurses +Medical Assistants +Nursing Assistants +Ophthalmic Medical Technicians +Paramedics +Respiratory Therapists +Surgical Technologists","View the list of Allies +American Academy of Physician Associates +external site +American Medical Association +external site +American Society for Metabolic and Bariatric Surgery +external site +American Society of PeriAnesthesia Nurses +external site +American Society of Podiatric Medical Assistants +external site +Association of periOperative Registered Nurses +external site +Association of Surgical Assistants +external site +National Surgical Assistant Association +external site +Physicians Assistants Orthopaedic Surgery +external site +Pacific Coast Surgical Association +external site +Southwestern Surgical Congress +external site +American Medical Technologists +external site +Association of Surgical Technologists +external site +National Board of Surgical Technology and Surgical Assisting +external site",74,2,29,65,37,37,42,59,27,8,11,18,35,48,18,28,29,39,19,23,40,39,26,22,81,27,12,25,60,20,8,2,9 +47-2131.00,"Insulation Workers, Floor, Ceiling, and Wall",https://www.onetonline.org/link/summary/47-2131.00,2025-06-11T19:18:59.241063,"Measure and cut insulation for covering surfaces, using tape measures, handsaws, power saws, knives, or scissors. +Fit, wrap, staple, or glue insulating materials to structures or surfaces, using hand tools or wires. +Cover and line structures with blown or rolled forms of materials to insulate against cold, heat, or moisture, using saws, knives, rasps, trowels, blowers, or other tools and implements. +Distribute insulating materials evenly into small spaces within floors, ceilings, or walls, using blowers and hose attachments, or cement mortars. +Move controls, buttons, or levers to start blowers and regulate flow of materials through nozzles. +Fill blower hoppers with insulating materials. +Cover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement or asphalt mastic. +Read blueprints, and select appropriate insulation, based on space characteristics and the heat retaining or excluding characteristics of the material. +Remove old insulation, such as asbestos, following safety procedures. +Prepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces.","Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus +Data base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— Turtle Creek Software Goldenseal +Spreadsheet software— Microsoft Excel","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Cut carpet, vinyl or other flexible materials. +Measure materials or objects for installation or assembly. +Install insulation in equipment or structures. +Load materials into construction equipment. +Apply sealants or other protective coatings. +Review blueprints or specifications to determine work requirements. +Select construction materials. +Remove worn, damaged or outdated materials from work areas. +Apply adhesives to construction materials. +Prepare surfaces for finishing.","Spend Time Standing— 70% responded “Continually or almost continually.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 75% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 54% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Exposed to Contaminants— 60% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Once a week or more but not every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 53% responded “Every day.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 46% responded “Every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 43% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 41% responded “Every day.” +Spend Time Making Repetitive Motions— 39% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 39% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Once a week or more but not every day.” +Contact With Others— 36% responded “Constant contact with others.” +Exposed to High Places— 43% responded “Once a week or more but not every day.” +Frequency of Decision Making— 44% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 61% responded “Every day.” +Telephone Conversations— 47% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 37% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 31% responded “Some freedom.” +Importance of Being Exact or Accurate— 29% responded “Very important.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Outdoors, Under Cover— 30% responded “Once a week or more but not every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 30% responded “Less than half the time.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Spend Time Climbing Ladders, Scaffolds, or Poles— 37% responded “Less than half the time.” +Spend Time Bending or Twisting Your Body— 47% responded “Less than half the time.” +Spend Time Walking or Running— 31% responded “About half the time.” +Duration of Typical Work Week— 67% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brickmasons and Blockmasons +Carpenters +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Insulation Workers, Mechanical +Plasterers and Stucco Masons +Plumbers, Pipefitters, and Steamfitters +Roofers +Sheet Metal Workers +Tile and Stone Setters","View the list of Allies +Association of the Wall and Ceiling Industry +external site +Ceilings and Interior Systems Construction Association +external site +Insulation Contractors Association of America +external site +International Association of Heat and Frost Insulators and Allied Workers +external site +National Insulation Association +external site +Structural Insulated Panel Association +external site +National Center for Construction Education and Research +external site +North America's Building Trades Union +external site",51,,29,48,38,45,37,32,19,12,26,25,13,16,10,24,6,51,3,40,15,3,3,10,3,21,59,28,2,32,6,,2 +39-3093.00,"Locker Room, Coatroom, and Dressing Room Attendants",https://www.onetonline.org/link/summary/39-3093.00,2025-06-11T19:13:05.523042,"Provide towels and sheets to clients in public baths, steam rooms, and restrooms. +Assign dressing room facilities, locker space, or clothing containers to patrons of athletic or bathing establishments. +Check supplies to ensure adequate availability, and order new supplies when necessary. +Monitor patrons' facility use to ensure that rules and regulations are followed, and safety and order are maintained. +Clean facilities such as floors or locker rooms. +Answer customer inquiries or explain cost, availability, policies, and procedures of facilities. +Refer guest problems or complaints to supervisors. +Maintain a lost-and-found collection. +Clean and polish footwear, using brushes, sponges, cleaning fluid, polishes, waxes, liquid or sole dressing, and daubers. +Activate emergency action plans and administer first aid, as necessary. +Procure beverages, food, and other items as requested. +Collect soiled linen or clothing for laundering. +Store personal possessions for patrons, issue claim checks for articles stored, and return articles on receipt of checks. +Operate washing machines and dryers to clean soiled apparel and towels. +Maintain inventories of clothing or uniforms, accessories, equipment, or linens. +Attend to needs of athletic teams in clubhouses. +Provide assistance to patrons by performing duties such as opening doors or carrying bags. +Operate controls that regulate temperatures or room environments. +Issue gym clothes, uniforms, towels, athletic equipment, and special athletic apparel. +Provide or arrange for services such as clothes pressing, cleaning, or repair. +Report and document safety hazards, potentially hazardous conditions, and unsafe practices and procedures. +Stencil identifying information on equipment. +Set up various apparatus or athletic equipment. +Maintain or repair athletic equipment.","Internet browser software— Web browser software +Inventory management software— IntelliTrack DMS Check In-Out; Inventory tracking software; SportSoft Equipment Manager +Office suite software— Microsoft Office software +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.","Clean fabrics or apparel. +Distribute resources to patrons or employees. +Assign resources or facilities to patrons or employees. +Monitor availability of equipment or supplies. +Administer first aid. +Monitor patron activities to identify problems or potential problems. +Clean facilities or work areas. +Perform housekeeping duties. +Purchase products or services. +Handle luggage or other possessions for patrons. +Explain regulations, policies, or procedures. +Resolve customer complaints or problems. +Respond to customer inquiries. +Help clients get needed services or resources. +Maintain supply or equipment inventories. +Maintain facilities. +Store items. +Arrange services or reservations for patrons. +Communicate with management or other staff to resolve problems. +Prepare operational reports or records. +Mark materials or objects for identification. +Set up mechanical equipment.","Contact With Others— 90% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Deal With External Customers or the Public in General— 63% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Spend Time Standing— 51% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Freedom to Make Decisions— 42% responded “Limited freedom.” +Determine Tasks, Priorities and Goals— 47% responded “Limited freedom.” +Physical Proximity— 33% responded “Moderately close (at arm's length).” +Telephone Conversations— 56% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 37% responded “Less than half the time.” +Frequency of Decision Making— 31% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 34% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Spend Time Walking or Running— 29% responded “Continually or almost continually.” +Time Pressure— 32% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Important.” +Work Outcomes and Results of Other Workers— 28% responded “High responsibility.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Speech Recognition— The ability to identify and understand the speech of another person. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Baggage Porters and Bellhops +Concierges +Counter and Rental Clerks +Food Servers, Nonrestaurant +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop +Bright Outlook +Hotel, Motel, and Resort Desk Clerks +Parking Attendants +Passenger Attendants +Retail Salespersons +Waiters and Waitresses","View the list of Allies +Club Management Association of America +external site +International Association of Venue Managers +external site +Athletic Equipment Managers Association +external site",67,18,13,61,28,28,33,30,25,19,29,14,15,18,10,13,28,11,6,18,23,16,13,28,17,8,4,8,5,6,11,6,9 +51-9151.00,Photographic Process Workers and Processing Machine Operators,https://www.onetonline.org/link/summary/51-9151.00,2025-06-11T19:28:05.952332,"Select digital images for printing, specify number of images to be printed, and direct to printer, using computer software. +Create prints according to customer specifications and laboratory protocols. +Produce color or black-and-white photographs, negatives, or slides, applying standard photographic reproduction techniques and procedures. +Set or adjust machine controls, according to specifications, type of operation, or material requirements. +Review computer-processed digital images for quality. +Operate scanners or related computer equipment to digitize negatives, photographic prints, or other images. +Fill tanks of processing machines with solutions such as developer, dyes, stop-baths, fixers, bleaches, or washes. +Measure and mix chemicals to prepare solutions for processing, according to formulas. +Load digital images onto computers directly from cameras or from storage devices, such as flash memory cards or universal serial bus (USB) devices. +Operate special equipment to perform tasks such as transferring film to videotape or producing photographic enlargements. +Examine developed prints for defects, such as broken lines, spots, or blurs. +Read work orders to determine required processes, techniques, materials, or equipment. +Load circuit boards, racks or rolls of film, negatives, or printing paper into processing or printing machines. +Insert processed negatives and prints into envelopes for delivery to customers. +Reprint originals for enlargement or in sections to be pieced together. +Clean or maintain photoprocessing or darkroom equipment, using ultrasonic equipment or cleaning and rinsing solutions. +Monitor equipment operation to detect malfunctions. +Maintain records, such as quantities or types of processing completed, materials used, or customer charges. +Immerse film, negatives, paper, or prints in developing solutions, fixing solutions, and water to complete photographic development processes. +Examine quality of film fades or dissolves for potential color corrections, using color analyzers. +Thread filmstrips through densitometers or sensitometers and expose film to light to determine density of film, necessary color corrections, or light sensitivity. +Examine drawings, negatives, or photographic prints to determine coloring, shading, accenting, or other changes required for retouching or restoration. +Place sensitized paper in frames of projection printers, photostats, or other reproduction machines. +Upload digital images onto Web sites for customers. +Produce timed prints with separate densities or color settings for each scene of a production. +Splice broken or separated film and mount film on reels. +Retouch photographic negatives or original prints to correct defects. +Adjust digital images using software.","Application server software— Docker +Data base management system software— MongoDB +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; MySQL; Structured query language SQL +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +File versioning software— Git +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Camera Bits Photo Mechanic;3 more +Object or component oriented development software— TypeScript +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Cascading style sheets CSS; RESTful API +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Load digital images onto computers or websites. +Operate photographic developing or print production equipment. +Inspected printed materials or other images to verify quality. +Operate digital imaging equipment. +Load materials into production equipment. +Measure ingredients or substances to be used in production processes. +Mix substances to create chemical solutions. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Immerse objects or workpieces in cleaning or coating solutions. +Clean production equipment. +Maintain production or processing equipment. +Prepare outgoing mail. +Watch operating equipment to detect malfunctions. +Position raw materials on processing or production equipment. +Record operational or production data. +Cut industrial materials in preparation for fabrication or processing. +Mount materials or workpieces onto production equipment. +Apply decorative coloring to photographs or printed materials.","Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Contact With Others— 64% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Exposed to Contaminants— 33% responded “Once a week or more but not every day.” +Time Pressure— 59% responded “Once a week or more but not every day.” +Spend Time Standing— 58% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 32% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Importance of Being Exact or Accurate— 32% responded “Extremely important.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Spend Time Walking or Running— 26% responded “About half the time.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Level of Competition— 29% responded “Highly competitive.” +Physical Proximity— 34% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 35% responded “Never.” +Degree of Automation +Exposed to Hazardous Conditions— 24% responded “Never.” +Frequency of Decision Making— 63% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 17% responded “Important.” +Spend Time Making Repetitive Motions— 41% responded “About half the time.” +Health and Safety of Other Workers— 24% responded “High responsibility.” +E-Mail— 28% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 25% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Moderate results.” +Spend Time Bending or Twisting Your Body— 40% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Camera and Photographic Equipment Repairers +Etchers and Engravers +Office Machine Operators, Except Computer +Painting, Coating, and Decorating Workers +Paper Goods Machine Setters, Operators, and Tenders +Photographers +Prepress Technicians and Workers +Print Binding and Finishing Workers +Printing Press Operators +Semiconductor Processing Technicians +Bright Outlook","View the list of Allies +Society for Imaging Science and Technology +external site",73,1,54,53,31,26,20,32,19,18,38,19,40,68,8,26,18,40,1,10,8,1,5,12,5,22,2,12,1,22,2,25, +29-1071.01,Anesthesiologist Assistants,https://www.onetonline.org/link/summary/29-1071.01,2025-06-11T19:04:45.394278,"Provide airway management interventions including tracheal intubation, fiber optics, or ventilary support. +Respond to emergency situations by providing cardiopulmonary resuscitation (CPR), basic cardiac life support (BLS), advanced cardiac life support (ACLS), or pediatric advanced life support (PALS). +Verify availability of operating room supplies, medications, and gases. +Pretest and calibrate anesthesia delivery systems and monitors. +Participate in seminars, workshops, or other professional activities to keep abreast of developments in anesthesiology. +Control anesthesia levels during procedures. +Assist anesthesiologists in monitoring of patients, including electrocardiogram (EKG), direct arterial pressure, central venous pressure, arterial blood gas, hematocrit, or routine measurement of temperature, respiration, blood pressure or heart rate. +Administer blood, blood products, or supportive fluids. +Collect and document patients' pre-anesthetic health histories. +Assist in the provision of advanced life support techniques including those procedures using high frequency ventilation or intra-arterial cardiovascular assistance devices. +Monitor and document patients' progress during post-anesthesia period. +Administer anesthetic, adjuvant, or accessory drugs under the direction of an anesthesiologist. +Assist anesthesiologists in performing anesthetic procedures, such as epidural or spinal injections. +Provide clinical instruction, supervision or training to staff in areas such as anesthesia practices. +Assist in the application of monitoring techniques, such as pulmonary artery catheterization, electroencephalographic spectral analysis, echocardiography, or evoked potentials. +Collect samples or specimens for diagnostic testing.","Data base user interface and query software— Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Inventory management software— Pyxis MedStation software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; Greenway Medical Technologies PrimeSUITE; WRSHealth EMR;17 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Adjust settings or positions of medical equipment. +Assist healthcare practitioners during examinations or treatments. +Monitor patient conditions during treatments, procedures, or activities. +Implement advanced life support techniques. +Treat medical emergencies. +Administer blood or other fluids intravenously. +Record patient medical histories. +Gather medical information from patient histories. +Maintain inventory of medical supplies or equipment. +Examine medical instruments or equipment to ensure proper operation. +Maintain medical equipment or instruments. +Monitor patient progress or responses to treatments. +Administer anesthetics or sedatives to control pain. +Supervise patient care personnel. +Train medical providers. +Collect biological specimens from patients. +Maintain medical or professional knowledge.","Exposed to Disease or Infections— 88% responded “Every day.” +Importance of Being Exact or Accurate— 84% responded “Extremely important.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Physical Proximity— 63% responded “Very close (near touching).” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Telephone Conversations— 56% responded “Every day.” +Health and Safety of Other Workers— 68% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Contact With Others— 51% responded “Constant contact with others.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 61% responded “Every day.” +Deal With External Customers or the Public in General— 47% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Spend Time Standing— 37% responded “About half the time.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Consequence of Error— 56% responded “Extremely serious.” +Exposed to Radiation— 63% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Exposed to Contaminants— 59% responded “Every day.” +Time Pressure— 55% responded “Every day.” +Frequency of Decision Making— 36% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Spend Time Walking or Running— 32% responded “Continually or almost continually.” +E-Mail— 28% responded “Every day.” +Conflict Situations— 29% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 45% responded “40 hours.” +Spend Time Making Repetitive Motions— 36% responded “About half the time.” +Level of Competition— 39% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Every day.” +Exposed to Hazardous Conditions— 45% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 33% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operation and Control— Controlling operations of equipment or systems. +Science— Using scientific rules and methods to solve problems.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anesthesiologists +Cardiologists +Clinical Nurse Specialists +Bright Outlook +Critical Care Nurses +Emergency Medicine Physicians +Nurse Anesthetists +Nurse Practitioners +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physician Assistants","View the list of Allies +American Academy of Anesthesiologist Assistants +external site +American Academy of Physician Associates +external site +American Association of Nurse Anesthesiology +external site +American Association of Surgical Physician Assistants +external site +American Medical Association +external site +American Society of Anesthesia Technologists and Technicians +external site +American Society of Anesthesiologists +external site +American Society of PeriAnesthesia Nurses +external site +American Society of Regional Anesthesia and Pain Medicine +external site +Association of Postgraduate Physician Assistant Programs +external site +International Anesthesia Research Society +external site +Physician Assistant Education Association +external site +Society for Ambulatory Anesthesia +external site +Society for Obstetric Anesthesia and Perinatology +external site +Society for Pediatric Anesthesia +external site +Society of Cardiovascular Anesthesiologists +external site +American Board of Anesthesiology +external site +National Commission on Certification of Physician Assistants +external site",65,7,12,75,64,23,46,60,25,11,5,15,66,53,32,37,29,47,25,24,44,39,37,13,77,27,5,41,62,9,8,4,7 +33-9094.00,School Bus Monitors,https://www.onetonline.org/link/summary/33-9094.00,2025-06-11T19:11:20.914626,"Announce routes or stops. +Assist children with disabilities or children with psychological, emotional, or behavioral issues with boarding and exiting the school bus. +Buckle seatbelts or fasten wheelchair tie-down straps to secure passengers for transportation. +Clean school bus interiors by picking up waste, wiping down windows, or vacuuming. +Direct students boarding and exiting the school bus. +Direct students evacuating the bus during safety drills. +Escort young children across roads or highways. +Evacuate students from the school bus in emergency situations. +Guide the driver when the bus is moving in reverse gear. +Monitor for trains at railroad crossings and signal the bus driver when it is safe to proceed. +Monitor the conduct of students to maintain discipline and safety. +Open and close school bus doors for students. +Operate a wheelchair lift to load or unload wheelchairs. +Prevent or defuse altercations between students. +Report delays, accidents, or other traffic and transportation situations to dispatchers or other bus drivers, using phones or mobile two-way radios. +Respond to students' questions, requests, or complaints. +Talk to children's parents or guardians about problematic behaviors, emotional or developmental problems, or related issues. +Write and submit reports that include data such as the number of passengers or trips, hours worked, mileage driven, or fuel consumed.","Internet browser software— Web browser software +Operating system software— Microsoft Windows",,"Assist patrons with entering or exiting vehicles or other forms of transportation. +Assist customers to ensure comfort or safety. +Communicate with others to coordinate vehicle movement. +Provide transportation information to passengers or customers. +Assist disabled or incapacitated individuals. +Assist motorists or pedestrians. +Assist passengers during vehicle boarding. +Assist students with special educational needs. +Clean vehicles or vehicle components. +Discuss child development and behavior with parents or guardians. +Mediate disputes. +Monitor student behavior, social development, or health. +Monitor traffic signals. +Notify others of emergencies, problems, or hazards. +Operate vehicles or material-moving equipment. +Provide counsel, comfort, or encouragement to individuals or families. +Record operational details of travel.",,,,,"Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Bus Drivers, School +Bus Drivers, Transit and Intercity +Crossing Guards and Flaggers +Dispatchers, Except Police, Fire, and Ambulance +Flight Attendants +Bright Outlook +Passenger Attendants +Railroad Conductors and Yardmasters +Shuttle Drivers and Chauffeurs +Subway and Streetcar Operators +Taxi Drivers","View the list of Allies +International Association of Public Transport +external site +National Association for Pupil Transportation +external site +National Association for the Education of Young Children +external site +National Association of State Directors of Pupil Transportation Services +external site +Transportation Marketing and Sales Association +external site +NorthEast Passenger Transportation Association +external site +South West Transit Association +external site +Association of School Business Officials International +external site +National Education Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +11-9121.01,Clinical Research Coordinators,https://www.onetonline.org/link/summary/11-9121.01,2025-06-11T18:48:22.273378,"Schedule subjects for appointments, procedures, or inpatient stays as required by study protocols. +Perform specific protocol procedures such as interviewing subjects, taking vital signs, and performing electrocardiograms. +Assess eligibility of potential subjects through methods such as screening interviews, reviews of medical records, or discussions with physicians and nurses. +Prepare study-related documentation, such as protocol worksheets, procedural manuals, adverse event reports, institutional review board documents, or progress reports. +Inform patients or caregivers about study aspects and outcomes to be expected. +Record adverse event and side effect data and confer with investigators regarding the reporting of events to oversight agencies. +Monitor study activities to ensure compliance with protocols and with all relevant local, federal, and state regulatory and institutional polices. +Oversee subject enrollment to ensure that informed consent is properly obtained and documented. +Maintain required records of study activity including case report forms, drug dispensation records, or regulatory forms. +Identify protocol problems, inform investigators of problems, or assist in problem resolution efforts, such as protocol revisions. +Review proposed study protocols to evaluate factors such as sample collection processes, data management plans, or potential subject risks. +Collaborate with investigators to prepare presentations or reports of clinical study procedures, results, and conclusions. +Track enrollment status of subjects and document dropout information such as dropout causes and subject contact efforts. +Code, evaluate, or interpret collected study data. +Direct the requisition, collection, labeling, storage, or shipment of specimens. +Instruct research staff in scientific and procedural aspects of studies including standards of care, informed consent procedures, or documentation procedures. +Maintain contact with sponsors to schedule and coordinate site visits or to answer questions about issues such as incomplete data. +Prepare for or participate in quality assurance audits conducted by study sponsors, federal agencies, or specially designated review groups. +Order drugs or devices necessary for study completion. +Contact outside health care providers and communicate with subjects to obtain follow-up information. +Participate in the development of study protocols including guidelines for administration or data collection procedures. +Confer with health care professionals to determine the best recruitment practices for studies. +Communicate with laboratories or investigators regarding laboratory findings. +Review scientific literature, participate in continuing education activities, or attend conferences and seminars to maintain current knowledge of clinical studies affairs and issues. +Organize space for study equipment and supplies. +Develop advertising and other informational materials to be used in subject recruitment. +Dispense medical devices or drugs, and calculate dosages and provide instructions as necessary. +Arrange for research study sites and determine staff or equipment availability. +Interpret protocols and advise treating physicians on appropriate dosage modifications or treatment calculations based on patient characteristics. +Contact industry representatives to ensure equipment and software specifications necessary for successful study completion. +Register protocol patients with appropriate statistical centers as required. +Solicit industry-sponsored trials through contacts and professional organizations. +Participate in preparation and management of research budgets and monetary disbursements.","Accounting software— Budgeting software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;4 more +Calendar and scheduling software— Scheduling software +Categorization or classification software— Drug coding software +Data base user interface and query software— Clinical trial management software; OpenClinica; Oracle Clinical; PPD Patient Profiles;18 more +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Patient tracking software +Object or component oriented development software— Python; R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Schedule activities or facility use. +Interview employees, customers, or others to collect information. +Communicate organizational information to customers or other stakeholders. +Prepare operational progress or status reports. +Maintain regulatory or compliance documentation. +Communicate with government agencies. +Monitor organizational compliance with regulations. +Monitor activities of individuals to ensure safety or compliance with rules. +Calculate numerical data for medical activities. +Instruct patients in the use of assistive equipment. +Prepare medications or medical solutions. +Analyze data to identify or resolve operational problems. +Analyze risks to minimize losses or damages. +Coordinate operational activities with external stakeholders. +Code data or other information. +Interpret research or operational data. +Maintain operational records. +Manage operations, research, or logistics projects. +Conduct employee training programs. +Conduct financial or regulatory audits. +Purchase materials, equipment, or other resources. +Coordinate with external parties to exchange information. +Develop organizational methods or procedures. +Advise customers on technical or procedural issues. +Confer with organizational members to accomplish work activities. +Maintain knowledge of current developments in area of expertise. +Perform clerical work in medical settings. +Plan facility layouts or designs. +Develop promotional materials. +Promote products, services, or programs. +Manage organizational or project budgets.","E-Mail— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Telephone Conversations— 61% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Extremely important.” +Importance of Repeating Same Tasks— 46% responded “Extremely important.” +Written Letters and Memos— 54% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Important results.” +Spend Time Sitting— 54% responded “About half the time.” +Duration of Typical Work Week— 46% responded “40 hours.” +Frequency of Decision Making— 48% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Exposed to Disease or Infections— 37% responded “Once a month or more but not every week.” +Physical Proximity— 35% responded “I work with others but not closely (e.g., private office).” +Time Pressure— 41% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 44% responded “High responsibility.” +Health and Safety of Other Workers— 23% responded “No responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Clinical Data Managers +Bright Outlook +Clinical Nurse Specialists +Health Informatics Specialists +Health Specialties Teachers, Postsecondary +Medical and Clinical Laboratory Technologists +Medical and Health Services Managers +Medical Scientists, Except Epidemiologists +Natural Sciences Managers +Social Science Research Assistants +Water Resource Specialists","View the list of Allies +American Association for the Advancement of Science +external site +Drug Information Association +external site +Professional Science Master's +external site +Association of Clinical Research Professionals +external site +Society of Clinical Research Associates +external site",82,2,19,69,47,49,42,42,68,16,26,40,38,48,8,36,29,11,29,25,40,27,33,22,56,20,,17,49,13,15,5,9 +51-9192.00,"Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders",https://www.onetonline.org/link/summary/51-9192.00,2025-06-11T19:28:16.649248,"Add specified amounts of chemicals to equipment at required times to maintain solution levels and concentrations. +Observe machine operations, gauges, or thermometers, and adjust controls to maintain specified conditions. +Set controls to regulate temperature and length of cycles, and start conveyors, pumps, agitators, and machines. +Drain, clean, and refill machines or tanks at designated intervals, using cleaning solutions or water. +Operate or tend machines to wash and remove impurities from items such as barrels or kegs, glass products, tin plate surfaces, dried fruit, pulp, animal stock, coal, manufactured articles, plastic, or rubber. +Record gauge readings, materials used, processing times, or test results in production logs. +Examine and inspect machines to detect malfunctions. +Measure, weigh, or mix cleaning solutions, using measuring tanks, calibrated rods or suction tubes. +Draw samples for laboratory analysis, or test solutions for conformance to specifications, such as acidity or specific gravity. +Adjust, clean, and lubricate mechanical parts of machines, using hand tools and grease guns. +Load machines with objects to be processed and unload them after cleaning, placing them on conveyors or racks.","Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Apply solutions to production equipment. +Monitor instruments to ensure proper production conditions. +Adjust temperature controls of ovens or other heating equipment. +Operate pumping systems or equipment. +Collect samples of materials or products for testing. +Test chemical or physical characteristics of materials or products. +Clean production equipment. +Lubricate production equipment. +Operate industrial equipment. +Record operational or production data. +Inspect production equipment. +Load materials into production equipment. +Remove products or workpieces from production equipment. +Measure ingredients or substances to be used in production processes. +Mix substances to create chemical solutions.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Standing— 70% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Every day.” +Spend Time Walking or Running +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 34% responded “Important.” +Time Pressure +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 25% responded “About half the time.” +Contact With Others— 23% responded “Contact with others about half the time.” +Health and Safety of Other Workers— 24% responded “Limited responsibility.” +Pace Determined by Speed of Equipment— 48% responded “Very important.” +Duration of Typical Work Week— 72% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Spend Time Making Repetitive Motions— 28% responded “Less than half the time.” +Determine Tasks, Priorities and Goals— 31% responded “A lot of freedom.” +Indoors, Not Environmentally Controlled— 39% responded “Every day.” +Exposed to Contaminants— 41% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 31% responded “Never.” +Freedom to Make Decisions— 31% responded “A lot of freedom.” +Frequency of Decision Making— 35% responded “Every day.” +Importance of Being Exact or Accurate— 34% responded “Fairly important.” +Indoors, Environmentally Controlled— 25% responded “Never.” +Importance of Repeating Same Tasks— 46% responded “Very important.” +Consequence of Error— 31% responded “Very serious.” +Spend Time Bending or Twisting Your Body— 34% responded “About half the time.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Chemical Plant and System Operators +Cleaners of Vehicles and Equipment +Cooling and Freezing Equipment Operators and Tenders +Bright Outlook +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Laundry and Dry-Cleaning Workers +Mixing and Blending Machine Setters, Operators, and Tenders +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Textile Bleaching and Dyeing Machine Operators and Tenders","View the list of Allies +National Tooling and Machining Association +external site",27,23,73,50,25,30,44,37,10,8,7,17,35,14,12,7,6,34,3,11,43,5,10,5,8,24,10,16,14,8,7,1,3 +41-1011.00,First-Line Supervisors of Retail Sales Workers,https://www.onetonline.org/link/summary/41-1011.00,2025-06-11T19:14:00.835511,"Provide customer service by greeting and assisting customers and responding to customer inquiries and complaints. +Direct and supervise employees engaged in sales, inventory-taking, reconciling cash receipts, or in performing services for customers. +Examine merchandise to ensure that it is correctly priced and displayed and that it functions as advertised. +Monitor sales activities to ensure that customers receive satisfactory service and quality goods. +Instruct staff on how to handle difficult and complicated sales. +Assign employees to specific duties. +Keep records of purchases, sales, and requisitions. +Perform work activities of subordinates, such as cleaning and organizing shelves and displays and selling merchandise. +Plan and prepare work schedules and keep records of employees' work schedules and time cards. +Review inventory and sales records to prepare reports for management and budget departments. +Inventory stock and reorder when inventory drops to a specified level. +Establish and implement policies, goals, objectives, and procedures for the department. +Examine products purchased for resale or received for storage to assess the condition of each product or item. +Enforce safety, health, and security rules. +Estimate consumer demand and determine the types and amounts of goods to be sold. +Confer with company officials to develop methods and procedures to increase sales, expand markets, and promote business. +Formulate pricing policies for merchandise, according to profitability requirements. +Hire, train, and evaluate personnel in sales or marketing establishments, promoting or firing workers when appropriate. +Plan and coordinate advertising campaigns and sales promotions and prepare merchandise displays and advertising copy. +Establish credit policies and operating procedures. +Plan budgets and authorize payments and merchandise returns.","Accounting software— Sage 50 Accounting +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; StataCorp Stata +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Calendar and scheduling software— Qualitech Solutions Dynamic Scheduling; Scheduling software; TimeTrak Systems SchedTrak +Cloud-based data access and sharing software— Google Drive +Computer aided design CAD software— Autodesk Revit +Customer relationship management CRM software— Microsoft Dynamics; Salesforce software +Data base management system software— Teradata Database +Data base user interface and query software— FileMaker Pro; Microsoft Access; Oracle Database; Yardi software;2 more +Data mining software— Google Analytics +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Kronos Enterprise Workforce Management; Oracle Hyperion; Oracle PeopleSoft Financials; SAP software;1 more +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; SmugMug Flickr +Human resources software— Exact business software; Human resource management software HRMS; Oracle Taleo; Time card software +Internet browser software— Apple Safari; Microsoft Edge; Mozilla Firefox +Inventory management software— Inventory management systems +Object or component oriented development software— R +Office suite software— Microsoft Office software +Operating system software— Handheld computer device software; Microsoft Windows +Point of sale POS software— CyberMatrix POS; Intuit QuickBooks Point of Sale; Plexis Software Plexis POS; WinMan SureSell;31 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads +Spreadsheet software— Microsoft Excel +Time accounting software— Hagel Unitime Systems; Kronos Workforce Timekeeper; Payroll software; TimeTrak Systems ClocTrack;1 more +Video conferencing software— Google Meet +Video creation and editing software— Apple Final Cut Pro; YouTube +Web page creation and editing software— Facebook; LinkedIn; Social media sites +Word processing software— Google Docs; Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Answer customer questions about goods or services. +Greet customers, patrons, or visitors. +Supervise sales or support personnel. +Establish operational policies. +Examine condition of property or products. +Monitor sales activities. +Train sales personnel. +Assign duties or work schedules to employees. +Set up merchandise displays. +Develop marketing plans or strategies. +Clean work areas. +Maintain records of sales or other business transactions. +Sell products or services. +Coordinate sales campaigns. +Monitor inventories of products or materials. +Prepare financial documents, reports, or budgets. +Purchase stocks of merchandise or supplies. +Monitor work areas to provide security. +Monitor market conditions or trends. +Authorize financial actions. +Prepare operational budgets.","Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +Contact With Others— 85% responded “Constant contact with others.” +Telephone Conversations— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Deal With External Customers or the Public in General— 71% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 63% responded “Extremely important.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Frequency of Decision Making— 48% responded “Once a week or more but not every day.” +Time Pressure— 49% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 46% responded “A lot of freedom.” +E-Mail— 51% responded “Every day.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Spend Time Standing— 35% responded “More than half the time.” +Health and Safety of Other Workers— 49% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Physical Proximity— 68% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 47% responded “Extremely important.” +Written Letters and Memos— 45% responded “Every day.” +Conflict Situations— 37% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “Continually or almost continually.” +Duration of Typical Work Week— 38% responded “More than 40 hours.” +Spend Time Walking or Running— 43% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Food Preparation and Serving Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Personal Service Workers +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel","View the list of Allies +International Foodservice Distributors Association +external site +NACS +external site +National Automobile Dealers Association +external site +National Retail Federation +external site +Retail, Wholesale and Department Store Union +external site",96,23,45,72,58,87,47,65,55,55,73,58,5,58,40,29,36,9,11,9,29,29,16,21,18,12,4,4,2,10,5,7,4 +51-3092.00,Food Batchmakers,https://www.onetonline.org/link/summary/51-3092.00,2025-06-11T19:24:28.159243,"Record production and test data for each food product batch, such as the ingredients used, temperature, test results, and time cycle. +Clean and sterilize vats and factory processing areas. +Set up, operate, and tend equipment that cooks, mixes, blends, or processes ingredients in the manufacturing of food products, according to formulas or recipes. +Mix or blend ingredients, according to recipes, using a paddle or an agitator, or by controlling vats that heat and mix ingredients. +Follow recipes to produce food products of specified flavor, texture, clarity, bouquet, or color. +Give directions to other workers who are assisting in the batchmaking process. +Select and measure or weigh ingredients, using English or metric measures and balance scales. +Press switches and turn knobs to start, adjust, and regulate equipment, such as beaters, extruders, discharge pipes, and salt pumps. +Determine mixing sequences, based on knowledge of temperature effects and of the solubility of specific ingredients. +Observe and listen to equipment to detect possible malfunctions, such as leaks or plugging, and report malfunctions or undesirable tastes to supervisors. +Observe gauges and thermometers to determine if the mixing chamber temperature is within specified limits, and turn valves to control the temperature. +Turn valve controls to start equipment and to adjust operation to maintain product quality. +Modify cooking and forming operations based on the results of sampling processes, adjusting time cycles and ingredients to achieve desired qualities, such as firmness or texture. +Examine, feel, and taste product samples during production to evaluate quality, color, texture, flavor, and bouquet, and document the results. +Test food product samples for moisture content, acidity level, specific gravity, or butter-fat content, and continue processing until desired levels are reached. +Inspect vats after cleaning to ensure that fermentable residue has been removed. +Fill processing or cooking containers, such as kettles, rotating cookers, pressure cookers, or vats, with ingredients, by opening valves, by starting pumps or injectors, or by hand. +Manipulate products, by hand or using machines, to separate, spread, knead, spin, cast, cut, pull, or roll products. +Cool food product batches on slabs or in water-cooled kettles. +Place products on carts or conveyors to transfer them to the next stage of processing. +Homogenize or pasteurize material to prevent separation or to obtain prescribed butterfat content, using a homogenizing device. +Grade food products according to government regulations or according to type, color, bouquet, and moisture content. +Operate refining machines to reduce the particle size of cooked batches. +Formulate or modify recipes for specific kinds of food products. +Inspect and pack the final product.","Enterprise resource planning ERP software— Plex Systems Plex Manufacturing Cloud +Inventory management software— Edible Software +Office suite software— Microsoft Office software","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Record operational or production data. +Clean work areas. +Sterilize food cooking or processing equipment. +Inspect food products. +Operate cooking, baking, or other food preparation equipment. +Operate mixing equipment. +Inspect production equipment. +Direct operational or production activities. +Measure ingredients or substances to be used in production processes. +Select production input materials. +Determine food production methods. +Notify others of equipment repair or maintenance needs. +Watch operating equipment to detect malfunctions. +Load materials into production equipment. +Operate pumping systems or equipment. +Adjust temperature controls of ovens or other heating equipment. +Monitor instruments to ensure proper production conditions. +Shape clay or dough to create products. +Move products, materials, or equipment between work areas. +Evaluate quality of food ingredients or prepared foods. +Package products for storage or shipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 87% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Spend Time Standing— 33% responded “More than half the time.” +Pace Determined by Speed of Equipment— 57% responded “Extremely important.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 29% responded “Very important.” +Time Pressure— 67% responded “Every day.” +Health and Safety of Other Workers— 56% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 14% responded “About half the time.” +Importance of Repeating Same Tasks— 60% responded “Extremely important.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 31% responded “Moderate responsibility.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Contact With Others— 37% responded “Occasional contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Extremely important.” +Freedom to Make Decisions— 31% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 64% responded “Every day.” +Duration of Typical Work Week— 47% responded “40 hours.” +Spend Time Walking or Running— 38% responded “Less than half the time.” +Exposed to Contaminants— 40% responded “Every day.” +Consequence of Error— 29% responded “Extremely serious.” +Spend Time Bending or Twisting Your Body— 42% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively.","Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bakers +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Cooling and Freezing Equipment Operators and Tenders +Bright Outlook +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Cooking Machine Operators and Tenders +Graders and Sorters, Agricultural Products +Mixing and Blending Machine Setters, Operators, and Tenders +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders","View the list of Allies +International Brotherhood of Teamsters +external site +The United Food and Commercial Workers International Union +external site",48,82,80,62,53,54,82,64,48,34,27,40,37,52,11,36,30,54,12,29,37,15,27,21,13,40,20,35,34,33,17,3,7 +27-1011.00,Art Directors,https://www.onetonline.org/link/summary/27-1011.00,2025-06-11T19:02:25.968852,"Work with creative directors to develop design solutions. +Present final layouts to clients for approval. +Manage own accounts and projects, working within budget and scheduling requirements. +Confer with creative, art, copywriting, or production department heads to discuss client requirements and presentation concepts and to coordinate creative activities. +Confer with clients to determine objectives, budget, background information, and presentation approaches, styles, and techniques. +Formulate basic layout design or presentation approach and specify material details, such as style and size of type, photographs, graphics, animation, video, and sound. +Review and approve art materials, copy materials, and proofs of printed copy developed by staff members. +Create custom illustrations or other graphic elements. +Attend photo shoots and printing sessions to ensure that the products needed are obtained. +Review illustrative material to determine if it conforms to standards and specifications. +Hire, train, and direct staff members who develop design concepts into art layouts or who prepare layouts for printing. +Research current trends and new technology, such as printing production techniques, computer software, and design trends. +Mark up, paste, and complete layouts and write typography instructions to prepare materials for typesetting or printing. +Conceptualize and help design interfaces for multimedia games, products, and devices. +Prepare detailed storyboards showing sequence and timing of story development for television production. +Negotiate with printers and estimators to determine what services will be performed.","Analytical or scientific software— Data visualization software +Computer aided design CAD software— Autodesk 3ds Max Design; Computer assisted design software +Desktop publishing software— Adobe InDesign; Quark enterprise publishing software; QuarkXPress +Development environment software— Adobe ActionScript +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphical user interface development software— Figma +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Autodesk Maya;1 more +Internet browser software— Web broswer software +Mobile operator specific application software— Mag+; Mobile application software; Tablet application software +Network conferencing software— Atlassian Confluence +Object or component oriented development software— jQuery +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Apple iWork Keynote; Apple Keynote; Google Slides; Microsoft PowerPoint +Program testing software— User interface design software +Project management software— Atlassian JIRA +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; WeVideo; YouTube;3 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; Social media software; WordPress +Web platform development software— AJAX; Cascading style sheets CSS; Drupal; PHP;6 more +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Collaborate with others to develop or refine designs. +Present work to clients for approval. +Coordinate artistic activities. +Manage operations of artistic or entertainment departments or organizations. +Confer with clients to determine needs. +Review art or design materials. +Design layout of art or product exhibits, displays, or promotional materials. +Determine technical requirements of productions or projects. +Draw detailed or technical illustrations. +Design layouts for print publications. +Write informational material. +Coordinate design activities. +Select staff, team members, or performers. +Train others on work processes. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Research new technologies. +Prepare production storyboards. +Negotiate for services.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 85% responded “Extremely important.” +E-Mail— 92% responded “Every day.” +Spend Time Sitting— 89% responded “Continually or almost continually.” +Time Pressure— 76% responded “Every day.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Contact With Others— 71% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 28% responded “Limited freedom.” +Freedom to Make Decisions— 53% responded “A lot of freedom.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Telephone Conversations— 40% responded “Every day.” +Spend Time Making Repetitive Motions— 52% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 67% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Extremely important.” +Frequency of Decision Making— 47% responded “Every day.” +Level of Competition— 28% responded “Slightly competitive.” +Importance of Repeating Same Tasks— 21% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Work Outcomes and Results of Other Workers— 27% responded “Limited responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Graphic Designers +Information Technology Project Managers +Bright Outlook +Media Programming Directors +Media Technical Directors/Managers +Producers and Directors +Project Management Specialists +Public Relations Specialists +Set and Exhibit Designers +Special Effects Artists and Animators +Writers and Authors","View the list of Allies +Professional Association for Design +external site +Promax International BPME +external site +The One Club for Creativity +external site",59,3,49,81,27,49,22,39,43,17,67,29,5,81,16,18,78,17,25,20,33,12,44,42,5,36,7,6,5,84,27,80,25 +15-1231.00,Computer Network Support Specialists,https://www.onetonline.org/link/summary/15-1231.00,2025-06-11T18:51:33.013991,"Back up network data. +Configure security settings or access permissions for groups or individuals. +Analyze and report computer network security breaches or attempted breaches. +Identify the causes of networking problems, using diagnostic testing software and equipment. +Document network support activities. +Configure wide area network (WAN) or local area network (LAN) routers or related equipment. +Install network software, including security or firewall software. +Troubleshoot network or connectivity problems for users or user groups. +Provide telephone support related to networking or connectivity issues. +Evaluate local area network (LAN) or wide area network (WAN) performance data to ensure sufficient availability or speed, to identify network problems, or for disaster recovery purposes. +Analyze network data to determine network usage, disk space availability, or server function. +Perform routine maintenance or standard repairs to networking components or equipment. +Configure and define parameters for installation or testing of local area network (LAN), wide area network (WAN), hubs, routers, switches, controllers, multiplexers, or related networking equipment. +Install new hardware or software systems or components, ensuring integration with existing network systems. +Test computer software or hardware, using standard diagnostic testing equipment and procedures. +Install or repair network cables, including fiber optic cables. +Monitor industry Web sites or publications for information about patches, releases, viruses, or potential problem identification. +Create or update technical documentation for network installations or changes to existing installations. +Train users in procedures related to network applications software or related systems. +Test repaired items to ensure proper operation. +Install and configure wireless networking equipment. +Maintain logs of network activity. +Document help desk requests and resolutions. +Research hardware or software products to meet technical networking or security needs. +Create or revise user instructions, procedures, or manuals. +Run monthly network reports.","Access software— Citrix cloud computing software +Administration software— Cisco Systems CiscoWorks; Cisco Systems CiscoWorks LAN Management Solution; Hewlett-Packard HP Network Node Manager; ifconfig;1 more +Backup or archival software— EMC NetWorker; Roxio Retrospect; Tape backup system software; Veritas NetBackup;2 more +Cloud-based management software— IBM WebSphere; Splunk Enterprise +Cloud-based protection or security software— SolarWinds +Clustering software— VMware +Communications server software— IBM Domino +Computer aided design CAD software— Network design software +Configuration management software— Automated installation software; EMC Ionix Network Configuration Manager; Microsoft Windows Sysprep; Patch and update management software;1 more +Customer relationship management CRM software +Data base management system software— Database management software; MySQL; Teradata Database +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; ServiceNow; Structured query language SQL +Desktop communications software— Remote control software; Symantec pcAnywhere +Development environment software— Microsoft Azure software; Microsoft PowerShell; Microsoft Visual Basic; Ruby;1 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange +Enterprise application integration software— BMC Software Control-M +Enterprise resource planning ERP software— Microsoft Dynamics +Enterprise system management software— IBM Power Systems software +Filesystem software— File server software; IBM Tivoli NetView Distribution Manager +Helpdesk or call center software— BMC Software Remedy IT Service Management Suite; Help desk software +Internet directory services software— Microsoft Active Directory; Novell eDirectory +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Network monitoring software— Nagios; Route; WildPackets OmniPeek Network Analyzer; Wireshark;30 more +Network operating system enhancement software— Traffic shapers +Network security and virtual private network VPN equipment software— Firewall software; Network intrusion detection software; Virtual private networking VPN software +Network security or virtual private network VPN management software— Intrusion prevention system IPS; Network and system vulnerability assessment software; NIKSUN NetDetector; Sonicwall SonicOS Enhanced;2 more +Object or component oriented development software— Oracle Java; Perl; Python +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;14 more +Platform interconnectivity software— Connectivity software +Presentation software— Microsoft PowerPoint +Program testing software— Load testing software +Project management software— Bentley Systems ProjectWise; Microsoft Project; Project planning software +Spreadsheet software— Microsoft Excel +Storage networking software— EMC Symmetrix DMX; Storage area network SAN software +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software; Packet filter software; Root kit detection software;5 more +Transaction server software— Customer information control system CICS; Microsoft Internet Information Services (IIS) +Web platform development software— Apache Tomcat; LAMP Stack +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Create electronic data backup to prevent loss of information. +Implement security measures for computer or information systems. +Analyze security of systems, network, or data. +Resolve computer network problems. +Document network-related activities or tasks. +Configure computer networks. +Install computer software. +Test computer system operations to ensure proper functioning. +Analyze data to identify or resolve operational problems. +Monitor the performance of computer networks. +Provide technical support for computer network issues. +Troubleshoot issues with computer applications or systems. +Maintain computer hardware. +Install computer hardware. +Develop specifications for computer network operation. +Test computer hardware performance. +Test software performance. +Update knowledge about emerging industry or technology trends. +Train others in computer interface or software use. +Document operational activities. +Conduct research to gain information about products or processes. +Prepare instruction manuals.","E-Mail— 94% responded “Every day.” +Telephone Conversations— 93% responded “Every day.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 47% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Importance of Repeating Same Tasks— 40% responded “Important.” +Spend Time Sitting— 37% responded “More than half the time.” +Written Letters and Memos— 30% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 35% responded “Extremely important.” +Frequency of Decision Making— 30% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.” +Spend Time Making Repetitive Motions— 34% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 35% responded “Very high responsibility.” +Consequence of Error— 36% responded “Fairly serious.” +Physical Proximity— 78% responded “Slightly close (e.g., shared office).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Continually or almost continually.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Network Architects +Bright Outlook +Computer Systems Analysts +Computer Systems Engineers/Architects +Computer User Support Specialists +Database Administrators +Information Security Analysts +Information Security Engineers +Network and Computer Systems Administrators +Software Developers +Telecommunications Engineering Specialists","View the list of Allies +Association for Computing Machinery +external site +Association of Support Professionals +external site +Computing Research Association +external site +IEEE Computer Society +external site +National Center for Women and Information Technology +external site +CompTIA +external site +Institute for Certification of Computing Professionals +external site",61,,40,58,36,53,38,49,48,20,9,24,4,99,7,23,50,30,1,4,21,3,6,70,,60,16,7,,41,9,1,3 +33-3051.04,Customs and Border Protection Officers,https://www.onetonline.org/link/summary/33-3051.04,2025-06-11T19:10:56.360147,"Examine immigration applications, visas, and passports and interview persons to determine eligibility for admission, residence, and travel in the U.S. +Detain persons found to be in violation of customs or immigration laws and arrange for legal action, such as deportation. +Inspect cargo, baggage, and personal articles entering or leaving U.S. for compliance with revenue laws and U.S. customs regulations. +Locate and seize contraband, undeclared merchandise, and vehicles, aircraft, or boats that contain such merchandise. +Interpret and explain laws and regulations to travelers, prospective immigrants, shippers, and manufacturers. +Institute civil and criminal prosecutions and cooperate with other law enforcement agencies in the investigation and prosecution of those in violation of immigration or customs laws. +Testify regarding decisions at immigration appeals or in federal court. +Record and report job-related activities, findings, transactions, violations, discrepancies, and decisions. +Determine duty and taxes to be paid on goods. +Collect samples of merchandise for examination, appraisal, or testing. +Investigate applications for duty refunds and petition for remission or mitigation of penalties when warranted.","Cloud-based management software— IBM WebSphere MQ +Data base user interface and query software— Automated Manifest System AMS; Law enforcement information databases; National Crime Information Center (NCIC) database; Treasury Enforcement Communications System TECS +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Mobile location based services software— Global positioning system GPS software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Examine personal documentation to ensure that it is valid. +Interview people to obtain information about actions or status of individuals. +Detain suspects or witnesses. +Inspect cargo to identify potential hazards. +Confiscate prohibited or dangerous items. +Locate suspicious objects or vehicles. +Inform others about laws or regulations. +Collaborate with law enforcement or security agencies to share information. +Investigate illegal or suspicious activities. +Testify at legal or legislative proceedings. +Maintain operational records. +Calculate tax information. +Obtain property information. +Investigate legal issues.","E-Mail— 100% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 82% responded “Extremely important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Telephone Conversations— 84% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Frequency of Decision Making— 84% responded “Every day.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 70% responded “Very important results.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 59% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Every day.” +Duration of Typical Work Week— 63% responded “More than 40 hours.” +Consequence of Error— 67% responded “Extremely serious.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Physical Proximity— 44% responded “Very close (near touching).” +Exposed to Contaminants— 62% responded “Every day.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 59% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Time Pressure— 41% responded “Every day.” +Conflict Situations— 51% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 49% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 34% responded “Every day.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 41% responded “Every day.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Exposed to Disease or Infections— 52% responded “Every day.” +Health and Safety of Other Workers— 31% responded “Very high responsibility.” +Level of Competition— 54% responded “Moderately competitive.” +Exposed to Radiation— 37% responded “Every day.” +Indoors, Not Environmentally Controlled— 39% responded “Every day.” +Outdoors, Under Cover— 39% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 36% responded “Once a week or more but not every day.” +Degree of Automation— 50% responded “Highly automated.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “Less than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 36% responded “Once a year or more but not every month.” +Spend Time Sitting— 45% responded “About half the time.” +Spend Time Standing— 45% responded “About half the time.” +Exposed to Cramped Work Space, Awkward Positions— 29% responded “Every day.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Foreign Language— Knowledge of the structure and content of a foreign (non-English) language including the meaning and spelling of words, rules of composition and grammar, and pronunciation.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cargo and Freight Agents +Bright Outlook +Compliance Officers +Customs Brokers +Detectives and Criminal Investigators +First-Line Supervisors of Police and Detectives +Government Property Inspectors and Investigators +Police and Sheriff's Patrol Officers +Private Detectives and Investigators +Transit and Railroad Police +Transportation Security Screeners","View the list of Allies +American Federation of Government Employees +external site +Federal Law Enforcement Officers Association +external site +Fraternal Order of Police +external site +International Association of Chiefs of Police +external site +International Police Association +external site +National Association of Police Organizations +external site +National Sheriffs' Association +external site +International Law Enforcement Educators and Trainers Association +external site +International Union of Police Associations +external site +National Treasury Employees Union +external site +Southern States Police Benevolent Association +external site",64,6,23,73,35,43,83,52,55,25,7,33,27,55,51,87,34,18,36,46,61,23,52,38,18,15,11,17,24,12,54,7,32 +25-1054.00,"Physics Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1054.00,2025-06-11T19:00:01.418989,"Evaluate and grade students' class work, laboratory work, assignments, and papers. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Compile, administer, and grade examinations, or assign this work to others. +Prepare and deliver lectures to undergraduate or graduate students on topics such as quantum mechanics, particle physics, and optics. +Maintain regularly scheduled office hours to advise and assist students. +Supervise undergraduate or graduate teaching, internship, and research work. +Initiate, facilitate, and moderate classroom discussions. +Maintain student attendance records, grades, and other required records. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Supervise students' laboratory work. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Collaborate with colleagues to address teaching and research issues. +Advise students on academic and vocational curricula and on career issues. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Maintain and repair laboratory equipment. +Perform administrative duties, such as serving as department head. +Participate in student recruitment, registration, and placement activities. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Write grant proposals to procure external research funding. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Act as advisers to student organizations. +Provide professional consulting services to government or industry. +Review articles to determine their suitability for publication.","Analytical or scientific software— Maplesoft Maple; The MathWorks MATLAB; VASP Data Viewer; Wolfram Research Mathematica;7 more +Calendar and scheduling software +Computer aided design CAD software— Autodesk AutoCAD; Mathsoft Mathcad +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Desktop communications software— Edmodo +Development environment software— C; Formula translation/translator FORTRAN; National Instruments LabVIEW; PLplot;5 more +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Visual Molecular Dynamics VMD +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Object or component oriented development software— C++; Perl +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; LaTeX; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Evaluate student work. +Develop instructional materials. +Administer tests to assess educational needs or progress. +Prepare tests. +Teach physical science or mathematics courses at the college level. +Advise students on academic or career matters. +Supervise student research or internship work. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Guide class discussions. +Maintain student records. +Supervise laboratory work. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Write grant proposals. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Serve on institutional or departmental committees. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","Determine Tasks, Priorities and Goals— 84% responded “A lot of freedom.” +E-Mail— 91% responded “Every day.” +Freedom to Make Decisions— 79% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Contact With Others— 58% responded “Constant contact with others.” +Public Speaking— 56% responded “Every day.” +Duration of Typical Work Week— 63% responded “More than 40 hours.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Time Pressure— 45% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 37% responded “Very important.” +Telephone Conversations— 47% responded “Once a week or more but not every day.” +Frequency of Decision Making— 29% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Extremely important.” +Spend Time Sitting— 51% responded “More than half the time.” +Level of Competition— 43% responded “Moderately competitive.” +Work With or Contribute to a Work Group or Team— 41% responded “Very important.” +Written Letters and Memos— 37% responded “Once a month or more but not every week.”","Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Biological Science Teachers, Postsecondary +Bright Outlook +Career/Technical Education Teachers, Postsecondary +Chemistry Teachers, Postsecondary +Computer Science Teachers, Postsecondary +Engineering Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Mathematical Science Teachers, Postsecondary +Physicists +Teaching Assistants, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Physics Teachers +external site +American Association of University Professors +external site +American Astronomical Society +external site +American Geophysical Union +external site +American Institute of Physics +external site +American Meteorological Society +external site +American Physical Society +external site +Astronomical Society of the Pacific +external site +Council of Graduate Schools +external site +National Science Teaching Association +external site +Optica +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society of Physics Students +external site +International Astronomical Union +external site",46,,21,80,95,40,33,85,45,9,14,25,60,72,5,30,37,48,20,13,26,21,17,28,16,57,21,87,28,43,17,3,20 +51-8012.00,Power Distributors and Dispatchers,https://www.onetonline.org/link/summary/51-8012.00,2025-06-11T19:26:48.556382,"Coordinate with engineers, planners, field personnel, or other utility workers to provide information such as clearances, switching orders, or distribution process changes. +Respond to emergencies, such as transformer or transmission line failures, and route current around affected areas. +Control, monitor, or operate equipment that regulates or distributes electricity or steam, using data obtained from instruments or computers. +Direct personnel engaged in controlling or operating distribution equipment or machinery, such as instructing control room operators to start boilers or generators. +Distribute or regulate the flow of power between entities, such as generating stations, substations, distribution lines, or users, keeping track of the status of circuits or connections. +Manipulate controls to adjust or activate power distribution equipment or machines. +Prepare switching orders that will isolate work areas without causing power outages, referring to drawings of power systems. +Monitor and record switchboard or control board readings to ensure that electrical or steam distribution equipment is operating properly. +Implement energy schedules, including real-time transmission reservations or schedules. +Calculate load estimates or equipment requirements to determine required control settings. +Track conditions that could affect power needs, such as changes in the weather, and adjust equipment to meet any anticipated changes. +Record and compile operational data, such as chart or meter readings, power demands, or usage and operating times, using transmission system maps. +Inspect equipment to ensure that specifications are met or to detect any defects. +Tend auxiliary equipment used in the power distribution process.","Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Geographic information system GIS software +Industrial control software— OSI monarch/SGP; Outage management system OMS; Supervisory control and data acquisition SCADA software; Wide area monitoring system WAMS software;17 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Exchange information with colleagues. +Operate energy distribution equipment. +Direct operational or production activities. +Plan production or operational procedures or sequences. +Record operational or production data. +Monitor equipment operation to ensure proper functioning. +Calculate specific material, equipment, or labor requirements for production. +Inspect production equipment. +Adjust equipment to ensure optimal performance. +Monitor external factors impacting operations.","Telephone Conversations— 100% responded “Every day.” +Consequence of Error— 80% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 75% responded “Very important results.” +Contact With Others— 73% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 73% responded “Extremely important.” +E-Mail— 80% responded “Every day.” +Health and Safety of Other Workers— 79% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Frequency of Decision Making— 73% responded “Every day.” +Importance of Repeating Same Tasks— 48% responded “Extremely important.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Work Outcomes and Results of Other Workers— 56% responded “Very high responsibility.” +Duration of Typical Work Week— 53% responded “40 hours.” +Time Pressure— 47% responded “Every day.” +Physical Proximity— 46% responded “Slightly close (e.g., shared office).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 34% responded “Extremely important.” +Level of Competition— 45% responded “Highly competitive.” +Spend Time Sitting— 44% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 27% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biomass Plant Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Gas Plant Operators +Geothermal Technicians +Hydroelectric Plant Technicians +Power Plant Operators +Stationary Engineers and Boiler Operators","View the list of Allies +American Public Power Association +external site +Center for Energy Workforce Development +external site +North American Electric Reliability Corporation +external site +Nuclear Energy Institute +external site +Association of Energy Engineers +external site +International Brotherhood of Electrical Workers +external site",59,2,33,72,63,44,67,55,49,25,18,24,29,62,1,41,36,57,2,18,34,8,12,62,4,61,32,53,,27,38,,4 +25-1051.00,"Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1051.00,2025-06-11T18:59:51.665037,"Maintain student attendance records, grades, and other required records. +Prepare and deliver lectures to undergraduate or graduate students on topics such as structural geology, micrometeorology, and atmospheric thermodynamics. +Evaluate and grade students' class work, assignments, and papers. +Compile, administer, and grade examinations, or assign this work to others. +Supervise laboratory work and field work. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Initiate, facilitate, and moderate classroom discussions. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Collaborate with colleagues to address teaching and research issues. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Supervise undergraduate or graduate teaching, internship, and research work. +Write grant proposals to procure external research funding. +Perform administrative duties, such as serving as department head. +Purchase and maintain equipment to support research projects. +Participate in student recruitment, registration, and placement activities. +Act as advisers to student organizations. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Answer questions from the public and media. +Review papers or serve on editorial boards for scientific journals, and review grant proposals for federal agencies. +Provide professional consulting services to government or industry.","Analytical or scientific software— Ansys Fluent; The MathWorks MATLAB; WaveMetrics IGOR Pro; Wolfram Research Mathematica;14 more +Calendar and scheduling software +Computer aided design CAD software— Midland Valley Move Suite +Computer based training software— Blackboard software; Desire2Learn LMS software; Learning management system LMS; Sakai CLE;2 more +Data base user interface and query software— Thomson EndNote +Development environment software— National Instruments LabVIEW; Software development tools +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcInfo +Graphics or photo imaging software— Adobe After Effects; Adobe Photoshop; Corel CorelDraw Graphics Suite; Golden Software Voxler;1 more +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Map creation software— Geosoft Oasis montaj +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Maintain student records. +Teach physical science or mathematics courses at the college level. +Evaluate student work. +Administer tests to assess educational needs or progress. +Prepare tests. +Supervise student research or internship work. +Supervise laboratory work. +Develop instructional materials. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Guide class discussions. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Advise students on academic or career matters. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Write grant proposals. +Serve on institutional or departmental committees. +Direct department activities. +Maintain inventories of materials, equipment, or products. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Evaluate scholarly materials. +Provide information to the general public. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 98% responded “Every day.” +Freedom to Make Decisions— 86% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Contact With Others— 58% responded “Constant contact with others.” +Duration of Typical Work Week— 76% responded “More than 40 hours.” +Public Speaking— 49% responded “Every day.” +Work With or Contribute to a Work Group or Team— 38% responded “Very important.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Telephone Conversations— 49% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Important.” +Physical Proximity— 34% responded “Moderately close (at arm's length).” +Spend Time Sitting— 43% responded “About half the time.” +Deal With External Customers or the Public in General— 28% responded “Extremely important.” +Frequency of Decision Making— 36% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Level of Competition— 54% responded “Moderately competitive.” +Health and Safety of Other Workers— 25% responded “Moderate responsibility.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Sciences Teachers, Postsecondary +Anthropology and Archeology Teachers, Postsecondary +Biological Science Teachers, Postsecondary +Bright Outlook +Chemistry Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Forestry and Conservation Science Teachers, Postsecondary +Geography Teachers, Postsecondary +Mathematical Science Teachers, Postsecondary +Physics Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Geographers +external site +American Association of Petroleum Geologists +external site +American Geophysical Union +external site +American Meteorological Society +external site +Association for the Sciences of Limnology and Oceanography +external site +Astronomical Society of the Pacific +external site +Council of Graduate Schools +external site +Geochemical Society +external site +Geological Society of America +external site +Mineralogical Society of America +external site +National Association of Geoscience Teachers +external site +National Earth Science Teachers Association +external site +National Science Teaching Association +external site +Paleontological Society +external site +Sigma Xi, The Scientific Research Honor Society +external site",51,7,13,87,83,41,40,92,37,17,14,42,69,64,14,26,47,27,19,12,42,24,32,28,32,44,12,72,64,19,61,11,31 +21-2011.00,Clergy,https://www.onetonline.org/link/summary/21-2011.00,2025-06-11T18:59:08.954380,"Pray and promote spirituality. +Prepare and deliver sermons or other talks. +Read from sacred texts, such as the Bible, Torah, or Koran. +Organize and lead regular religious services. +Instruct people who seek conversion to a particular faith. +Share information about religious issues by writing articles, giving speeches, or teaching. +Counsel individuals or groups concerning their spiritual, emotional, or personal needs. +Administer religious rites or ordinances. +Prepare people for participation in religious ceremonies. +Visit people in homes, hospitals, or prisons to provide them with comfort and support. +Train leaders of church, community, or youth groups. +Plan or lead religious education programs. +Study and interpret religious laws, doctrines, or traditions. +Respond to requests for assistance during emergencies or crises. +Conduct special ceremonies, such as weddings, funerals, or confirmations. +Devise ways in which congregational membership can be expanded. +Collaborate with committees or individuals to address financial or administrative issues pertaining to congregations. +Refer people to community support services, psychologists, or doctors. +Organize or engage in interfaith, community, civic, educational, or recreational activities sponsored by or related to religious programs. +Perform administrative duties, such as overseeing building management, ordering supplies, contracting for services or repairs, or supervising the work of staff members or volunteers. +Participate in fundraising activities to support congregational activities or facilities.","Calendar and scheduling software— Event scheduling software +Data base user interface and query software— Membership databases +Electronic mail software— Email software; Microsoft Outlook +Instant messaging software— GroupMe; Twitter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Lead classes or community events. +Counsel clients or patients regarding personal issues. +Visit individuals in their homes to provide support or information. +Train staff members in social services skills. +Develop educational programs. +Interpret cultural or religious information for others. +Intervene in crisis situations to assist clients. +Develop promotional strategies for religious organizations. +Manage organizational or program finances. +Plan conferences, programs, or special events. +Refer clients to community or social service programs.","E-Mail— 83% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Telephone Conversations— 75% responded “Every day.” +Contact With Others— 67% responded “Constant contact with others.” +Freedom to Make Decisions— 72% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 22% responded “Important results.” +Spend Time Sitting— 51% responded “More than half the time.” +Duration of Typical Work Week— 67% responded “More than 40 hours.” +Frequency of Decision Making— 22% responded “Once a month or more but not every week.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Public Speaking— 62% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 52% responded “Very important.” +Work Outcomes and Results of Other Workers— 42% responded “High responsibility.” +Written Letters and Memos— 57% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 31% responded “Very important.” +Conflict Situations— 60% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 50% responded “Limited responsibility.” +Physical Proximity— 44% responded “I work with others but not closely (e.g., private office).”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture.","Speech Clarity— The ability to speak clearly so others can understand you. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Child, Family, and School Social Workers +Community Health Workers +Bright Outlook +Directors, Religious Activities and Education +Education Administrators, Kindergarten through Secondary +Educational, Guidance, and Career Counselors and Advisors +Healthcare Social Workers +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Philosophy and Religion Teachers, Postsecondary +Social and Human Service Assistants","View the list of Allies +Academy of Parish Clergy +external site +American Association of Christian Counselors +external site +Association of Presbyterian Church Educators +external site +International Conference of Police Chaplains +external site +The National Organization for Continuing Education of Roman Catholic Clergy +external site +Southern Baptist Convention +external site",75,2,27,79,26,78,58,71,62,47,35,63,5,46,35,47,69,21,92,20,67,70,65,33,11,19,21,10,10,19,19,54,44 +25-1041.00,"Agricultural Sciences Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1041.00,2025-06-11T18:59:43.352800,"Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Advise students on academic and vocational curricula and on career issues. +Supervise undergraduate or graduate teaching, internship, and research work. +Supervise laboratory sessions and field work and coordinate laboratory operations. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Prepare and deliver lectures to undergraduate or graduate students on topics such as crop production, plant genetics, and soil chemistry. +Collaborate with colleagues to address teaching and research issues. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Evaluate and grade students' class work, laboratory work, assignments, and papers. +Maintain regularly scheduled office hours to advise and assist students. +Initiate, facilitate, and moderate classroom discussions. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Compile, administer, and grade examinations, or assign this work to others. +Maintain student attendance records, grades, and other required records. +Participate in student recruitment, registration, and placement activities. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Act as advisers to student organizations. +Write grant proposals to procure external research funding. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in campus and community events. +Provide professional consulting services to government or industry. +Compile bibliographies of specialized materials for outside reading assignments. +Perform administrative duties, such as serving as department head.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Data base user interface and query software— Data management software; Database software +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Medical software— Epic Systems +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Web page design software +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Advise students on academic or career matters. +Supervise student research or internship work. +Supervise laboratory work. +Research topics in area of expertise. +Teach physical science or mathematics courses at the college level. +Write articles, books or other original materials in area of expertise. +Develop instructional materials. +Evaluate student work. +Guide class discussions. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Direct department activities. +Administer tests to assess educational needs or progress. +Maintain student records. +Prepare tests. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Write grant proposals. +Serve on institutional or departmental committees. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies. +Compile specialized bibliographies or lists of materials.","E-Mail— 99% responded “Every day.” +Determine Tasks, Priorities and Goals— 97% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Freedom to Make Decisions— 73% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Public Speaking— 55% responded “Every day.” +Duration of Typical Work Week— 75% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 25% responded “Very important.” +Contact With Others +Importance of Being Exact or Accurate— 34% responded “Important.” +Level of Competition— 44% responded “Extremely competitive.” +Telephone Conversations +Spend Time Sitting— 65% responded “More than half the time.” +Written Letters and Memos— 66% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 59% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Extremely important.” +Time Pressure— 25% responded “Every day.” +Frequency of Decision Making— 27% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 38% responded “Important.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles.","Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Biological Science Teachers, Postsecondary +Bright Outlook +Career/Technical Education Teachers, Middle School +Career/Technical Education Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Farm and Home Management Educators +Farmers, Ranchers, and Other Agricultural Managers +Forestry and Conservation Science Teachers, Postsecondary +Soil and Plant Scientists","View the list of Allies +Agricultural and Applied Economics Association +external site +American Dairy Science Association +external site +American Meat Science Association +external site +American Society for Horticultural Science +external site +American Society of Agronomy +external site +American Society of Animal Science +external site +Association for Career and Technical Education +external site +Council of Graduate Schools +external site +Crop Science Society of America +external site +Entomological Society of America +external site +International Society of Arboriculture +external site +National Association of Agricultural Educators +external site +North American Colleges and Teachers of Agriculture +external site +Poultry Science Association +external site +Soil Science Society of America +external site +The American Association for Agricultural Education +external site",65,63,35,74,58,73,50,78,51,46,38,51,47,55,26,51,60,37,30,46,47,21,35,29,20,45,25,38,83,30,57,16,31 +51-9195.03,"Stone Cutters and Carvers, Manufacturing",https://www.onetonline.org/link/summary/51-9195.03,2025-06-11T19:28:28.509431,"Verify depths and dimensions of cuts or carvings to ensure adherence to specifications, blueprints, or models, using measuring instruments. +Move fingers over surfaces of carvings to ensure smoothness of finish. +Shape, trim, or touch up roughed-out designs with appropriate tools to finish carvings. +Lay out designs or dimensions from sketches or blueprints on stone surfaces, freehand or by transferring them from tracing paper, using scribes or chalk and measuring instruments. +Cut, shape, and finish rough blocks of building or monumental stone, according to diagrams or patterns. +Drill holes and cut or carve moldings and grooves in stone, according to diagrams and patterns. +Select chisels, pneumatic or surfacing tools, or sandblasting nozzles, and determine sequence of use. +Study artistic objects or graphic materials, such as models, sketches, or blueprints, to plan carving or cutting techniques. +Carve designs or figures in full or bas relief on stone, employing knowledge of stone carving techniques and sense of artistry to produce carvings consistent with designers' plans. +Carve rough designs freehand or by chipping along marks on stone, using mallets and chisels or pneumatic tools. +Guide nozzles over stone, following stencil outlines, or chip along marks to create designs or to work surfaces down to specified finishes. +Smooth surfaces of carvings, using rubbing stones. +Load sandblasting equipment with abrasives, attach nozzles to hoses, and turn valves to admit compressed air and activate jets. +Dress stone surfaces, using bushhammers. +Remove or add stencils during blasting to create differing cut depths, intricate designs, or rough, pitted finishes. +Copy drawings on rough clay or plaster models.","Graphics or photo imaging software— Corel Paint Shop Pro +Inventory management software— Inventory control software +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Inspect finishes of workpieces or finished products. +Review blueprints or other instructions to determine operational methods or sequences. +Engrave designs, text, or other markings onto materials, workpieces, or products. +Trim excess material from workpieces. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Cut industrial materials in preparation for fabrication or processing. +Drill holes in parts, equipment, or materials. +Select production equipment according to product specifications. +Polish materials, workpieces, or finished products. +Apply decorative masonry finishes. +Load materials into production equipment. +Attach decorative or functional accessories to products. +Remove accessories, tools, or other parts from equipment.","Exposed to Contaminants— 86% responded “Every day.” +Spend Time Standing— 81% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 80% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 68% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Spend Time Making Repetitive Motions— 62% responded “Continually or almost continually.” +Time Pressure— 55% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Health and Safety of Other Workers— 50% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 43% responded “Continually or almost continually.” +Consequence of Error— 38% responded “Extremely serious.” +Pace Determined by Speed of Equipment— 29% responded “Very important.” +Contact With Others— 41% responded “Occasional contact with others.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Duration of Typical Work Week— 64% responded “40 hours.” +Freedom to Make Decisions— 44% responded “Limited freedom.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Importance of Repeating Same Tasks— 50% responded “Important.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 41% responded “Every day.” +Level of Competition— 35% responded “Highly competitive.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 42% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Every day.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 31% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cabinetmakers and Bench Carpenters +Etchers and Engravers +Furniture Finishers +Grinding and Polishing Workers, Hand +Layout Workers, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Stonemasons +Structural Metal Fabricators and Fitters +Terrazzo Workers and Finishers +Tile and Stone Setters +Bright Outlook","View the list of Allies +Natural Stone Institute +external site",42,3,64,54,66,53,45,50,30,29,39,39,34,38,17,21,23,56,7,40,16,13,9,8,19,31,42,27,5,52,16,26,16 +27-1021.00,Commercial and Industrial Designers,https://www.onetonline.org/link/summary/27-1021.00,2025-06-11T19:02:38.374929,"Prepare sketches of ideas, detailed drawings, illustrations, artwork, or blueprints, using drafting instruments, paints and brushes, or computer-aided design equipment. +Modify and refine designs, using working models, to conform with customer specifications, production limitations, or changes in design trends. +Evaluate feasibility of design ideas, based on factors such as appearance, safety, function, serviceability, budget, production costs/methods, and market characteristics. +Confer with engineering, marketing, production, or sales departments, or with customers, to establish and evaluate design concepts for manufactured products. +Present designs and reports to customers or design committees for approval and discuss need for modification. +Research production specifications, costs, production materials, and manufacturing methods and provide cost estimates and itemized production requirements. +Direct and coordinate the fabrication of models or samples and the drafting of working drawings and specification sheets from sketches. +Investigate product characteristics such as the product's safety and handling qualities, its market appeal, how efficiently it can be produced, and ways of distributing, using, and maintaining it. +Develop manufacturing procedures and monitor the manufacture of their designs in a factory to improve operations and product quality. +Participate in new product planning or market research, including studying the potential need for new products. +Read publications, attend showings, and study competing products and design styles and motifs to obtain perspective and generate design concepts. +Fabricate models or samples in paper, wood, glass, fabric, plastic, metal, or other materials, using hand or power tools. +Develop industrial standards and regulatory guidelines. +Coordinate the look and function of product lines. +Supervise assistants' work throughout the design process. +Design graphic material for use as ornamentation, illustration, or advertising on manufactured materials and packaging or containers. +Advise corporations on issues involving corporate image projects or problems.","Analytical or scientific software— Finite element analysis software; Minitab; The MathWorks MATLAB +Cloud-based data access and sharing software— Software as a service SaaS +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Dassault Systemes CATIA; Dassault Systemes SolidWorks;6 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics; Geometric CAMWorks; Siemens NX +Data base user interface and query software— Microsoft Access +Desktop communications software— Eko +Desktop publishing software— Adobe InDesign; Microsoft Publisher; QuarkXPress +Development environment software— Apache Maven; C; National Instruments LabVIEW; Verilog +Document management software— Adobe Acrobat +Electronic mail software— Email software; IBM Notes +Enterprise resource planning ERP software— SAP software +Financial analysis software— Delphi Technology +Geographic information system— ESRI ArcGIS software +Graphical user interface development software— Figma +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Trimble SketchUp Pro;4 more +Internet browser software— Web browser software +Object or component oriented development software— C#; C++; jQuery; Python +Office suite software— Microsoft Office software +Operating system software— Apple iOS +Presentation software— Microsoft PowerPoint +Process mapping and design software— InVision software +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Autodesk 3ds Max; Chaos Group V-Ray; Kapwing;1 more +Web platform development software— Cascading style sheets CSS; Hypertext markup language HTML; JavaScript +Word processing software— Microsoft Word","Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Draw detailed or technical illustrations. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Collaborate with others to develop or refine designs. +Present work to clients for approval. +Estimate costs for projects or productions. +Coordinate construction or installation activities. +Conduct market research. +Coordinate design activities. +Conduct research to inform art, designs, or other work. +Monitor current trends. +Build models, patterns, or templates. +Develop promotional strategies or plans.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Indoors, Environmentally Controlled— 94% responded “Every day.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Telephone Conversations— 70% responded “Every day.” +Duration of Typical Work Week— 75% responded “More than 40 hours.” +Contact With Others— 60% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Frequency of Decision Making— 38% responded “Every day.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 22% responded “Very important.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Freedom to Make Decisions— 30% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 28% responded “Every day.” +Work Outcomes and Results of Other Workers— 31% responded “Limited responsibility.” +Level of Competition— 30% responded “Slightly competitive.” +Exposed to Hazardous Equipment— 38% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 15% responded “High responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Analysis— Analyzing needs and product requirements to create a design. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Craft Artists +Fabric and Apparel Patternmakers +Fashion Designers +Industrial Engineers +Bright Outlook +Layout Workers, Metal and Plastic +Materials Engineers +Mechanical Drafters +Mechanical Engineering Technologists and Technicians +Model Makers, Metal and Plastic +Patternmakers, Metal and Plastic","View the list of Allies +American Society of Mechanical Engineers +external site +Industrial Designers Society of America +external site +National Association of Schools of Art and Design +external site +SAE International +external site +Society of Manufacturing Engineers +external site",49,6,76,64,68,49,34,45,50,29,51,36,35,73,4,28,37,76,14,22,21,6,14,19,16,93,29,53,19,93,16,22,11 +39-5092.00,Manicurists and Pedicurists,https://www.onetonline.org/link/summary/39-5092.00,2025-06-11T19:13:26.462338,"Clean and sanitize tools and work environment. +Apply undercoat and clear or colored polish onto nails with brush. +Maintain supply inventories and records of client services. +Shape and smooth ends of nails, using scissors, files, or emery boards. +Prepare nail cuticles with water and oil, using cuticle knives to push back cuticles and scissors or nippers to trim cuticles. +Prepare customers' nails in soapy water, using swabs, files, and orange sticks. +Remove previously applied nail polish, using liquid remover and swabs. +Use rotary abrasive wheels to shape and smooth nails or artificial extensions. +Schedule client appointments and accept payments. +Assess the condition of clients' hands, remove dead skin, and massage hands. +Roughen surfaces of fingernails, using abrasive wheel. +Advise clients on nail care and use of products and colors. +Treat nails to repair or improve strength and resilience by wrapping. +Extend nails using powder, solvent, and paper forms attached to tips of customers' fingers to support and shape artificial nails. +Polish nails, using powdered polish and buffer. +Whiten underside of nails with white paste or pencils. +Promote and sell nail care products. +Decorate clients' nails by piercing or attaching ornaments or designs.","Calendar and scheduling software— Appointment Search; AppointmentQuest Online Appointment Scheduler; DaySmart Software Appointment-Plus +Customer relationship management CRM software— Customer information databases +Data base user interface and query software— Aknaf ADVANTAGE Salon Software and Spa Software; DaySmart Software Salon Iris +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Clean tools or equipment. +Treat nails by shaping, decorating, or augmenting. +Maintain client information or service records. +Maintain supply or equipment inventories. +Schedule appointments. +Administer therapeutic massages. +Assess skin or hair conditions. +Provide medical or cosmetic advice for clients. +Promote products, services, or programs. +Sell products or services.","Exposed to Contaminants— 86% responded “Every day.” +Physical Proximity— 63% responded “Very close (near touching).” +Spend Time Making Repetitive Motions— 62% responded “Continually or almost continually.” +Contact With Others— 16% responded “Contact with others most of the time.” +Indoors, Environmentally Controlled +Spend Time Sitting +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 20% responded “Never.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 22% responded “Not important at all.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 30% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Barbers +Bright Outlook +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Furniture Finishers +Grinding and Polishing Workers, Hand +Hairdressers, Hairstylists, and Cosmetologists +Makeup Artists, Theatrical and Performance +Painting, Coating, and Decorating Workers +Shampooers +Skincare Specialists +Tool Grinders, Filers, and Sharpeners","View the list of Allies +American Association of Cosmetology Schools +external site +Professional Beauty Association +external site",59,11,35,41,35,40,23,26,27,13,36,37,26,24,20,19,14,24,19,20,32,13,32,9,17,14,10,18,21,31,17,16,11 +27-3011.00,Broadcast Announcers and Radio Disc Jockeys,https://www.onetonline.org/link/summary/27-3011.00,2025-06-11T19:03:36.159014,"Operate control consoles. +Record commercials for later broadcast. +Announce musical selections, station breaks, commercials, or public service information, and accept requests from listening audience. +Study background information to prepare for programs or interviews. +Read news flashes to inform audiences of important events. +Identify stations, and introduce or close shows, ad-libbing or using memorized or read scripts. +Prepare and deliver news, sports, or weather reports, gathering and rewriting material so that it will convey required information and fit specific time slots. +Select program content, in conjunction with producers and assistants, based on factors such as program specialties, audience tastes, or requests from the public. +Comment on music and other matters, such as weather or traffic conditions. +Develop story lines for broadcasts. +Discuss various topics over the telephone with viewers or listeners. +Interview show guests about their lives, their work, or topics of current interest. +Provide commentary and conduct interviews during sporting events, parades, conventions, or other events. +Make promotional appearances at public or private events to represent their employers. +Host civic, charitable, or promotional events broadcast over television or radio. +Attend press conferences to gather information for broadcast. +Write and edit video and scripts for broadcasts. +Maintain organization of the music library. +Locate guests to appear on talk or interview shows. +Keep daily program logs to provide information on all elements aired during broadcast, such as musical selections and station promotions. +Give network cues permitting selected stations to receive programs. +Coordinate games, contests, or other on-air competitions, performing such duties as asking questions and awarding prizes. +Moderate panels or discussion shows on topics such as current affairs, art, or education. +Describe or demonstrate products that viewers may purchase through specific shows or in stores.","Analytical or scientific software— Statistical processing software +Data base user interface and query software— Database software; Microsoft Access; Program logging software +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software +Enterprise resource planning ERP software— Dalet Digital Media Systems Dalet Media Life +Internet browser software— Web browser software +Music or sound editing software— Adobe Audition; Audion Laboratories VoxPro; Avid Technology Pro Tools +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Burli Software Burli Newsroom System; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Operate control consoles for sound, lighting or video. +Perform for recordings. +Inform viewers, listeners, or audiences. +Gather information for news stories. +Report news to the public. +Determine presentation subjects or content. +Edit written materials. +Write material for artistic or entertainment purposes. +Organize informational materials. +Coordinate logistics for productions or events. +Maintain logs of production activities. +Operate communications, transmissions, or broadcasting equipment. +Host events. +Promote products, activities, or organizations. +Interview others for news or entertainment purposes.","Telephone Conversations— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Frequency of Decision Making— 90% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 73% responded “Very important results.” +Time Pressure— 80% responded “Every day.” +E-Mail— 85% responded “Every day.” +Contact With Others— 83% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Level of Competition— 58% responded “Extremely competitive.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Spend Time Sitting— 44% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Deal With External Customers or the Public in General— 16% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 23% responded “Fairly important.” +Duration of Typical Work Week— 50% responded “40 hours.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 23% responded “Never.” +Public Speaking— 45% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks +Conflict Situations— 45% responded “Once a week or more but not every day.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 27% responded “More than half the time.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people.","Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Editors +Film and Video Editors +Media Programming Directors +Bright Outlook +Media Technical Directors/Managers +News Analysts, Reporters, and Journalists +Poets, Lyricists and Creative Writers +Producers and Directors +Public Relations Specialists +Talent Directors +Writers and Authors","View the list of Allies +National Association of Broadcasters +external site +National Association of Sports Public Address Announcers +external site",70,,24,91,44,48,37,37,38,26,50,26,12,73,16,48,97,6,22,16,38,18,43,67,12,35,,12,9,25,52,48,30 +25-2021.00,"Elementary School Teachers, Except Special Education",https://www.onetonline.org/link/summary/25-2021.00,2025-06-11T19:01:21.275085,"Instruct students individually and in groups, using teaching methods such as lectures, discussions, and demonstrations. +Establish and enforce rules for behavior and procedures for maintaining order among the students. +Guide and counsel students with adjustment or academic problems or with special academic interests. +Adapt teaching methods and instructional materials to meet students' varying needs and interests. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Prepare materials and classrooms for class activities. +Read books to entire classes or small groups. +Observe and evaluate students' performance, behavior, social development, and physical health. +Confer with parents or guardians, teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Meet with parents and guardians to discuss their children's progress and to determine priorities for their children and their resource needs. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Meet with other professionals to discuss individual students' needs and progress. +Establish clear objectives for all lessons, units, and projects and communicate those objectives to students. +Prepare and implement remedial programs for students requiring extra help. +Assign and grade class work and homework. +Prepare, administer, and grade tests and assignments to evaluate students' progress. +Prepare students for later grades by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Maintain accurate and complete student records as required by laws, district policies, and administrative regulations. +Enforce administration policies and rules governing students. +Organize and lead activities designed to promote physical, mental, and social development, such as games, arts and crafts, music, and storytelling. +Provide a variety of materials and resources for children to explore, manipulate, and use, both in learning activities and in imaginative play. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Prepare for assigned classes and show written evidence of preparation upon request of immediate supervisors. +Instruct and monitor students in the use and care of equipment and materials to prevent injuries and damage. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Collaborate with other teachers and administrators in the development, evaluation, and revision of elementary school programs. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Administer standardized ability and achievement tests, and interpret results to determine student strengths and needs. +Plan and supervise class projects, field trips, visits by guest speakers or other experiential activities, and guide students in learning from those activities. +Prepare reports on students and activities as required by administration. +Supervise, evaluate, and plan assignments for teacher assistants and volunteers. +Organize and label materials and display students' work. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading. +Attend staff meetings and serve on committees, as required. +Select, store, order, issue, and inventory classroom equipment, materials, and supplies. +Involve parent volunteers and older students in children's activities to facilitate involvement in focused, complex play. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Sponsor extracurricular activities, such as clubs, student organizations, and academic contests.","Cloud-based data access and sharing software— Google Drive +Computer based training software— Common Curriculum; EasyCBM; Padlet; Schoology;1 more +Data base user interface and query software— Blackboard software +Desktop communications software— ClassDojo; ClassTag; Tadpoles +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Graphics software; JamBoard +Internet browser software— Web browser software +Multi-media educational software— Edpuzzle; Kahoot!; Nearpod; Seesaw +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint; Pear Deck +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Flipgrid; Screencastify +Word processing software— Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Apply multiple teaching methods. +Establish rules or policies governing student behavior. +Advise students on academic or career matters. +Modify teaching methods or materials to accommodate student needs. +Plan educational activities. +Set up classroom materials or equipment. +Evaluate student work. +Discuss problems or issues with supervisors. +Discuss student progress with parents or guardians. +Monitor student performance. +Monitor student behavior, social development, or health. +Read to students. +Create technology-based learning materials. +Develop instructional objectives. +Assign class work to students. +Develop strategies or programs for students with special needs. +Administer tests to assess educational needs or progress. +Encourage students. +Prepare tests. +Maintain student records. +Enforce rules or policies governing student behavior. +Assist students with special educational needs. +Document lesson plans. +Teach others to use technology or equipment. +Collaborate with other teaching professionals to develop educational programs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Plan experiential learning activities. +Prepare reports detailing student activities or performance. +Evaluate performance of educational staff. +Supervise student research or internship work. +Display student work. +Supervise school or student activities. +Serve on institutional or departmental committees. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment. +Coordinate student extracurricular activities.","E-Mail— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 97% responded “Extremely important.” +Contact With Others— 89% responded “Constant contact with others.” +Duration of Typical Work Week— 97% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Physical Proximity— 95% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 71% responded “Extremely important.” +Public Speaking— 85% responded “Every day.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 54% responded “Every day.” +Spend Time Standing— 54% responded “Continually or almost continually.” +Conflict Situations— 46% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Every day.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Frequency of Decision Making— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Very important results.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Health and Safety of Other Workers— 53% responded “Very high responsibility.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Telephone Conversations— 29% responded “Once a month or more but not every week.” +Written Letters and Memos— 44% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 29% responded “Very important.” +Exposed to Disease or Infections— 20% responded “Never.” +Spend Time Walking or Running— 41% responded “Less than half the time.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Kindergarten Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Tutors","View the list of Allies +Alpha Delta Kappa International Honorary Organization for Women Educators +external site +Childhood Education International +external site +Council for the Accreditation of Educator Preparation +external site +International Literacy Association +external site +Lutheran Education Association +external site +National Council of Teachers of English +external site +National Council of Teachers of Mathematics +external site +Reading Recovery Council of North America +external site +The Delta Kappa Gamma Society International +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",71,2,9,97,73,54,55,96,54,14,20,38,8,56,25,37,53,7,42,18,67,57,49,26,18,21,10,13,21,20,47,24,47 +35-9031.00,"Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop",https://www.onetonline.org/link/summary/35-9031.00,2025-06-11T19:12:08.751151,"Provide guests with menus. +Assign patrons to tables suitable for their needs and according to rotation so that servers receive an appropriate number of seatings. +Greet guests and seat them at tables or in waiting areas. +Answer telephone calls and respond to inquiries or transfer calls. +Operate cash registers to accept payments for food and beverages. +Speak with patrons to ensure satisfaction with food and service, to respond to complaints, or to make conversation. +Take and prepare to-go orders. +Maintain contact with kitchen staff, management, serving staff, and customers to ensure that dining details are handled properly and customers' concerns are addressed. +Receive and record patrons' dining reservations. +Inspect dining and serving areas to ensure cleanliness and proper setup. +Inform patrons of establishment specialties and features. +Inspect restrooms for cleanliness and availability of supplies, and clean restrooms when necessary. +Assist other restaurant workers by serving food and beverages, or by bussing tables. +Supervise and coordinate activities of dining room staff to ensure that patrons receive prompt and courteous service. +Hire, train, and supervise food and beverage service staff. +Prepare cash receipts after establishments close, and make bank deposits. +Direct patrons to coatrooms and waiting areas, such as lounges. +Plan parties or other special events and services. +Order or requisition supplies and equipment for tables and serving stations. +Perform marketing and advertising services. +Confer with other staff to help plan establishments' menus.","Calendar and scheduling software— iMagic Restaurant Reservation +Data base user interface and query software— Avenista Table Reservations; GuestBridge Reserve; OpenTable; Reservation software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software— Hospitality Control Solutions Aloha Point-of-Sale +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Assist customers with seating arrangements. +Present food or beverage information or menus to customers. +Provide customers with general information or assistance. +Operate cash registers. +Process customer bills or payments. +Communicate with customers to resolve complaints or ensure satisfaction. +Communicate dining or order details to kitchen personnel. +Package food or supplies. +Take customer orders. +Coordinate activities of food service staff. +Schedule dining reservations. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Perform human resources activities. +Train food preparation or food service personnel. +Record operational or production data. +Assist chefs or caterers with food or drink preparation. +Plan special events. +Order materials, supplies, or equipment. +Manage food service operations or parts of operations. +Plan menu options.","Contact With Others— 88% responded “Constant contact with others.” +Spend Time Standing— 78% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Telephone Conversations— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Spend Time Walking or Running— 53% responded “Continually or almost continually.” +Physical Proximity— 44% responded “Very close (near touching).” +Dealing With Unpleasant, Angry, or Discourteous People— 49% responded “Every day.” +Deal With External Customers or the Public in General— 49% responded “Extremely important.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Conflict Situations— 42% responded “Every day.” +Determine Tasks, Priorities and Goals— 35% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 37% responded “Very important.” +Freedom to Make Decisions— 27% responded “A lot of freedom.” +Frequency of Decision Making— 47% responded “Every day.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 31% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Moderate results.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Baristas +Bright Outlook +Bartenders +Demonstrators and Product Promoters +Dining Room and Cafeteria Attendants and Bartender Helpers +Fast Food and Counter Workers +Food Servers, Nonrestaurant +Hotel, Motel, and Resort Desk Clerks +Locker Room, Coatroom, and Dressing Room Attendants +Passenger Attendants +Waiters and Waitresses","View the list of Allies +National Restaurant Association +external site +UNITE HERE +external site",89,68,31,70,50,48,42,32,29,34,60,35,25,40,22,15,41,12,11,25,32,11,20,35,17,20,8,11,10,14,14,6,6 +51-6051.00,"Sewers, Hand",https://www.onetonline.org/link/summary/51-6051.00,2025-06-11T19:26:00.808882,"Select thread, twine, cord, or yarn to be used, and thread needles. +Measure and align parts, fasteners, or trimmings, following seams, edges, or markings on parts. +Trim excess threads or edges of parts, using scissors or knives. +Sew, join, reinforce, or finish parts of articles, such as garments, books, mattresses, toys, and wigs, using needles and thread or other materials. +Use different sewing techniques such as felling, tacking, basting, embroidery, and fagoting. +Fit garments on clients, altering as needed. +Smooth seams with heated irons, flat bones, or rubbing sticks. +Draw and cut patterns according to specifications. +Fold, twist, stretch, or drape material, and secure articles in preparation for sewing. +Sew buttonholes, or add lace or other trimming. +Tie, knit, weave or knot ribbon, yarn, or decorative materials. +Patch materials, such as cotton or leather.","Computer aided design CAD software— Embroidery design software; Template design software +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite; Drawing software;1 more +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Graphics digitizing software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Cut materials according to specifications or needs. +Measure clients to ensure proper product fit. +Measure materials to mark reference points, cutting lines, or other indicators. +Select production input materials. +Align parts or workpieces to ensure proper assembly. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Trim excess material from workpieces. +Smooth surfaces of objects or equipment. +Sew clothing or other articles. +Cut industrial materials in preparation for fabrication or processing. +Design templates or patterns. +Adjust fabrics or other materials during garment production. +Assemble garments or textile products.","Importance of Being Exact or Accurate— 78% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Spend Time Making Repetitive Motions— 47% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Pace Determined by Speed of Equipment— 54% responded “Extremely important.” +Spend Time Standing +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 18% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Every day.” +Contact With Others— 36% responded “Occasional contact with others.” +Duration of Typical Work Week— 14% responded “Less than 40 hours.” +Time Pressure— 21% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 28% responded “Not important at all.” +Importance of Repeating Same Tasks— 35% responded “Not important at all.” +Level of Competition— 54% responded “Moderately competitive.” +Health and Safety of Other Workers— 42% responded “No responsibility.” +Indoors, Not Environmentally Controlled",,"Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Cutters and Trimmers, Hand +Fabric and Apparel Patternmakers +Painting, Coating, and Decorating Workers +Patternmakers, Metal and Plastic +Pressers, Textile, Garment, and Related Materials +Sewing Machine Operators +Shoe and Leather Workers and Repairers +Shoe Machine Operators and Tenders +Tailors, Dressmakers, and Custom Sewers +Upholsterers","View the list of Allies +American Sewing Guild +external site +Association of Sewing and Design Professionals +external site",60,3,28,48,32,51,14,36,21,27,27,20,10,18,21,10,8,38,9,8,11,4,7,12,6,5,3,2,4,32,4,6,2 +17-2021.00,Agricultural Engineers,https://www.onetonline.org/link/summary/17-2021.00,2025-06-11T18:53:22.340157,"Prepare reports, sketches, working drawings, specifications, proposals, and budgets for proposed sites or systems. +Visit sites to observe environmental problems, to consult with contractors, or to monitor construction activities. +Meet with clients, such as district or regional councils, farmers, and developers, to discuss their needs. +Discuss plans with clients, contractors, consultants, and other engineers so that they can be evaluated and necessary changes made. +Test agricultural machinery and equipment to ensure adequate performance. +Plan and direct construction of rural electric-power distribution systems, and irrigation, drainage, and flood control systems for soil and water conservation. +Provide advice on water quality and issues related to pollution management, river control, and ground and surface water resources. +Design structures for crop storage, animal shelter and loading, and animal and crop processing, and supervise their construction. +Conduct educational programs that provide farmers or farm cooperative members with information that can help them improve agricultural productivity. +Design sensing, measuring, and recording devices, and other instrumentation used to study plant or animal life. +Design agricultural machinery components and equipment, using computer-aided design (CAD) technology. +Design and supervise environmental and land reclamation projects in agriculture and related industries. +Design food processing plants and related mechanical systems. +Supervise food processing or manufacturing plant operations. +Communicate results in peer-reviewed research articles or at workshops or conferences. +Use agricultural drones for crop monitoring, irrigation management, and pest control.","Analytical or scientific software— SAS +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; Eagle Point LANDCADD; PTC Creo Parametric;1 more +Data base user interface and query software— Microsoft Access; Oracle Database +Desktop publishing software— Adobe InDesign +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcView +Graphics or photo imaging software— Adobe Photoshop +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Create graphical representations of mechanical equipment. +Document technical design details. +Prepare proposal documents. +Confer with other personnel to resolve design or operational problems. +Investigate the environmental impact of projects. +Discuss designs or plans with clients. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Design industrial processing systems. +Advise others regarding green practices or environmental concerns. +Prepare detailed work plans. +Design structures or facilities. +Direct construction activities. +Design electronic or computer equipment or instrumentation. +Train personnel on proper operational procedures. +Direct industrial production activities. +Develop operational methods or processes that use green materials or emphasize sustainability. +Direct environmental development activities.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Once a week or more but not every day.” +Telephone Conversations— 50% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Contact With Others— 30% responded “Constant contact with others.” +Spend Time Sitting— 47% responded “More than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 40% responded “Once a week or more but not every day.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Health and Safety of Other Workers— 55% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Outdoors, Exposed to All Weather Conditions— 45% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 60% responded “Once a month or more but not every week.” +Time Pressure— 65% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 40% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Deal With External Customers or the Public in General— 35% responded “Important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 45% responded “Once a month or more but not every week.” +Consequence of Error— 40% responded “Fairly serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a month or more but not every week.” +Level of Competition— 55% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Operations Analysis— Analyzing needs and product requirements to create a design. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Biofuels Production Managers +Biofuels/Biodiesel Technology and Product Development Managers +Bright Outlook +Conservation Scientists +Environmental Engineers +Farmers, Ranchers, and Other Agricultural Managers +Industrial Ecologists +Industrial Engineers +Precision Agriculture Technicians +Soil and Plant Scientists +Water/Wastewater Engineers","View the list of Allies +American Society of Agronomy +external site +American Geophysical Union +external site +American Society for Engineering Education +external site +American Society of Agricultural and Biological Engineers +external site +American Society of Civil Engineers +external site +American Society of Irrigation Consultants +external site +Association for International Agriculture and Rural Development +external site +International Commission of Agricultural and Biosystems Engineering +external site +Irrigation Association +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site +National Institute for Certification in Engineering Technologies +external site",53,66,64,71,81,54,53,53,41,40,24,36,65,88,23,44,41,73,10,35,19,4,21,43,5,96,59,81,78,84,54,4,11 +49-2011.00,"Computer, Automated Teller, and Office Machine Repairers",https://www.onetonline.org/link/summary/49-2011.00,2025-06-11T19:21:09.552168,"Reassemble machines after making repairs or replacing parts. +Converse with customers to determine details of equipment problems. +Disassemble machines to examine parts, such as wires, gears, or bearings for wear or defects, using hand or power tools and measuring devices. +Advise customers concerning equipment operation, maintenance, or programming. +Align, adjust, or calibrate equipment according to specifications. +Repair, adjust, or replace electrical or mechanical components or parts, using hand tools, power tools, or soldering or welding equipment. +Travel to customers' stores or offices to service machines or to provide emergency repair service. +Maintain parts inventories and order any additional parts needed for repairs. +Operate machines to test functioning of parts or mechanisms. +Reinstall software programs or adjust settings on existing software to fix machine malfunctions. +Clean, oil, or adjust mechanical parts to maintain machines' operating efficiency and to prevent breakdowns. +Maintain records of equipment maintenance work or repairs. +Test new systems to ensure that they are in working order. +Complete repair bills, shop records, time cards, or expense reports. +Install and configure new equipment, including operating software or peripheral equipment. +Analyze equipment performance records to assess equipment functioning. +Read specifications, such as blueprints, charts, or schematics, to determine machine settings or adjustments. +Update existing equipment, performing tasks such as installing updated circuit boards or additional memory. +Test components or circuits of faulty equipment to locate defects, using oscilloscopes, signal generators, ammeters, voltmeters, or special diagnostic software programs. +Assemble machines according to specifications, using hand or power tools and measuring devices. +Lay cable and hook up electrical connections between machines, power sources, and phone lines. +Enter information into computers to copy programs from one electronic component to another or to draw, modify, or store schematics. +Fill machines with toners, inks, or other duplicating fluids. +Train new repairers. +Calibrate testing instruments.","Calendar and scheduling software— Scheduling software +Cloud-based management software— IBM WebSphere +Configuration management software— Symantec Altiris Deployment Solution +Data base user interface and query software— Database software; Microsoft Access; ServiceNow; Structured query language SQL +Document management software— Adobe Acrobat +Electronic mail software— Email software; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; Extensible stylesheet language XSL +Filesystem software— Symantec Norton Utilities +Graphics or photo imaging software— McNeel Rhinoceros 3D +Helpdesk or call center software— Call tracking software +Internet browser software— Microsoft Internet Explorer; Web browser software +Internet directory services software— Microsoft Active Directory +Inventory management software— Inventory control system software +Network connectivity terminal emulation software— Terminal emulation software +Network security or virtual private network VPN management software— Cisco Systems VPN Client +Object or component oriented development software— Microsoft Visual Basic.NET +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft operating system; Microsoft Windows; UNIX +Platform interconnectivity software— Microsoft Hyperterminal +Presentation software— Microsoft PowerPoint +Program testing software— Debugging software; Personal computer diagnostic software +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— Norton AntiVirus; Virus detection software +Video conferencing software— Microsoft Office Live Meeting +Web page creation and editing software— Macromedia Cold Fusion +Web platform development software— Hypertext markup language HTML; JavaScript; Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Confer with customers or users to assess problems. +Reassemble equipment after repair. +Disassemble equipment to inspect for deficiencies. +Train customers in the use of products. +Adjust equipment to ensure optimal performance. +Calibrate equipment to specifications. +Align equipment or machinery. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Maintain inventories of materials, equipment, or products. +Order materials, supplies, or equipment. +Travel to work sites to perform installation, repair or maintenance work. +Install programs onto computer or computer-controlled equipment. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Lubricate equipment to allow proper functioning. +Test mechanical equipment to ensure proper functioning. +Document operational activities. +Maintain repair or maintenance records. +Test mechanical systems to ensure proper functioning. +Analyze test or performance data to assess equipment operation. +Read technical information needed to perform maintenance or repairs. +Install electrical components, equipment, or systems. +Test electrical circuits or components for proper functioning. +Assemble mechanical components or machine parts. +Connect electrical components or equipment. +Lay cables to connect equipment. +Enter codes or other information into computers. +Maintain work equipment or machinery. +Train others in operational procedures.","Telephone Conversations— 94% responded “Every day.” +Freedom to Make Decisions +E-Mail— 87% responded “Every day.” +Determine Tasks, Priorities and Goals +Indoors, Environmentally Controlled— 70% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 71% responded “Continually or almost continually.” +Time Pressure— 64% responded “Every day.” +Deal With External Customers or the Public in General— 63% responded “Extremely important.” +Contact With Others— 36% responded “Constant contact with others.” +Frequency of Decision Making— 63% responded “Every day.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Spend Time Standing— 40% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Very important results.” +Importance of Repeating Same Tasks— 57% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 21% responded “Extremely important.” +Physical Proximity— 40% responded “Slightly close (e.g., shared office).” +Duration of Typical Work Week— 81% responded “40 hours.” +Conflict Situations— 42% responded “Once a week or more but not every day.” +Exposed to Contaminants— 28% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 26% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 33% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Repairing— Repairing machines or systems using the needed tools. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.","Calibration Technologists and Technicians +Bright Outlook +Coin, Vending, and Amusement Machine Servicers and Repairers +Computer User Support Specialists +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electromechanical Equipment Assemblers +Industrial Machinery Mechanics +Robotics Technicians +Telecommunications Equipment Installers and Repairers, Except Line Installers","View the list of Allies +CompTIA +external site +Electronics Technicians Association International +external site +International Society of Certified Electronics Technicians +external site",75,1,26,51,25,15,21,35,20,8,19,13,3,84,1,4,22,66,,34,10,,2,33,1,52,11,21,1,19,12,, +51-9032.00,"Cutting and Slicing Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-9032.00,2025-06-11T19:27:29.181726,"Set up, operate, or tend machines that cut or slice materials, such as glass, stone, cork, rubber, tobacco, food, paper, or insulating material. +Review work orders, blueprints, specifications, or job samples to determine components, settings, and adjustments for cutting and slicing machines. +Examine, measure, and weigh materials or products to verify conformance to specifications, using measuring devices, such as rulers, micrometers, or scales. +Press buttons, pull levers, or depress pedals to start and operate cutting and slicing machines. +Start machines to verify setups, and make any necessary adjustments. +Feed stock into cutting machines, onto conveyors, or under cutting blades, by threading, guiding, pushing, or turning handwheels. +Monitor operation of cutting or slicing machines to detect malfunctions or to determine whether supplies need replenishment. +Stack and sort cut material for packaging, further processing, or shipping, according to types and sizes of material. +Adjust machine controls to alter position, alignment, speed, or pressure. +Remove completed materials or products from cutting or slicing machines, and stack or store them for additional processing. +Maintain production records, such as quantities, types, and dimensions of materials produced. +Remove defective or substandard materials from machines, and readjust machine components so that products meet standards. +Position stock along cutting lines, or against stops on beds of scoring or cutting machines. +Move stock or scrap to and from machines manually, or by using carts, handtrucks, or lift trucks. +Select and install machine components, such as cutting blades, rollers, and templates, according to specifications, using hand tools. +Clean and lubricate cutting machines, conveyors, blades, saws, or knives, using steam hoses, scrapers, brushes, or oil cans. +Mark cutting lines or identifying information on stock, using marking pencils, rulers, or scribes. +Type instructions on computer keyboards, push buttons to activate computer programs, or manually set cutting guides, clamps, and knives. +Change or replace saw blades, cables, cutter heads, and grinding wheels, using hand tools. +Position width gauge blocks between blades, and level blades and insert wedges into frames to secure blades to frames. +Direct workers on cutting teams. +Sharpen cutting blades, knives, or saws, using files, bench grinders, or honing stones. +Turn cranks or press buttons to activate winches that move cars under sawing cables or saw frames. +Tighten pulleys or add abrasives to maintain cutting speeds. +Cut stock manually to prepare for machine cutting, using tools such as knives, cleavers, handsaws, or hammers and chisels.","Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Operate cutting equipment. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Study blueprints or other instructions to determine equipment setup requirements. +Weigh finished products. +Conduct test runs of production equipment. +Feed materials or products into or through equipment. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Mark products, workpieces, or equipment with identifying information. +Remove products or workpieces from production equipment. +Stack finished items for further processing or shipment. +Sort materials or products for processing, storing, shipping, or grading. +Watch operating equipment to detect malfunctions. +Set equipment controls to meet cutting specifications. +Record operational or production data. +Move products, materials, or equipment between work areas. +Position raw materials on processing or production equipment. +Enter commands, instructions, or specifications into equipment. +Mount attachments or tools onto production equipment. +Replace worn equipment components. +Set equipment guides, stops, spacers, or other fixtures. +Select production equipment according to product specifications. +Direct operational or production activities. +Operate grinding equipment. +Sharpen cutting or grinding tools. +Cut industrial materials in preparation for fabrication or processing. +Operate cranes, hoists, or other moving or lifting equipment. +Clean production equipment. +Lubricate production equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.” +Spend Time Standing— 84% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 72% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 73% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Exposed to Hazardous Equipment— 74% responded “Every day.” +Spend Time Making Repetitive Motions— 50% responded “Continually or almost continually.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Pace Determined by Speed of Equipment— 44% responded “Extremely important.” +Time Pressure— 45% responded “Every day.” +Importance of Repeating Same Tasks— 36% responded “Extremely important.” +Spend Time Walking or Running— 48% responded “Continually or almost continually.” +Exposed to Contaminants— 49% responded “Every day.” +Contact With Others— 42% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Frequency of Decision Making— 59% responded “Every day.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 37% responded “Limited freedom.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 33% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 56% responded “Every day.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Consequence of Error— 26% responded “Extremely serious.” +Indoors, Not Environmentally Controlled— 46% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Never.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adhesive Bonding Machine Operators and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Paper Goods Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Sawing Machine Setters, Operators, and Tenders, Wood +Textile Cutting Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Manufacturers Alliance +external site",38,7,62,44,55,42,35,40,26,13,19,23,18,34,6,5,4,52,4,16,15,5,11,8,5,27,12,18,3,26,3,2,3 +17-2031.00,Bioengineers and Biomedical Engineers,https://www.onetonline.org/link/summary/17-2031.00,2025-06-11T18:53:25.185497,"Evaluate the safety, efficiency, and effectiveness of biomedical equipment. +Prepare technical reports, data summary documents, or research articles for scientific publication, regulatory submissions, or patent applications. +Design or develop medical diagnostic or clinical instrumentation, equipment, or procedures, using the principles of engineering and biobehavioral sciences. +Conduct research, along with life scientists, chemists, and medical scientists, on the engineering aspects of the biological systems of humans and animals. +Adapt or design computer hardware or software for medical science uses. +Maintain databases of experiment characteristics or results. +Develop statistical models or simulations, using statistical or modeling software. +Read current scientific or trade literature to stay abreast of scientific, industrial, or technological advances. +Manage teams of engineers by creating schedules, tracking inventory, creating or using budgets, or overseeing contract obligations or deadlines. +Develop models or computer simulations of human biobehavioral systems to obtain data for measuring or controlling life processes. +Design or conduct follow-up experimentation, based on generated data, to meet established process objectives. +Write documents describing protocols, policies, standards for use, maintenance, and repair of medical equipment. +Communicate with bioregulatory authorities regarding licensing or compliance responsibilities. +Develop methodologies for transferring procedures or biological processes from laboratories to commercial-scale manufacturing production. +Collaborate with manufacturing or quality assurance staff to prepare product specification or safety sheets, standard operating procedures, user manuals, or qualification and validation reports. +Research new materials to be used for products, such as implanted artificial organs. +Prepare project plans for equipment or facility improvements, including time lines, budgetary estimates, or capital spending requests. +Consult with chemists or biologists to develop or evaluate novel technologies. +Confer with research and biomanufacturing personnel to ensure the compatibility of design and production. +Recommend process formulas, instrumentation, or equipment specifications, based on results of bench or pilot experimentation. +Communicate with suppliers regarding the design or specifications of bioproduction equipment, instrumentation, or materials. +Conduct training or in-services to educate clinicians and other personnel on proper use of equipment. +Advise hospital administrators on the planning, acquisition, and use of medical equipment. +Analyze new medical procedures to forecast likely outcomes. +Design and deliver technology, such as prosthetic devices, to assist people with disabilities. +Advise manufacturing staff regarding problems with fermentation, filtration, or other bioproduction processes. +Review existing manufacturing processes to identify opportunities for yield improvement or reduced process variation. +Develop bioremediation processes to reduce pollution, protect the environment, or treat waste products. +Lead studies to examine or recommend changes in process sequences or operation protocols. +Design or direct bench or pilot production experiments to determine the scale of production methods that optimize product yield and minimize production costs.","Analytical or scientific software— Minitab; SAS; The MathWorks MATLAB; Three-dimensional motion capture software;51 more +Charting software +Cloud-based management software— Splunk Enterprise +Compliance software— Equipment compliance testing software +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; Mathsoft Mathcad; Zuken electrical design software;9 more +Computer aided manufacturing CAM software— Rapid prototyping software +Configuration management software— IBM Rational ClearCase +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Microsoft Access; Oracle Database; Structured query language SQL; Thomson Reuters EndNote;1 more +Development environment software— Integrated development environment IDE software; Microsoft Azure software; Microsoft Visual Basic; National Instruments LabVIEW;7 more +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; Microsoft Teams; Rapid application development RAD software +Enterprise resource planning ERP software— Ab Initio; ERP software; SAP software +Expert system software— NeuroSolutions for MatLab +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; ImageJ +Medical software— ADInstruments LabChart; Gait analysis software; Medical information software; Virtual instrument software;4 more +Object or component oriented development software— C++; Oracle Java; Python; R +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; Red Hat Enterprise Linux; UNIX;1 more +Pattern design software— Diagramming software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Lucidchart; Microsoft Visio +Program testing software— Defect tracking software; System testing software; User interface design software +Project management software— Microsoft Project; Project estimation software +Requirements analysis and system architecture software— IBM Rational RequisitePro; Requirements management software; Unified modeling language UML +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext markup language HTML; Hypertext preprocessor PHP; JavaScript +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Evaluate characteristics of equipment or systems. +Prepare contracts, disclosures, or applications. +Prepare technical reports for internal use. +Design medical devices or appliances. +Research engineering aspects of biological or chemical processes. +Develop software or computer applications. +Create models of engineering designs or methods. +Maintain operational records or records systems. +Supervise engineering or other technical personnel. +Update technical knowledge. +Prepare procedural documents. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Develop technical methods or processes. +Confer with technical personnel to prepare designs or operational plans. +Analyze operational data to evaluate operations, processes or products. +Estimate operational costs. +Estimate time requirements for development or production projects. +Prepare detailed work plans. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Train personnel on proper operational procedures. +Advise customers on the use of products or services. +Develop operational methods or processes that use green materials or emphasize sustainability. +Devise research or testing protocols.","E-Mail— 87% responded “Every day.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Importance of Being Exact or Accurate— 61% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 74% responded “Some freedom.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Spend Time Sitting— 65% responded “More than half the time.” +Telephone Conversations— 61% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 57% responded “40 hours.” +Contact With Others— 48% responded “Contact with others most of the time.” +Level of Competition— 48% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Written Letters and Memos— 52% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 35% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Programming— Writing computer programs for various purposes. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Biochemists and Biophysicists +Bright Outlook +Bioinformatics Scientists +Bioinformatics Technicians +Chemical Engineers +Chemists +Data Scientists +Industrial Engineering Technologists and Technicians +Molecular and Cellular Biologists +Nanosystems Engineers +Nanotechnology Engineering Technologists and Technicians","View the list of Allies +IEEE Engineering in Medicine and Biology Society +external site +American Association for the Advancement of Science +external site +American Chemical Society +external site +American Institute for Medical and Biological Engineering +external site +American Institute of Chemical Engineers +external site +American Society for Engineering Education +external site +American Society for Healthcare Engineering +external site +American Society for Microbiology +external site +American Society of Agricultural and Biological Engineers +external site +American Society of Mechanical Engineers +external site +Association for the Advancement of Medical Instrumentation +external site +Biomedical Engineering Society +external site +International Society for Pharmaceutical Engineering +external site +National Fire Protection Association +external site +Society for Biomaterials +external site +Society for Industrial Microbiology and Biotechnology +external site +Society for Neuroscience +external site +Society of Women Engineers +external site +SPIE International Society for Optics and Photonics +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +American Board for Certification in Orthotics, Prosthetics and Pedorthics +external site",33,11,41,70,86,53,45,66,34,27,24,43,54,87,19,33,32,48,13,15,33,26,25,39,69,89,16,74,71,74,20,11,7 +17-2061.00,Computer Hardware Engineers,https://www.onetonline.org/link/summary/17-2061.00,2025-06-11T18:53:37.533877,"Update knowledge and skills to keep up with rapid advancements in computer technology. +Design and develop computer hardware and support peripherals, including central processing units (CPUs), support logic, microprocessors, custom integrated circuits, and printers and disk drives. +Confer with engineering staff and consult specifications to evaluate interface between hardware and software and operational and performance requirements of overall system. +Build, test, and modify product prototypes, using working models or theoretical models constructed with computer simulation. +Write detailed functional specifications that document the hardware development process and support hardware introduction. +Test and verify hardware and support peripherals to ensure that they meet specifications and requirements, by recording and analyzing test data. +Direct technicians, engineering designers or other technical support personnel as needed. +Provide technical support to designers, marketing and sales departments, suppliers, engineers and other team members throughout the product development and implementation process. +Select hardware and material, assuring compliance with specifications and product requirements. +Store, retrieve, and manipulate data for analysis of system capabilities and requirements. +Analyze user needs and recommend appropriate hardware. +Evaluate factors such as reporting formats required, cost constraints, and need for security restrictions to determine hardware configuration. +Provide training and support to system designers and users. +Monitor functioning of equipment and make necessary modifications to ensure system operates in conformance with specifications. +Specify power supply requirements and configuration, drawing on system performance expectations and design specifications. +Assemble and modify existing pieces of equipment to meet special needs. +Analyze information to determine, recommend, and plan layout, including type of computers and peripheral equipment modifications. +Recommend purchase of equipment to control dust, temperature, and humidity in area of system installation.","Analytical or scientific software— MathWorks Simulink; Mentor Graphics LeonardoSpectrum; SAS; The MathWorks MATLAB;49 more +Compiler and decompiler software— Cadence Encounter RTL Compiler +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; PTC Creo Parametric; Xilinx ISE Foundation;15 more +Data base user interface and query software— Database software; Microsoft Access; PCI Express PCIe; Structured query language SQL +Desktop communications software— Eko +Development environment software— C; Microsoft Visual Basic; National Instruments LabVIEW; Register transfer language RTL;9 more +File versioning software— Apache Subversion SVN; Git +Information retrieval or search software— Internet search engine software +Internet browser software— Web browser software +Object or component oriented development software— C++; Oracle Java; Perl; Python;2 more +Office suite software— Microsoft Office software +Operating system software— Cisco IOS; Linux; Shell script; UNIX;1 more +Pattern design software— Block diagram software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Windows kernel debuggers +Project management software +Spreadsheet software— Microsoft Excel +Word processing software","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Update technical knowledge. +Design electronic or computer equipment or instrumentation. +Confer with technical personnel to prepare designs or operational plans. +Create physical models or prototypes. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Prepare procedural documents. +Conduct validation tests of equipment or processes. +Supervise engineering or other technical personnel. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Analyze design requirements for computer or electronics systems. +Select project materials. +Advise customers on the use of products or services. +Provide technical guidance to other personnel. +Train personnel on proper operational procedures. +Monitor processes for compliance with standards. +Determine operational criteria or specifications. +Assemble equipment or components.","E-Mail— 93% responded “Every day.” +Duration of Typical Work Week— 76% responded “More than 40 hours.” +Spend Time Sitting— 61% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Freedom to Make Decisions— 66% responded “Some freedom.” +Telephone Conversations— 39% responded “Every day.” +Determine Tasks, Priorities and Goals— 66% responded “Some freedom.” +Contact With Others— 34% responded “Constant contact with others.” +Level of Competition— 59% responded “Highly competitive.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 32% responded “Important.” +Work Outcomes and Results of Other Workers— 46% responded “Moderate responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Calibration Technologists and Technicians +Bright Outlook +Computer Systems Engineers/Architects +Electrical and Electronic Engineering Technologists and Technicians +Electronics Engineers, Except Computer +Mechanical Engineering Technologists and Technicians +Mechatronics Engineers +Microsystems Engineers +Robotics Engineers +Robotics Technicians +Software Developers","View the list of Allies +American Society for Engineering Education +external site +Association for Computing Machinery +external site +IEEE Computer Society +external site +Institute of Electrical and Electronics Engineers +external site +ISACA +external site +National Society of Professional Engineers +external site +Society of Women Engineers +external site +Accreditation Board for Engineering and Technology +external site +CompTIA +external site",30,2,46,70,79,43,32,48,33,23,26,29,26,93,12,31,35,27,6,13,18,6,8,53,10,92,6,61,10,79,8,3,4 +49-3023.00,Automotive Service Technicians and Mechanics,https://www.onetonline.org/link/summary/49-3023.00,2025-06-11T19:21:50.582054,"Inspect vehicles for damage and record findings so that necessary repairs can be made. +Test drive vehicles and test components and systems, using equipment such as infrared engine analyzers, compression gauges, and computerized diagnostic devices. +Test and adjust repaired systems to meet manufacturers' performance specifications. +Repair, reline, replace, and adjust brakes. +Review work orders and discuss work with supervisors. +Estimate costs of vehicle repair. +Confer with customers to obtain descriptions of vehicle problems and to discuss work to be performed and future repair requirements. +Align vehicles' front ends. +Align wheels, axles, frames, torsion bars, and steering mechanisms of automobiles, using special alignment equipment and wheel-balancing machines. +Tear down, repair, and rebuild faulty assemblies, such as power systems, steering systems, and linkages. +Perform routine and scheduled maintenance services, such as oil changes, lubrications, and tune-ups. +Plan work procedures, using charts, technical manuals, and experience. +Follow checklists to ensure all important parts are examined, including belts, hoses, steering systems, spark plugs, brake and fuel systems, wheel bearings, and other potentially troublesome areas. +Maintain cleanliness of work area. +Change spark plugs, fuel filters, air filters, and batteries in hybrid electric vehicles. +Repair and service air conditioning, heating, engine cooling, and electrical systems. +Disassemble units and inspect parts for wear, using micrometers, calipers, and gauges. +Test electronic computer components in automobiles to ensure proper operation. +Overhaul or replace carburetors, blowers, generators, distributors, starters, and pumps. +Repair or replace parts such as pistons, rods, gears, valves, and bearings. +Rewire ignition systems, lights, and instrument panels. +Troubleshoot fuel, ignition, and emissions control systems, using electronic testing equipment. +Tune automobile engines to ensure proper and efficient functioning. +Repair, replace, or adjust defective fuel injectors, carburetor parts, and gasoline filters. +Install, adjust, or repair hydraulic or electromagnetic automatic lift mechanisms used to raise and lower automobile windows, seats, and tops. +Conduct visual inspections of compressed natural gas fuel systems to identify cracks, gouges, abrasions, discoloration, broken fibers, loose brackets, damaged gaskets, or other problems. +Rebuild parts, such as crankshafts and cylinder blocks. +Diagnose and replace or repair engine management systems or related sensors for flexible fuel vehicles (FFVs) with ignition timing, fuel rate, alcohol concentration, or air-to-fuel ratio malfunctions. +Repair or rebuild transmissions. +Retrofit vehicle fuel systems with aftermarket products, such as vapor transfer devices, evaporation control devices, swirlers, lean burn devices, and friction reduction devices, to enhance combustion and fuel efficiency.","Accounting software— Mitchell Manager Invoicing System +Analytical or scientific software— Blue Streak Electronics Buell Diagnostic; CODA Engine Analysis System; Nexiq Tech HDS Suite for Palm; SPX/OTC Genisys ConnecTech PC;1 more +Calendar and scheduling software— Scheduling software +Computer aided manufacturing CAM software +Data base reporting software— Genisys Fast Fixes +Data base user interface and query software— Database software; Recordkeeping software; Vehicle management software; Work order management software;1 more +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Alliance Automotive Shop Controller; Amcom AUTOS2000; Scott Systems MaxxTraxx Pro; Snap-On ShopKey;2 more +Information retrieval or search software— Online service manual database software; Technical manual database software +Internet browser software— Apple Safari; Microsoft Edge; Mozilla Firefox +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— Estimating software +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Inspect vehicles to determine overall condition. +Record information about parts, materials or repair procedures. +Operate transportation equipment to demonstrate function or malfunction. +Adjust equipment to ensure optimal performance. +Test mechanical systems to ensure proper functioning. +Replace worn, damaged, or defective mechanical parts. +Adjust vehicle components according to specifications. +Repair non-engine automotive or vehicle components. +Confer with coworkers to coordinate work activities. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Inspect gas systems or components to identify leaks or other potential hazards. +Estimate costs for labor or materials. +Confer with customers or users to assess problems. +Align equipment or machinery. +Disassemble equipment for maintenance or repair. +Reassemble equipment after repair. +Clean work areas. +Inspect mechanical components of vehicles to identify problems. +Plan work procedures. +Service vehicles to maintain functionality. +Service green vehicles to make repairs or maintain good working order. +Repair worn, damaged, or defective mechanical parts. +Disassemble equipment to inspect for deficiencies. +Service heating, ventilation or air-conditioning (HVAC) systems or components. +Test electrical circuits or components for proper functioning. +Rebuild parts or components. +Rewire electrical or electronic systems. +Troubleshoot equipment or systems operation problems. +Repair defective engines or engine components. +Install vehicle parts or accessories.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 96% responded “Continually or almost continually.” +Exposed to Contaminants— 91% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 94% responded “Every day.” +Frequency of Decision Making— 78% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Spend Time Standing— 72% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 79% responded “Every day.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Time Pressure— 52% responded “Every day.” +Contact With Others— 50% responded “Constant contact with others.” +Exposed to Hazardous Conditions— 69% responded “Every day.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Exposed to Cramped Work Space, Awkward Positions— 48% responded “Every day.” +Exposed to Hazardous Equipment— 58% responded “Every day.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 61% responded “Every day.” +Telephone Conversations— 46% responded “Every day.” +Indoors, Not Environmentally Controlled— 65% responded “Every day.” +Deal With External Customers or the Public in General— 36% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Every day.” +Work With or Contribute to a Work Group or Team— 29% responded “Important.” +Spend Time Bending or Twisting Your Body— 27% responded “Continually or almost continually.” +Consequence of Error— 40% responded “Extremely serious.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Important.” +Level of Competition— 44% responded “Moderately competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Conflict Situations— 33% responded “Once a year or more but not every month.” +E-Mail— 34% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 36% responded “Moderate responsibility.” +Physical Proximity— 40% responded “Slightly close (e.g., shared office).” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 46% responded “Less than half the time.” +Outdoors, Exposed to All Weather Conditions— 30% responded “Once a week or more but not every day.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Automotive Body and Related Repairers +Automotive Engineering Technicians +Bus and Truck Mechanics and Diesel Engine Specialists +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Electronic Equipment Installers and Repairers, Motor Vehicles +Engine and Other Machine Assemblers +Motorboat Mechanics and Service Technicians +Bright Outlook +Motorcycle Mechanics +Rail Car Repairers","View the list of Allies +Automotive Maintenance and Repair Association +external site +Mobile Air Conditioning Society Worldwide +external site +National Automobile Dealers Association +external site +SAE International +external site +SkillsUSA +external site +Accrediting Commission of Career Schools and Colleges +external site +ASE Education Foundation +external site +International Association of General Motors Automotive Service Educational Program +external site +National Institute for Automotive Service Excellence +external site",57,2,34,49,41,33,44,45,29,14,28,17,32,57,5,25,12,95,1,45,7,5,3,26,5,51,21,38,3,34,9,1,2 +29-1229.06,Sports Medicine Physicians,https://www.onetonline.org/link/summary/29-1229.06,2025-06-11T19:07:15.276030,"Diagnose or treat disorders of the musculoskeletal system. +Order and interpret the results of laboratory tests and diagnostic imaging procedures. +Advise against injured athletes returning to games or competition if resuming activity could lead to further injury. +Record athletes' medical care information, and maintain medical records. +Record athletes' medical histories, and perform physical examinations. +Examine and evaluate athletes prior to participation in sports activities to determine level of physical fitness or predisposition to injuries. +Coordinate sports care activities with other experts, including specialty physicians and surgeons, athletic trainers, physical therapists, or coaches. +Provide education and counseling on illness and injury prevention. +Participate in continuing education activities to improve and maintain knowledge and skills. +Advise athletes, trainers, or coaches to alter or cease sports practices that are potentially harmful. +Inform coaches, trainers, or other interested parties regarding the medical conditions of athletes. +Examine, evaluate and treat athletes who have been injured or who have medical problems such as exercise-induced asthma. +Supervise the rehabilitation of injured athletes. +Refer athletes for specialized consultation, physical therapy, or diagnostic testing. +Prescribe medications for the treatment of athletic-related injuries. +Inform athletes about nutrition, hydration, dietary supplements, or uses and possible consequences of medication. +Develop and test procedures for dealing with emergencies during practices or competitions. +Attend games and competitions to provide evaluation and treatment of activity-related injuries or medical conditions. +Advise coaches, trainers, or physical therapists on the proper use of exercises and other therapeutic techniques, and alert them to potentially dangerous practices. +Observe and evaluate athletes' mental well-being. +Select and prepare medical equipment or medications to be taken to athletic competition sites. +Conduct research in the prevention or treatment of injuries or medical conditions related to sports and exercise. +Prescribe orthotics, prosthetics, and adaptive equipment. +Evaluate and manage chronic pain conditions. +Develop and prescribe exercise programs, such as off-season conditioning regimens. +Provide coaches and therapists with assistance in selecting and fitting protective equipment. +Advise athletes on ways that substances, such as herbal remedies, could affect drug testing results.","Analytical or scientific software— 3D motion analysis software +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; Epic Systems; SpartaTrac;23 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Treat chronic diseases or disorders. +Diagnose medical conditions. +Analyze test data or images to inform diagnosis or treatment. +Order medical diagnostic or clinical tests. +Record patient medical histories. +Examine patients to assess general physical condition. +Evaluate patient functioning, capabilities, or health. +Collaborate with healthcare professionals to plan or provide treatment. +Advise athletes, coaches, or trainers on exercise regimens, nutrition, or equipment use. +Maintain medical or professional knowledge. +Provide health and wellness advice to patients, program participants, or caregivers. +Explain medical procedures or test results to patients or family members. +Treat acute illnesses, infections, or injuries. +Refer patients to other healthcare practitioners or health resources. +Prescribe medications. +Develop emergency procedures. +Conduct research to increase knowledge about medical issues. +Prepare medical supplies or equipment for use. +Prepare medications or medical solutions. +Select medical equipment for addressing patient needs. +Prescribe assistive medical devices or related treatments. +Analyze patient data to determine patient needs or treatment goals. +Develop exercise or conditioning programs. +Prescribe treatments or therapies. +Advise patients on effects of health conditions or treatments.","Freedom to Make Decisions— 100% responded “A lot of freedom.” +Frequency of Decision Making— 99% responded “Every day.” +Importance of Being Exact or Accurate— 100% responded “Extremely important.” +Physical Proximity— 100% responded “Very close (near touching).” +Contact With Others— 96% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Duration of Typical Work Week— 93% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 84% responded “Very important results.” +Determine Tasks, Priorities and Goals +Exposed to Disease or Infections— 88% responded “Every day.” +Consequence of Error +E-Mail— 89% responded “Every day.” +Work Outcomes and Results of Other Workers +Spend Time Standing— 20% responded “More than half the time.” +Work With or Contribute to a Work Group or Team +Deal With External Customers or the Public in General +Written Letters and Memos— 82% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 65% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 17% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Time Pressure— 38% responded “Every day.” +Level of Competition— 32% responded “Extremely competitive.” +Conflict Situations— 68% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 12% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks +Health and Safety of Other Workers— 13% responded “Moderate responsibility.” +Spend Time Bending or Twisting Your Body— 28% responded “Less than half the time.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Science— Using scientific rules and methods to solve problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Athletic Trainers +Bright Outlook +Cardiologists +Chiropractors +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians +Podiatrists","View the list of Allies +American Academy of Family Physicians +external site +American Academy of Orthopaedic Surgeons +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Medical Society for Sports Medicine +external site +American Orthopaedic Society for Sports Medicine +external site +American Osteopathic Association +external site +American Shoulder and Elbow Surgeons +external site +Arthroscopy Association of North America +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Sports Medicine +external site +American College of Surgeons +external site",63,,6,77,38,61,11,58,20,31,40,39,45,31,3,24,39,25,5,2,47,31,13,5,100,16,8,28,78,6,1,5,5 +13-1151.00,Training and Development Specialists,https://www.onetonline.org/link/summary/13-1151.00,2025-06-11T18:50:16.670715,"Present information with a variety of instructional techniques or formats, such as role playing, simulations, team exercises, group discussions, videos, or lectures. +Obtain, organize, or develop training procedure manuals, guides, or course materials, such as handouts or visual materials. +Evaluate modes of training delivery, such as in-person or virtual, to optimize training effectiveness, training costs, or environmental impacts. +Offer specific training programs to help workers maintain or improve job skills. +Assess training needs through surveys, interviews with employees, focus groups, or consultation with managers, instructors, or customer representatives. +Monitor, evaluate, or record training activities or program effectiveness. +Design, plan, organize, or direct orientation and training programs for employees or customers. +Develop alternative training methods if expected improvements are not seen. +Evaluate training materials prepared by instructors, such as outlines, text, or handouts. +Monitor training costs and prepare budget reports to justify expenditures. +Devise programs to develop executive potential among employees in lower-level positions. +Keep up with developments in area of expertise by reading current journals, books, or magazine articles. +Attend meetings or seminars to obtain information for use in training programs or to inform management of training program status. +Coordinate recruitment and placement of training program participants. +Select and assign instructors to conduct training. +Negotiate contracts with clients for desired training outcomes, fees, or expenses. +Supervise, evaluate, or refer instructors to skill development classes. +Schedule classes based on availability of classrooms, equipment, or instructors. +Refer trainees to employer relations representatives, to locations offering job placement assistance, or to appropriate social services agencies, if warranted. +Develop or implement training programs related to efficiency, recycling, or other issues with environmental impacts.","Access software— Citrix cloud computing software +Analytical or scientific software— IBM SPSS Statistics +Application server software— Oracle WebLogic Server +Business intelligence and data analysis software— Oracle Business Intelligence Enterprise Edition +Cloud-based data access and sharing software— Google Drive +Computer based training software— Common Curriculum; Learning management system LMS; Moodle; SumTotal Systems ToolBook;47 more +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Microsoft Dynamics +Data base management system software— MySQL; Oracle PL/SQL +Data base user interface and query software— Blackboard software; Database software; FileMaker Pro; Microsoft Access +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Adobe ActionScript +Document management software— Adobe Acrobat; HP Trim; Interwoven software; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; Oracle PeopleSoft Financials; SAP software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; SmugMug Flickr +Human resources software— Human resource management software HRMS; Oracle Taleo +Internet browser software— Web browser software +Medical software— Epic Systems +Multi-media educational software— Kahoot! +Network conferencing software— LogMeIn GoToWebinar +Object or component oriented development software— Advanced business application programming ABAP +Office suite software— Microsoft Office software +Operating system software— Oracle Solaris +Presentation software— Google Slides; Mentimeter; Microsoft PowerPoint; Poll Everywhere;1 more +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom;1 more +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; Screencast-O-Matic; WeVideo +Web page creation and editing software— Adobe Dreamweaver; Google Sites +Web platform development software— Django; Drupal; Hypertext markup language HTML; PHP;3 more +Word processing software— Microsoft OneNote; Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Coordinate training activities. +Develop training materials. +Train personnel to enhance job skills. +Conduct surveys in organizations. +Evaluate training programs, instructors, or materials. +Evaluate effectiveness of personnel policies or practices. +Monitor financial indicators. +Prepare financial documents, reports, or budgets. +Train personnel on managerial topics. +Update professional knowledge. +Coordinate personnel recruitment activities. +Negotiate contracts with clients or service providers. +Supervise employees. +Advise others on human resources topics. +Train personnel in organizational or compliance procedures.","E-Mail— 100% responded “Every day.” +Contact With Others— 65% responded “Constant contact with others.” +Telephone Conversations— 52% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Every day.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Spend Time Sitting— 38% responded “More than half the time.” +Public Speaking— 48% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 61% responded “40 hours.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Conflict Situations— 39% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Deal With External Customers or the Public in General— 26% responded “Extremely important.” +Frequency of Decision Making— 23% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 39% responded “Important.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Career/Technical Education Teachers, Secondary School +Education Teachers, Postsecondary +Educational, Guidance, and Career Counselors and Advisors +Exercise Trainers and Group Fitness Instructors +Bright Outlook +Fitness and Wellness Coordinators +Human Resources Specialists +Industrial-Organizational Psychologists +Instructional Coordinators +Management Analysts +Training and Development Managers","View the list of Allies +American Society for Quality +external site +Association for Talent Development +external site +International Society for Performance Improvement +external site +Organizational Development Network +external site +Society for Human Resource Management +external site +The Learning Guild +external site +Northeast Society for Human Resource Management +external site",74,6,28,71,33,61,33,93,47,26,40,64,9,49,15,29,57,12,32,11,59,21,47,22,11,21,8,7,8,32,16,13,19 +13-2099.04,"Fraud Examiners, Investigators and Analysts",https://www.onetonline.org/link/summary/13-2099.04,2025-06-11T18:51:18.582025,"Gather financial documents related to investigations. +Interview witnesses or suspects and take statements. +Prepare written reports of investigation findings. +Document all investigative activities. +Create and maintain logs, records, or databases of information about fraudulent activity. +Coordinate investigative efforts with law enforcement officers and attorneys. +Lead, or participate in, fraud investigation teams. +Testify in court regarding investigation findings. +Prepare evidence for presentation in court. +Recommend actions in fraud cases. +Review reports of suspected fraud to determine need for further investigation. +Design, implement, or maintain fraud detection tools or procedures. +Analyze financial data to detect irregularities in areas such as billing trends, financial relationships, and regulatory compliance procedures. +Maintain knowledge of current events and trends in such areas as money laundering and criminal tools and techniques. +Evaluate business operations to identify risk areas for fraud. +Conduct in-depth investigations of suspicious financial activity, such as suspected money-laundering efforts. +Advise businesses or agencies on ways to improve fraud detection. +Train others in fraud detection and prevention techniques. +Conduct field surveillance to gather case-related information. +Negotiate with responsible parties to arrange for recovery of losses due to fraud. +Research or evaluate new technologies for use in fraud detection systems. +Obtain and serve subpoenas. +Arrest individuals to be charged with fraud.","Accounting software— Bookkeeping software +Analytical or scientific software— SAS +Audit software— PCG Software Virtual Examiner +Business intelligence and data analysis software— Business intelligence software; IBM Cognos; Tableau; TIBCO Spotfire;1 more +Cloud-based management software— Splunk Enterprise +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Structured query language SQL; Vertafore ImageRight;1 more +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP Business Objects +Information retrieval or search software— LexisNexis +Medical software— Electronic health record EHR software +Object or component oriented development software— Python; R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Risk management data and analysis software— ArcSight Enterprise Threat and Risk Management +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— NortonLifeLock cybersecurity software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Gather financial records. +Prepare legal or investigatory documentation. +Interview witnesses, suspects, or claimants. +Document information related to legal proceedings. +Maintain data in information systems or databases. +Investigate legal issues. +Supervise employees. +Testify at legal or legislative proceedings. +Collect evidence for legal proceedings. +Advise others on business or operational matters. +Advise others on legal or regulatory compliance matters. +Analyze business or financial data. +Develop business or financial information systems. +Update professional knowledge. +Assess risks to business operations. +Train personnel to enhance job skills. +Inform individuals or organizations of status or findings. +Obtain documentation to authorize activities. +Negotiate contracts with clients or service providers. +Apprehend criminal suspects. +Detain suspects or witnesses.","E-Mail— 88% responded “Every day.” +Telephone Conversations— 75% responded “Every day.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Duration of Typical Work Week— 72% responded “More than 40 hours.” +Frequency of Decision Making— 52% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Contact With Others— 40% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Indoors, Environmentally Controlled— 60% responded “Every day.” +Time Pressure— 36% responded “Every day.” +Written Letters and Memos— 33% responded “Every day.” +Deal With External Customers or the Public in General— 56% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Very important.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 38% responded “High responsibility.” +Level of Competition— 46% responded “Highly competitive.” +Conflict Situations— 40% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a week or more but not every day.” +Consequence of Error— 24% responded “Extremely serious.” +Physical Proximity— 54% responded “Slightly close (e.g., shared office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Persuasion— Persuading others to change their minds or behavior. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Accountants and Auditors +Bright Outlook +Claims Adjusters, Examiners, and Investigators +Compliance Managers +Credit Authorizers, Checkers, and Clerks +Detectives and Criminal Investigators +Financial Examiners +Intelligence Analysts +Lawyers +Police Identification and Records Officers +Private Detectives and Investigators","View the list of Allies +AICPA and CIMA +external site +ASIS International +external site +Institute of Internal Auditors +external site +International Association of Arson Investigators +external site +International Association of Financial Crimes Investigators +external site +International Association of Special Investigation Units +external site +Association of Certified Fraud Examiners +external site +CFA Institute +external site +Financial Industry Regulatory Authority +external site",63,12,38,84,64,65,53,63,49,76,37,48,15,66,33,76,46,17,16,32,46,25,31,43,21,31,23,12,16,27,38,12,16 +23-1022.00,"Arbitrators, Mediators, and Conciliators",https://www.onetonline.org/link/summary/23-1022.00,2025-06-11T18:59:19.992082,"Prepare written opinions or decisions regarding cases. +Apply relevant laws, regulations, policies, or precedents to reach conclusions. +Conduct hearings to obtain information or evidence relative to disposition of claims. +Determine extent of liability according to evidence, laws, or administrative or judicial precedents. +Rule on exceptions, motions, or admissibility of evidence. +Confer with disputants to clarify issues, identify underlying concerns, and develop an understanding of their respective needs and interests. +Use mediation techniques to facilitate communication between disputants, to further parties' understanding of different perspectives, and to guide parties toward mutual agreement. +Conduct initial meetings with disputants to outline the arbitration process, settle procedural matters, such as fees, or determine details, such as witness numbers or time requirements. +Evaluate information from documents, such as claim applications, birth or death certificates, or physician or employer records. +Research laws, regulations, policies, or precedent decisions to prepare for hearings. +Issue subpoenas or administer oaths to prepare for formal hearings. +Set up appointments for parties to meet for mediation. +Recommend acceptance or rejection of compromise settlement offers. +Prepare settlement agreements for disputants to sign. +Authorize payment of valid claims. +Interview claimants, agents, or witnesses to obtain information about disputed issues. +Conduct studies of appeals procedures to ensure adherence to legal requirements or to facilitate disposition of cases. +Specialize in the negotiation and resolution of environmental conflicts involving issues such as natural resource allocation or regional development planning. +Organize or deliver public presentations about mediation to organizations, such as community agencies or schools. +Participate in court proceedings.","Calendar and scheduling software— Scheduling software +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Microsoft Access +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Prepare written decisions for legal proceedings. +Identify implications for cases from legal precedents or other legal information. +Make decisions in legal cases. +Conduct hearings to investigate legal issues. +Rule on admissibility of legal proceedings. +Meet with individuals involved in legal processes to provide information and clarify issues. +Arbitrate disputes between parties to resolve legal conflicts. +Evaluate information related to legal matters in public or personal records. +Prepare legal documents. +Research relevant legal materials to aid decision making. +Administer oaths to court participants. +Coordinate legal schedules or activities. +Interview claimants to get information related to legal proceedings. +Provide legal advice to clients. +Authorize payments to settle legal disputes. +Present social services program information to the public. +Represent the interests of clients in legal proceedings.","Freedom to Make Decisions— 85% responded “A lot of freedom.” +Spend Time Sitting— 80% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +E-Mail— 70% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Conflict Situations— 45% responded “Every day.” +Time Pressure— 35% responded “Once a month or more but not every week.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Frequency of Decision Making— 35% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Once a week or more but not every day.” +Contact With Others— 40% responded “Contact with others about half the time.” +Duration of Typical Work Week— 47% responded “More than 40 hours.” +Telephone Conversations— 32% responded “Once a month or more but not every week.” +Level of Competition— 50% responded “Highly competitive.” +Indoors, Environmentally Controlled— 25% responded “Every day.” +Physical Proximity— 42% responded “Slightly close (e.g., shared office).”","Negotiation— Bringing others together and trying to reconcile differences. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Administrative Law Judges, Adjudicators, and Hearing Officers +Child, Family, and School Social Workers +Claims Adjusters, Examiners, and Investigators +Equal Opportunity Representatives and Officers +Financial Examiners +Bright Outlook +Fraud Examiners, Investigators and Analysts +Judges, Magistrate Judges, and Magistrates +Judicial Law Clerks +Labor Relations Specialists +Lawyers","View the list of Allies +National Academy of Arbitrators +external site +American Arbitration Association +external site +American Bar Association +external site +Association for Conflict Resolution +external site +Association of Family and Conciliation Courts +external site +Association of Labor Relations Agencies +external site +International Academy of Collaborative Professionals +external site +International Institute of Conflict Prevention and Resolution +external site +Labor and Employment Relations Association +external site +National Association for Community Mediation +external site +National Mediation Board +external site +Society of Federal Labor and Employee Relations Professionals +external site",38,8,35,80,38,51,38,42,34,40,20,76,9,40,8,80,31,16,15,31,38,17,29,28,19,13,15,9,8,7,16,6,18 +19-1029.02,Molecular and Cellular Biologists,https://www.onetonline.org/link/summary/19-1029.02,2025-06-11T18:56:06.722175,"Maintain accurate laboratory records and data. +Design molecular or cellular laboratory experiments, oversee their execution, and interpret results. +Write grant applications to obtain funding. +Perform laboratory procedures following protocols including deoxyribonucleic acid (DNA) sequencing, cloning and extraction, ribonucleic acid (RNA) purification, or gel electrophoresis. +Conduct research on cell organization and function, including mechanisms of gene expression, cellular bioinformatics, cell signaling, or cell differentiation. +Prepare or review reports, manuscripts, or meeting presentations. +Instruct undergraduate and graduate students within the areas of cellular or molecular biology. +Direct, coordinate, organize, or prioritize biological laboratory activities. +Compile and analyze molecular or cellular experimental data and adjust experimental designs as necessary. +Evaluate new technologies to enhance or complement current research. +Provide scientific direction for project teams regarding the evaluation or handling of devices, drugs, or cells for in vitro and in vivo disease models. +Supervise technical personnel and postdoctoral research fellows. +Monitor or operate specialized equipment, such as gas chromatographs and high pressure liquid chromatographs, electrophoresis units, thermocyclers, fluorescence activated cell sorters, and phosphorimagers. +Conduct applied research aimed at improvements in areas such as disease testing, crop quality, pharmaceuticals, and the harnessing of microbes to recycle waste. +Develop guidelines for procedures such as the management of viruses. +Develop assays that monitor cell characteristics. +Coordinate molecular or cellular research activities with scientists specializing in other fields. +Verify all financial, physical, and human resources assigned to research or development projects are used as planned. +Evaluate new supplies and equipment to ensure operability in specific laboratory settings. +Participate in all levels of bioproduct development, including proposing new products, performing market analyses, designing and performing experiments, and collaborating with operations and quality control teams during product launches. +Confer with vendors to evaluate new equipment or reagents or to discuss the customization of product lines to meet user requirements. +Design databases, such as mutagenesis libraries.","Analytical or scientific software— Geospiza GeneSifter; Minitab; RasMol; Textco BioSoftware Gene Inspector;23 more +Computer aided design CAD software— Mathsoft Mathcad +Data base user interface and query software— Deoxyribonucleic acid DNA libraries; Microsoft Access +Data mining software +File versioning software— Git +Graphics or photo imaging software— Adobe Illustrator; Corel CorelDraw Graphics Suite; Molecular Devices Corporation MetaMorph +Internet browser software— Web browser software +Object or component oriented development software— C++; Python; R +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Record research or operational data. +Plan biological research. +Prepare proposals or grant applications to obtain project funding. +Write grant proposals. +Analyze biological samples. +Research microbiological or chemical processes or structures. +Prepare scientific or technical reports or presentations. +Proofread documents, records, or other files to ensure accuracy. +Read documents to gather technical information. +Instruct college students in physical or life sciences. +Direct scientific activities. +Evaluate new technologies or methods. +Direct medical science or healthcare programs. +Supervise scientific or technical personnel. +Operate laboratory or field equipment. +Establish standards for medical care. +Research crop management methods. +Develop biological research methods. +Coordinate cross-disciplinary research programs. +Manage scientific or technical project resources. +Develop new or advanced products or production methods. +Inspect equipment to ensure proper functioning. +Collaborate with others to determine design specifications or details. +Discuss design or technical features of products or services with technical personnel. +Develop technical or scientific databases.","E-Mail— 92% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Level of Competition— 46% responded “Highly competitive.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 46% responded “Very important.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Freedom to Make Decisions— 42% responded “Some freedom.” +Health and Safety of Other Workers— 38% responded “High responsibility.” +Contact With Others— 35% responded “Contact with others most of the time.” +Spend Time Sitting— 42% responded “More than half the time.” +Telephone Conversations— 42% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 31% responded “More than half the time.” +Time Pressure— 42% responded “Once a month or more but not every week.” +Written Letters and Memos— 35% responded “Once a month or more but not every week.” +Exposed to Disease or Infections— 32% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 31% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 27% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 33% responded “Moderate responsibility.”","Science— Using scientific rules and methods to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Biochemists and Biophysicists +Bright Outlook +Bioengineers and Biomedical Engineers +Bioinformatics Scientists +Biological Science Teachers, Postsecondary +Biologists +Cytogenetic Technologists +Geneticists +Medical and Clinical Laboratory Technologists +Medical Scientists, Except Epidemiologists +Microbiologists","View the list of Allies +American Association for Cancer Research +external site +American Association for the Advancement of Science +external site +American Society for Biochemistry and Molecular Biology +external site +American Society for Cell Biology +external site +American Society for Microbiology +external site +Genetics Society of America +external site +Society for Neuroscience +external site",15,6,25,86,70,45,38,65,43,27,15,40,78,60,16,24,44,32,17,7,27,16,19,24,52,35,9,41,95,31,11,10,12 +27-1027.00,Set and Exhibit Designers,https://www.onetonline.org/link/summary/27-1027.00,2025-06-11T19:02:56.865791,"Develop set designs, based on evaluation of scripts, budgets, research information, and available locations. +Prepare rough drafts and scale working drawings of sets, including floor plans, scenery, and properties to be constructed. +Prepare preliminary renderings of proposed exhibits, including detailed construction, layout, and material specifications, and diagrams relating to aspects such as special effects or lighting. +Read scripts to determine location, set, and design requirements. +Submit plans for approval, and adapt plans to serve intended purposes, or to conform to budget or fabrication restrictions. +Attend rehearsals and production meetings to obtain and share information related to sets. +Confer with clients and staff to gather information about exhibit space, proposed themes and content, timelines, budgets, materials, or promotion requirements. +Research architectural and stylistic elements appropriate to the time period to be depicted, consulting experts for information, as necessary. +Observe sets during rehearsals in order to ensure that set elements do not interfere with performance aspects such as cast movement and camera angles. +Collaborate with those in charge of lighting and sound so that those production aspects can be coordinated with set designs or exhibit layouts. +Select set props, such as furniture, pictures, lamps, and rugs. +Design and build scale models of set designs, or miniature sets used in filming backgrounds or special effects. +Examine objects to be included in exhibits to plan where and how to display them. +Assign staff to complete design ideas and prepare sketches, illustrations, and detailed drawings of sets, or graphics and animation. +Inspect installed exhibits for conformance to specifications and satisfactory operation of special-effects components. +Estimate set- or exhibit-related costs, including materials, construction, and rental of props or locations. +Plan for location-specific issues, such as space limitations, traffic flow patterns, and safety concerns. +Acquire, or arrange for acquisition of, specimens or graphics required to complete exhibits. +Design and produce displays and materials that can be used to decorate windows, interior displays, or event locations, such as streets and fairgrounds. +Direct and coordinate construction, erection, or decoration activities to ensure that sets or exhibits meet design, budget, and schedule requirements. +Coordinate the transportation of sets that are built off-site, and coordinate their setup at the site of use. +Confer with conservators to determine how to handle an exhibit's environmental aspects, such as lighting, temperature, and humidity, so that objects will be protected and exhibits will be enhanced. +Select and purchase lumber and hardware necessary for set construction. +Arrange for outside contractors to construct exhibit structures. +Incorporate security systems into exhibit layouts. +Coordinate the removal of sets, props, and exhibits after productions or events are complete. +Provide supportive materials for exhibits and displays, such as press kits, advertising, publicity notices, posters, brochures, catalogues, and invitations.","Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Dassault Systemes SolidWorks; Trimble SketchUp Pro;4 more +Data base user interface and query software— Microsoft Access; Oracle Database; Structured query language SQL +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Graphics software;2 more +Office suite software— Microsoft Office software +Operating system software— UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Adobe Director; Autodesk 3ds Max; Figure 53 QLab;2 more +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Draw detailed or technical illustrations. +Determine technical requirements of productions or projects. +Study scripts to determine project requirements. +Present work to clients for approval. +Discuss production content and progress with others. +Confer with clients to determine needs. +Conduct research to inform art, designs, or other work. +Inspect sets or exhibits. +Collaborate with others to determine technical details of productions. +Select materials or props. +Build models, patterns, or templates. +Design layout of art or product exhibits, displays, or promotional materials. +Coordinate design activities. +Coordinate construction or installation activities. +Estimate costs for projects or productions. +Coordinate logistics for productions or events. +Maintain inventories of materials, equipment, or products. +Construct distinctive physical objects for artistic, functional, or commercial purposes. +Promote products, activities, or organizations.","E-Mail— 86% responded “Every day.” +Duration of Typical Work Week— 90% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Telephone Conversations— 58% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Contact With Others— 48% responded “Contact with others most of the time.” +Importance of Being Exact or Accurate— 62% responded “Very important.” +Indoors, Environmentally Controlled— 48% responded “Every day.” +Level of Competition— 52% responded “Highly competitive.” +Spend Time Sitting— 38% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Moderate results.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Written Letters and Memos— 42% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 33% responded “Limited responsibility.” +Frequency of Decision Making— 48% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architects, Except Landscape and Naval +Bright Outlook +Art Directors +Commercial and Industrial Designers +Craft Artists +Fashion Designers +Fine Artists, Including Painters, Sculptors, and Illustrators +Graphic Designers +Interior Designers +Merchandise Displayers and Window Trimmers +Museum Technicians and Conservators","View the list of Allies +American Alliance of Museums +external site +Experiential Designers and Producers Association +external site +Meeting Professionals International +external site +National Association of Schools of Art and Design +external site +National Association of Schools of Theatre +external site +United States Institute for Theatre Technology +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site +United Scenic Artists, Local USA 829, IATSE +external site",37,3,51,56,51,50,30,41,30,31,28,28,17,70,18,13,54,48,36,17,44,8,45,23,7,49,63,36,5,98,31,99,61 +41-9012.00,Models,https://www.onetonline.org/link/summary/41-9012.00,2025-06-11T19:14:42.702560,"Pose for artists and photographers. +Record rates of pay and durations of jobs on vouchers. +Gather information from agents concerning the pay, dates, times, provisions, and lengths of jobs. +Report job completions to agencies and obtain information about future appointments. +Assemble and maintain portfolios, print composite cards, and travel to go-sees to obtain jobs. +Pose as directed, or strike suitable interpretive poses for promoting and selling merchandise or fashions during appearances, filming, or photo sessions. +Follow strict routines of diet, sleep, and exercise to maintain appearance. +Apply makeup to face and style hair to enhance appearance, considering such factors as color, camera techniques, and facial features. +Work closely with photographers, fashion coordinators, directors, producers, stylists, make-up artists, other models, and clients to produce the desired looks, and to finish photo shoots on schedule. +Dress in sample or completed garments, and select accessories.","Instant messaging software— Instagram; Twitter +Internet browser software— Apple Safari; Web browser software +Office suite software— Microsoft Office software +Operating system software— Apple iOS +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Facebook; LinkedIn; Tumblr +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Prepare financial documents, reports, or budgets. +Model cosmetics, clothing, or accessories. +Gather information about work conditions or locations. +Identify job or employment opportunities. +Report information to managers or other personnel. +Arrange artwork, products, or props. +Drive passenger vehicles.","Indoors, Environmentally Controlled— 85% responded “Every day.” +Contact With Others— 78% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 15% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 25% responded “A lot of freedom.” +E-Mail— 24% responded “Once a year or more but not every month.” +Spend Time Sitting— 41% responded “About half the time.” +Physical Proximity— 51% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 17% responded “Not important at all.” +Work Schedules— 45% responded “Irregular (changes with weather conditions, production demands, or contract duration).” +Spend Time Keeping or Regaining Balance— 24% responded “About half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 23% responded “Never.” +Telephone Conversations— 22% responded “Never.”",,,,"Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Actors +Camera Operators, Television, Video, and Film +Costume Attendants +Bright Outlook +Craft Artists +Demonstrators and Product Promoters +Fashion Designers +Fine Artists, Including Painters, Sculptors, and Illustrators +Makeup Artists, Theatrical and Performance +Merchandise Displayers and Window Trimmers +Photographers","View the list of Allies +Screen Actors Guild - American Federation of Television and Radio Artists +external site",43,1,2,37,6,19,13,10,12,5,6,10,3,16,5,9,20,5,4,21,12,3,9,10,5,,3,5,9,12,5,35,8 +15-2051.02,Clinical Data Managers,https://www.onetonline.org/link/summary/15-2051.02,2025-06-11T18:53:00.050758,"Design and validate clinical databases, including designing or testing logic checks. +Process clinical data, including receipt, entry, verification, or filing of information. +Generate data queries, based on validation checks or errors and omissions identified during data entry, to resolve identified problems. +Develop project-specific data management plans that address areas such as coding, reporting, or transfer of data, database locks, and work flow processes. +Monitor work productivity or quality to ensure compliance with standard operating procedures. +Prepare appropriate formatting to data sets as requested. +Design forms for receiving, processing, or tracking data. +Prepare data analysis listings and activity, performance, or progress reports. +Confer with end users to define or implement clinical system requirements such as data release formats, delivery schedules, and testing protocols. +Perform quality control audits to ensure accuracy, completeness, or proper usage of clinical systems and data. +Analyze clinical data using appropriate statistical tools. +Evaluate processes and technologies, and suggest revisions to increase productivity and efficiency. +Develop technical specifications for data management programming and communicate needs to information technology staff. +Write work instruction manuals, data capture guidelines, or standard operating procedures. +Track the flow of work forms, including in-house data flow or electronic forms transfer. +Supervise the work of data management project staff. +Contribute to the compilation, organization, and production of protocols, clinical study reports, regulatory submissions, or other controlled documentation. +Read technical literature and participate in continuing education or professional associations to maintain awareness of current database technology and best practices. +Train staff on technical procedures or software program usage. +Develop or select specific software programs for various research scenarios. +Provide support and information to functional areas such as marketing, clinical monitoring, and medical affairs.","Access software— Citrix cloud computing software +Analytical or scientific software— IBM SPSS Statistics; Oracle Remote Data Capture; SAS; SAS JMP;1 more +Categorization or classification software— Autocoders; Drug coding software +Data base management system software— Relational database management software; Teradata Database +Data base reporting software— Oracle SQL Loader; SAP BusinessObjects Crystal Reports; SAP Crystal Reports +Data base user interface and query software— Clinical trial management software; Microsoft Access; Relational database software; Structured query language SQL;21 more +Development environment software— Go; Microsoft Visual Basic +Document management software— Microsoft SharePoint +Enterprise application integration software— Extensible markup language XML +Medical software— Allscripts healthcare automation software; Epic Systems; EpicCare Ambulatory Electronic Medical Records (EMR) software; MEDITECH software +Object or component oriented development software— C#; C++; Oracle Java +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Evaluate data quality. +Create databases to store electronic data. +Prepare data for analysis. +Analyze data to identify or resolve operational problems. +Develop procedures for data management. +Monitor operational activities to ensure compliance with regulations or standard operating procedures. +Develop procedures for data entry or processing. +Prepare analytical reports. +Collaborate with others to determine design specifications or details. +Analyze health-related data. +Evaluate utility of software or hardware technologies. +Recommend changes to improve computer or information systems. +Communicate project information to others. +Document operational procedures. +Prepare instruction manuals. +Collect archival data. +Manage documentation to ensure organization or accuracy. +Supervise information technology personnel. +Update knowledge about emerging industry or technology trends. +Train others in computer interface or software use. +Design software applications.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 85% responded “Continually or almost continually.” +Telephone Conversations— 50% responded “Every day.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Contact With Others— 50% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 45% responded “Every day.” +Time Pressure— 35% responded “Every day.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Duration of Typical Work Week— 70% responded “40 hours.” +Work Outcomes and Results of Other Workers— 30% responded “High responsibility.” +Level of Competition— 40% responded “Moderately competitive.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Frequency of Decision Making— 35% responded “Once a year or more but not every month.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Programming— Writing computer programs for various purposes. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bioinformatics Technicians +Bright Outlook +Biostatisticians +Business Intelligence Analysts +Clinical Research Coordinators +Data Scientists +Health Informatics Specialists +Management Analysts +Social Science Research Assistants +Statistical Assistants +Statisticians","View the list of Allies +American Medical Informatics Association +external site +American Association of Pharmaceutical Scientists +external site +American Clinical Neurophysiology Society +external site +American Society of Clinical Oncology +external site +Association for Diagnostics and Laboratory Medicine +external site +Association for Intelligent Information Management +external site +Association of Medical Directors of Information Systems +external site +Australasian Institute of Digital Health +external site +Clinical Data Interchange Standards Consortium +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +Drug Information Association +external site +Healthcare Information and Management Systems Society +external site +International Biometric Society +external site +International Society for Pharmaceutical Engineering +external site +International Society for Pharmacoepidemiology +external site +International Society for Quality in Health Care +external site +ISPOR +external site +Oracle Health Services User Group +external site +Society for Clinical Data Management +external site +Society for Clinical Trials +external site +Transforming Data with Intelligence +external site +South Central Association for Clinical Microbiology +external site +American Health Information Management Association +external site +Association of Clinical Research Professionals +external site +DAMA International +external site +Professional Association of Health Care Office Management +external site",68,,23,78,55,49,31,44,44,11,14,25,13,74,8,39,28,11,5,9,25,14,16,23,51,30,9,5,44,26,8,,1 +29-1129.01,Art Therapists,https://www.onetonline.org/link/summary/29-1129.01,2025-06-11T19:05:59.463243,"Observe and document client reactions, progress, or other outcomes related to art therapy. +Design art therapy sessions or programs to meet client's goals or objectives. +Conduct art therapy sessions, providing guided self-expression experiences to help clients recover from, or cope with, cognitive, emotional, or physical impairments. +Confer with other professionals on client's treatment team to develop, coordinate, or integrate treatment plans. +Assess client needs or disorders, using drawing, painting, sculpting, or other artistic processes. +Talk with clients during art or other therapy sessions to build rapport, acknowledge their progress, or reflect upon their reactions to the artistic process. +Develop individualized treatment plans that incorporate studio art therapy, counseling, or psychotherapy techniques. +Write treatment plans, case summaries, or progress or other reports related to individual clients or client groups. +Select or prepare artistic media or related equipment or devices to accomplish therapy session objectives. +Analyze or synthesize client data to draw conclusions or make recommendations for art therapy. +Interpret the artistic creations of clients to assess their functioning, needs, or progress. +Customize art therapy programs for specific client populations, such as those in schools, nursing homes, wellness centers, prisons, shelters, or hospitals. +Communicate client assessment findings and recommendations in oral, written, audio, video, or other forms. +Establish goals or objectives for art therapy sessions in consultation with clients or site administrators. +Recommend or purchase needed art supplies or equipment. +Supervise staff, volunteers, practicum students, or interns. +Gather client information from sources such as case documentation, client observation, or interviews of client or family members. +Instruct individuals or groups in the use of art media, such as paint, clay, or yarn. +Analyze data to determine the effectiveness of treatments or therapy approaches. +Review research or literature in art therapy, psychology, or related disciplines. +Conduct information sharing sessions, such as in-service workshops for other professionals, potential client groups, or the general community. +Teach art therapy techniques or processes to artists, interns, volunteers, or others. +Photograph or videotape client artwork for inclusion in client records or for promotional purposes. +Coordinate art showcases to display artwork produced by clients. +Coordinate field trips for client groups to museums or other public displays of art.","Analytical or scientific software— IBM SPSS Statistics +Calendar and scheduling software— Appointment scheduling software +Computer aided design CAD software— Trimble SketchUp Pro +Data base user interface and query software— Image databases +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Autodesk Maya +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Case management software +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Video creation and editing software— Adobe After Effects +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Monitor patient progress or responses to treatments. +Record patient medical histories. +Develop treatment plans that use non-medical therapies. +Treat patients using psychological therapies. +Analyze patient data to determine patient needs or treatment goals. +Evaluate patient outcomes to determine effectiveness of treatments. +Collaborate with healthcare professionals to plan or provide treatment. +Interact with patients to build rapport or provide emotional support. +Prepare reports summarizing patient diagnostic or care activities. +Prepare medical supplies or equipment for use. +Select medical equipment for addressing patient needs. +Communicate test or assessment results to medical professionals. +Establish treatment goals. +Order medical supplies or equipment. +Supervise patient care personnel. +Collect medical information from patients, family members, or other medical professionals. +Gather medical information from patient histories. +Analyze quantitative data to determine effectiveness of treatments or therapies. +Maintain medical or professional knowledge. +Communicate health and wellness information to the public. +Train caregivers or other non-medical personnel.","Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +E-Mail— 75% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Telephone Conversations— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Physical Proximity— 74% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Every day.” +Spend Time Sitting— 52% responded “More than half the time.” +Frequency of Decision Making— 42% responded “Every day.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Written Letters and Memos— 44% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Important results.” +Conflict Situations— 35% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Deal With External Customers or the Public in General— 31% responded “Fairly important.” +Duration of Typical Work Week— 56% responded “40 hours.” +Health and Safety of Other Workers— 42% responded “Moderate responsibility.” +Importance of Being Exact or Accurate— 45% responded “Important.” +Level of Competition— 45% responded “Moderately competitive.” +Consequence of Error— 32% responded “Fairly serious.” +Dealing with Violent or Physically Aggressive People— 42% responded “Once a month or more but not every week.” +Exposed to Disease or Infections— 34% responded “Once a year or more but not every month.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical and Counseling Psychologists +Clinical Neuropsychologists +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Music Therapists +Occupational Therapists +Psychiatrists +Recreational Therapists","View the list of Allies +American Art Therapy Association +external site +Art Therapy Credentials Board +external site",77,2,11,65,20,43,46,67,49,20,20,31,12,36,21,44,44,12,55,15,99,100,78,21,35,6,4,5,14,29,9,89,21 +51-6091.00,"Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers",https://www.onetonline.org/link/summary/51-6091.00,2025-06-11T19:26:17.225211,"Set up, operate, or tend machines that extrude and form filaments from synthetic materials such as rayon, fiberglass, or liquid polymers. +Press buttons to stop machines when processes are complete or when malfunctions are detected. +Notify other workers of defects, and direct them to adjust extruding and forming machines. +Observe machine operations, control boards, and gauges to detect malfunctions such as clogged bushings and defective binder applicators. +Load materials into extruding and forming machines, using hand tools, and adjust feed mechanisms to set feed rates. +Move controls to activate and adjust extruding and forming machines. +Record details of machine malfunctions. +Clean and maintain extruding and forming machines, using hand tools. +Observe flow of finish across finish rollers, and turn valves to adjust flow to specifications. +Remove polymer deposits from spinnerettes and equipment, using silicone spray, brass chisels, and bronze-wool pads. +Press metering-pump buttons and turn valves to stop flow of polymers. +Record operational data on tags, and attach tags to machines. +Start metering pumps and observe operation of machines and equipment to ensure continuous flow of filaments extruded through spinnerettes and to detect processing defects. +Remove excess, entangled, or completed filaments from machines, using hand tools. +Wipe finish rollers with cloths and wash finish trays with water when necessary. +Lower pans inside cabinets to catch molten filaments until flow of polymer through packs has stopped. +Open cabinet doors to cut multifilament threadlines away from guides, using scissors.","Data base management system software— Apache Hadoop YARN +Data base user interface and query software— Operational databases +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Camstar Manufacturing Execution System MES; Statistical process control SPC software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Operate metal or plastic forming equipment. +Adjust equipment controls to regulate flow of production materials or products. +Notify others of equipment repair or maintenance needs. +Signal others to coordinate work activities. +Monitor equipment operation to ensure proper functioning. +Clean production equipment. +Load materials into production equipment. +Record operational or production data. +Mark products, workpieces, or equipment with identifying information. +Operate pumping systems or equipment. +Watch operating equipment to detect malfunctions. +Maintain production or processing equipment. +Position containers to receive materials or workpieces. +Cut industrial materials in preparation for fabrication or processing.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 75% responded “Every day.” +Exposed to Contaminants— 72% responded “Every day.” +Work With or Contribute to a Work Group or Team— 73% responded “Extremely important.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Contact With Others— 56% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 54% responded “Every day.” +Frequency of Decision Making— 65% responded “Every day.” +Duration of Typical Work Week— 58% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 74% responded “Very important.” +Telephone Conversations— 64% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 51% responded “Continually or almost continually.” +Time Pressure— 36% responded “Every day.” +Health and Safety of Other Workers— 44% responded “Moderate responsibility.” +Consequence of Error— 37% responded “Very serious.” +Work Outcomes and Results of Other Workers— 34% responded “Very high responsibility.” +Freedom to Make Decisions +Coordinate or Lead Others in Accomplishing Work Activities— 22% responded “Important.” +E-Mail— 43% responded “Every day.” +Determine Tasks, Priorities and Goals +Pace Determined by Speed of Equipment— 49% responded “Very important.” +Spend Time Standing— 67% responded “About half the time.” +Exposed to Hazardous Equipment— 35% responded “Never.” +Importance of Repeating Same Tasks— 52% responded “Important.” +Indoors, Not Environmentally Controlled— 37% responded “Never.” +Physical Proximity— 49% responded “Moderately close (at arm's length).” +Degree of Automation— 47% responded “Moderately automated.” +Level of Competition— 15% responded “Extremely competitive.” +Conflict Situations— 46% responded “Once a week or more but not every day.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 34% responded “Never.” +Spend Time Making Repetitive Motions— 39% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adhesive Bonding Machine Operators and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding and Drawing Machine Setters, Operators, and Tenders, Metal and Plastic +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Paper Goods Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic","View the list of Allies +Plastics Industry Association +external site",46,15,67,56,53,44,43,53,32,23,23,33,18,40,19,28,19,52,16,26,25,20,16,26,21,35,18,25,6,30,6,10,10 +39-7011.00,Tour Guides and Escorts,https://www.onetonline.org/link/summary/39-7011.00,2025-06-11T19:13:39.407947,"Describe tour points of interest to group members, and respond to questions. +Escort individuals or groups on cruises, sightseeing tours, or through places of interest, such as industrial establishments, public buildings, or art galleries. +Monitor visitors' activities to ensure compliance with establishment or tour regulations and safety practices. +Conduct educational activities for school children. +Research various topics, including site history, environmental conditions, and clients' skills and abilities to plan appropriate expeditions, instruction, and commentary. +Provide directions and other pertinent information to visitors. +Select travel routes and sites to be visited based on knowledge of specific areas. +Provide for physical safety of groups, performing such activities as providing first aid or directing emergency evacuations. +Assemble and check the required supplies and equipment prior to departure. +Greet and register visitors, and issue any required identification badges or safety devices. +Distribute brochures, show audiovisual presentations, and explain establishment processes and operations at tour sites. +Drive motor vehicles to transport visitors to establishments and tour site locations. +Train other guides and volunteers. +Provide information about wildlife varieties and habitats, as well as any relevant regulations, such as those pertaining to hunting and fishing. +Teach skills, such as proper climbing methods, and demonstrate and advise on the use of equipment. +Collect fees and tickets from group members. +Perform clerical duties, such as filing, typing, operating switchboards, or routing mail and messages. +Solicit tour patronage and sell souvenirs. +Speak foreign languages to communicate with foreign visitors.","Computer based training software— Padlet +Customer relationship management CRM software— Centaur Systems Centaur Travel Business Management System TBMS; IBS Software Services Tour Partner; Softrip Travel Software System; TourTech Systems TourTools;1 more +Data base user interface and query software— Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop; SmugMug Flickr +Internet browser software— Apple Safari; Microsoft Internet Explorer +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint; Pear Deck +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Provide attraction or event information to patrons. +Respond to customer inquiries. +Guide patrons on tours. +Monitor patron activities to identify problems or potential problems. +Teach daily living skills or behaviors. +Gather information in order to provide services to clients. +Administer first aid. +Monitor availability of equipment or supplies. +Explain regulations, policies, or procedures. +Provide patrons with directions to locales or attractions. +Distribute resources to patrons or employees. +Greet customers, patrons, or visitors. +Drive vehicles to transport patrons. +Train service staff. +Demonstrate activity techniques or equipment use. +Collect fares or payment from customers. +Organize recreational activities or events. +Perform administrative or clerical tasks. +Promote products, services, or programs. +Sell products or services.","Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Public Speaking— 58% responded “Every day.” +Contact With Others— 69% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 76% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 46% responded “Very important.” +Physical Proximity— 66% responded “Moderately close (at arm's length).” +Freedom to Make Decisions— 55% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 32% responded “Very important.” +Spend Time Standing— 44% responded “More than half the time.” +Frequency of Decision Making— 42% responded “Every day.” +Spend Time Walking or Running— 49% responded “More than half the time.” +Indoors, Environmentally Controlled— 43% responded “Once a week or more but not every day.” +Time Pressure— 32% responded “Once a week or more but not every day.” +E-Mail— 39% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Minor results.” +Telephone Conversations— 48% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Concierges +Curators +Bright Outlook +Historians +Park Naturalists +Recreation Workers +Reservation and Transportation Ticket Agents and Travel Clerks +Self-Enrichment Teachers +Travel Agents +Travel Guides +Ushers, Lobby Attendants, and Ticket Takers","View the list of Allies +American Alliance of Museums +external site +International Air Transport Association +external site +National Art Education Association +external site +National Association for Interpretation +external site +National Tour Association +external site +United States Tour Operators Association +external site +International Longshore and Warehouse Union +external site +National Education Association +external site",86,15,10,78,18,37,45,55,28,9,31,19,8,29,22,18,56,20,25,43,41,13,40,23,9,11,21,11,24,21,47,46,66 +53-7065.00,Stockers and Order Fillers,https://www.onetonline.org/link/summary/53-7065.00,2025-06-11T19:30:50.169052,"Complete order receipts. +Answer customers' questions about merchandise and advise customers on merchandise selection. +Issue or distribute materials, products, parts, and supplies to customers or coworkers, based on information from incoming requisitions. +Keep records of out-going orders. +Stock shelves, racks, cases, bins, and tables with new or transferred merchandise. +Operate equipment such as forklifts. +Stamp, attach, or change price tags on merchandise, referring to price list. +Obtain merchandise from bins or shelves. +Receive and count stock items, and record data manually or on computer. +Read orders to ascertain catalog numbers, sizes, colors, and quantities of merchandise. +Receive, unload, open, unpack, or issue sales floor merchandise. +Pack customer purchases in bags or cartons. +Store items in an orderly and accessible manner in warehouses, tool rooms, supply rooms, or other areas. +Mark stock items, using identification tags, stamps, electric marking tools, or other labeling equipment. +Pack and unpack items to be stocked on shelves in stockrooms, warehouses, or storage yards. +Take inventory or examine merchandise to identify items to be reordered or replenished. +Clean display cases, shelves, and aisles. +Keep records on the use or damage of stock or stock-handling equipment. +Clean and maintain supplies, tools, equipment, and storage areas to ensure compliance with safety regulations. +Determine proper storage methods, identification, and stock location, based on turnover, environmental factors, and physical capabilities of facilities. +Dispose of damaged or defective items, or return them to vendors. +Recommend disposal of excess, defective, or obsolete stock. +Design and set up advertising signs and displays of merchandise on shelves, counters, or tables to attract customers and promote sales. +Provide assistance or direction to other stockroom, warehouse, or storage yard workers. +Examine and inspect stock items for wear or defects, reporting any damage to supervisors. +Compute prices of items or groups of items. +Itemize and total customer merchandise selection at checkout counter, using cash register, and accept cash or charge card for purchases. +Requisition merchandise from supplier, based on available space, merchandise on hand, customer demand, or advertised specials. +Compare merchandise invoices to items actually received to ensure that shipments are correct. +Transport packages to customers' vehicles.","Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Data entry software; Microsoft Access +Desktop communications software— Eko +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics GP; Oracle JD Edwards EnterpriseOne; SAP software +Inventory management software— Inventory management systems; Inventory tracking software; Ordering software +Materials requirements planning logistics and supply chain software— Warehouse management system WMS +Office suite software— Microsoft Office software +Operating system software— Handheld computer device software; Microsoft Windows +Spreadsheet software— Microsoft Excel +Voice synthesizer and recognition software— Voice picking software +Word processing software— Google Docs; Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Prepare documentation for contracts, transactions, or regulatory compliance. +Discuss goods or services information with customers or patrons. +Calculate costs of goods or services. +Distribute materials to employees or customers. +Record shipping information. +Stock supplies or merchandise. +Attach identification information to products, items or containers. +Operate forklifts or other loaders. +Package objects for shipping. +Collect deposits, payments or fees. +Receive shipments. +Read work orders to determine material or setup requirements. +Unload materials or equipment. +Store items. +Monitor inventories of products or materials. +Clean facilities or equipment. +Maintain operational records. +Store records or related materials. +Remove debris or damaged materials. +Send information, materials or documentation. +Advise others on business or operational matters. +Order materials, supplies, or equipment. +Set up merchandise displays. +Inspect shipments to ensure correct order fulfillment. +Inspect items for damage or defects. +Deliver items.","Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Contact With Others— 69% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Importance of Being Exact or Accurate— 37% responded “Extremely important.” +Spend Time Standing— 38% responded “Continually or almost continually.” +Telephone Conversations— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 33% responded “A lot of freedom.” +Freedom to Make Decisions— 35% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 30% responded “More than half the time.” +Frequency of Decision Making— 40% responded “Every day.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Important.” +E-Mail— 44% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 28% responded “Important results.” +Spend Time Walking or Running— 25% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 28% responded “Continually or almost continually.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cashiers +Bright Outlook +Counter and Rental Clerks +Laborers and Freight, Stock, and Material Movers, Hand +Mail Clerks and Mail Machine Operators, Except Postal Service +Order Clerks +Postal Service Clerks +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Retail Salespersons +Shipping, Receiving, and Inventory Clerks +Weighers, Measurers, Checkers, and Samplers, Recordkeeping","View the list of Allies +MHI +external site +National Association of College Stores +external site +Warehousing Education and Research Council +external site +Retail, Wholesale and Department Store Union +external site",56,8,29,53,40,27,44,33,36,17,30,14,18,32,16,21,29,16,10,44,18,11,19,27,10,8,10,13,6,8,20,5,8 +17-2051.00,Civil Engineers,https://www.onetonline.org/link/summary/17-2051.00,2025-06-11T18:53:30.949040,"Direct engineering activities, ensuring compliance with environmental, safety, or other governmental regulations. +Manage and direct the construction, operations, or maintenance activities at project site. +Inspect project sites to monitor progress and ensure conformance to design specifications and safety or sanitation standards. +Compute load and grade requirements, water flow rates, or material stress factors to determine design specifications. +Plan and design transportation or hydraulic systems or structures, using computer-assisted design or drawing tools. +Provide technical advice to industrial or managerial personnel regarding design, construction, program modifications, or structural repairs. +Analyze survey reports, maps, drawings, blueprints, aerial photography, or other topographical or geologic data. +Direct or participate in surveying to lay out installations or establish reference points, grades, or elevations to guide construction. +Estimate quantities and cost of materials, equipment, or labor to determine project feasibility. +Prepare or present public reports on topics such as bid proposals, deeds, environmental impact statements, or property and right-of-way descriptions. +Design energy-efficient or environmentally sound civil structures. +Test soils or materials to determine the adequacy and strength of foundations, concrete, asphalt, or steel. +Identify environmental risks and develop risk management strategies for civil engineering projects. +Conduct studies of traffic patterns or environmental conditions to identify engineering problems and assess potential project impact. +Develop or implement engineering solutions to clean up industrial accidents or other contaminated sites. +Design or engineer systems to efficiently dispose of chemical, biological, or other toxic wastes. +Use drone technology for site surveying, inspection, and monitoring of infrastructure projects.","Analytical or scientific software— HEC-HMS; Minitab; Procore software; The MathWorks MATLAB;8 more +Business intelligence and data analysis software— Oracle Business Intelligence Enterprise Edition +Calendar and scheduling software— Scheduling software +Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;16 more +Data base user interface and query software— Microsoft Access +Development environment software— C; Microsoft Visual Basic; National Instruments LabVIEW; Verilog;1 more +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software +File versioning software— Apache Subversion SVN +Geographic information system— ESRI ArcGIS software; ESRI ArcInfo; ESRI ArcView; Geographic information system GIS software +Graphics or photo imaging software— Bentley GeoPak Bridge; Graphics software; SmugMug Flickr; Trimble SketchUp Pro +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Microsoft Internet Explorer; Web browser software +Map creation software— Cartography software; Intergraph MGE +Object or component oriented development software— Microsoft ActiveX +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Shell script +Presentation software— Microsoft PowerPoint +Project management software— Cost estimating software; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; The Gordian Group PROGEN Online +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Coordinate safety or regulatory compliance activities. +Test characteristics of materials or structures. +Direct construction activities. +Inspect facilities or sites to determine if they meet specifications or standards. +Estimate technical or resource requirements for development or production projects. +Create graphical representations of civil structures. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Evaluate technical data to determine effect on designs or plans. +Survey land or bodies of water to measure or determine features. +Develop technical methods or processes. +Investigate the environmental impact of projects. +Estimate operational costs. +Explain project details to the general public. +Prepare proposal documents. +Incorporate green features into the design of structures or facilities. +Implement design or process improvements. +Design systems to reduce harmful emissions.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Very important.” +Contact With Others— 43% responded “Contact with others most of the time.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Spend Time Sitting— 76% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Frequency of Decision Making— 38% responded “Every day.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Written Letters and Memos— 67% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Deal With External Customers or the Public in General— 48% responded “Very important.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Consequence of Error— 43% responded “Extremely serious.” +Level of Competition— 62% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 43% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Operations Analysis— Analyzing needs and product requirements to create a design. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Architects, Except Landscape and Naval +Bright Outlook +Architectural and Civil Drafters +Architectural and Engineering Managers +Civil Engineering Technologists and Technicians +Construction and Building Inspectors +Construction Managers +Environmental Engineers +Mining and Geological Engineers, Including Mining Safety Engineers +Transportation Engineers +Water/Wastewater Engineers","View the list of Allies +American Council of Engineering Companies +external site +American Public Works Association +external site +American Railway Engineering and Maintenance-of-Way Association +external site +American Society for Engineering Education +external site +American Society of Civil Engineers +external site +American Society of Mechanical Engineers +external site +American Water Works Association +external site +ASTM International +external site +Earthquake Engineering Research Institute +external site +Institute of Transportation Engineers +external site +National Association of County Engineers +external site +National Society of Professional Engineers +external site +Society of American Military Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +American Concrete Institute +external site +National Council of Examiners for Engineering and Surveying +external site",61,4,28,75,87,66,56,35,43,45,47,39,32,54,13,56,25,38,10,51,18,4,12,13,4,92,88,68,13,93,39,,14 +49-3031.00,Bus and Truck Mechanics and Diesel Engine Specialists,https://www.onetonline.org/link/summary/49-3031.00,2025-06-11T19:21:54.166224,"Use handtools, such as screwdrivers, pliers, wrenches, pressure gauges, or precision instruments, as well as power tools, such as pneumatic wrenches, lathes, welding equipment, or jacks and hoists. +Inspect brake systems, steering mechanisms, wheel bearings, and other important parts to ensure that they are in proper operating condition. +Raise trucks, buses, and heavy parts or equipment using hydraulic jacks or hoists. +Adjust and reline brakes, align wheels, tighten bolts and screws, and reassemble equipment. +Attach test instruments to equipment, and read dials and gauges to diagnose malfunctions. +Perform routine maintenance such as changing oil, checking batteries, and lubricating equipment and machinery. +Examine and adjust protective guards, loose bolts, and specified safety devices. +Inspect, test, and listen to defective equipment to diagnose malfunctions, using test instruments such as handheld computers, motor analyzers, chassis charts, or pressure gauges. +Rewire ignition systems, lights, and instrument panels. +Test drive trucks and buses to diagnose malfunctions or to ensure that they are working properly. +Diagnose and repair vehicle heating and cooling systems. +Inspect, repair, and maintain automotive and mechanical equipment and machinery, such as pumps and compressors. +Inspect and verify dimensions and clearances of parts to ensure conformance to factory specifications. +Disassemble and overhaul internal combustion engines, pumps, generators, transmissions, clutches, and differential units. +Adjust or repair computer controlled exhaust emissions devices. +Rebuild gas or diesel engines. +Specialize in repairing and maintaining parts of the engine, such as fuel injection systems. +Recondition and replace parts, pistons, bearings, gears, and valves. +Install or repair accessories. +Repair or adjust seats, doors, or windows. +Dismount, mount, and repair or replace tires. +Align front ends and suspension systems. +Maintain or repair vehicles with alternative fuel systems, including biodiesel, hybrid, or compressed natural gas vehicles. +Measure vehicle emissions to determine whether they are within acceptable limits. +Follow green operational practices involving conservation of water or energy or reduction of solid waste. +Operate valve-grinding machines to grind and reset valves.","Analytical or scientific software— Cummins INSITE; Engine diagnostic software +Calendar and scheduling software— Scheduling software +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks +Computer aided manufacturing CAM software +Data base user interface and query software— Database software +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system software CMMS; Shop management software +Inventory management software— Inventory tracking software +Materials requirements planning logistics and supply chain software— Fleet management software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Select tools, equipment, or technologies for use in operations or projects. +Inspect mechanical components of vehicles to identify problems. +Operate cranes, hoists, or other moving or lifting equipment. +Adjust vehicle components according to specifications. +Test mechanical equipment to ensure proper functioning. +Lubricate equipment to allow proper functioning. +Service vehicles to maintain functionality. +Adjust equipment to ensure optimal performance. +Observe equipment in operation to detect potential problems. +Repair non-engine automotive or vehicle components. +Operate transportation equipment to demonstrate function or malfunction. +Rewire electrical or electronic systems. +Troubleshoot equipment or systems operation problems. +Repair defective engines or engine components. +Dismantle heavy equipment or machinery. +Measure distances or dimensions. +Service green vehicles to make repairs or maintain good working order. +Measure equipment outputs. +Monitor resources. +Rebuild parts or components. +Replace worn, damaged, or defective mechanical parts. +Install vehicle parts or accessories. +Repair tires. +Align equipment or machinery. +Grind parts to required dimensions.","Exposed to Contaminants— 85% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 80% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 68% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 81% responded “Every day.” +Health and Safety of Other Workers— 72% responded “Very high responsibility.” +Indoors, Not Environmentally Controlled— 74% responded “Every day.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 59% responded “Continually or almost continually.” +Spend Time Standing— 59% responded “Continually or almost continually.” +Exposed to Cramped Work Space, Awkward Positions— 67% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 69% responded “Very important results.” +Contact With Others— 51% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 60% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 49% responded “Every day.” +Frequency of Decision Making— 66% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 52% responded “Every day.” +Spend Time Making Repetitive Motions— 43% responded “More than half the time.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Time Pressure— 40% responded “Every day.” +Duration of Typical Work Week— 53% responded “More than 40 hours.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 40% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 44% responded “Very high responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 49% responded “Every day.” +Work With or Contribute to a Work Group or Team— 41% responded “Very important.” +Telephone Conversations— 57% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Extremely important.” +Spend Time Walking or Running— 35% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 48% responded “Every day.” +Consequence of Error— 31% responded “Extremely serious.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 33% responded “Every day.” +Importance of Repeating Same Tasks— 28% responded “Extremely important.” +In an Open Vehicle or Operating Equipment— 38% responded “Every day.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Spend Time Keeping or Regaining Balance— 29% responded “About half the time.” +E-Mail— 38% responded “Never.” +Level of Competition— 38% responded “Moderately competitive.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Mechanics and Service Technicians +Automotive Service Technicians and Mechanics +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Farm Equipment Mechanics and Service Technicians +Bright Outlook +Mobile Heavy Equipment Mechanics, Except Engines +Motorboat Mechanics and Service Technicians +Motorcycle Mechanics +Outdoor Power Equipment and Other Small Engine Mechanics +Rail Car Repairers","View the list of Allies +American Bus Association +external site +Association of Diesel Specialists +external site +International Association of Machinists and Aerospace Workers +external site +SkillsUSA +external site +Accrediting Commission of Career Schools and Colleges +external site +Amalgamated Transit Union +external site +ASE Education Foundation +external site +International Brotherhood of Teamsters +external site +International Union of Operating Engineers +external site +National Institute for Automotive Service Excellence +external site +Transport Workers Union of America AFL-CIO +external site",48,15,49,63,57,51,61,64,25,17,20,35,44,57,4,39,30,94,7,72,33,17,10,37,7,45,37,46,28,43,25,8,13 +31-1131.00,Nursing Assistants,https://www.onetonline.org/link/summary/31-1131.00,2025-06-11T19:09:24.281785,"Turn or reposition bedridden patients. +Answer patient call signals, signal lights, bells, or intercom systems to determine patients' needs. +Feed patients or assist patients to eat or drink. +Measure and record food and liquid intake or urinary and fecal output, reporting changes to medical or nursing staff. +Provide physical support to assist patients to perform daily living activities, such as getting out of bed, bathing, dressing, using the toilet, standing, walking, or exercising. +Document or otherwise report observations of patient behavior, complaints, or physical symptoms to nurses. +Remind patients to take medications or nutritional supplements. +Review patients' dietary restrictions, food allergies, and preferences to ensure patient receives appropriate diet. +Undress, wash, and dress patients who are unable to do so for themselves. +Observe or examine patients to detect symptoms that may require medical attention, such as bruises, open wounds, or blood in urine. +Lift or assist others to lift patients to move them on or off beds, examination tables, surgical tables, or stretchers. +Supply, collect, or empty bedpans. +Communicate with patients to ascertain feelings or need for assistance or social and emotional support. +Record vital signs, such as temperature, blood pressure, pulse, or respiration rate, as directed by medical or nursing staff. +Gather information from caregivers, nurses, or physicians about patient condition, treatment plans, or appropriate activities. +Wash, groom, shave, or drape patients to prepare them for surgery, treatment, or examination. +Prepare or serve food trays. +Change bed linens or make beds. +Exercise patients who are comatose, paralyzed, or have restricted mobility. +Restock patient rooms with personal hygiene items, such as towels, washcloths, soap, or toilet paper. +Clean and sanitize patient rooms, bathrooms, examination rooms, or other patient areas. +Assist nurses or physicians in the operation of medical equipment or provision of patient care. +Record height or weight of patients. +Transport patients to treatment units, testing units, operating rooms, or other areas, using wheelchairs, stretchers, or moveable beds. +Collect specimens, such as urine, feces, or sputum. +Provide information, such as directions, visiting hours, or patient status information to visitors or callers. +Position or hold patients in position for surgical preparation. +Set up treating or testing equipment, such as oxygen tents, portable radiograph (x-ray) equipment, or overhead irrigation bottles, as directed by a physician or nurse. +Administer medications or treatments, such as catheterizations, suppositories, irrigations, enemas, massages, or douches, as directed by a physician or nurse. +Apply clean dressings, slings, stockings, or support bandages, under direction of nurse or physician. +Stock or issue medical supplies, such as dressing packs or treatment trays. +Explain medical instructions to patients or family members. +Transport specimens, laboratory items, or pharmacy items, ensuring proper documentation and delivery to authorized personnel.","Accounting software— Billing software +Business intelligence and data analysis software— Apache Spark +Data base user interface and query software— Health information database software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Epic Systems; Medical procedure coding software; MEDITECH software; Telemetry software;4 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Video creation and editing software— YouTube +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Adjust positions of patients on beds or tables. +Feed patients. +Record vital statistics or other health information. +Hold patients to ensure proper positioning or safety. +Assist patients with daily activities. +Monitor patients to detect health problems. +Analyze patient data to determine patient needs or treatment goals. +Assess physical conditions of patients to aid in diagnosis or treatment. +Dispose of biomedical waste in accordance with standards. +Interview patients to gather medical information. +Prepare medical instruments or equipment for use. +Collect medical information from patients, family members, or other medical professionals. +Clean patient rooms or patient treatment rooms. +Administer therapy treatments to patients using hands or physical treatment aids. +Stock medical or patient care supplies. +Assist practitioners to perform medical procedures. +Operate medical equipment. +Administer basic health care or medical treatments. +Give medications or immunizations. +Apply bandages, dressings, or splints. +Move patients to or from treatment areas. +Collect biological specimens from patients. +Explain technical medical information to patients. +Transport biological or other medical materials. +Provide basic information to guests, visitors, or clients.","Contact With Others— 87% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 83% responded “Extremely important.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Spend Time Walking or Running— 62% responded “Continually or almost continually.” +Health and Safety of Other Workers— 71% responded “Very high responsibility.” +Spend Time Standing— 52% responded “Continually or almost continually.” +Physical Proximity— 74% responded “Very close (near touching).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 74% responded “Every day.” +Exposed to Disease or Infections— 75% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Every day.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Work Outcomes and Results of Other Workers— 48% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Time Pressure— 38% responded “Every day.” +Deal With External Customers or the Public in General— 47% responded “Extremely important.” +Frequency of Decision Making— 53% responded “Every day.” +Determine Tasks, Priorities and Goals— 31% responded “A lot of freedom.” +Spend Time Bending or Twisting Your Body— 32% responded “Continually or almost continually.” +Dealing with Violent or Physically Aggressive People— 39% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 36% responded “Extremely important.” +Spend Time Making Repetitive Motions— 30% responded “More than half the time.” +Consequence of Error— 44% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 33% responded “Once a week or more but not every day.” +Conflict Situations— 33% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 24% responded “A lot of freedom.” +Level of Competition— 24% responded “Extremely competitive.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Acute Care Nurses +Bright Outlook +Emergency Medical Technicians +Home Health Aides +Licensed Practical and Licensed Vocational Nurses +Medical Assistants +Paramedics +Physical Therapist Aides +Psychiatric Aides +Registered Nurses +Surgical Assistants","View the list of Allies +National Association for Home Care and Hospice +external site +National Association of Health Care Assistants +external site +National Council of State Boards of Nursing +external site",73,27,30,57,34,59,54,53,40,29,33,42,23,31,29,35,27,31,30,35,49,51,43,31,54,24,17,20,22,21,14,16,16 +19-4012.01,Precision Agriculture Technicians,https://www.onetonline.org/link/summary/19-4012.01,2025-06-11T18:57:46.541838,"Document and maintain records of precision agriculture information. +Collect information about soil or field attributes, yield data, or field boundaries, using field data recorders and basic geographic information systems (GIS). +Use geospatial technology to develop soil sampling grids or identify sampling sites for testing characteristics such as nitrogen, phosphorus, or potassium content, pH, or micronutrients. +Divide agricultural fields into georeferenced zones, based on soil characteristics and production potentials. +Install, calibrate, or maintain sensors, mechanical controls, GPS-based vehicle guidance systems, or computer settings. +Create, layer, and analyze maps showing precision agricultural data, such as crop yields, soil characteristics, input applications, terrain, drainage patterns, or field management history. +Compare crop yield maps with maps of soil test data, chemical application patterns, or other information to develop site-specific crop management plans. +Analyze geospatial data to determine agricultural implications of factors such as soil quality, terrain, field productivity, fertilizers, or weather conditions. +Identify spatial coordinates, using remote sensing and Global Positioning System (GPS) data. +Analyze data from harvester monitors to develop yield maps. +Apply precision agriculture information to specifically reduce the negative environmental impacts of farming practices. +Demonstrate the applications of geospatial technology, such as Global Positioning System (GPS), geographic information systems (GIS), automatic tractor guidance systems, variable rate chemical input applicators, surveying equipment, or computer mapping software. +Draw or read maps, such as soil, contour, or plat maps. +Recommend best crop varieties or seeding rates for specific field areas, based on analysis of geospatial data. +Prepare reports in graphical or tabular form, summarizing field productivity or profitability. +Provide advice on the development or application of better boom-spray technology to limit the overapplication of chemicals and to reduce the migration of chemicals beyond the fields being treated. +Program farm equipment, such as variable-rate planting equipment or pesticide sprayers, based on input from crop scouting and analysis of field condition variability. +Participate in efforts to advance precision agriculture technology, such as developing advanced weed identification or automated spot spraying systems. +Analyze remote sensing imagery to identify relationships between soil quality, crop canopy densities, light reflectance, and weather history. +Advise farmers on upgrading Global Positioning System (GPS) equipment to take advantage of newly installed advanced satellite technology. +Contact equipment manufacturers for technical assistance, as needed. +Identify areas in need of pesticide treatment by analyzing geospatial data to determine insect movement and damage patterns. +Operate drone technology to capture aerial imagery and data for crop monitoring and analysis.","Analytical or scientific software— AGCO GTA Software Suite; Farm Works Site Pro; MapShots EASi Suite; SST Development Group SSToolbox +Data base user interface and query software— Ag Leader Technology SMS Advanced; John Deere Apex Farm Management; Microsoft Access; Novariant AutoFarm AF Viewer +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcPad; ESRI ArcView; Geographic information system GIS systems +Internet browser software— Web browser software +Map creation software— GeoAgro GIS; Trimble AgGPS EZ-Map; Trimble AgGPS MultiPlane +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Record research or operational data. +Collect geographical or geological field data. +Analyze environmental data. +Analyze geological or geographical data. +Calibrate scientific or technical equipment. +Prepare maps. +Maintain laboratory or technical equipment. +Research crop management methods. +Apply knowledge or research findings to address environmental problems. +Advise others on the development or use of new technologies. +Prepare operational reports. +Develop agricultural methods. +Conduct climatological research.","Telephone Conversations— 86% responded “Every day.” +Duration of Typical Work Week— 91% responded “More than 40 hours.” +E-Mail— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Once a week or more but not every day.” +Contact With Others— 65% responded “Constant contact with others.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 45% responded “Very important.” +Deal With External Customers or the Public in General— 48% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 43% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Frequency of Decision Making— 43% responded “Once a month or more but not every week.” +Outdoors, Exposed to All Weather Conditions— 74% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Moderate results.” +Outdoors, Under Cover— 57% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 61% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 48% responded “Moderate responsibility.” +Work Schedules— 61% responded “Irregular (changes with weather conditions, production demands, or contract duration).” +Exposed to Very Hot or Cold Temperatures— 43% responded “Once a week or more but not every day.” +Time Pressure— 52% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Indoors, Environmentally Controlled— 48% responded “Once a week or more but not every day.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).” +Importance of Repeating Same Tasks— 39% responded “Important.” +Health and Safety of Other Workers— 30% responded “Moderate responsibility.” +Consequence of Error— 39% responded “Very serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Once a month or more but not every week.” +Level of Competition— 41% responded “Highly competitive.” +Spend Time Sitting— 43% responded “About half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 30% responded “Once a week or more but not every day.” +Written Letters and Memos— 32% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Once a week or more but not every day.” +In an Open Vehicle or Operating Equipment— 35% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Agricultural Engineers +Bright Outlook +Agricultural Technicians +Conservation Scientists +Environmental Scientists and Specialists, Including Health +Farmers, Ranchers, and Other Agricultural Managers +Forest and Conservation Technicians +Geological Technicians, Except Hydrologic Technicians +Industrial Ecologists +Range Managers +Soil and Plant Scientists","View the list of Allies +American Society of Agronomy +external site +American Society of Agricultural and Biological Engineers +external site +American Society of Animal Science +external site +Institute of Food Technologists +external site +National Association of County Agricultural Agents +external site +PrecisionAg Institute +external site +Soil and Water Conservation Society +external site +Soil Science Society of America +external site +Weed Science Society of America +external site +American Registry of Professional Animal Scientists +external site",79,59,50,62,62,41,40,52,43,39,63,33,51,77,24,35,38,58,10,42,29,10,16,43,8,61,28,43,60,41,56,4,12 +49-3021.00,Automotive Body and Related Repairers,https://www.onetonline.org/link/summary/49-3021.00,2025-06-11T19:21:45.244060,"File, grind, sand, and smooth filled or repaired surfaces, using power tools and hand tools. +Inspect repaired vehicles for proper functioning, completion of work, dimensional accuracy, and overall appearance of paint job, and test-drive vehicles to ensure proper alignment and handling. +Fit and weld replacement parts into place, using wrenches and welding equipment, and grind down welds to smooth them, using power grinders and other tools. +Prime and paint repaired surfaces, using paint sprayguns and motorized sanders. +Follow supervisors' instructions as to which parts to restore or replace and how much time the job should take. +Sand body areas to be painted and cover bumpers, windows, and trim with masking tape or paper to protect them from the paint. +Chain or clamp frames and sections to alignment machines that use hydraulic pressure to align damaged components. +Position dolly blocks against surfaces of dented areas and beat opposite surfaces to remove dents, using hammers. +Cut and tape plastic separating film to outside repair areas to avoid damaging surrounding surfaces during repair procedure and remove tape and wash surfaces after repairs are complete. +Review damage reports, prepare or review repair cost estimates, and plan work to be performed. +Fill small dents that cannot be worked out with plastic or solder. +Remove damaged sections of vehicles using metal-cutting guns, air grinders and wrenches, and install replacement parts using wrenches or welding equipment. +Remove small pits and dimples in body metal, using pick hammers and punches. +Remove upholstery, accessories, electrical window-and-seat-operating equipment, and trim to gain access to vehicle bodies and fenders. +Mix polyester resins and hardeners to be used in restoring damaged areas. +Fit and secure windows, vinyl roofs, and metal trim to vehicle bodies, using caulking guns, adhesive brushes, and mallets. +Adjust or align headlights, wheels, and brake systems. +Replace damaged glass on vehicles. +Remove damaged panels, and identify the family and properties of the plastic used on a vehicle. +Apply heat to plastic panels, using hot-air welding guns or immersion in hot water, and press the softened panels back into shape by hand. +Clean work areas, using air hoses, to remove damaged material and discarded fiberglass strips used in repair procedures. +Soak fiberglass matting in resin mixtures and apply layers of matting over repair areas to specified thicknesses. +Read specifications or confer with customers to determine the desired custom modifications for altering the appearance of vehicles. +Cut openings in vehicle bodies for the installation of customized windows, using templates and power shears or chisels. +Measure and mark vinyl material and cut material to size for roof installation, using rules, straightedges, and hand shears.","Accounting software— Accounts receivable software +Analytical or scientific software— Collision damage estimation software; Collision damage measurement software; Paint mixing and matching software; Swan River Estimiser Pro +Calendar and scheduling software— Appointment scheduling software +Data base user interface and query software— AutoZone ALLDATA; Equipment management information software +Electronic mail software— Microsoft Outlook +Inventory management software— Materials management software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software— Automotive and Accounting Software by R*KOM Invoice Writer +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft OneNote; Microsoft Word","Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Smooth surfaces of objects or equipment. +Inspect completed work to ensure proper functioning. +Install vehicle parts or accessories. +Operate welding equipment. +Paint surfaces or equipment. +Receive information or instructions for performing work assignments. +Apply protective coverings to objects or surfaces near work areas. +Mount materials or workpieces onto production equipment. +Cut materials according to specifications or needs. +Remove dents from equipment, materials, tools or structures. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Plan work procedures. +Remove parts or components from vehicles. +Disassemble equipment for maintenance or repair. +Install machine or equipment replacement parts. +Prepare compounds or solutions to be used for repairs. +Adjust vehicle components according to specifications. +Replace vehicle glass. +Heat material or workpieces to prepare for or complete production. +Clean work areas. +Confer with customers or users to assess problems. +Measure distances or dimensions.","Exposed to Contaminants— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 95% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 88% responded “Every day.” +Time Pressure— 53% responded “Every day.” +Exposed to Hazardous Conditions— 81% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 84% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Spend Time Bending or Twisting Your Body— 52% responded “Continually or almost continually.” +Spend Time Standing— 52% responded “More than half the time.” +Freedom to Make Decisions— 58% responded “A lot of freedom.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 74% responded “Every day.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Frequency of Decision Making— 56% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 50% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 63% responded “Every day.” +Level of Competition— 54% responded “Highly competitive.” +Health and Safety of Other Workers— 56% responded “Moderate responsibility.” +Contact With Others— 39% responded “Constant contact with others.” +Exposed to Cramped Work Space, Awkward Positions— 46% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 47% responded “More than half the time.” +Consequence of Error— 41% responded “Very serious.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 40% responded “Every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Work Outcomes and Results of Other Workers— 25% responded “Very high responsibility.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Automotive Glass Installers and Repairers +Automotive Service Technicians and Mechanics +Bus and Truck Mechanics and Diesel Engine Specialists +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Grinding and Polishing Workers, Hand +Motorcycle Mechanics +Rail Car Repairers +Tire Builders","View the list of Allies +Automotive Maintenance and Repair Association +external site +Automotive Service Association +external site +Inter-Industry Conference on Auto Collision Repair +external site +International Association of Machinists and Aerospace Workers +external site +National Automobile Dealers Association +external site +National Glass Association +external site +SkillsUSA +external site +Society of Collision Repair Specialists +external site +Accrediting Commission of Career Schools and Colleges +external site +ASE Education Foundation +external site +International Association of General Motors Automotive Service Educational Program +external site +National Institute for Automotive Service Excellence +external site",56,Not available,53,49,50,37,39,38,16,16,19,14,28,34,12,30,13,65,Not available,49,12,3,3,11,Not available,44,31,33,1,23,4,12,Not available +27-3043.05,"Poets, Lyricists and Creative Writers",https://www.onetonline.org/link/summary/27-3043.05,2025-06-11T19:03:52.162509,"Write fiction or nonfiction prose, such as short stories, novels, biographies, articles, descriptive or critical analyses, and essays. +Develop factors such as themes, plots, characterizations, psychological analyses, historical environments, action, and dialogue to create material. +Revise written material to meet personal standards and to satisfy needs of clients, publishers, directors, or producers. +Choose subject matter and suitable form to express personal feelings and experiences or ideas, or to narrate stories or events. +Prepare works in appropriate format for publication, and send them to publishers or producers. +Conduct research to obtain factual information and authentic detail, using sources such as newspaper accounts, diaries, and interviews. +Confer with clients, editors, publishers, or producers to discuss changes or revisions to written material. +Plan project arrangements or outlines, and organize material accordingly. +Follow appropriate procedures to get copyrights for completed work. +Attend book launches and publicity events, or conduct public readings. +Write narrative, dramatic, lyric, or other types of poetry for publication. +Write words to fit musical compositions, including lyrics for operas, musical plays, and choral works. +Adapt text to accommodate musical requirements of composers and singers. +Write humorous material for publication, or for performances such as comedy routines, gags, and comedy shows. +Teach writing classes. +Collaborate with other writers on specific projects.","Cloud-based data access and sharing software— Google Drive +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Office suite software— Microsoft Office software; OpenOffice.org +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Text to speech conversion software— Text to speech software +Video creation and editing software— YouTube +Web page creation and editing software— Facebook; Red Sweater MarsEdit; Social media software; WordPress;3 more +Word processing software— Apple iWork Pages; AutoCrit Editing Wizard; Microsoft Word; WriteWay Pro;11 more","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Write material for artistic or entertainment purposes. +Edit written materials. +Determine presentation subjects or content. +Conduct research to inform art, designs, or other work. +Discuss production content and progress with others. +Coordinate artistic activities. +Obtain copyrights or other legal permissions. +Promote products, activities, or organizations. +Train others on work processes. +Collaborate with others to prepare or perform artistic productions.","Determine Tasks, Priorities and Goals— 82% responded “A lot of freedom.” +Freedom to Make Decisions— 77% responded “A lot of freedom.” +Spend Time Sitting— 77% responded “Continually or almost continually.” +E-Mail— 64% responded “Every day.” +Level of Competition— 59% responded “Extremely competitive.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Importance of Being Exact or Accurate— 41% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 33% responded “Continually or almost continually.” +Written Letters and Memos— 30% responded “Once a month or more but not every week.” +Telephone Conversations— 33% responded “Once a week or more but not every day.” +Time Pressure— 36% responded “Once a year or more but not every month.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.","Editors +English Language and Literature Teachers, Postsecondary +Film and Video Editors +Fine Artists, Including Painters, Sculptors, and Illustrators +Music Directors and Composers +News Analysts, Reporters, and Journalists +Producers and Directors +Bright Outlook +Proofreaders and Copy Markers +Technical Writers +Writers and Authors","View the list of Allies +American Grant Writers' Association +external site +American Society of Journalists and Authors +external site +Association of Writers and Writing Programs +external site +National Association of Science Writers +external site +Recording Academy +external site +Science Fiction and Fantasy Writers of America +external site +Society of Children's Book Writers and Illustrators +external site +Society of Professional Journalists +external site +Songwriters Guild of America +external site +The Authors Guild +external site +The Society of Composers and Lyricists +external site +Writers Guild of America East +external site +Writers Guild of America West +external site",36,,23,92,11,37,13,32,57,31,56,5,,59,26,22,76,1,38,16,44,15,41,17,7,6,,2,4,14,24,52,44 +33-3021.00,Detectives and Criminal Investigators,https://www.onetonline.org/link/summary/33-3021.00,2025-06-11T19:10:37.540663,"Check victims for signs of life, such as breathing and pulse. +Obtain facts or statements from complainants, witnesses, and accused persons and record interviews, using recording device. +Secure deceased body and obtain evidence from it, preventing bystanders from tampering with it prior to medical examiner's arrival. +Record progress of investigation, maintain informational files on suspects, and submit reports to commanding officer or magistrate to authorize warrants. +Prepare reports that detail investigation findings. +Prepare charges or responses to charges, or information for court cases, according to formalized procedures. +Preserve, process, and analyze items of evidence obtained from crime scenes and suspects, placing them in proper containers and destroying evidence no longer needed. +Obtain summary of incident from officer in charge at crime scene, taking care to avoid disturbing evidence. +Note, mark, and photograph location of objects found, such as footprints, tire tracks, bullets and bloodstains, and take measurements of the scene. +Examine records and governmental agency files to find identifying data about suspects. +Secure persons at scene, keeping witnesses from conversing or leaving the scene before investigators arrive. +Provide information to lab personnel concerning the source of an item of evidence and tests to be performed. +Analyze completed police reports to determine what additional information and investigative work is needed. +Examine records to locate links in chains of evidence or information. +Search for and collect evidence, such as fingerprints, using investigative equipment. +Prepare and serve search and arrest warrants. +Question individuals or observe persons and establishments to confirm information given to patrol officers. +Determine scope, timing, and direction of investigations. +Obtain and verify evidence by interviewing and observing suspects and witnesses or by analyzing records. +Participate or assist in raids and arrests. +Organize scene search, assigning specific tasks and areas of search to individual officers and obtaining adequate lighting as necessary. +Summon medical help for injured individuals and alert medical personnel to take statements from them. +Notify command of situation and request assistance. +Block or rope off scene and check perimeter to ensure that entire scene is secured. +Identify case issues and evidence needed, based on analysis of charges, complaints, or allegations of law violations. +Notify, or request notification of, medical examiner or district attorney representative. +Collaborate with other offices and agencies to exchange information and coordinate activities. +Maintain surveillance of establishments to obtain identifying information on suspects. +Testify before grand juries concerning criminal activity investigations. +Perform undercover assignments and maintain surveillance, including monitoring authorized wiretaps. +Operate drones for aerial surveillance or to gather evidence from difficult to reach locations.","Analytical or scientific software— Guidance Software EnCase Enterprise; SAS +Data base user interface and query software— DataWorks Plus Digital CrimeScene; Microsoft Access; National Crime Information Center (NCIC) database; Structured query language SQL;3 more +Desktop publishing software— Microsoft Publisher +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcView; Geographic information system GIS software +Graphics or photo imaging software— Adobe Photoshop; DesignWare 3D EyeWitness; Digital Image Management Solutions Crime Scene; Graphics software;7 more +Internet browser software— Web browser software +Map creation software— Crime mapping software +Network monitoring software— AccessData FTK +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Case management software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Check physical condition of people or animals. +Interview people to gather information about criminal activities. +Examine crime scenes to obtain evidence. +Prepare investigation or incident reports. +Prevent unauthorized individuals from entering restricted areas. +Record information about suspects or criminals. +Analyze crime scene evidence. +Document legal or regulatory information. +Process forensic or legal evidence in accordance with procedures. +Collect evidence for legal proceedings. +Record crime or accident scene evidence with video or still cameras. +Examine records or other types of data to investigate criminal activities. +Detain suspects or witnesses. +Use databases to locate investigation details or other information. +Communicate situation details to appropriate personnel. +Observe individuals' activities to gather information or compile evidence. +Determine operational procedures. +Serve court ordered documents. +Apprehend criminal suspects. +Direct criminal investigations. +Request emergency personnel. +Block physical access to restricted areas. +Investigate accidents to determine causes. +Collaborate with law enforcement or security agencies to share information. +Maintain surveillance of individuals or establishments. +Testify at legal or legislative proceedings.","Telephone Conversations— 93% responded “Every day.” +Deal With External Customers or the Public in General— 87% responded “Extremely important.” +E-Mail— 91% responded “Every day.” +Contact With Others— 83% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 75% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 70% responded “Very important results.” +Frequency of Decision Making— 73% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Freedom to Make Decisions— 71% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 63% responded “A lot of freedom.” +Consequence of Error— 68% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Conflict Situations— 43% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 42% responded “Every day.” +Written Letters and Memos— 37% responded “Every day.” +Health and Safety of Other Workers— 47% responded “Very high responsibility.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 36% responded “Extremely important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Physical Proximity— 35% responded “Moderately close (at arm's length).” +Indoors, Not Environmentally Controlled— 31% responded “Every day.” +Spend Time Sitting— 52% responded “About half the time.” +Exposed to Very Hot or Cold Temperatures— 28% responded “Every day.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Dealing with Violent or Physically Aggressive People— 36% responded “Once a month or more but not every week.” +Level of Competition— 33% responded “Moderately competitive.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Once a year or more but not every month.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 27% responded “Once a month or more but not every week.” +Exposed to Disease or Infections— 30% responded “Once a year or more but not every month.” +Exposed to Contaminants— 37% responded “Once a year or more but not every month.” +Outdoors, Under Cover— 29% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 32% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Coroners +First-Line Supervisors of Police and Detectives +Forensic Science Technicians +Bright Outlook +Fraud Examiners, Investigators and Analysts +Intelligence Analysts +Police and Sheriff's Patrol Officers +Police Identification and Records Officers +Private Detectives and Investigators +Probation Officers and Correctional Treatment Specialists +Transit and Railroad Police","View the list of Allies +Aircraft Owners and Pilots Association +external site +American Association of Police Polygraphists +external site +FBI Agents Association +external site +Federal Criminal Investigators Association +external site +Federal Law Enforcement Officers Association +external site +Fraternal Order of Police +external site +International Association for Identification +external site +International Association of Arson Investigators +external site +International Association of Auto Theft Investigators +external site +International Association of Financial Crimes Investigators +external site +International Homicide Investigators Association +external site +International Outlaw Motorcycle Gang Investigators Association +external site +National Alliance of Gang Investigators' Associations +external site +National Association of Drug Diversion Investigators +external site +National Tactical Officers Association +external site +PADI +external site +World Association of Detectives +external site",76,5,26,80,41,59,90,64,64,33,15,50,18,64,33,96,55,15,33,48,72,48,54,50,28,24,10,18,21,9,44,5,22 +43-4181.00,Reservation and Transportation Ticket Agents and Travel Clerks,https://www.onetonline.org/link/summary/43-4181.00,2025-06-11T19:16:09.025732,"Examine passenger documentation to determine destinations and to assign boarding passes. +Trace lost, delayed, or misdirected baggage for customers. +Check baggage and cargo and direct passengers to designated locations for loading. +Provide boarding or disembarking assistance to passengers needing special assistance. +Confer with customers to determine their service requirements and travel preferences. +Announce arrival and departure information, using public address systems. +Determine whether space is available on travel dates requested by customers, assigning requested spaces when available. +Assemble and issue required documentation, such as tickets, travel insurance policies, or itineraries. +Maintain computerized inventories of available passenger space and provide information on space reserved or available. +Inform clients of essential travel information, such as travel times, transportation connections, or medical and visa requirements. +Answer inquiries regarding information, such as schedules, accommodations, procedures, or policies. +Plan routes, itineraries, and accommodation details, and compute fares and fees, using schedules, rate books, and computers. +Make and confirm reservations for transportation and accommodations, using telephones, faxes, mail, and computers. +Keep information facilities clean during operation. +Provide clients with assistance in preparing required travel documents and forms. +Prepare customer invoices and accept payment. +Open or close information facilities. +Provide customers with travel suggestions and information sources, such as guides, directories, brochures, or maps. +Contact customers or travel agents to advise them of travel conveyance changes or to confirm reservations. +Promote particular destinations, tour packages, and other travel services. +Contact motel, hotel, resort, and travel operators to obtain current advertising literature.","Calendar and scheduling software— Property scheduling software +Data base user interface and query software— Amadeus Altea Reservation; Microsoft Access; Property management system PMS software; Worldspan Go!;5 more +Electronic mail software— Email software; Microsoft Outlook +Financial analysis software— Delphi Technology +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Point of sale POS software— MICROS Systems MICROS 9700 HMS +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Review customer information. +Track goods or materials. +Provide transportation information to passengers or customers. +Assist disabled or incapacitated individuals. +Handle luggage or other possessions for patrons. +Discuss goods or services information with customers or patrons. +Provide notifications to customers or patrons. +Assist individuals with paperwork. +Collect deposits, payments or fees. +Make travel, accommodations, or entertainment arrangements for others. +Compile data or documentation. +Explain regulations, policies, or procedures. +Maintain inventory records. +Calculate costs of goods or services. +Maintain security. +Clean facilities or equipment. +Promote products, services, or programs. +Obtain information about goods or services.","Contact With Others— 99% responded “Constant contact with others.” +Importance of Repeating Same Tasks— 93% responded “Extremely important.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Deal With External Customers or the Public in General— 88% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Frequency of Decision Making +Telephone Conversations— 78% responded “Every day.” +Time Pressure— 75% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Physical Proximity— 72% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 49% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 44% responded “Every day.” +Conflict Situations— 48% responded “Every day.” +Degree of Automation— 21% responded “Moderately automated.” +Spend Time Making Repetitive Motions— 33% responded “More than half the time.” +Public Speaking— 44% responded “Every day.” +Consequence of Error— 20% responded “Not serious at all.” +Spend Time Standing— 40% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +E-Mail— 39% responded “Every day.” +Exposed to Contaminants— 34% responded “Every day.” +Spend Time Sitting— 40% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Baggage Porters and Bellhops +Bus Drivers, Transit and Intercity +Cargo and Freight Agents +Bright Outlook +Counter and Rental Clerks +Dispatchers, Except Police, Fire, and Ambulance +Flight Attendants +Hotel, Motel, and Resort Desk Clerks +Passenger Attendants +Travel Agents +Travel Guides","View the list of Allies +American Bus Association +external site +International Air Transport Association +external site +International Association of Machinists and Aerospace Workers +external site +Society for Human Resource Management +external site +United States Tour Operators Association +external site +Communications Workers of America +external site +The Travel Institute +external site",96,,23,70,46,28,69,39,40,20,42,32,13,69,47,38,45,12,23,64,52,29,20,27,11,14,,4,9,2,61,20,18 +31-9092.00,Medical Assistants,https://www.onetonline.org/link/summary/31-9092.00,2025-06-11T19:09:46.942975,"Interview patients to obtain medical information and measure their vital signs, weight, and height. +Clean and sterilize instruments and dispose of contaminated supplies. +Record patients' medical history, vital statistics, or information such as test results in medical records. +Explain treatment procedures, medications, diets, or physicians' instructions to patients. +Prepare treatment rooms for patient examinations, keeping the rooms neat and clean. +Collect blood, tissue, or other laboratory specimens, log the specimens, and prepare them for testing. +Show patients to examination rooms and prepare them for the physician. +Help physicians examine and treat patients, handing them instruments or materials or performing such tasks as giving injections or removing sutures. +Perform routine laboratory tests and sample analyses. +Greet and log in patients arriving at office or clinic. +Perform general office duties, such as answering telephones, taking dictation, or completing insurance forms. +Prepare and administer medications as directed by a physician. +Authorize drug refills and provide prescription information to pharmacies. +Change dressings on wounds. +Schedule appointments for patients. +Inventory and order medical, lab, or office supplies or equipment. +Contact medical facilities or departments to schedule patients for tests or admission. +Operate x-ray, electrocardiogram (EKG), or other equipment to administer routine diagnostic tests. +Set up medical laboratory equipment. +Keep financial records or perform other bookkeeping duties, such as handling credit or collections or mailing monthly statements to patients.","Accounting software— Billing software; Bookkeeping software; Intuit QuickBooks +Calendar and scheduling software— Appointment scheduling software +Categorization or classification software— Diagnostic and procedural coding software +Data base user interface and query software— Data entry software; Database software; Microsoft Access +Document management software— IDX Systems Patient Chart Tracking; Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— Email software; Microsoft Exchange; Microsoft Outlook +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Medical condition coding software; MEDITECH software;6 more +Office suite software— Business software applications; Microsoft Office software +Operating system software— Microsoft Windows Vista Business; Microsoft Windows XP Professional +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Assess physical conditions of patients to aid in diagnosis or treatment. +Clean medical equipment. +Dispose of biomedical waste in accordance with standards. +Interview patients to gather medical information. +Record vital statistics or other health information. +Explain technical medical information to patients. +Clean patient rooms or patient treatment rooms. +Collect biological specimens from patients. +Prepare patient treatment areas for use. +Give medications or immunizations. +Administer basic health care or medical treatments. +Assist practitioners to perform medical procedures. +Conduct diagnostic tests to determine patient health. +Process medical billing information. +Perform clerical work in medical settings. +Control prescription refills or authorizations. +Apply bandages, dressings, or splints. +Schedule patient procedures or appointments. +Inventory medical supplies or equipment. +Operate medical equipment. +Prepare medical instruments or equipment for use.","Contact With Others— 100% responded “Constant contact with others.” +Exposed to Disease or Infections— 68% responded “Every day.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Work With or Contribute to a Work Group or Team— 20% responded “Important.” +Importance of Being Exact or Accurate— 51% responded “Very important.” +Telephone Conversations— 80% responded “Every day.” +Physical Proximity +Face-to-Face Discussions with Individuals and Within Teams— 15% responded “Once a month or more but not every week.” +Written Letters and Memos— 48% responded “Every day.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Consequence of Error— 26% responded “Very serious.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Every day.” +Frequency of Decision Making— 62% responded “Every day.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 21% responded “Limited freedom.” +Health and Safety of Other Workers— 57% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +E-Mail— 63% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Spend Time Making Repetitive Motions— 45% responded “More than half the time.” +Duration of Typical Work Week— 76% responded “40 hours.” +Freedom to Make Decisions— 30% responded “Some freedom.” +Conflict Situations— 33% responded “Once a week or more but not every day.” +Spend Time Sitting— 74% responded “About half the time.” +Work Outcomes and Results of Other Workers— 28% responded “Moderate responsibility.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Cardiovascular Technologists and Technicians +Dental Assistants +Bright Outlook +Licensed Practical and Licensed Vocational Nurses +Medical Records Specialists +Nursing Assistants +Ophthalmic Medical Technicians +Ophthalmic Medical Technologists +Physical Therapist Aides +Registered Nurses +Surgical Assistants","View the list of Allies +American Heart Association +external site +American Optometric Association +external site +American Society of Podiatric Medical Assistants +external site +Medical Assistant Schools Directory +external site +Accrediting Bureau of Health Education Schools +external site +American Association of Medical Assistants +external site +American Medical Technologists +external site +Commission on Accreditation of Allied Health Education Programs +external site +Council for Accreditation in Occupational Hearing Conservation +external site +International Joint Commission on Allied Health Personal in Ophthalmology +external site +National Center for Competency Testing +external site +National Healthcareer Association +external site",88,10,13,95,43,47,55,63,78,28,22,45,28,70,33,36,30,12,10,13,49,51,25,27,83,10,10,18,35,12,10,17,10 +15-1252.00,Software Developers,https://www.onetonline.org/link/summary/15-1252.00,2025-06-11T18:51:56.717740,"Analyze information to determine, recommend, and plan installation of a new system or modification of an existing system. +Analyze user needs and software requirements to determine feasibility of design within time and cost constraints. +Confer with data processing or project managers to obtain information on limitations or capabilities for data processing projects. +Confer with systems analysts, engineers, programmers and others to design systems and to obtain information on project limitations and capabilities, performance requirements and interfaces. +Consult with customers or other departments on project status, proposals, or technical issues, such as software system design or maintenance. +Coordinate installation of software system. +Design, develop and modify software systems, using scientific analysis and mathematical models to predict and measure outcomes and consequences of design. +Determine system performance standards. +Develop or direct software system testing or validation procedures, programming, or documentation. +Modify existing software to correct errors, adapt it to new hardware, or upgrade interfaces and improve performance. +Monitor functioning of equipment to ensure system operates in conformance with specifications. +Obtain and evaluate information on factors such as reporting formats required, costs, or security needs to determine hardware configuration. +Prepare reports or correspondence concerning project specifications, activities, or status. +Recommend purchase of equipment to control dust, temperature, or humidity in area of system installation. +Specify power supply requirements and configuration. +Store, retrieve, and manipulate data for analysis of system capabilities and requirements. +Supervise and assign work to programmers, designers, technologists, technicians, or other engineering or scientific personnel. +Supervise the work of programmers, technologists and technicians and other engineering and scientific personnel. +Train users to use new or modified equipment.","Access software— Citrix cloud computing software; PuTTY +Administration software— Software distribution management software +Analytical or scientific software— IBM SPSS Statistics; SAS; TensorFlow; The MathWorks MATLAB;6 more +Application server software— Atlassian Bitbucket; GitLab; Kubernetes; Red Hat OpenShift;7 more +Authentication server software— Single sign-on SSO +Backup or archival software— Backup and archival software; Veritas NetBackup +Business intelligence and data analysis software— Alteryx software; IBM Cognos Impromptu; Microsoft Power BI; Tableau;3 more +Cloud-based data access and sharing software— Dropbox; Google Drive; Platform as a service PaaS; Slack +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere MQ; Oracle Cloud software; Splunk Enterprise;2 more +Clustering software— VMware +Communications server software— IBM Domino +Computer based training software— Moodle +Configuration management software— Chef; IBM Terraform; Perforce Helix software; Puppet;6 more +Content workflow software— Atlassian JIRA; Emerald Software Group Emerald Green Office +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Oracle Database; Oracle PL/SQL; Redis;21 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Oracle Business Intelligence Discoverer; SAP Business Intelligence; SAP Crystal Reports;3 more +Data base user interface and query software— Airtable; Blackboard software; GraphQL; PyTorch;15 more +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Oracle Java 2 Platform Enterprise Edition J2EE; Oracle SQL Developer;62 more +Device drivers or system software— Microsoft DirectX +Document management software— Adobe Acrobat; Document management system software; Microsoft SharePoint +Electronic mail software— Google Gmail; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Jenkins CI; Microsoft SQL Server Integration Services SSIS;5 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP ERP; Workday software;9 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git; Version control software +Filesystem software— File server software +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Graphical user interface development software— Figma; Graphical user interface GUI builder software; Graphical user interface GUI design software; Salesforce Visualforce +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; JamBoard; Trimble SketchUp Pro;4 more +Information retrieval or search software— Apache Avro; LexisNexis +Instant messaging software— Blink; GroupMe +Internet directory services software— Microsoft Active Directory +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Map creation software— ESRI ArcGIS software +Metadata management software— Informatica software; Quest Erwin Data Modeler; Talend Data Fabric +Network conferencing software— LogMeIn GoToWebinar +Network monitoring software— Nagios; Wireshark +Network operation system software— IBM z/OS operating systems +Network security and virtual private network VPN equipment software— Firewall software; Virtual private networking VPN software +Object or component oriented development software— Apache Spark; jQuery; Scala; TypeScript;34 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— LibreOffice; Microsoft Office software +Operating system software— Apple iOS; Google Android; Microsoft Windows Server; UNIX Shell;21 more +Platform interconnectivity software— Migration software +Portal server software— Apache HTTP Server +Presentation software— Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium; SonarQube;21 more +Project management software— Atlassian Confluence; Microsoft Team Foundation Server; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management;1 more +Requirements analysis and system architecture software— IBM Rational RequisitePro; Requirements management software; Unified modeling language UML +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Google Sheets; Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3; Storage area network SAN software +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— Encryption software; McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS; IBM Middleware; Microsoft Internet Information Services (IIS); Object Management Group Object Request Broker;1 more +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom;1 more +Video creation and editing software— Adobe After Effects; Flipgrid; Screencastify; YouTube;1 more +Web page creation and editing software— Adobe Dreamweaver; Google Sites; Social media sites; WordPress;1 more +Web platform development software— Bootstrap; Eclipse Jersey; React; Vue.js;31 more +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word;1 more",,"Analyze project data to determine specifications or requirements. +Modify software programs to improve performance. +Supervise information technology personnel. +Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Assess database performance. +Assign duties or work schedules to employees. +Collaborate with others to determine design specifications or details. +Collaborate with others to resolve information technology issues. +Communicate project information to others. +Coordinate software or hardware installation. +Design software applications. +Develop performance metrics or standards related to information technology. +Develop testing routines or procedures. +Document technical specifications or requirements. +Identify information technology project resource requirements. +Manage information technology projects or system activities. +Monitor computer system performance to ensure proper operation. +Prepare data for analysis. +Provide recommendations to others about computer hardware. +Provide technical support for software maintenance or use. +Teach others to use computer equipment or hardware.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Computer Hardware Engineers +Bright Outlook +Computer Network Architects +Computer Programmers +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Information Security Engineers +Software Quality Assurance Analysts and Testers +Web Developers","View the list of Allies +Association for Computing Machinery +external site +Association for Information Science and Technology +external site +Association for Information Systems +external site +Association for the Advancement of Artificial Intelligence +external site +Association for Women in Computing +external site +BCS, The Charted Institute for IT +external site +Computer Graphics Society +external site +Computer Professionals for Social Responsibility +external site +Computing Research Association +external site +IEEE Computer Society +external site +Information Processing Society of Japan +external site +Interaction Design Association +external site +International Association for Computer Information Systems +external site +International Association of Computer Science and Information Technology +external site +International Association of Engineers +external site +International Game Developers Association +external site +Internet Society +external site +National Center for Women and Information Technology +external site +National Society of Black Engineers +external site +Open Worldwide Application Security Project +external site +Python Software Foundation +external site +Rocky Mountain Oracle Users Group +external site +Society of Digital Agencies +external site +Software and Information Industry Association +external site +The Institution of Engineering and Technology +external site +User Experience Professionals Association International +external site +World Wide Web Consortium +external site +Midwest Association for Information Systems +external site +Southern Association for Information Systems +external site +CompTIA +external site +Project Management Institute +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +19-1029.04,Biologists,https://www.onetonline.org/link/summary/19-1029.04,2025-06-11T18:56:11.984749,"Prepare technical and research reports, such as environmental impact reports, and communicate the results to individuals in industry, government, or the general public. +Develop and maintain liaisons and effective working relations with groups and individuals, agencies, and the public to encourage cooperative management strategies or to develop information and interpret findings. +Collect and analyze biological data about relationships among and between organisms and their environment. +Program and use computers to store, process, and analyze data. +Supervise biological technicians and technologists and other scientists. +Identify, classify, and study structure, behavior, ecology, physiology, nutrition, culture, and distribution of plant and animal species. +Communicate test results to state and federal representatives and general public. +Prepare requests for proposals or statements of work. +Represent employer in a technical capacity at conferences. +Study basic principles of plant and animal life, such as origin, relationship, development, anatomy, and function. +Review reports and proposals, such as those relating to land use classifications and recreational development, for accuracy, adequacy, or adherence to policies, regulations, or scientific standards. +Develop methods and apparatus for securing representative plant, animal, aquatic, or soil samples. +Plan and administer biological research programs for government, research firms, medical industries, or manufacturing firms. +Study aquatic plants and animals and environmental conditions affecting them, such as radioactivity or pollution. +Write grant proposals to obtain funding for biological research. +Research environmental effects of present and potential uses of land and water areas, determining methods of improving environmental conditions or such outputs as crop yields. +Study and manage wild animal populations. +Measure salinity, acidity, light, oxygen content, and other physical conditions of water to determine their relationship to aquatic life. +Prepare plans for management of renewable resources. +Teach or supervise students and perform research at universities and colleges. +Develop pest management and control measures, and conduct risk assessments related to pest exclusion, using scientific methods.","Analytical or scientific software— Blue Tractor Software DNADynamo; Gene Codes Sequencher; Minitab; Visual Molecular Dynamics VMD;32 more +Business intelligence and data analysis software— TIBCO Spotfire +Data base user interface and query software— Microsoft Access; Structured query language SQL +Development environment software— National Instruments LabVIEW; Software development tools +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphics or photo imaging software— Adobe Photoshop +Internet browser software— Web browser software +Object or component oriented development software— C++; Oracle Java; Perl; R;1 more +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Communicate results of environmental research. +Prepare research or technical reports on environmental issues. +Develop collaborative relationships between departments or with external organizations. +Conduct research of processes in natural or industrial ecosystems. +Collect environmental data or samples. +Analyze data to identify trends or relationships among variables. +Operate computers or computerized equipment. +Write computer programming code. +Plan biological research. +Research topics in area of expertise. +Identify environmental concerns. +Supervise scientific or technical personnel. +Examine characteristics or behavior of living organisms. +Classify organisms based on their characteristics or behavior. +Write grant proposals. +Communicate with government agencies. +Provide technical information or assistance to public. +Research environmental impact of industrial or development activities. +Prepare proposal documents or grant applications. +Analyze chemical compounds or substances. +Develop plans to manage natural or renewable resources. +Prepare scientific or technical reports or presentations. +Instruct college students in physical or life sciences. +Review plans or proposals for environmental conservation. +Develop biological research methods. +Develop safety standards, policies, or procedures.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 88% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 74% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Telephone Conversations— 66% responded “Every day.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 62% responded “Very high responsibility.” +Contact With Others— 53% responded “Constant contact with others.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Very important results.” +Health and Safety of Other Workers— 38% responded “High responsibility.” +Level of Competition— 44% responded “Highly competitive.” +Frequency of Decision Making— 45% responded “Every day.” +Spend Time Sitting— 40% responded “More than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 42% responded “Once a month or more but not every week.” +Time Pressure— 68% responded “Once a month or more but not every week.” +Written Letters and Memos— 12% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 23% responded “Once a year or more but not every month.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 18% responded “Once a year or more but not every month.” +Indoors, Not Environmentally Controlled— 27% responded “Once a week or more but not every day.” +Physical Proximity— 40% responded “I work with others but not closely (e.g., private office).” +Deal With External Customers or the Public in General— 40% responded “Fairly important.”","Science— Using scientific rules and methods to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Conservation Scientists +Bright Outlook +Environmental Scientists and Specialists, Including Health +Geneticists +Geoscientists, Except Hydrologists and Geographers +Industrial Ecologists +Microbiologists +Molecular and Cellular Biologists +Natural Sciences Managers +Soil and Plant Scientists +Zoologists and Wildlife Biologists","View the list of Allies +American Association for the Advancement of Science +external site +American Fisheries Society +external site +American Institute of Biological Sciences +external site +American Society for Cell Biology +external site +Ecological Society of America +external site +Gerontological Society of America +external site +International Society for Cell and Gene Therapy +external site +International Society for Stem Cell Research +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Conservation Biology +external site +Society for Freshwater Science +external site +Society for Marine Mammalogy +external site +Society of American Foresters +external site +Wildlife Society +external site +New England Botanical Club +external site",57,,20,80,76,60,44,38,53,36,32,42,62,55,3,62,40,28,14,30,23,12,25,19,15,48,24,37,95,20,54,1,14 +11-3021.00,Computer and Information Systems Managers,https://www.onetonline.org/link/summary/11-3021.00,2025-06-11T18:47:03.767309,"Direct daily operations of department, analyzing workflow, establishing priorities, developing standards and setting deadlines. +Meet with department heads, managers, supervisors, vendors, and others, to solicit cooperation and resolve problems. +Review project plans to plan and coordinate project activity. +Assign and review the work of systems analysts, programmers, and other computer-related workers. +Provide users with technical support for computer problems. +Develop computer information resources, providing for data security and control, strategic computing, and disaster recovery. +Recruit, hire, train and supervise staff, or participate in staffing decisions. +Stay abreast of advances in technology. +Consult with users, management, vendors, and technicians to assess computing needs and system requirements. +Develop and interpret organizational goals, policies, and procedures. +Evaluate the organization's technology use and needs and recommend improvements, such as hardware and software upgrades. +Review and approve all systems charts and programs prior to their implementation. +Prepare and review operational reports or project progress reports. +Evaluate data processing proposals to assess project feasibility and requirements. +Control operational budget and expenditures. +Purchase necessary equipment. +Manage backup, security and user help systems.","Access software— Citrix cloud computing software; Mac HelpMate +Accounting software— Billing software; Tax software +Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB +Application server software— Microsoft Windows Server; Oracle WebLogic Server; Progress OpenEdge Application Server; Red Hat WildFly;1 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Calendar and scheduling software— Microsoft Entourage +Cloud-based data access and sharing software— Software as a service SaaS +Cloud-based management software— IBM WebSphere; Splunk Enterprise +Cloud-based protection or security software— SolarWinds +Clustering software— VMware +Communications server software— IBM Domino +Compliance software— Pilgrim Quality Solutions SmartSolve +Configuration management software— Perforce Helix software; Puppet +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— ACT! Premium; Blackbaud The Raiser's Edge; Oracle Eloqua; Performance Solutions Technology ManagePro;3 more +Data base management system software— Apache Cassandra; MongoDB; NoSQL; Oracle PL/SQL;7 more +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Amazon Web Services AWS software; Blackboard software; Microsoft SQL Server; MySQL;5 more +Data mining software— Google Analytics +Desktop publishing software— Adobe Distiller +Development environment software— Apache Maven; Eclipse IDE; Microsoft .NET Framework; Microsoft Visual Studio;9 more +Document management software— Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— Microsoft Exchange; Microsoft Outlook; Pegasus software; QUALCOMM Eudora +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Oracle Fusion Middleware; Progress Sonic ESB +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;10 more +Enterprise system management software— IBM Power Systems software +Filesystem software— File transfer protocol FTP software; Samba; Symantec Veritas File System; Symantec Veritas Volume Manager +Financial analysis software— Oracle E-Business Suite Financials +Graphical user interface development software— TKSoftware RCM software +Helpdesk or call center software— Help desk software +Human resources software— Human resource management software HRMS +Internet browser software— Microsoft Internet Explorer; Netscape Navigator +LAN software— Local area network LAN software +Metadata management software— Quest Erwin Data Modeler +Network connectivity terminal emulation software— Telnet programs software; Zephyr EXTRA! Terminal Emulation +Network monitoring software— Dartware InterMapper; Nagios +Network security and virtual private network VPN equipment software— Firewall software; Virtual private networking VPN software +Object or component oriented development software— C#; Microsoft SQL Server Reporting Services SSRS; Perl; R;7 more +Object oriented data base management software— Microsoft Visual FoxPro; PostgreSQL +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Apple macOS; Red Hat Enterprise Linux; Shell script; UNIX;4 more +Platform interconnectivity software— IBM iSeries Access +Portal server software— Apache HTTP Server; Oracle iPlanet Web Server +Presentation software— Apple iWork Keynote; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Systems +Requirements analysis and system architecture software— Unified modeling language UML +Software defined networking/ virtualization software— Cisco Systems WAN Manager +Spreadsheet software— Apple iWork Numbers; Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video creation and editing software— Apple Final Cut Pro; Apple iMovie +Web page creation and editing software— Microsoft FrontPage +Web platform development software— Apache Tomcat; Drupal; Node.js; Spring Framework;12 more +Wireless software— Mobile wireless network infrastructure software +Word processing software— Apple iWork Pages; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Develop computer or information systems. +Coordinate operational activities with external stakeholders. +Develop organizational goals or objectives. +Analyze data to inform operational decisions or activities. +Confer with organizational members to accomplish work activities. +Direct organizational operations, projects, or services. +Resolve employee or contractor problems. +Manage operations, research, or logistics projects. +Evaluate employee performance. +Advise customers on technical or procedural issues. +Conduct employee training programs. +Hire personnel. +Maintain knowledge of current developments in area of expertise. +Recruit personnel. +Determine resource needs. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Recommend organizational process or policy changes. +Evaluate project designs to determine adequacy or feasibility. +Review technical documents to plan work. +Prepare operational progress or status reports. +Analyze data to determine project feasibility. +Manage organizational or project budgets. +Purchase materials, equipment, or other resources.","E-Mail— 100% responded “Every day.” +Determine Tasks, Priorities and Goals— 83% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Contact With Others— 58% responded “Constant contact with others.” +Spend Time Sitting— 59% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 64% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 70% responded “Very high responsibility.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 39% responded “Extremely important.” +Frequency of Decision Making— 45% responded “Every day.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Indoors, Environmentally Controlled— 66% responded “Every day.” +Consequence of Error— 38% responded “Extremely serious.” +Level of Competition— 37% responded “Highly competitive.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Conflict Situations— 47% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 40% responded “Important.” +Written Letters and Memos— 36% responded “Once a year or more but not every month.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Negotiation— Bringing others together and trying to reconcile differences.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Network Architects +Bright Outlook +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Information Security Engineers +Information Technology Project Managers +Network and Computer Systems Administrators +Project Management Specialists +Software Developers","View the list of Allies +Association for Computing Machinery +external site +Computing Research Association +external site +GMIS International +external site +IEEE Computer Society +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Industrial and Systems Engineers +external site +ISACA +external site +National Center for Women and Information Technology +external site +CompTIA +external site +Cyber Degrees +external site +Project Management Institute +external site",76,,20,62,54,68,24,51,37,29,23,61,6,94,7,28,29,10,6,5,31,11,23,41,1,63,6,15,,40,31,11,1 +15-2011.00,Actuaries,https://www.onetonline.org/link/summary/15-2011.00,2025-06-11T18:52:39.992946,"Ascertain premium rates required and cash reserves and liabilities necessary to ensure payment of future benefits. +Collaborate with programmers, underwriters, accounts, claims experts, and senior management to help companies develop plans for new lines of business or improvements to existing business. +Analyze statistical information to estimate mortality, accident, sickness, disability, and retirement rates. +Design, review, and help administer insurance, annuity and pension plans, determining financial soundness and calculating premiums. +Determine, or help determine, company policy, and explain complex technical matters to company executives, government officials, shareholders, policyholders, or the public. +Construct probability tables for events such as fires, natural disasters, and unemployment, based on analysis of statistical data and other pertinent information. +Provide advice to clients on a contract basis, working as a consultant. +Determine equitable basis for distributing surplus earnings under participating insurance and annuity contracts in mutual companies. +Negotiate terms and conditions of reinsurance with other companies. +Provide expertise to help financial institutions manage risks and maximize returns associated with investment products or credit offerings. +Testify before public agencies on proposed legislation affecting businesses. +Determine policy contract provisions for each type of insurance. +Testify in court as expert witness or to provide legal evidence on matters such as the value of potential lifetime earnings of a person disabled or killed in an accident. +Explain changes in contract provisions to customers. +Manage credit and help price corporate security offerings.","Analytical or scientific software— IBM SPSS Statistics; Insightful S-PLUS; SAS; Statistical software;1 more +Business intelligence and data analysis software— Microsoft Power BI; Qlik Tech QlikView; Tableau +Compliance software— Compliance testing software +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Oracle Database; Structured query language SQL;2 more +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Electronic mail software— IBM Lotus Notes +Financial analysis software— GGY AXIS; Oak Mountain Software AnnuityValue; Pricing software; Towers Perrin MoSes;9 more +Object or component oriented development software— C++; Oracle Java; Python; R +Object oriented data base management software— Microsoft Visual FoxPro +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Manage financial activities of the organization. +Collaborate with others to develop or implement marketing strategies. +Analyze health-related data. +Develop organizational goals or objectives. +Analyze data to identify trends or relationships among variables. +Advise customers on technical or procedural issues. +Advise others on legal or regulatory compliance matters. +Negotiate contracts with clients or service providers. +Testify at legal or legislative proceedings. +Provide customer service to clients or users.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Spend Time Sitting— 93% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Telephone Conversations— 52% responded “Every day.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Determine Tasks, Priorities and Goals— 64% responded “Some freedom.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Written Letters and Memos— 56% responded “Once a week or more but not every day.” +Contact With Others— 43% responded “Contact with others most of the time.” +Level of Competition— 35% responded “Highly competitive.” +Time Pressure— 46% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.” +Frequency of Decision Making— 46% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 41% responded “Moderate responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Accountants and Auditors +Bright Outlook +Compensation, Benefits, and Job Analysis Specialists +Financial and Investment Analysts +Financial Examiners +Financial Managers +Financial Risk Specialists +Insurance Sales Agents +Insurance Underwriters +Personal Financial Advisors +Statistical Assistants","View the list of Allies +American Academy of Actuaries +external site +American Society of Pension Professionals and Actuaries +external site +Be an Actuary +external site +Conference of Consulting Actuaries +external site +LOMA +external site +Society of Actuaries +external site +Society of Chartered Property and Casualty Underwriters +external site +Casualty Actuarial Society +external site +CFA Institute +external site",31,1,17,68,98,47,13,34,21,70,33,33,1,74,1,50,28,2,8,6,18,4,15,18,20,19,2,2,4,13,14,2,7 +35-2021.00,Food Preparation Workers,https://www.onetonline.org/link/summary/35-2021.00,2025-06-11T19:11:47.227339,"Clean and sanitize work areas, equipment, utensils, dishes, or silverware. +Assist cooks and kitchen staff with various tasks as needed, and provide cooks with needed items. +Take and record temperature of food and food storage areas, such as refrigerators and freezers. +Carry food supplies, equipment, and utensils to and from storage and work areas. +Remove trash and clean kitchen garbage containers. +Store food in designated containers and storage areas to prevent spoilage. +Weigh or measure ingredients. +Vacuum dining area and sweep and mop kitchen floor. +Inform supervisors when equipment is not working properly and when food and supplies are getting low, and order needed items. +Wash, peel, and cut various foods, such as fruits and vegetables, to prepare for cooking or serving. +Prepare a variety of foods, such as meats, vegetables, or desserts, according to customers' orders or supervisors' instructions, following approved procedures. +Assemble meal trays with foods in accordance with patients' diets. +Stock cupboards and refrigerators, and tend salad bars and buffet meals. +Use manual or electric appliances to clean, peel, slice, and trim foods. +Load dishes, glasses, and tableware into dishwashing machines. +Portion and wrap food, or place it directly on plates for service to patrons. +Add cutlery, napkins, food, and other items to trays on assembly lines in hospitals, cafeterias, airline kitchens, and similar establishments. +Place food trays over food warmers for immediate service, or store them in refrigerated storage cabinets. +Prepare and serve a variety of beverages, such as coffee, tea, and soft drinks. +Mix ingredients for green salads, molded fruit salads, vegetable salads, and pasta salads. +Receive and store food supplies, equipment, and utensils in refrigerators, cupboards, and other storage areas. +Stir and strain soups and sauces. +Make special dressings and sauces as condiments for sandwiches. +Scrape leftovers from dishes into garbage containers. +Distribute food to waiters and waitresses to serve to customers. +Operate cash register, handle money, and give correct change. +Distribute menus to hospital patients, collect diet sheets, and deliver food trays and snacks to nursing units or directly to patients. +Package take-out foods or serve food to customers. +Cut, slice or grind meat, poultry, and seafood to prepare for cooking. +Butcher and clean fowl, fish, poultry, and shellfish to prepare for cooking or serving. +Keep records of the quantities of food used. +Check and log refrigerator, freezer, and cooler temperatures.","Computer based training software— Quizlet +Data base user interface and query software— CBORD NetRecipe; Culinary Software Services ChefTec; MicroBlast Recipe Wizard for Windows; ValuSoft MasterCook;7 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Clean food preparation areas, facilities, or equipment. +Clean tableware. +Assist chefs or caterers with food or drink preparation. +Assess equipment functioning. +Distribute resources to patrons or employees. +Move equipment, supplies or food to required locations. +Store supplies or goods in kitchens or storage areas. +Remove trash. +Measure ingredients. +Operate cash registers. +Process customer bills or payments. +Clean food service areas. +Cook foods. +Prepare foods for cooking or serving. +Report information to managers or other personnel. +Arrange food for serving. +Package food or supplies. +Serve food or beverages. +Present food or beverage information or menus to customers. +Cut cooked or raw foods. +Stock serving stations or dining areas with food or supplies. +Prepare hot or cold beverages. +Mix ingredients. +Record operational or production data.","Indoors, Environmentally Controlled— 88% responded “Every day.” +Spend Time Standing— 36% responded “More than half the time.” +Contact With Others— 42% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 74% responded “Every day.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Time Pressure— 36% responded “Every day.” +Work With or Contribute to a Work Group or Team— 41% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 34% responded “More than half the time.” +Spend Time Walking or Running— 35% responded “More than half the time.” +Health and Safety of Other Workers— 25% responded “High responsibility.” +Importance of Repeating Same Tasks— 47% responded “Very important.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 17% responded “Continually or almost continually.” +Frequency of Decision Making— 37% responded “Never.” +Consequence of Error— 65% responded “Serious.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Telephone Conversations— 46% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Baristas +Bright Outlook +Butchers and Meat Cutters +Cooks, Fast Food +Cooks, Institution and Cafeteria +Cooks, Restaurant +Cooks, Short Order +Dining Room and Cafeteria Attendants and Bartender Helpers +Dishwashers +Fast Food and Counter Workers +Food Servers, Nonrestaurant","View the list of Allies +International Council on Hotel, Restaurant, and Institutional Education +external site +National Restaurant Association +external site +American Culinary Federation +external site +UNITE HERE +external site",57,49,42,36,14,34,19,20,17,16,11,17,16,12,14,12,16,12,16,13,20,12,8,11,11,8,5,13,9,10,4,8,10 +51-4061.00,"Model Makers, Metal and Plastic",https://www.onetonline.org/link/summary/51-4061.00,2025-06-11T19:25:03.065934,"Study blueprints, drawings, and sketches to determine material dimensions, required equipment, and operations sequences. +Inspect and test products to verify conformance to specifications, using precision measuring instruments or circuit testers. +Drill, countersink, and ream holes in parts and assemblies for bolts, screws, and other fasteners, using power tools. +Cut, shape, and form metal parts, using lathes, power saws, snips, power brakes and shears, files, and mallets. +Set up and operate machines, such as lathes, drill presses, punch presses, or bandsaws, to fabricate prototypes or models. +Devise and construct tools, dies, molds, jigs, and fixtures, or modify existing tools and equipment. +Rework or alter component model or parts as required to ensure that products meet standards. +Grind, file, and sand parts to finished dimensions. +Program computer numerical control (CNC) machines to fabricate model parts. +Lay out and mark reference points and dimensions on materials, using measuring instruments and drawing or scribing tools. +Align, fit, and join parts, using bolts and screws or by welding or gluing. +Use computer-aided design (CAD) and computer-aided manufacturing (CAM) software or hardware to fabricate model parts. +Assemble mechanical, electrical, and electronic components into models or prototypes, using hand tools, power tools, and fabricating machines. +Consult and confer with engineering personnel to discuss developmental problems and to recommend product modifications. +Record specifications, production operations, and final dimensions of models for use in establishing operating standards and procedures. +Wire and solder electrical and electronic connections and components.","Computer aided design CAD software— PTC Creo Parametric +Computer aided manufacturing CAM software— CNC Software Mastercam +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Inspect metal, plastic, or composite products. +Drill holes in parts, equipment, or materials. +Cut industrial materials in preparation for fabrication or processing. +Operate cutting equipment. +Operate metal or plastic forming equipment. +Shape metal workpieces with hammers or other small hand tools. +Assemble machine tools, parts, or fixtures. +Build production molds. +Design tools, fixtures, or other devices for production equipment. +Operate grinding equipment. +Repair parts or assemblies. +Smooth metal surfaces or edges. +Program equipment to perform production tasks. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Assemble metal or plastic parts or products. +Align parts or workpieces to ensure proper assembly. +Confer with others to resolve production problems or equipment malfunctions. +Record operational or production data. +Solder parts or workpieces.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Importance of Being Exact or Accurate— 99% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Exposed to Hazardous Equipment— 81% responded “Every day.” +Exposed to Contaminants— 79% responded “Every day.” +Frequency of Decision Making— 78% responded “Every day.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Spend Time Standing— 32% responded “About half the time.” +Impact of Decisions on Co-workers or Company Results— 64% responded “Very important results.” +Time Pressure— 57% responded “Every day.” +Duration of Typical Work Week +Consequence of Error— 23% responded “Very serious.” +Work With or Contribute to a Work Group or Team— 42% responded “Important.” +Freedom to Make Decisions— 19% responded “Some freedom.” +Physical Proximity— 35% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers— 29% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Contact With Others— 20% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 20% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 24% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a week or more but not every day.” +Level of Competition— 42% responded “Moderately competitive.” +Determine Tasks, Priorities and Goals— 42% responded “A lot of freedom.” +E-Mail— 42% responded “Never.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Electrical and Electronic Equipment Assemblers +Bright Outlook +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Layout Workers, Metal and Plastic +Machinists +Model Makers, Wood +Molders, Shapers, and Casters, Except Metal and Plastic +Patternmakers, Metal and Plastic +Structural Metal Fabricators and Fitters +Tool and Die Makers","View the list of Allies +Association for Manufacturing Technology +external site +Association of Professional Model Makers +external site +Fabricators and Manufacturers Association +external site +International Association of Machinists and Aerospace Workers +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",19,7,52,29,70,30,11,27,15,12,8,17,13,39,1,5,8,58,6,11,5,5,5,11,,61,13,36,5,74,5,1,5 +25-1052.00,"Chemistry Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1052.00,2025-06-11T18:59:54.889414,"Prepare and deliver lectures to undergraduate or graduate students on topics such as organic chemistry, analytical chemistry, and chemical separation. +Establish, teach, and monitor students' compliance with safety rules for handling chemicals, equipment, and other hazardous materials. +Evaluate and grade students' class work, laboratory performance, assignments, and papers. +Supervise students' laboratory work. +Maintain student attendance records, grades, and other required records. +Supervise undergraduate or graduate teaching, internship, and research work. +Compile, administer, and grade examinations, or assign this work to others. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Initiate, facilitate, and moderate classroom discussions. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Advise students on academic and vocational curricula and on career issues. +Write grant proposals to procure external research funding. +Select, order, and maintain materials and supplies for teaching and research, such as textbooks, chemicals, and laboratory equipment. +Collaborate with colleagues to address teaching and research issues. +Write letters of recommendation for students. +Prepare and submit required reports related to instruction. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Clean laboratory facilities. +Participate in student recruitment, registration, and placement activities. +Serve on committees or in professional societies. +Perform administrative duties, such as serving as a department head. +Participate in campus and community events. +Act as advisers to student organizations. +Compile bibliographies of specialized materials for outside reading assignments. +Provide professional consulting services to government or industry.","Analytical or scientific software— OriginLab Origin; PerkinElmer ChemOffice ChemDraw; PerkinElmer ChemOffice Suite; Wavefunction Spartan;5 more +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Teach physical science or mathematics courses at the college level. +Establish rules or policies governing student behavior. +Monitor student performance. +Teach others to use technology or equipment. +Evaluate student work. +Supervise laboratory work. +Maintain student records. +Supervise student research or internship work. +Administer tests to assess educational needs or progress. +Develop instructional materials. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Prepare tests. +Advise students on academic or career matters. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Guide class discussions. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Write grant proposals. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Write reports or evaluations. +Serve on institutional or departmental committees. +Prepare reports detailing student activities or performance. +Clean facilities or work areas. +Decontaminate equipment or sites to remove hazardous or toxic substances. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Plan community programs or activities for the general public. +Compile specialized bibliographies or lists of materials. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Determine Tasks, Priorities and Goals— 79% responded “A lot of freedom.” +Freedom to Make Decisions— 79% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Duration of Typical Work Week— 83% responded “More than 40 hours.” +Public Speaking— 54% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Contact With Others— 52% responded “Constant contact with others.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Spend Time Sitting— 37% responded “Continually or almost continually.” +Level of Competition— 34% responded “Extremely competitive.” +Time Pressure— 33% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Very important results.” +Telephone Conversations— 33% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Once a week or more but not every day.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 31% responded “Once a week or more but not every day.” +Frequency of Decision Making— 48% responded “Once a month or more but not every week.” +Exposed to Contaminants— 36% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 27% responded “Extremely important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Sciences Teachers, Postsecondary +Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Biochemists and Biophysicists +Bright Outlook +Biological Science Teachers, Postsecondary +Chemists +Engineering Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Mathematical Science Teachers, Postsecondary +Physics Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Chemical Society +external site +American Institute of Chemists +external site +American Physical Society +external site +American Society for Mass Spectrometry +external site +Association for Diagnostics and Laboratory Medicine +external site +Association of American Colleges and Universities +external site +Council of Graduate Schools +external site +Council on Undergraduate Research +external site +International Society of Heterocyclic Chemistry +external site +Materials Research Society +external site +National Organization for the Professional Advancement of Black Chemists and Chemical Engineers +external site +National Science Teaching Association +external site +SCI +external site +Sigma Xi, The Scientific Research Honor Society +external site +Midwestern Association of Chemistry Teachers in Liberal Arts Colleges +external site",45,11,26,89,89,40,51,88,43,25,16,39,94,58,9,28,42,34,20,21,43,28,25,25,44,59,14,61,65,38,21,9,15 +19-1032.00,Foresters,https://www.onetonline.org/link/summary/19-1032.00,2025-06-11T18:56:23.910294,"Monitor contract compliance and results of forestry activities to assure adherence to government regulations. +Negotiate terms and conditions of agreements and contracts for forest harvesting, forest management and leasing of forest lands. +Plan and implement projects for conservation of wildlife habitats and soil and water quality. +Establish short- and long-term plans for management of forest lands and forest resources. +Plan cutting programs and manage timber sales from harvested areas, assisting companies to achieve production goals. +Determine methods of cutting and removing timber with minimum waste and environmental damage. +Perform inspections of forests or forest nurseries. +Map forest area soils and vegetation to estimate the amount of standing timber and future value and growth. +Monitor forest-cleared lands to ensure that they are reclaimed to their most suitable end use. +Develop techniques for measuring and identifying trees. +Supervise activities of other forestry workers. +Plan and direct forest surveys and related studies and prepare reports and recommendations. +Provide advice and recommendations, as a consultant on forestry issues, to private woodlot owners, firefighters, government agencies or to companies. +Plan and supervise forestry projects, such as determining the type, number and placement of trees to be planted, managing tree nurseries, thinning forest and monitoring growth of new seedlings. +Choose and prepare sites for new trees, using controlled burning, bulldozers, or herbicides to clear weeds, brush, and logging debris. +Procure timber from private landowners. +Subcontract with loggers or pulpwood cutters for tree removal and to aid in road layout. +Direct, and participate in, forest fire suppression. +Study different tree species' classification, life history, light and soil requirements, adaptation to new environmental conditions and resistance to disease and insects. +Analyze effect of forest conditions on tree growth rates and tree species prevalence and the yield, duration, seed production, growth viability, and germination of different species. +Plan and direct construction and maintenance of recreation facilities, fire towers, trails, roads and bridges, ensuring that they comply with guidelines and regulations set for forested public lands. +Conduct public educational programs on forest care and conservation. +Monitor wildlife populations and assess the impacts of forest operations on population and habitats. +Contact local forest owners and gain permission to take inventory of the type, amount, and location of all standing timber on the property. +Develop new techniques for wood or residue use.","Analytical or scientific software— Forest vegetation simulators; Forest yield software +Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Microsoft Access; SMART service management and route tracking software +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Trimble CENGEA +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS software; Geographic information system GIS systems +Internet browser software— Web browser software +Inventory management software— Forest Metrix; Fountains Forestry TwoDog +Map creation software— Mapping software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Assess compliance with environmental laws. +Plan natural resources conservation or restoration programs. +Develop plans to manage natural or renewable resources. +Determine methods to minimize environmental impact of activities. +Inspect condition of natural environments. +Measure environmental characteristics. +Monitor environmental impacts of production or development activities. +Manage agricultural or forestry operations. +Develop agricultural methods. +Direct natural resources management or conservation programs. +Plan environmental research. +Advise others about environmental management or conservation. +Cultivate land. +Conduct research of processes in natural or industrial ecosystems. +Research crop management methods. +Develop educational programs.","E-Mail— 82% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Contact With Others— 49% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 54% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 60% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Important results.” +Frequency of Decision Making— 38% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 37% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Deal With External Customers or the Public in General— 52% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Duration of Typical Work Week— 70% responded “40 hours.” +Indoors, Environmentally Controlled— 46% responded “Once a week or more but not every day.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 49% responded “High responsibility.” +Consequence of Error— 36% responded “Fairly serious.” +Indoors, Not Environmentally Controlled— 39% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 44% responded “Once a month or more but not every week.” +Time Pressure— 77% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 38% responded “Moderate responsibility.” +Physical Proximity— 39% responded “I work with others but not closely (e.g., private office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Conservation Scientists +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +Forest and Conservation Technicians +Forest and Conservation Workers +Forest Fire Inspectors and Prevention Specialists +Industrial Ecologists +Range Managers +Soil and Plant Scientists","View the list of Allies +American Forests +external site +Association of Consulting Foresters +external site +Council on Forest Engineering +external site +Forest Stewards Guild +external site +International Society of Arboriculture +external site +National Association of State Foresters +external site +National Recreation and Park Association +external site +National Woodland Owners Association +external site +Society for Range Management +external site +Society of American Foresters +external site +American Forest Resource Council +external site +Northeastern Loggers' Association +external site +American Tree Farm System +external site",73,15,44,70,58,70,57,53,50,33,30,30,29,50,12,61,45,34,12,40,14,8,17,28,7,39,23,19,68,19,57,1,27 +51-7032.00,"Patternmakers, Wood",https://www.onetonline.org/link/summary/51-7032.00,2025-06-11T19:26:34.800627,"Read blueprints, drawings, or written specifications to determine sizes and shapes of patterns and required machine setups. +Fit, fasten, and assemble wood parts together to form patterns, models, or sections, using glue, nails, dowels, bolts, and screws. +Lay out patterns on wood stock and draw outlines of units, sectional patterns, or full-scale mock-ups of products, based on blueprint specifications and sketches, and using marking and measuring devices. +Trim, smooth, and shape surfaces, and plane, shave, file, scrape, and sand models to attain specified shapes, using hand tools. +Divide patterns into sections according to shapes of castings to facilitate removal of patterns from molds. +Verify dimensions of completed patterns, using templates, straightedges, calipers, or protractors. +Correct patterns to compensate for defects in castings. +Set up, operate, and adjust a variety of woodworking machines such as bandsaws and lathes to cut and shape sections, parts, and patterns, according to specifications. +Finish completed products or models with shellac, lacquer, wax, or paint. +Estimate costs for patternmaking jobs. +Mark identifying information such as colors or codes on patterns, parts, and templates to indicate assembly methods. +Repair broken or damaged patterns. +Maintain pattern records for reference. +Glue fillets along interior angles of patterns. +Construct wooden models, templates, full scale mock-ups, jigs, or molds for shaping parts of products. +Compute dimensions, areas, volumes, and weights. +Select lumber to be used for patterns. +Collect and store patterns and lumber. +Inventory equipment and supplies, ordering parts and tools as necessary. +Issue patterns to designated machine operators.","Computer aided design CAD software— 3D Systems Geomagic Design X; Autodesk AutoCAD +Computer aided manufacturing CAM software— Delcam PowerMILL; Mastercam computer-aided design and manufacturing software +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel","Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Study blueprints or other instructions to determine equipment setup requirements. +Assemble wood products. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Shape surfaces or edges of wood workpieces. +Trim excess material from workpieces. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Plan production or operational procedures or sequences. +Design templates or patterns. +Operate woodworking equipment. +Set equipment controls to meet cutting specifications. +Apply protective or decorative finishes to workpieces or products. +Estimate costs of products, services, or materials. +Mark products, workpieces, or equipment with identifying information. +Record operational or production data. +Repair templates, patterns, or molds. +Construct patterns, templates, or other work aids. +Build production molds. +Calculate dimensions of workpieces, products, or equipment. +Select production input materials. +Maintain inventories of materials, equipment, or products. +Order materials, supplies, or equipment. +Distribute supplies to workers.","Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 70% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 16% responded “More than half the time.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Contact With Others— 40% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Exposed to Hazardous Equipment— 12% responded “Never.” +Time Pressure— 45% responded “Every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Very important.” +Spend Time Standing— 46% responded “Continually or almost continually.” +Frequency of Decision Making— 42% responded “Every day.” +Exposed to Contaminants— 51% responded “Every day.” +Duration of Typical Work Week— 56% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 51% responded “Very important.” +E-Mail— 43% responded “Every day.” +Physical Proximity— 63% responded “Moderately close (at arm's length).” +Telephone Conversations— 54% responded “Every day.” +Indoors, Not Environmentally Controlled— 50% responded “Every day.” +Work Outcomes and Results of Other Workers— 34% responded “Very high responsibility.” +Level of Competition— 49% responded “Highly competitive.” +Indoors, Environmentally Controlled— 56% responded “Every day.” +Deal With External Customers or the Public in General— 36% responded “Extremely important.” +Health and Safety of Other Workers— 23% responded “Moderate responsibility.” +Pace Determined by Speed of Equipment— 30% responded “Very important.” +Conflict Situations— 35% responded “Once a week or more but not every day.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cabinetmakers and Bench Carpenters +Fabric and Apparel Patternmakers +Layout Workers, Metal and Plastic +Model Makers, Metal and Plastic +Model Makers, Wood +Molders, Shapers, and Casters, Except Metal and Plastic +Patternmakers, Metal and Plastic +Sheet Metal Workers +Structural Metal Fabricators and Fitters +Tool and Die Makers","View the list of Allies +American Foundry Society +external site +Association of Professional Model Makers +external site +International Association of Machinists and Aerospace Workers +external site",53,,55,48,76,57,30,43,30,29,44,38,19,37,3,25,21,64,,41,9,8,1,22,4,65,59,24,3,65,3,,2 +13-1021.00,"Buyers and Purchasing Agents, Farm Products",https://www.onetonline.org/link/summary/13-1021.00,2025-06-11T18:49:08.817112,"Purchase, for further processing or for resale, farm products, such as milk, grains, or Christmas trees. +Arrange for processing or resale of purchased products. +Negotiate contracts with farmers for the production or purchase of farm products. +Arrange for transportation or storage of purchased products. +Maintain records of business transactions and product inventories, reporting data to companies or government agencies as necessary. +Review orders to determine product types and quantities required to meet demand. +Examine or test crops or products to estimate their value, determine their grade, or locate any evidence of disease or insect damage. +Coordinate or direct activities of workers engaged in cutting, transporting, storing, or milling products and maintaining records. +Sell supplies, such as seed, feed, fertilizers, or insecticides, arranging for loans or financing as necessary. +Advise farm groups or growers on land preparation or livestock care techniques that will maximize the quantity and quality of production. +Calculate applicable government grain quotas. +Estimate land production possibilities, surveying property and studying factors such as crop rotation history, soil fertility, or irrigation facilities.","Accounting software— Deltek Costpoint +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; Oracle Database; Product producer databases +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— Enterprise resource planning ERP system; Microsoft Dynamics GP; SAP software +Internet browser software— Web browser software +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Atlassian JIRA; Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— Google Angular +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Purchase products or services. +Execute sales or other financial transactions. +Negotiate contracts with clients or service providers. +Communicate with government agencies. +Coordinate logistics or other business operations. +Maintain data in information systems or databases. +Calculate data to inform organizational operations. +Determine the value of goods or services. +Supervise employees. +Advise others on business or operational matters. +Evaluate condition of properties.","Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +E-Mail— 95% responded “Every day.” +Contact With Others— 89% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +Frequency of Decision Making— 73% responded “Every day.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Spend Time Sitting— 61% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 48% responded “Extremely important.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Time Pressure— 33% responded “Once a week or more but not every day.” +Consequence of Error— 32% responded “Extremely serious.” +Level of Competition— 36% responded “Moderately competitive.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Once a week or more but not every day.” +Conflict Situations— 34% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 32% responded “Moderate responsibility.” +Written Letters and Memos— 30% responded “Once a month or more but not every week.” +Physical Proximity— 49% responded “Slightly close (e.g., shared office).” +Health and Safety of Other Workers— 27% responded “No responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Farmers, Ranchers, and Other Agricultural Managers +Logisticians +Bright Outlook +Logistics Analysts +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Purchasing Managers +Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products +Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products +Securities, Commodities, and Financial Services Sales Agents +Supply Chain Managers +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +American Farm Bureau Federation +external site +American Fats and Oils Association +external site +American Feed Industry Association +external site +American Peanut Shellers Association +external site +American Purchasing Society +external site +Association for Supply Chain Management +external site +Equipment Marketing and Distribution Association +external site +Institute for Supply Management +external site +International Fresh Produce Association +external site +National Association of State Departments of Agriculture +external site +National Association of State Procurement Officials +external site +National Cattlemen's Beef Association +external site +National Cotton Council of America +external site +National Cottonseed Products Association +external site +National Grain and Feed Association +external site +North American Meat Institute +external site +Western Growers +external site +Midwest Food Products Association +external site +Northwest Horticultural Council +external site +Southern United States Trade Association +external site +Western United Dairymen +external site +American Society of Farm Managers and Rural Appraisers +external site +National Farmers Union +external site +NIGP: The Institute for Public Procurement +external site +Universal Public Procurement Certification Council +external site",73,61,56,72,75,64,52,45,42,72,67,33,14,65,11,54,34,30,5,73,30,11,18,40,10,29,24,14,25,28,44,5,18 +25-9031.00,Instructional Coordinators,https://www.onetonline.org/link/summary/25-9031.00,2025-06-11T19:02:14.229813,"Observe work of teaching staff to evaluate performance and to recommend changes that could strengthen teaching skills. +Plan and conduct teacher training programs and conferences dealing with new classroom procedures, instructional materials and equipment, and teaching aids. +Interpret and enforce provisions of state education codes and rules and regulations of state education boards. +Conduct or participate in workshops, committees, and conferences designed to promote the intellectual, social, and physical welfare of students. +Advise teaching and administrative staff in curriculum development, use of materials and equipment, and implementation of state and federal programs and procedures. +Advise and teach students. +Recommend, order, or authorize purchase of instructional materials, supplies, equipment, and visual aids designed to meet student educational needs and district standards. +Update the content of educational programs to ensure that students are being trained with equipment and processes that are technologically current. +Address public audiences to explain program objectives and to elicit support. +Research, evaluate, and prepare recommendations on curricula, instructional methods, and materials for school systems. +Prepare grant proposals, budgets, and program policies and goals or assist in their preparation. +Prepare or approve manuals, guidelines, and reports on state educational policies and practices for distribution to school districts. +Coordinate activities of workers engaged in cataloging, distributing, and maintaining educational materials and equipment in curriculum libraries and laboratories. +Adapt instructional content or delivery methods for different levels or types of learners. +Analyze performance data to determine effectiveness of instructional systems, courses, or instructional materials. +Assess effectiveness and efficiency of instruction according to ease of instructional technology use and student learning, knowledge transfer, and satisfaction. +Conduct needs assessments and strategic learning assessments to develop the basis for curriculum development or to update curricula. +Define instructional, learning, or performance objectives. +Design instructional aids for stand-alone or instructor-led classroom or online use. +Design learning products, including Web-based aids or electronic performance support systems. +Develop instructional materials, such as lesson plans, handouts, or examinations. +Develop master course documentation or manuals according to applicable accreditation, certification, or other requirements. +Develop measurement tools to evaluate the effectiveness of instruction or training interventions. +Edit instructional materials, such as books, simulation exercises, lesson plans, instructor guides, and tests. +Interview subject-matter experts or conduct other research to develop instructional content. +Present and make recommendations regarding course design, technology, and instruction delivery options. +Provide analytical support for the design and development of training curricula, learning strategies, educational policies, or courseware standards. +Recommend changes to curricula or delivery methods, based on information such as instructional effectiveness data, current or future performance requirements, feasibility, and costs. +Research and evaluate emerging instructional technologies or methods. +Teach instructors to use instructional technology or to integrate technology with teaching.","Charting software— SmartDraw VP +Computer based training software— Common Curriculum; EasyCBM; Moodle; Schoology;18 more +Data base management system software— Oracle PL/SQL +Data base user interface and query software— Blackboard software; Microsoft Access; Structured query language SQL +Desktop communications software— Edmodo +Desktop publishing software— Adobe FrameMaker; Adobe InDesign; Microsoft Publisher; Performance Technology Associates DocuTools +Development environment software— Adobe ActionScript +Document management software— Adobe Acrobat; Microsoft SharePoint; Microsoft SharePoint Server; Vasont Content Management System +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Graphical user interface development software— Adobe RoboHelp +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; TechSmith Snagit;1 more +Human resources software— Human resource management software HRMS +Internet browser software— Web browser software +Multi-media educational software— Edpuzzle; Kahoot!; Seesaw +Music or sound editing software— Audacity; Sony Sound Forge +Network conferencing software— Adobe Connect; Webinar software +Object or component oriented development software— Oracle Java +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Adobe Presenter; Microsoft PowerPoint; Poll Everywhere +Process mapping and design software— Microsoft Visio +Project management software— etouches; Google Classroom; Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Video creation and editing software— Adobe After Effects; Flipgrid; Screencast-O-Matic; WeVideo;5 more +Web page creation and editing software— Adobe Dreamweaver; IXL Learning Quia Web; Nvu; SeaMonkey;1 more +Web platform development software— Cascading style sheets CSS; Drupal; Hypertext markup language HTML; JavaScript;2 more +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Evaluate performance of educational staff. +Train staff members. +Enforce rules or policies governing student behavior. +Serve on institutional or departmental committees. +Advise educators on curricula, instructional methods, or policies. +Advise students on academic or career matters. +Write grant proposals. +Order instructional or library materials or equipment. +Modify teaching methods or materials to accommodate student needs. +Evaluate effectiveness of educational programs. +Research topics in area of expertise. +Promote educational institutions or programs. +Organize informational materials. +Direct activities of subordinates. +Develop instructional materials. +Assess educational needs of students. +Create technology-based learning materials. +Develop instructional objectives. +Edit documents. +Teach others to use technology or equipment.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Duration of Typical Work Week— 94% responded “More than 40 hours.” +Contact With Others— 83% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 82% responded “Extremely important.” +Telephone Conversations— 23% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 61% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 50% responded “High responsibility.” +Public Speaking— 41% responded “Once a week or more but not every day.” +Time Pressure— 54% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 28% responded “Extremely important.” +Spend Time Sitting— 39% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Written Letters and Memos— 42% responded “Once a week or more but not every day.” +Frequency of Decision Making— 54% responded “Once a year or more but not every month.” +Importance of Being Exact or Accurate— 32% responded “Fairly important.” +Physical Proximity— 36% responded “I work with others but not closely (e.g., private office).” +Conflict Situations— 43% responded “Once a month or more but not every week.”","Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Career/Technical Education Teachers, Middle School +Education Teachers, Postsecondary +Educational, Guidance, and Career Counselors and Advisors +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Secondary School +Teaching Assistants, Postsecondary +Training and Development Managers +Bright Outlook +Training and Development Specialists +Tutors","View the list of Allies +Association for Distance Education and Independent Learning +external site +United States Distance Learning Association +external site +ACSD +external site +American Educational Research Association +external site +Association for Career and Technical Education +external site +Association for Computing Machinery +external site +Association for Educational Communications and Technology +external site +Association for Middle Level Education +external site +Association for Talent Development +external site +Aurora Institute +external site +Council for Exceptional Children +external site +International Literacy Association +external site +International Society for Technology in Education +external site +Learning Forward +external site +National Association for the Education of Young Children +external site +National Career Development Association +external site +National Council for the Social Studies +external site +National Council of Teachers of English +external site +National Council of Teachers of Mathematics +external site +National Science Teaching Association +external site +Society for Technical Communication-Instructional Design and Learning Special Interest Group +external site +The Learning Guild +external site +CUE +external site +National Education Association +external site +Online Learning Consortium +external site",62,6,30,83,67,70,62,95,53,33,35,60,9,65,40,45,59,9,55,20,54,47,57,29,14,26,6,11,15,24,33,20,48 +17-1021.00,Cartographers and Photogrammetrists,https://www.onetonline.org/link/summary/17-1021.00,2025-06-11T18:53:10.577888,"Compile data required for map preparation, including aerial photographs, survey notes, records, reports, and original maps. +Delineate aerial photographic detail, such as control points, hydrography, topography, and cultural features, using precision stereoplotting apparatus or drafting instruments. +Prepare and alter trace maps, charts, tables, detailed drawings, and three-dimensional optical models of terrain using stereoscopic plotting and computer graphics equipment. +Study legal records to establish boundaries of local, national, and international properties. +Inspect final compositions to ensure completeness and accuracy. +Revise existing maps and charts, making all necessary corrections and adjustments. +Identify, scale, and orient geodetic points, elevations, and other planimetric or topographic features, applying standard mathematical formulas. +Collect information about specific features of the Earth, using aerial photography and other digital remote sensing techniques. +Examine and analyze data from ground surveys, reports, aerial photographs, and satellite images to prepare topographic maps, aerial-photograph mosaics, and related charts. +Build and update digital databases. +Determine map content and layout, as well as production specifications such as scale, size, projection, and colors, and direct production to ensure that specifications are followed. +Determine guidelines that specify which source material is acceptable for use. +Select aerial photographic and remote sensing techniques and plotting equipment needed to meet required standards of accuracy. +Travel over photographed areas to observe, identify, record, and verify all relevant features. +Estimate resources, such as production hours, required for projects. +Use drone technology to capture high-resolution images and data for map creation and updating.","Analytical or scientific software— Boeing SoftPlotter; RSI ENVI; Terrasolid TerraScan; Textron Systems Geospatial Solutions RemoteView;2 more +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Cosmo Software Cosmo World; MultiGen Paradigm Vega Prime +Data base management system software— SAP Adaptive Server Enterprise +Data base user interface and query software— Autodesk World; Microsoft Access; Oracle Database; Structured query language SQL +Data compression software— Arbor Image Draftsman +Desktop publishing software— Adobe InDesign; Corporate Montage CADScript; QuarkXPress +Development environment software— C; Microsoft Visual Basic; Software development tools; Standardized general markup language SGML +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Flight control software— Leica AEROPLAN LiDAR +Geographic information system— ESRI ArcGIS software; ESRI software; Geographic information system GIS software; Geographic information system GIS systems;2 more +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite;3 more +Information retrieval or search software— Digital databases; Master Seafloor Digital Database; Rand McNally World Digital Database; World Vector Shoreline +Internet browser software— Microsoft Internet Explorer +Map creation software— Geomechanical design analysis GDA software; Mapping software; Mapthematics GeoCart; Precision analytical aerotriangulation pugging software;8 more +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system; Microsoft Windows +Platform interconnectivity software— IBM iSeries Access +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Dreamweaver; Quark Immedia +Web platform development software— JavaScript Object Notation JSON +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Gather physical survey data. +Create maps. +Inspect finished products to locate flaws. +Calculate geographic positions from survey data. +Survey land or bodies of water to measure or determine features. +Analyze physical, survey, or geographic data. +Determine design criteria or specifications. +Operate computer systems. +Determine operational methods. +Select tools, equipment, or technologies for use in operations or projects.","Indoors, Environmentally Controlled— 98% responded “Every day.” +E-Mail— 87% responded “Every day.” +Importance of Being Exact or Accurate— 87% responded “Extremely important.” +Spend Time Sitting— 83% responded “Continually or almost continually.” +Telephone Conversations— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Very important.” +Deal With External Customers or the Public in General— 56% responded “Extremely important.” +Contact With Others— 56% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Freedom to Make Decisions— 51% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 32% responded “Limited freedom.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 27% responded “Very important results.” +Duration of Typical Work Week— 11% responded “Less than 40 hours.” +Importance of Repeating Same Tasks— 30% responded “Not important at all.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Frequency of Decision Making— 37% responded “Once a month or more but not every week.” +Written Letters and Memos— 38% responded “Once a month or more but not every week.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 24% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 24% responded “Every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Architectural and Civil Drafters +Data Scientists +Bright Outlook +Geodetic Surveyors +Geographers +Geographic Information Systems Technologists and Technicians +Geological Technicians, Except Hydrologic Technicians +Remote Sensing Scientists and Technologists +Remote Sensing Technicians +Surveying and Mapping Technicians +Surveyors","View the list of Allies +American Association for Geodetic Surveying +external site +American Association of Geographers +external site +American Society for Photogrammetry and Remote Sensing +external site +Association of Photogrammetry, Mapping and Geospatial Firms +external site +Cartography and Geographic Information Society +external site +Geospatial Information and Technology Association +external site +National Society of Professional Engineers +external site +National Society of Professional Surveyors +external site +North American Cartographic Information Society +external site +Society for Conservation GIS +external site +United States Geospatial Intelligence Foundation +external site +Urban and Regional Information Systems Association +external site",48,,37,64,58,41,28,44,36,11,14,30,1,81,9,40,34,14,3,31,12,6,10,27,,46,25,17,10,59,88,,16 +25-4012.00,Curators,https://www.onetonline.org/link/summary/25-4012.00,2025-06-11T19:01:59.644107,"Plan and organize the acquisition, storage, and exhibition of collections and related materials, including the selection of exhibition themes and designs, and develop or install exhibit materials. +Develop and maintain an institution's registration, cataloging, and basic record-keeping systems, using computer databases. +Plan and conduct special research projects in area of interest or expertise. +Provide information from the institution's holdings to other curators and to the public. +Negotiate and authorize purchase, sale, exchange, or loan of collections. +Study, examine, and test acquisitions to authenticate their origin, composition, history, and to assess their current value. +Inspect premises to assess the need for repairs and to ensure that climate and pest control issues are addressed. +Write and review grant proposals, journal articles, institutional reports, and publicity materials. +Design, organize, or conduct tours, workshops, and instructional or educational sessions to acquaint individuals with an institution's facilities and materials. +Attend meetings, conventions, and civic events to promote use of institution's services, to seek financing, and to maintain community alliances. +Train and supervise curatorial, fiscal, technical, research, and clerical staff, as well as volunteers or interns. +Confer with the board of directors to formulate and interpret policies, to determine budget requirements, and to plan overall operations. +Arrange insurance coverage for objects on loan or for special exhibits and recommend changes in coverage for the entire collection. +Schedule events and organize details, including refreshment, entertainment, decorations, and the collection of any fees. +Establish specifications for reproductions and oversee their manufacture or select items from commercially available replica sources.","Analytical or scientific software— SAS +Calendar and scheduling software— Scheduling software +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Artsystems Collections; Database software; FileMaker Pro; Microsoft Access;12 more +Desktop publishing software— Adobe InDesign +Development environment software— Microsoft Visual Studio +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Graphics software;2 more +Internet browser software— Web browser software +Object or component oriented development software— Perl; Python; R +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Apple macOS; Linux +Presentation software— Microsoft PowerPoint +Project management software— Eloquent Systems Eloquent +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook; Social media sites +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Order instructional or library materials or equipment. +Construct exhibits or parts of exhibits. +Develop library or archival databases. +Research topics in area of expertise. +Provide information to the general public. +Evaluate characteristics of archival or historical objects. +Negotiate purchases or contracts. +Plan community programs or activities for the general public. +Evaluate scholarly materials. +Write articles, books or other original materials in area of expertise. +Write grant proposals. +Direct activities of subordinates. +Promote educational institutions or programs. +Train staff members. +Confer with others to conduct or arrange operational activities. +Maintain inventories of materials, equipment, or products.","E-Mail— 85% responded “Every day.” +Determine Tasks, Priorities and Goals— 74% responded “A lot of freedom.” +Telephone Conversations— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Freedom to Make Decisions— 69% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 69% responded “Every day.” +Contact With Others— 50% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Frequency of Decision Making— 32% responded “Once a week or more but not every day.” +Written Letters and Memos— 38% responded “Once a month or more but not every week.” +Spend Time Sitting— 51% responded “More than half the time.” +Level of Competition— 35% responded “Highly competitive.” +Time Pressure— 50% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Anthropologists and Archeologists +Bright Outlook +Anthropology and Archeology Teachers, Postsecondary +Archivists +Art Directors +Historians +History Teachers, Postsecondary +Librarians and Media Collections Specialists +Library Science Teachers, Postsecondary +Museum Technicians and Conservators +Set and Exhibit Designers","View the list of Allies +American Alliance of Museums +external site +American Association for State and Local History +external site +American Institute for Conservation +external site +American Ornithological Society +external site +Association of Art Museum Curators +external site +Association of Historians of American Art +external site +Association of Registrars and Collections Specialists +external site +Association of Science and Technology Centers +external site +College Art Association +external site +Council of State Archivists +external site +Museum Computer Network +external site +Paleontological Society +external site +Society for Industrial Archeology +external site +Society of American Archivists +external site +The Association for Living History, Farm and Agricultural Museums +external site +The Society for the Preservation of Natural History Collections +external site +Academy of Certified Archivists +external site",52,4,17,89,30,58,31,53,54,31,38,36,22,46,36,25,55,15,50,18,34,10,58,18,4,10,18,7,9,38,52,69,88 +43-4111.00,"Interviewers, Except Eligibility and Loan",https://www.onetonline.org/link/summary/43-4111.00,2025-06-11T19:15:49.501372,"Ask questions in accordance with instructions to obtain various specified information, such as person's name, address, age, religious preference, or state of residency. +Identify and report problems in obtaining valid data. +Ensure payment for services by verifying benefits with the person's insurance provider or working out financing options. +Perform office duties, such as telemarketing or customer service inquiries, maintaining staff records, billing patients, or receiving payments. +Review data obtained from interview for completeness and accuracy. +Compile, record, and code results or data from interview or survey, using computer or specified form. +Perform patient services, such as answering the telephone or assisting patients with financial or medical questions. +Assist individuals in filling out applications or questionnaires. +Identify and resolve inconsistencies in interviewees' responses by means of appropriate questioning or explanation. +Supervise or train other staff members. +Prepare reports to provide answers in response to specific problems. +Meet with supervisor daily to submit completed assignments and discuss progress. +Locate and list addresses and households. +Contact individuals to be interviewed at home, place of business, or field location, by telephone, mail, or in person. +Collect and analyze data, such as studying old records, tallying the number of outpatients entering each day or week, or participating in federal, state, or local population surveys as a Census Enumerator. +Explain survey objectives and procedures to interviewees and interpret survey questions to help interviewees' comprehension.","Analytical or scientific software— Statistical software +Customer relationship management CRM software— Microsoft Dynamics +Data base user interface and query software— FileMaker Pro; Student information systems SIS software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Jenzabar EX; Oracle PeopleSoft; SAP Business Objects +Human resources software— RIVS automated interview software +Internet browser software— Web browser software +Medical software— Electronic health record EHR software; Medical condition coding software; Medical procedure coding software; MEDITECH software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Creative Research Systems The Survey System; Nebu Dub InterViewer; Qualtrics Insight; SaaS SurveyMonkey;1 more +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Interview employees, customers, or others to collect information. +Negotiate financial arrangements. +Resolve operational performance problems. +Verify accuracy of financial or transactional data. +Obtain personal or financial information about customers or applicants. +Collect deposits, payments or fees. +Check data for recording errors. +Compile data or documentation. +Code data or other information. +Answer telephones to direct calls or provide information. +Assist individuals with paperwork. +Supervise clerical or administrative personnel. +Analyze operational or research data. +Prepare research or technical reports. +Explain regulations, policies, or procedures. +Confer with coworkers to coordinate work activities.","Contact With Others— 100% responded “Constant contact with others.” +E-Mail— 96% responded “Every day.” +Work With or Contribute to a Work Group or Team— 96% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Telephone Conversations— 85% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Importance of Repeating Same Tasks— 81% responded “Extremely important.” +Spend Time Sitting— 75% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 66% responded “Extremely important.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Time Pressure— 68% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 75% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Important results.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 52% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 28% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 48% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Conflict Situations— 17% responded “Never.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 44% responded “High responsibility.” +Health and Safety of Other Workers— 32% responded “Moderate responsibility.” +Exposed to Disease or Infections— 46% responded “Every day.” +Duration of Typical Work Week— 60% responded “40 hours.” +Written Letters and Memos— 37% responded “Every day.” +Level of Competition— 38% responded “Highly competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Correspondence Clerks +Customer Service Representatives +Bright Outlook +Eligibility Interviewers, Government Programs +Health Information Technologists and Medical Registrars +Human Resources Assistants, Except Payroll and Timekeeping +Medical Secretaries and Administrative Assistants +Office Clerks, General +Patient Representatives +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive","View the list of Allies +American Marketing Association +external site +Insights Association +external site +Society for Human Resource Management +external site",87,Not available,11,68,57,52,38,36,67,36,15,39,4,62,22,37,42,2,15,13,30,39,23,32,22,4,Not available,Not available,Not available,4,9,8, +35-3023.00,Fast Food and Counter Workers,https://www.onetonline.org/link/summary/35-3023.00,2025-06-11T19:11:53.517232,"Communicate with customers regarding orders, comments, and complaints. +Scrub and polish counters, steam tables, and other equipment, and clean glasses, dishes, and fountain equipment. +Accept payment from customers, and make change as necessary. +Perform cleaning duties, such as sweeping, mopping, and washing dishes, to keep equipment and facilities sanitary. +Balance receipts and payments in cash registers. +Request and record customer orders, and compute bills, using cash registers, multi-counting machines, or pencil and paper. +Serve food, beverages, or desserts to customers in such settings as take-out counters of restaurants or lunchrooms, business or industrial establishments, hotel rooms, and cars. +Prepare daily food items, and cook simple foods and beverages, such as sandwiches, salads, soups, pizza, or coffee, using proper safety precautions and sanitary measures. +Clean and organize eating, service, and kitchen areas. +Monitor and order supplies or food items, and restock as necessary to maintain inventory. +Brew coffee and tea, and fill containers with requested beverages. +Serve customers in eating places that specialize in fast service and inexpensive carry-out food. +Collect and return dirty dishes to the kitchen for washing. +Wash dishes, glassware, and silverware after meals. +Wrap menu items such as sandwiches, hot entrees, and desserts for serving or for takeout. +Notify kitchen personnel of shortages or special orders. +Prepare and serve cold drinks, frozen milk drinks, or desserts, using drink-dispensing, milkshake, or frozen-custard machines. +Select food items from serving or storage areas and place them in dishes, on serving trays, or in take-out bags. +Replenish foods at serving stations. +Perform personnel activities, such as supervising and training employees. +Take customers' orders and write ordered items on tickets, giving ticket stubs to customers when needed to identify filled orders. +Distribute food to servers. +Set up dining areas for meals, and clear them following meals. +Add relishes and garnishes to food orders, according to instructions. +Deliver orders to kitchens, and pick up and serve food when it is ready. +Arrange tables and decorations according to instructions. +Plan, prepare, and deliver meals to individuals with special dietary needs.","Computer based training software— Quizlet +Data base user interface and query software— Menu and nutrition database software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software— Aldelo Systems Aldelo for Restaurants Pro; Foodman Home-Delivery; Intuit QuickBooks Point of Sale; Plexis Software Plexis POS;6 more +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Clean food preparation areas, facilities, or equipment. +Clean tableware. +Process customer bills or payments. +Communicate with customers to resolve complaints or ensure satisfaction. +Take customer orders. +Balance receipts. +Operate cash registers. +Serve food or beverages. +Clean food service areas. +Cook foods. +Order materials, supplies, or equipment. +Prepare hot or cold beverages. +Collect dirty dishes or other tableware. +Arrange tables or dining areas. +Add garnishes to food. +Move equipment, supplies or food to required locations. +Package food or supplies. +Communicate dining or order details to kitchen personnel. +Arrange food for serving. +Stock serving stations or dining areas with food or supplies. +Deliver items. +Manage preparation of special meals or diets. +Prepare foods or meals. +Train food preparation or food service personnel.","Spend Time Standing— 98% responded “Continually or almost continually.” +Contact With Others— 81% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Spend Time Making Repetitive Motions— 48% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Physical Proximity— 56% responded “Moderately close (at arm's length).” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 57% responded “Every day.” +Health and Safety of Other Workers— 46% responded “Very high responsibility.” +Spend Time Walking or Running— 52% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Frequency of Decision Making— 57% responded “Every day.” +Time Pressure— 38% responded “Every day.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 29% responded “Very high responsibility.” +Freedom to Make Decisions— 28% responded “Limited freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Baristas +Bright Outlook +Bartenders +Cooks, Fast Food +Cooks, Restaurant +Cooks, Short Order +Dining Room and Cafeteria Attendants and Bartender Helpers +Dishwashers +Food Preparation Workers +Food Servers, Nonrestaurant +Waiters and Waitresses","View the list of Allies +Association of Nutrition and Foodservice Professionals +external site +International Council on Hotel, Restaurant, and Institutional Education +external site +National Association of Convenience Stores +external site +National Restaurant Association +external site +School Nutrition Association +external site +The United Food and Commercial Workers International Union +external site",81,78,59,68,57,55,73,45,40,41,64,43,24,45,29,35,35,17,10,34,34,12,32,23,16,15,18,12,12,25,17,11,12 +53-6021.00,Parking Attendants,https://www.onetonline.org/link/summary/53-6021.00,2025-06-11T19:29:58.382202,"Take numbered tags from customers, locate vehicles, and deliver vehicles, or provide customers with instructions for locating vehicles. +Inspect vehicles to detect any damage. +Greet customers and open their car doors. +Issue ticket stubs or place numbered tags on windshields, log tags or attach tag to customers' keys, and give customers matching tags for locating parked vehicles. +Perform cash handling tasks, such as making change, balancing and recording cash drawer, or distributing tips. +Explain and calculate parking charges, collect fees from customers, and respond to customer complaints. +Park and retrieve automobiles for customers in parking lots, storage garages, or new car lots. +Provide customer assistance and information, such as giving directions or handling wheelchairs. +Keep parking areas clean and orderly to ensure that space usage is maximized. +Call emergency responders or the proper authorities and provide motorist assistance, such as giving directions or helping jump start a stalled vehicle. +Patrol parking areas to prevent vehicle damage and vehicle or property thefts. +Direct motorists to parking areas or parking spaces, using hand signals or flashlights as necessary. +Escort customers to their vehicles to ensure their safety. +Perform maintenance on cars in storage to protect tires, batteries, or exteriors from deterioration. +Lift, position, and remove barricades to open or close parking areas.","Electronic mail software— Email software; Microsoft Outlook +Office suite software— Microsoft Office software +Point of sale POS software— CorePark Valet; Payment processing software; SMS Valet +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Assist customers to ensure comfort or safety. +Inspect motor vehicles. +Apply identification labels or tags. +Balance receipts. +Prepare cash for deposit or disbursement. +Monitor surroundings to detect potential hazards. +Collect fares or payment from customers. +Drive passenger vehicles. +Provide transportation information to passengers or customers. +Clean facilities or work areas. +Direct vehicle traffic. +Assist passengers during vehicle boarding. +Maintain vehicles in good working condition. +Request emergency personnel. +Move materials, equipment, or supplies.","Contact With Others— 76% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Deal With External Customers or the Public in General— 64% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 44% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 39% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 73% responded “Every day.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 54% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Telephone Conversations— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Outdoors, Exposed to All Weather Conditions— 60% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 51% responded “Once a month or more but not every week.” +Exposed to Contaminants— 50% responded “Every day.” +Consequence of Error— 45% responded “Extremely serious.” +Indoors, Environmentally Controlled— 59% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Every day.” +Outdoors, Under Cover— 56% responded “Every day.” +Determine Tasks, Priorities and Goals— 51% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 31% responded “About half the time.” +Frequency of Decision Making— 43% responded “Every day.” +Health and Safety of Other Workers— 27% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 27% responded “Not important at all.” +Spend Time Sitting— 42% responded “About half the time.” +Spend Time Standing— 45% responded “About half the time.” +Time Pressure— 36% responded “Never.”","Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Amusement and Recreation Attendants +Bright Outlook +Baggage Porters and Bellhops +Bus Drivers, Transit and Intercity +Counter and Rental Clerks +Dispatchers, Except Police, Fire, and Ambulance +Locker Room, Coatroom, and Dressing Room Attendants +Parking Enforcement Workers +Passenger Attendants +Shuttle Drivers and Chauffeurs +Taxi Drivers","View the list of Allies +National Parking Association +external site",62,12,35,52,38,30,43,32,31,21,29,27,8,26,11,21,28,24,6,51,22,10,15,25,10,14,9,14,9,12,18,4,10 +47-2081.00,Drywall and Ceiling Tile Installers,https://www.onetonline.org/link/summary/47-2081.00,2025-06-11T19:18:44.595671,"Read blueprints or other specifications to determine methods of installation, work procedures, or material or tool requirements. +Measure and mark surfaces to lay out work, according to blueprints or drawings, using tape measures, straightedges or squares, and marking devices. +Fit and fasten wallboard or drywall into position on wood or metal frameworks, using glue, nails, or screws. +Measure and cut openings in panels or tiles for electrical outlets, windows, vents, plumbing, or other fixtures, using keyhole saws or other cutting tools. +Assemble or install metal framing or decorative trim for windows, doorways, or vents. +Cut metal or wood framing and trim to size, using cutting tools. +Inspect furrings, mechanical mountings, or masonry surfaces for plumbness and level, using spirit or water levels. +Cut fixture or border tiles to size, using keyhole saws, and insert them into surrounding frameworks. +Cut and screw together metal channels to make floor or ceiling frames, according to plans for the location of rooms or hallways. +Hang drywall panels on metal frameworks of walls and ceilings in offices, schools, or other large buildings, using lifts or hoists to adjust panel heights, when necessary. +Trim rough edges from wallboard to maintain even joints, using knives. +Suspend angle iron grids or channel irons from ceilings, using wire. +Coordinate work with drywall finishers who cover the seams between drywall panels. +Install horizontal and vertical metal or wooden studs to frames so that wallboard can be attached to interior walls. +Scribe and cut edges of tile to fit walls where wall molding is not specified. +Hang dry lines to wall moldings to guide positioning of main runners. +Fasten metal or rockboard lath to the structural framework of walls, ceilings, or partitions of buildings, using nails, screws, staples, or wire-ties. +Install blanket insulation between studs and tack plastic moisture barriers over insulation. +Seal joints between ceiling tiles and walls. +Remove existing plaster, drywall, or paneling, using crowbars and hammers. +Apply or mount acoustical tile or blocks, strips, or sheets of shock-absorbing materials to ceilings or walls of buildings to reduce reflection of sound or to decorate rooms. +Mount tile, using adhesives, or by nailing, screwing, stapling, or wire-tying lath directly to structural frameworks. +Nail channels or wood furring strips to surfaces to provide mounting for tile. +Install metal lath where plaster applications will be exposed to weather or water, or for curved or irregular surfaces. +Apply cement to backs of tiles and press tiles into place, aligning them with layout marks or joints of previously laid tile. +Wash concrete surfaces before mounting tile to increase adhesive qualities of surfaces, using washing soda and zinc sulfate solution.","Accounting software— Job costing software +Data base user interface and query software— Business management software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Logic Group Scanner Digitizing Software +Project management software— Construction Software Center EasyEst; DevWave Estimate Works; On Center Quick Bid; Turtle Creek Software Goldenseal +Word processing software— Microsoft Word; Wilhelm Publishing Threshold","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Review blueprints or specifications to determine work requirements. +Mark reference points on construction materials. +Measure materials or objects for installation or assembly. +Install building fixtures. +Cut openings in existing structures. +Install trim or paneling. +Install masonry materials. +Cut metal components for installation. +Cut tile, stone, or other masonry materials. +Cut wood components for installation. +Verify alignment of structures or equipment. +Install metal structural components. +Operate cranes, hoists, or other moving or lifting equipment. +Trim excess material from installations. +Coordinate construction project activities. +Install wooden structural components. +Apply material to fill gaps in surfaces. +Install insulation in equipment or structures. +Remove worn, damaged or outdated materials from work areas. +Apply mortar. +Clean surfaces in preparation for work activities.","Spend Time Standing— 86% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 77% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 62% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 44% responded “Every day.” +Spend Time Making Repetitive Motions— 41% responded “More than half the time.” +Telephone Conversations— 48% responded “Every day.” +Freedom to Make Decisions— 36% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 38% responded “A lot of freedom.” +Spend Time Walking or Running— 45% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Time Pressure— 34% responded “Once a month or more but not every week.” +Contact With Others— 33% responded “Contact with others most of the time.” +Frequency of Decision Making— 43% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Spend Time Bending or Twisting Your Body— 29% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 47% responded “Important.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Exposed to Contaminants— 31% responded “Every day.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Exposed to Very Hot or Cold Temperatures— 37% responded “Once a week or more but not every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 41% responded “More than half the time.” +Exposed to Hazardous Equipment— 44% responded “Every day.” +Level of Competition— 53% responded “Moderately competitive.” +Exposed to High Places— 46% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 40% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 26% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 34% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Fairly important.” +Exposed to Cramped Work Space, Awkward Positions— 29% responded “Once a year or more but not every month.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 38% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Carpenters +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Plasterers and Stucco Masons +Reinforcing Iron and Rebar Workers +Roofers +Sheet Metal Workers +Tapers +Tile and Stone Setters","View the list of Allies +Associated Builders and Contractors +external site +Association of the Wall and Ceiling Industry +external site +National Association of Home Builders +external site +Finishing Trades Institute International +external site +National Center for Construction Education and Research +external site +United Brotherhood of Carpenters and Joiners of America +external site",43,6,38,49,63,52,55,36,27,32,35,30,17,20,26,25,5,56,2,38,21,15,9,13,18,44,87,26,4,49,18,,7 +29-1229.02,Hospitalists,https://www.onetonline.org/link/summary/29-1229.02,2025-06-11T19:07:05.232737,"Diagnose, treat, or provide continuous care to hospital inpatients. +Prescribe medications or treatment regimens to hospital inpatients. +Order or interpret the results of tests such as laboratory tests and radiographs (x-rays). +Admit patients for hospital stays. +Conduct discharge planning and discharge patients. +Write patient discharge summaries and send them to primary care physicians. +Refer patients to medical specialists, social services, or other professionals as appropriate. +Direct, coordinate, or supervise the patient care activities of nursing or support staff. +Attend inpatient consultations in areas of specialty. +Communicate with patients' primary care physicians upon admission, when treatment plans change, or at discharge to maintain continuity and quality of care. +Participate in continuing education activities to maintain or enhance knowledge and skills. +Direct or support quality improvement projects or safety programs. +Direct the operations of short stay or specialty units. +Train or supervise medical students, residents, or other health professionals.","Accounting software— Billing software +Electronic mail software— Email software +Information retrieval or search software— Medical reference software +Internet browser software— Web browser software +Medical software— Epic Systems; Medical decision support software; Medical procedure coding software; MEDITECH software;4 more +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Voice recognition software +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Diagnose medical conditions. +Prescribe medications. +Treat chronic diseases or disorders. +Analyze test data or images to inform diagnosis or treatment. +Order medical diagnostic or clinical tests. +Process healthcare paperwork. +Develop medical treatment plans. +Inform medical professionals regarding patient conditions and care. +Prepare reports summarizing patient diagnostic or care activities. +Refer patients to other healthcare practitioners or health resources. +Supervise patient care personnel. +Maintain medical or professional knowledge. +Coordinate safety or regulatory compliance activities. +Direct quality control activities. +Manage healthcare operations. +Train medical providers.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Frequency of Decision Making— 92% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Contact With Others— 88% responded “Constant contact with others.” +Duration of Typical Work Week— 92% responded “More than 40 hours.” +Exposed to Disease or Infections— 88% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 75% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +E-Mail— 72% responded “Every day.” +Freedom to Make Decisions— 71% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Physical Proximity— 63% responded “Very close (near touching).” +Consequence of Error— 79% responded “Extremely serious.” +Time Pressure— 60% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a week or more but not every day.” +Conflict Situations— 48% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 40% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Health and Safety of Other Workers— 40% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 54% responded “Every day.” +Written Letters and Memos— 36% responded “Every day.” +Level of Competition— 28% responded “Highly competitive.” +Spend Time Sitting— 46% responded “About half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 25% responded “Once a week or more but not every day.” +Exposed to Contaminants— 29% responded “Once a week or more but not every day.” +Dealing with Violent or Physically Aggressive People— 40% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 24% responded “Once a week or more but not every day.” +Public Speaking— 24% responded “Every day.”","Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Science— Using scientific rules and methods to solve problems. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Clinical Nurse Specialists +Bright Outlook +Critical Care Nurses +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Nurse Practitioners +Obstetricians and Gynecologists +Pediatricians, General +Physician Assistants +Registered Nurses","View the list of Allies +American Academy of Family Physicians +external site +American Academy of Pediatrics +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +Medical Group Management Association +external site +Society of General Internal Medicine +external site +Society of Hospital Medicine +external site +American Board of Internal Medicine: Cardiovascular Disease +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",71,6,20,90,45,52,39,75,43,32,21,32,45,51,25,38,38,6,23,11,82,74,50,38,99,21,7,24,91,10,21,5,12 +15-1243.01,Data Warehousing Specialists,https://www.onetonline.org/link/summary/15-1243.01,2025-06-11T18:51:49.456179,"Develop data warehouse process models, including sourcing, loading, transformation, and extraction. +Verify the structure, accuracy, or quality of warehouse data. +Map data between source systems, data warehouses, and data marts. +Develop and implement data extraction procedures from other systems, such as administration, billing, or claims. +Design and implement warehouse database structures. +Develop or maintain standards, such as organization, structure, or nomenclature, for the design of data warehouse elements, such as data architectures, models, tools, and databases. +Provide or coordinate troubleshooting support for data warehouses. +Write new programs or modify existing programs to meet customer requirements, using current programming languages and technologies. +Design, implement, or operate comprehensive data warehouse systems to balance optimization of data access with batch loading and resource utilization factors, according to customer requirements. +Perform system analysis, data analysis or programming, using a variety of computer languages and procedures. +Create supporting documentation, such as metadata and diagrams of entity relationships, business processes, and process flow. +Create or implement metadata processes and frameworks. +Review designs, codes, test plans, or documentation to ensure quality. +Create plans, test files, and scripts for data warehouse testing, ranging from unit to integration testing. +Select methods, techniques, or criteria for data warehousing evaluative procedures. +Implement business rules via stored procedures, middleware, or other technologies. +Prepare functional or technical documentation for data warehouses. +Test software systems or applications for software enhancements or new products.","Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB +Application server software— Oracle WebLogic Server +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Microsoft Power BI; Tableau; TIBCO Spotfire;3 more +Cloud-based management software— IBM WebSphere; Jitterbit; Splunk Enterprise +Clustering software— Aster Data nCluster; VMware +Communications server software— IBM Domino +Configuration management software— Perforce Helix software +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base management system software— Amazon DynamoDB; Apache Cassandra; MongoDB; Oracle PL/SQL;20 more +Data base reporting software— IBM Netezza TwinFin; Microsoft SQL Server Reporting Services SSRS; Oracle Business Intelligence Discoverer; SAP Crystal Reports;1 more +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Apache Hive; MySQL; Transact-SQL;8 more +Data mining software— Rapid-I RapidMiner; SAP NetWeaver BW; Teradata Parallel Transporter; Teradata Tpump;1 more +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Kafka; Eclipse IDE; Microsoft .NET Framework; Microsoft Visual Studio;8 more +Document management software— Microsoft SharePoint; Teradata FastExport +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; Talend Open Studio;1 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;5 more +File versioning software— Apache Subversion SVN +Financial analysis software— Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software +Human resources software— Human resource management software HRMS +Information retrieval or search software— Apache Avro +Metadata management software— Informatica software; Quest Erwin Data Modeler; SAS Data Integration Server; Talend Data Fabric;13 more +Network monitoring software— Nagios +Object or component oriented development software— Apache Spark; C#; Perl; Scala;6 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Red Hat Enterprise Linux; Shell script; UNIX Shell;9 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Web platform development software— Ruby on Rails +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Develop models of information or communications systems. +Evaluate data quality. +Develop diagrams or flow charts of system operation. +Develop procedures for data management. +Create databases to store electronic data. +Design software applications. +Write computer programming code. +Modify software programs to improve performance. +Troubleshoot issues with computer applications or systems. +Analyze data to identify trends or relationships among variables. +Document operational procedures. +Evaluate project designs to determine adequacy or feasibility. +Develop performance metrics or standards related to information technology. +Develop testing routines or procedures. +Apply information technology to solve business or other applied problems. +Apply new technologies to improve work processes. +Test software performance.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 86% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Telephone Conversations— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Very important.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Duration of Typical Work Week— 52% responded “40 hours.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Contact With Others— 39% responded “Contact with others most of the time.” +Importance of Repeating Same Tasks— 39% responded “Very important.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Spend Time Making Repetitive Motions— 26% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Level of Competition— 43% responded “Moderately competitive.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Programming— Writing computer programs for various purposes. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Blockchain Engineers +Bright Outlook +Business Intelligence Analysts +Computer Programmers +Computer Systems Analysts +Computer Systems Engineers/Architects +Data Scientists +Database Administrators +Database Architects +Software Developers +Software Quality Assurance Analysts and Testers","View the list of Allies +Higher Education Data Warehousing +external site +Association for Computing Machinery +external site +Association for Information Science and Technology +external site +Association for Information Systems +external site +Association for the Advancement of Artificial Intelligence +external site +Association for Women in Computing +external site +Computer Professionals for Social Responsibility +external site +Computing Research Association +external site +IEEE Computer Society +external site +Institute for Operations Research and the Management Sciences +external site +International Association for Computer Information Systems +external site +International Association of Computer Science and Information Technology +external site +International Data Spaces Association +external site +Internet Society +external site +ISACA +external site +National Center for Women and Information Technology +external site +Northeast Big Data Innovation Hub +external site +Society for Industrial and Applied Mathematics +external site +Society for Information Management +external site +The International Association for Data Quality, Governance and Analytics (IADQGA) +external site +Transforming Data with Intelligence +external site +USENIX +external site +Midwest Association for Information Systems +external site +SouthEast SAS® Users Group +external site +CompTIA +external site +DAMA International +external site",36,,28,55,56,40,4,31,23,31,19,25,,82,3,15,15,1,2,4,13,,7,26,3,47,2,5,,51,9,2,1 +25-3021.00,Self-Enrichment Teachers,https://www.onetonline.org/link/summary/25-3021.00,2025-06-11T19:01:51.415296,"Instruct students individually and in groups, using various teaching methods, such as lectures, discussions, and demonstrations. +Adapt teaching methods and instructional materials to meet students' varying needs and interests. +Prepare students for further development by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Observe students to determine qualifications, limitations, abilities, interests, and other individual characteristics. +Maintain accurate and complete student records as required by administrative policy. +Monitor students' performance to make suggestions for improvement and to ensure that they satisfy course standards, training requirements, and objectives. +Prepare and administer written, oral, and performance tests, and issue grades in accordance with performance. +Establish clear objectives for all lessons, units, and projects and communicate those objectives to students. +Prepare instructional program objectives, outlines, and lesson plans. +Confer with other teachers and professionals to plan and schedule lessons promoting learning and development. +Prepare materials and classrooms for class activities. +Enforce policies and rules governing students. +Review instructional content, methods, and student evaluations to assess strengths and weaknesses, and to develop recommendations for course revision, development, or elimination. +Meet with other instructors to discuss individual students and their progress. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Attend professional meetings, conferences, and workshops to maintain and improve professional competence. +Plan and supervise class projects, field trips, visits by guest speakers, contests, or other experiential activities, and guide students in learning from those activities. +Attend staff meetings and serve on committees, as required. +Select, order, and issue books, materials, and supplies for courses or projects. +Assign and grade class work and homework. +Conduct classes, workshops, and demonstrations, and provide individual instruction to teach topics and skills, such as cooking, dancing, writing, physical fitness, photography, personal finance, and flying. +Instruct and monitor students in the use and care of equipment and materials to prevent injury and damage. +Meet with parents and guardians to discuss their children's progress and to determine their priorities for their children. +Schedule class times to ensure maximum attendance. +Prepare and implement remedial programs for students requiring extra help. +Observe and evaluate the performance of other instructors. +Organize and supervise games and other recreational activities to promote physical, mental, and social development. +Participate in publicity planning and student recruitment. +Write instructional articles on designated subjects.","Computer based training software— Educational software; Schoology +Data base user interface and query software— Blackboard software; Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Email software +Graphics or photo imaging software— Adobe Photoshop; Corel Paint Shop Pro +Internet browser software— Microsoft Internet Explorer; Web browser software +Multi-media educational software— Nearpod +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video creation and editing software— Microsoft Windows Movie Maker; Video editing software; YouTube +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Apply multiple teaching methods. +Modify teaching methods or materials to accommodate student needs. +Encourage students. +Assess educational needs of students. +Monitor student performance. +Maintain student records. +Evaluate student work. +Administer tests to assess educational needs or progress. +Prepare tests. +Develop instructional objectives. +Assign class work to students. +Document lesson plans. +Teach life skills. +Collaborate with other teaching professionals to develop educational programs. +Teach others to use technology or equipment. +Set up classroom materials or equipment. +Discuss student progress with parents or guardians. +Enforce rules or policies governing student behavior. +Evaluate effectiveness of educational programs. +Plan educational activities. +Discuss problems or issues with supervisors. +Develop strategies or programs for students with special needs. +Schedule instructional activities. +Evaluate performance of educational staff. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Create technology-based learning materials. +Plan experiential learning activities. +Serve on institutional or departmental committees. +Distribute instructional or library materials. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Promote educational institutions or programs. +Write articles, books or other original materials in area of expertise.","Freedom to Make Decisions— 79% responded “A lot of freedom.” +Contact With Others— 77% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Determine Tasks, Priorities and Goals— 62% responded “Some freedom.” +Physical Proximity— 58% responded “Moderately close (at arm's length).” +E-Mail— 35% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Moderate results.” +Importance of Being Exact or Accurate— 47% responded “Important.” +Frequency of Decision Making— 43% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Spend Time Sitting— 29% responded “More than half the time.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Art, Drama, and Music Teachers, Postsecondary +Elementary School Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Secondary School +Teaching Assistants, Special Education +Tutors","View the list of Allies +Amateur Athletic Union of the United States +external site +American Association for Adult and Continuing Education +external site +College Art Association +external site +Dance Educators of America +external site +International Cake Exploration Societé +external site +ITF America +external site +Music Teachers National Association +external site +National Association for Music Education +external site +National Association of Flight Instructors +external site +National Federation of Music Clubs +external site +PADI +external site +The College Music Society +external site +USA Gymnastics +external site +American Federation of Musicians +external site +National Education Association +external site",62,1,14,56,36,27,26,82,26,6,36,17,5,37,36,23,36,14,17,10,36,17,37,7,11,15,,22,12,3,30,29,16 +29-2011.00,Medical and Clinical Laboratory Technologists,https://www.onetonline.org/link/summary/29-2011.00,2025-06-11T19:07:40.309719,"Conduct chemical analysis of body fluids, including blood, urine, or spinal fluid, to determine presence of normal or abnormal components. +Analyze laboratory findings to check the accuracy of the results. +Operate, calibrate, or maintain equipment used in quantitative or qualitative analysis, such as spectrophotometers, calorimeters, flame photometers, or computer-controlled analyzers. +Collect and study blood samples to determine the number of cells, their morphology, or their blood group, blood type, or compatibility for transfusion purposes, using microscopic techniques. +Enter data from analysis of medical tests or clinical results into computer for storage. +Establish or monitor quality assurance programs or activities to ensure the accuracy of laboratory results. +Analyze samples of biological material for chemical content or reaction. +Set up, clean, and maintain laboratory equipment. +Provide technical information about test results to physicians, family members, or researchers. +Cultivate, isolate, or assist in identifying microbial organisms or perform various tests on these microorganisms. +Supervise, train, or direct lab assistants, medical and clinical laboratory technicians or technologists, or other medical laboratory workers engaged in laboratory testing. +Develop, standardize, evaluate, or modify procedures, techniques, or tests used in the analysis of specimens or in medical laboratory experiments. +Harvest cell cultures at optimum time, based on knowledge of cell cycle differences and culture conditions. +Select and prepare specimens and media for cell cultures, using aseptic technique and knowledge of medium components and cell requirements. +Obtain, cut, stain, and mount biological material on slides for microscopic study and diagnosis, following standard laboratory procedures.","Data base user interface and query software— Database software; FileMaker Pro +Electronic mail software— Email software +Medical software— eClinicalWorks EHR software; Medical procedure coding software; MEDITECH software; Test routing software;11 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Analyze laboratory specimens to detect abnormalities or other problems. +Analyze laboratory findings. +Collect biological specimens from patients. +Maintain medical laboratory equipment. +Operate laboratory equipment to analyze medical samples. +Enter patient or treatment data into computers. +Develop healthcare quality and safety procedures. +Clean medical equipment or facilities. +Prepare medical supplies or equipment for use. +Prepare biological specimens for laboratory analysis. +Communicate detailed medical information to patients or family members. +Communicate test or assessment results to medical professionals. +Cultivate micro-organisms for study, testing, or medical preparations. +Supervise technical medical personnel. +Train medical providers. +Determine protocols for medical procedures.","Importance of Being Exact or Accurate— 98% responded “Extremely important.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Telephone Conversations— 99% responded “Every day.” +Exposed to Disease or Infections— 87% responded “Every day.” +Frequency of Decision Making— 87% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 84% responded “Very important results.” +Time Pressure— 86% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 83% responded “Continually or almost continually.” +Exposed to Contaminants— 77% responded “Every day.” +E-Mail— 81% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams +Freedom to Make Decisions— 53% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Importance of Repeating Same Tasks— 67% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Extremely important.” +Exposed to Hazardous Conditions— 65% responded “Every day.” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Pace Determined by Speed of Equipment— 66% responded “Extremely important.” +Consequence of Error— 13% responded “Not serious at all.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 29% responded “Very high responsibility.” +Degree of Automation— 70% responded “Highly automated.” +Dealing With Unpleasant, Angry, or Discourteous People— 19% responded “Once a month or more but not every week.” +Spend Time Standing— 65% responded “About half the time.” +Spend Time Making Repetitive Motions— 43% responded “More than half the time.” +Conflict Situations— 43% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biological Technicians +Bright Outlook +Cardiovascular Technologists and Technicians +Cytogenetic Technologists +Cytotechnologists +Histology Technicians +Histotechnologists +Medical and Clinical Laboratory Technicians +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Phlebotomists","View the list of Allies +American Association of Bioanalysts +external site +American Society for Clinical Pathology +external site +American Society for Cytotechnology +external site +American Society for Microbiology +external site +American Society of Cytopathology +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +AABB +external site +American Medical Technologists +external site +National Accrediting Agency for Clinical Laboratory Sciences +external site",72,4,41,70,55,37,35,50,51,16,10,36,70,47,13,32,34,57,15,15,27,19,21,23,73,33,2,19,73,14,11,2,8 +47-3011.00,"Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters",https://www.onetonline.org/link/summary/47-3011.00,2025-06-11T19:19:36.434932,"Mix mortar, plaster, and grout, manually or using machines, according to standard formulas. +Erect scaffolding or other installation structures. +Cut materials to specified sizes for installation, using power saws or tile cutters. +Modify material moving, mixing, grouting, grinding, polishing, or cleaning procedures, according to installation or material requirements. +Transport materials, tools, or machines to installation sites, manually or using conveyance equipment. +Provide assistance in the preparation, installation, repair, or rebuilding of tile, brick, or stone surfaces. +Locate and supply materials to masons for installation, following drawings or numbered sequences. +Arrange or store materials, machines, tools, or equipment. +Clean installation surfaces, equipment, tools, work sites, or storage areas, using water, chemical solutions, oxygen lances, or polishing machines. +Move or position materials such as marble slabs, using cranes, hoists, or dollies. +Remove excess grout or residue from tile or brick joints, using sponges or trowels. +Apply grout between joints of bricks or tiles, using grouting trowels. +Apply caulk, sealants, or other agents to installed surfaces. +Remove damaged tile, brick, or mortar, and clean or prepare surfaces, using pliers, hammers, chisels, drills, wire brushes, or metal wire anchors. +Correct surface imperfections or fill chipped, cracked, or broken bricks or tiles, using fillers, adhesives, or grouting materials.","Accounting software— Intuit QuickBooks +Analytical or scientific software— Construction Management Software ProEst +Computer aided design CAD software— Autodesk Revit; Computer aided design and drafting CADD software; EasyCAD Iris 2D; TileGem +Data base user interface and query software— Aya Associates Comp-U-Floor; Microsoft Access +Document management software— Microsoft SharePoint +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— CPR Visual Estimator; Daystar iStructural.com; Measure Square FloorEstimate Pro; RISA Technologies RISAMasonry;1 more +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Mix substances or compounds needed for work activities. +Assemble temporary equipment or structures. +Cut tile, stone, or other masonry materials. +Assist skilled construction or extraction personnel. +Determine operational procedures. +Move construction or extraction materials to locations where they are needed. +Clean surfaces in preparation for work activities. +Maintain construction tools or equipment. +Operate cranes, hoists, or other moving or lifting equipment. +Remove excess materials from finished construction projects. +Apply material to fill gaps in surfaces. +Apply sealants or other protective coatings. +Prepare surfaces for finishing. +Remove worn, damaged or outdated materials from work areas.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 75% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 73% responded “Every day.” +Time Pressure— 61% responded “Every day.” +Exposed to Contaminants— 64% responded “Every day.” +Spend Time Standing— 66% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 76% responded “Every day.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Exposed to High Places— 61% responded “Every day.” +Spend Time Making Repetitive Motions— 48% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 43% responded “Every day.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Spend Time Bending or Twisting Your Body— 48% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 53% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 35% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Very important.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Contact With Others— 43% responded “Constant contact with others.” +Level of Competition— 38% responded “Extremely competitive.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 43% responded “Continually or almost continually.” +Telephone Conversations— 34% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 42% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Spend Time Walking or Running— 38% responded “Continually or almost continually.” +Consequence of Error— 30% responded “Extremely serious.” +Exposed to Cramped Work Space, Awkward Positions— 31% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 41% responded “Every day.” +Pace Determined by Speed of Equipment— 37% responded “Extremely important.” +Deal With External Customers or the Public in General— 29% responded “Extremely important.” +In an Open Vehicle or Operating Equipment— 34% responded “Every day.” +Indoors, Not Environmentally Controlled— 41% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 37% responded “Every day.” +Importance of Repeating Same Tasks— 38% responded “Extremely important.” +Duration of Typical Work Week— 54% responded “40 hours.” +Freedom to Make Decisions— 30% responded “Limited freedom.” +Frequency of Decision Making— 39% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 38% responded “Less than half the time.”","Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speed of Limb Movement— The ability to quickly move the arms and legs. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Brickmasons and Blockmasons +Cement Masons and Concrete Finishers +Helpers--Carpenters +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Plasterers and Stucco Masons +Refractory Materials Repairers, Except Brickmasons +Terrazzo Workers and Finishers +Tile and Stone Setters","View the list of Allies +American Society of Concrete Contractors +external site +American Subcontractors Association +external site +Associated Builders and Contractors +external site +International Masonry Institute +external site +Mason Contractors Association of America +external site +National Association of Home Builders +external site +National Tile Contractors Association +external site +Operative Plasterers' and Cement Masons' International Association +external site +The Masonry Society +external site +Mid-Atlantic Masonry Association +external site +International Union of Bricklayers and Allied Craftworkers +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site +Southern States Millwright Regional Council +external site",30,5,35,50,51,31,43,26,10,10,10,11,31,7,11,16,8,55,5,25,10,7,6,11,10,30,81,18,6,53,10,8,5 +35-2011.00,"Cooks, Fast Food",https://www.onetonline.org/link/summary/35-2011.00,2025-06-11T19:11:34.694370,"Order and take delivery of supplies. +Cook the exact number of items ordered by each customer, working on several different orders simultaneously. +Prepare specialty foods, such as pizzas, fish and chips, sandwiches, or tacos, following specific methods that usually require short preparation time. +Operate large-volume cooking equipment, such as grills, deep-fat fryers, or griddles. +Wash, cut, and prepare foods designated for cooking. +Prepare and serve beverages, such as coffee or fountain drinks. +Clean food preparation areas, cooking surfaces, and utensils. +Read food order slips or receive verbal instructions as to food required by patron, and prepare and cook food according to instructions. +Serve orders to customers at windows, counters, or tables. +Clean, stock, and restock workstations and display cases. +Maintain sanitation, health, and safety standards in work areas. +Cook and package batches of food, such as hamburgers or fried chicken, prepared to order or kept warm until sold. +Prepare dough, following recipe. +Take food and drink orders and receive payment from customers. +Verify that prepared food meets requirements for quality and quantity. +Pre-cook items, such as bacon, to prepare them for later use. +Measure ingredients required for specific food items. +Mix ingredients, such as pancake or waffle batters. +Schedule activities and equipment use with managers, using information about daily menus to help coordinate cooking times. +Take out garbage.","Electronic mail software— Microsoft Outlook +Point of sale POS software— Aldelo Systems Aldelo for Restaurants Pro; Foodman Home-Delivery; Plexis Software Plexis POS; RestaurantPlus PRO +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Order materials, supplies, or equipment. +Cook foods. +Prepare foods for cooking or serving. +Clean food preparation areas, facilities, or equipment. +Serve food or beverages. +Prepare hot or cold beverages. +Stock serving stations or dining areas with food or supplies. +Prepare breads or doughs. +Process customer bills or payments. +Take customer orders. +Check quality of foods or supplies. +Measure ingredients. +Mix ingredients. +Coordinate timing of food production activities.","Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Spend Time Standing— 79% responded “Continually or almost continually.” +Consequence of Error +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Moderate results.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Every day.” +Physical Proximity— 78% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 47% responded “Extremely important.” +Telephone Conversations— 43% responded “Every day.” +Frequency of Decision Making— 63% responded “Once a month or more but not every week.” +Public Speaking— 42% responded “Every day.” +Contact With Others— 54% responded “Constant contact with others.” +Health and Safety of Other Workers— 49% responded “Moderate responsibility.” +Time Pressure— 42% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Important.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Every day.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Freedom to Make Decisions— 28% responded “A lot of freedom.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles.","Bakers +Baristas +Bright Outlook +Butchers and Meat Cutters +Cooks, Institution and Cafeteria +Cooks, Restaurant +Cooks, Short Order +Fast Food and Counter Workers +Food Batchmakers +Food Cooking Machine Operators and Tenders +Food Preparation Workers","View the list of Allies +American Personal and Private Chef Association +external site +National Restaurant Association +external site +American Culinary Federation +external site",53,28,33,52,17,59,53,23,31,42,37,25,2,33,2,15,55,8,1,57,14,5,5,7,6,6,3,2,1,3,1,1,1 +31-9095.00,Pharmacy Aides,https://www.onetonline.org/link/summary/31-9095.00,2025-06-11T19:09:56.501585,"Greet customers and help them locate merchandise. +Accept prescriptions for filling, gathering and processing necessary information. +Operate cash register to process cash or credit sales. +Answer telephone inquiries, referring callers to pharmacist when necessary. +Receive, store, and inventory pharmaceutical supplies or medications, check for out-of-date medications, and notify pharmacist when inventory levels are low. +Unpack, sort, count, and label incoming merchandise, including items requiring special handling or refrigeration. +Restock storage areas, replenishing items on shelves. +Maintain and clean equipment, work areas, or shelves. +Prepare prescription labels by typing or operating a computer and printer. +Compound, package, and label pharmaceutical products, under direction of pharmacist. +Process medical insurance claims, posting bill amounts and calculating copayments. +Perform clerical tasks, such as filing, compiling and maintaining prescription records, or composing letters. +Prepare, maintain, and record records of inventories, receipts, purchases, or deliveries, using a variety of computer screen formats. +Deliver medication to treatment areas, living units, residences, or clinics, using various means of transportation.","Data base user interface and query software— Database software +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Perform clerical work in medical settings. +Control prescription refills or authorizations. +Process medical billing information. +Inventory medical supplies or equipment. +Stock medical or patient care supplies. +Maintain medical records. +Transport biological or other medical materials. +Clean medical equipment. +Maintain medical equipment or instruments.","Indoors, Environmentally Controlled— 98% responded “Every day.” +Telephone Conversations— 96% responded “Every day.” +Spend Time Standing— 92% responded “Continually or almost continually.” +Contact With Others +Work With or Contribute to a Work Group or Team +Deal With External Customers or the Public in General +Importance of Being Exact or Accurate +Face-to-Face Discussions with Individuals and Within Teams +Physical Proximity— 74% responded “Moderately close (at arm's length).” +Exposed to Disease or Infections +Determine Tasks, Priorities and Goals +Dealing With Unpleasant, Angry, or Discourteous People— 53% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities +Importance of Repeating Same Tasks— 50% responded “Important.” +Consequence of Error +E-Mail— 59% responded “Every day.” +Freedom to Make Decisions +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 62% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 29% responded “Continually or almost continually.” +Written Letters and Memos— 41% responded “Every day.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Time Pressure— 34% responded “Once a year or more but not every month.” +Frequency of Decision Making +Conflict Situations— 55% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Very important results.” +Work Outcomes and Results of Other Workers— 20% responded “Limited responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles.","Cashiers +Bright Outlook +Medical Assistants +Medical Equipment Preparers +Medical Secretaries and Administrative Assistants +Opticians, Dispensing +Pharmacy Technicians +Phlebotomists +Receptionists and Information Clerks +Stockers and Order Fillers +Veterinary Assistants and Laboratory Animal Caretakers","View the list of Allies +American College of Clinical Pharmacy +external site +American Pharmacists Association +external site +American Society of Health-System Pharmacists +external site +International Pharmaceutical Federation +external site +National Community Pharmacists Association +external site +National Pharmacy Technician Association +external site +National Association of Boards of Pharmacy +external site +Pharmacy Technician Certification Board +external site",94,,23,59,47,47,36,25,52,29,51,13,16,33,11,48,29,19,13,7,19,18,6,26,40,3,5,5,8,5,14,, +11-9141.00,"Property, Real Estate, and Community Association Managers",https://www.onetonline.org/link/summary/11-9141.00,2025-06-11T18:48:29.777208,"Prepare detailed budgets and financial reports for properties. +Manage and oversee operations, maintenance, administration, and improvement of commercial, industrial, or residential properties. +Plan, schedule, and coordinate general maintenance, major repairs, and remodeling or construction projects for commercial or residential properties. +Direct collection of monthly assessments, rental fees, and deposits and payment of insurance premiums, mortgage, taxes, and incurred operating expenses. +Meet with clients to negotiate management and service contracts, determine priorities, and discuss the financial and operational status of properties. +Direct and coordinate the activities of staff and contract personnel and evaluate their performance. +Prepare and administer contracts for provision of property services, such as cleaning, maintenance, and security services. +Market vacant space to prospective tenants through leasing agents, advertising, or other methods. +Act as liaisons between on-site managers or tenants and owners. +Investigate complaints, disturbances, and violations and resolve problems, following management rules and regulations. +Inspect grounds, facilities, and equipment routinely to determine necessity of repairs or maintenance. +Maintain records of sales, rental or usage activity, special permits issued, maintenance and operating costs, or property availability. +Meet with boards of directors and committees to discuss and resolve legal and environmental issues or disputes between neighbors. +Solicit and analyze bids from contractors for repairs, renovations, and maintenance. +Maintain contact with insurance carriers, fire and police departments, and other agencies to ensure protection and compliance with codes and regulations. +Confer with legal authorities to ensure that renting and advertising practices are not discriminatory and that properties comply with state and federal regulations. +Purchase building and maintenance supplies, equipment, or furniture. +Review rents to ensure that they are in line with rental markets. +Clean common areas, change light bulbs, and make minor property repairs. +Determine and certify the eligibility of prospective tenants, following government regulations. +Confer regularly with community association members to ensure their needs are being met. +Meet with prospective tenants to show properties, explain terms of occupancy, and provide information about local areas. +Analyze information on property values, taxes, zoning, population growth, and traffic volume and patterns to determine if properties should be acquired. +Negotiate the sale, lease, or development of property and complete or review appropriate documents and forms. +Contract with architectural firms to draw up detailed plans for new structures. +Negotiate short- and long-term loans to finance construction and ownership of structures. +Negotiate with government leaders, businesses, special interest representatives, and utility companies to gain support for new projects and to eliminate potential obstacles.","Access software— Biometric reader software; Card key management software +Accounting software— Intuit QuickBooks; Sage 50 Accounting; Tax software; TrackPro Services TrackPro Manager;2 more +Calendar and scheduling software +Cloud-based data access and sharing software— Google Drive +Data base user interface and query software— Advantos Systems DataTrust Enterprise; O'Brien Grasso RE Software Property Master; Propertyware; Yardi software;29 more +Data mining software— Google Analytics +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Facebook; LinkedIn; Social media sites +Web platform development software— Hypertext markup language HTML +Word processing software— Google Docs; Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.","Prepare financial documents, reports, or budgets. +Prepare operational budgets. +Direct facility maintenance or repair activities. +Direct organizational operations, projects, or services. +Manage construction activities. +Analyze financial records or reports to determine state of operations. +Direct financial operations. +Negotiate sales or lease agreements for products or services. +Evaluate employee performance. +Supervise employees. +Prepare forms or applications. +Promote products, services, or programs. +Liaise between departments or other groups to improve function or communication. +Resolve customer complaints or problems. +Perform manual service or maintenance tasks. +Inspect condition or functioning of facilities or equipment. +Communicate organizational information to customers or other stakeholders. +Evaluate characteristics of individuals to determine needs or eligibility. +Confer with organizational members to accomplish work activities. +Maintain operational records. +Analyze financial records to improve budgeting or planning. +Communicate with government agencies. +Coordinate operational activities with external stakeholders. +Analyze forecasting data to improve business decisions. +Purchase materials, equipment, or other resources. +Negotiate project specifications.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Written Letters and Memos— 60% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 45% responded “Very important.” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Important results.” +Frequency of Decision Making— 45% responded “Once a week or more but not every day.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Work Outcomes and Results of Other Workers— 50% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Spend Time Sitting— 53% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 60% responded “Once a week or more but not every day.” +Level of Competition— 60% responded “Highly competitive.” +Conflict Situations— 50% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 37% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 50% responded “Moderate responsibility.” +Outdoors, Exposed to All Weather Conditions— 30% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Appraisers and Assessors of Real Estate +Appraisers of Personal and Business Property +Facilities Managers +General and Operations Managers +Bright Outlook +Government Property Inspectors and Investigators +Lodging Managers +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Real Estate Brokers +Real Estate Sales Agents +Sales Managers","View the list of Allies +Building Owners and Managers Association International +external site +Community Associations Institute +external site +International Council of Shopping Centers +external site +National Apartment Association +external site +National Association of Realtors +external site +National Association of Residential Property Managers +external site +Building Owners and Managers Institute +external site +CCIM Institute +external site +Institute of Real Estate Management +external site",91,1,21,76,65,85,68,53,51,76,55,64,19,63,16,71,46,40,14,19,48,10,19,46,6,33,51,15,10,16,24,4,6 +19-4013.00,Food Science Technicians,https://www.onetonline.org/link/summary/19-4013.00,2025-06-11T18:57:49.057769,"Taste or smell foods or beverages to ensure that flavors meet specifications or to select samples with specific characteristics. +Measure, test, or weigh bottles, cans, or other containers to ensure that hardness, strength, or dimensions meet specifications. +Maintain records of testing results or other documents as required by state or other governing agencies. +Monitor and control temperature of products. +Analyze test results to classify products or compare results with standard tables. +Record or compile test results or prepare graphs, charts, or reports. +Perform regular maintenance of laboratory equipment by inspecting, calibrating, cleaning, or sterilizing. +Examine chemical or biological samples to identify cell structures or to locate bacteria or extraneous material, using a microscope. +Conduct standardized tests on food, beverages, additives, or preservatives to ensure compliance with standards and regulations regarding factors such as color, texture, or nutrients. +Train newly hired laboratory personnel. +Provide assistance to food scientists or technologists in research and development, production technology, or quality control. +Supervise other food science technicians. +Compute moisture or salt content, percentages of ingredients, formulas, or other product factors, using mathematical and chemical procedures. +Order supplies needed to maintain inventories in laboratories or in storage facilities of food or beverage processing plants. +Prepare or incubate slides with cell cultures. +Mix, blend, or cultivate ingredients to make reagents or to manufacture food or beverage products.","Analytical or scientific software— SAS +Application server software— Oracle WebLogic Server; Red Hat WildFly +Cloud-based management software— IBM WebSphere +Data base user interface and query software— Database software; Microsoft Access; Microsoft SQL Server; Structure query language SQL +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphical user interface development software— Graphical user interface GUI design software +Graphics or photo imaging software— Graphics software +Object or component oriented development software— Apache JMeter +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Web platform development software— Apache Struts +Word processing software— Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Evaluate quality of materials or products. +Test quality of materials or finished products. +Record research or operational data. +Measure physical or chemical properties of materials or objects. +Analyze chemical compounds or substances. +Clean objects. +Maintain laboratory or technical equipment. +Prepare biological samples for testing or analysis. +Examine characteristics or behavior of living organisms. +Prepare compounds or solutions for products or testing. +Research methods to improve food products. +Train personnel in technical or scientific procedures. +Supervise laboratory work. +Manage scientific or technical project resources.","Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 88% responded “Every day.” +E-Mail— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Contact With Others— 74% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Importance of Repeating Same Tasks— 78% responded “Extremely important.” +Frequency of Decision Making— 72% responded “Every day.” +Time Pressure— 61% responded “Every day.” +Freedom to Make Decisions— 53% responded “A lot of freedom.” +Health and Safety of Other Workers— 43% responded “Very high responsibility.” +Telephone Conversations— 60% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 60% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 68% responded “Every day.” +Spend Time Standing— 42% responded “Continually or almost continually.” +Spend Time Walking or Running— 68% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 65% responded “Some freedom.” +Duration of Typical Work Week— 65% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 22% responded “Fairly important.” +Exposed to Contaminants— 28% responded “Never.” +Pace Determined by Speed of Equipment— 38% responded “Extremely important.” +Physical Proximity— 49% responded “Slightly close (e.g., shared office).” +Exposed to Hazardous Conditions +Indoors, Not Environmentally Controlled +Exposed to Hazardous Equipment— 37% responded “Never.” +Written Letters and Memos— 21% responded “Once a year or more but not every month.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Agricultural Inspectors +Agricultural Technicians +Bright Outlook +Calibration Technologists and Technicians +Chemical Technicians +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Scientists and Technologists +Industrial Engineering Technologists and Technicians +Inspectors, Testers, Sorters, Samplers, and Weighers +Quality Control Analysts +Quality Control Systems Managers","View the list of Allies +American Chemical Society +external site +American Society for Quality +external site +American Society of Agronomy +external site +American Society of Animal Science +external site +American Society of Brewing Chemists +external site +AOAC International +external site +Brewers Association +external site +Institute of Food Technologists +external site +Master Brewers Association of the Americas +external site +Research Chefs Association +external site +Soil Science Society of America +external site +American Registry of Professional Animal Scientists +external site",40,69,67,61,51,31,27,37,40,7,9,21,61,53,5,26,11,25,1,9,4,7,1,15,3,32,7,21,53,9,1,,4 +11-9031.00,"Education and Childcare Administrators, Preschool and Daycare",https://www.onetonline.org/link/summary/11-9031.00,2025-06-11T18:47:51.612229,"Confer with parents and staff to discuss educational activities and policies and students' behavioral or learning problems. +Monitor students' progress and provide students and teachers with assistance in resolving any problems. +Recruit, hire, train, and evaluate primary and supplemental staff and recommend personnel actions for programs and services. +Teach classes or courses or provide direct care to children. +Set educational standards and goals and help establish policies, procedures, and programs to carry them out. +Determine the scope of educational program offerings and prepare drafts of program schedules and descriptions to estimate staffing and facility requirements. +Determine allocations of funds for staff, supplies, materials, and equipment and authorize purchases. +Direct and coordinate activities of teachers or administrators at daycare centers, schools, public agencies, or institutions. +Prepare and maintain attendance, activity, planning, accounting, or personnel reports and records for officials and agencies, or direct preparation and maintenance activities. +Plan, direct, and monitor instructional methods and content of educational, vocational, or student activity programs. +Review and interpret government codes and develop procedures to meet codes and to ensure facility safety, security, and maintenance. +Review and evaluate new and current programs to determine their efficiency, effectiveness, and compliance with state, local, and federal regulations and recommend any necessary modifications. +Collect and analyze survey data, regulatory information, and demographic and employment trends to forecast enrollment patterns and the need for curriculum changes. +Inform businesses, community groups, and governmental agencies about educational needs, available programs, and program policies. +Write articles, manuals, and other publications and assist in the distribution of promotional literature about programs and facilities. +Prepare and submit budget requests or grant proposals to solicit program funding. +Organize and direct committees of specialists, volunteers, and staff to provide technical and advisory assistance for programs.","Accounting software— Intuit QuickBooks; Quicken +Data base user interface and query software— Auburn Software Debit Square +Desktop communications software— Bloomz; ParentSquare; Tadpoles +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— ACS Technologies HeadMaster; B&I Computer Consultants Childcare Sage; SofterWare EZ-CARE2; The Gallagher Group DataCare;16 more +Instant messaging software— GroupMe +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Advise others on career or personal development. +Monitor performance of organizational members or partners. +Conduct employee training programs. +Evaluate employee performance. +Recruit personnel. +Teach classes in area of specialization. +Develop educational goals, standards, policies, or procedures. +Develop organizational policies or programs. +Approve expenditures. +Determine resource needs. +Estimate labor requirements. +Manage organizational or project budgets. +Direct organizational operations, projects, or services. +Supervise employees. +Maintain operational records. +Maintain regulatory or compliance documentation. +Develop operating strategies, plans, or procedures. +Develop safety standards, policies, or procedures. +Advise others on business or operational matters. +Determine operational compliance with regulations or standards. +Evaluate program effectiveness. +Analyze forecasting data to improve business decisions. +Prepare financial documents, reports, or budgets. +Prepare proposals or grant applications to obtain project funding. +Communicate with government agencies. +Present information to the public. +Develop promotional materials.","Contact With Others— 98% responded “Constant contact with others.” +Telephone Conversations— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +E-Mail— 91% responded “Every day.” +Work Outcomes and Results of Other Workers— 65% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Health and Safety of Other Workers— 65% responded “Very high responsibility.” +Frequency of Decision Making— 76% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Duration of Typical Work Week— 77% responded “More than 40 hours.” +Written Letters and Memos— 67% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 59% responded “Very important results.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Time Pressure— 42% responded “Every day.” +Consequence of Error— 57% responded “Extremely serious.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Conflict Situations— 52% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Spend Time Sitting— 42% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 49% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Childcare Workers +Bright Outlook +Education Administrators, Kindergarten through Secondary +Health Education Specialists +Kindergarten Teachers, Except Special Education +Preschool Teachers, Except Special Education +Social and Community Service Managers +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Secondary School +Training and Development Managers","View the list of Allies +ACSD +external site +American Montessori Society +external site +Association for Early Learning Leaders +external site +Child Care Aware of America +external site +Childhood Education International +external site +Council for Exceptional Children +external site +National AfterSchool Association +external site +National Association for the Education of Young Children +external site +National Association of Early Childhood Teacher Educators +external site +National Association of Social Workers +external site +National Child Care Association +external site +National Head Start Association +external site +Association of Christian Schools International +external site",87,47,43,72,56,77,64,82,62,54,63,63,18,50,27,33,44,20,30,35,64,34,44,21,37,34,23,18,25,30,39,30,24 +19-2011.00,Astronomers,https://www.onetonline.org/link/summary/19-2011.00,2025-06-11T18:56:32.461601,"Analyze research data to determine its significance, using computers. +Present research findings at scientific conferences and in papers written for scientific journals. +Study celestial phenomena, using a variety of ground-based and space-borne telescopes and scientific instruments. +Collaborate with other astronomers to carry out research projects. +Mentor graduate students and junior colleagues. +Supervise students' research on celestial and astronomical phenomena. +Teach astronomy or astrophysics. +Develop theories based on personal observations or on observations and theories of other astronomers. +Measure radio, infrared, gamma, and x-ray emissions from extraterrestrial sources. +Develop instrumentation and software for astronomical observation and analysis. +Review scientific proposals and research papers. +Raise funds for scientific research. +Develop and modify astronomy-related programs for public presentation. +Serve on professional panels and committees. +Calculate orbits and determine sizes, shapes, brightness, and motions of different celestial bodies. +Conduct question-and-answer presentations on astronomy topics with public audiences. +Direct the operations of a planetarium.","Analytical or scientific software— IBM SPSS Statistics; SAS; The MathWorks MATLAB; Visual Numerics PV-WAVE;12 more +Data base management system software— Apache Hadoop +Data base user interface and query software— Spectroscopy databases; Structured query language SQL +Development environment software— Abstraction plus reference plus synthesis A++; Formula translation/translator FORTRAN; Interface definition language IDL; National Instruments LabVIEW;1 more +Graphics or photo imaging software— Avis Fits Viewer; IRIS +Internet browser software— Web browser software +Object or component oriented development software— C++; Oracle Java; Python; R +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Analyze operational or research data. +Prepare scientific or technical reports or presentations. +Direct scientific activities. +Advise students on academic or career matters. +Collaborate on research activities with scientists or technical specialists. +Support the professional development of others. +Supervise student research or internship work. +Instruct college students in physical or life sciences. +Develop theories or models of physical phenomena. +Develop software or applications for scientific or technical use. +Measure environmental characteristics. +Measure radiation levels. +Review professional literature to maintain professional knowledge. +Prepare proposals or grant applications to obtain project funding. +Provide technical information or assistance to public. +Serve on institutional or departmental committees.","E-Mail— 91% responded “Every day.” +Freedom to Make Decisions— 83% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 78% responded “A lot of freedom.” +Spend Time Sitting— 48% responded “More than half the time.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 59% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Level of Competition— 39% responded “Extremely competitive.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Contact With Others— 39% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Telephone Conversations— 43% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Atmospheric and Space Scientists +Bright Outlook +Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Biochemists and Biophysicists +Bioinformatics Scientists +Data Scientists +Geoscientists, Except Hydrologists and Geographers +Mathematicians +Nanosystems Engineers +Physicists +Physics Teachers, Postsecondary","View the list of Allies +American Astronomical Society +external site +American Association for the Advancement of Science +external site +American Geophysical Union +external site +American Institute of Physics +external site +American Physical Society +external site +Astronomical Society of the Pacific +external site +Institute of Electrical and Electronics Engineers +external site +Physics Careers Resource +external site +Universities Space Research Association +external site +International Astronomical Union +external site",19,,19,76,98,35,16,59,27,21,17,31,50,79,16,19,36,23,10,15,14,10,14,26,3,56,16,99,21,34,24,8,12 +47-2021.00,Brickmasons and Blockmasons,https://www.onetonline.org/link/summary/47-2021.00,2025-06-11T19:18:05.440694,"Measure distance from reference points and mark guidelines to lay out work, using plumb bobs and levels. +Construct corners by fastening in plumb position a corner pole or building a corner pyramid of bricks, and filling in between the corners using a line from corner to corner to guide each course, or layer, of brick. +Apply and smooth mortar or other mixture over work surface. +Calculate angles and courses and determine vertical and horizontal alignment of courses. +Break or cut bricks, tiles, or blocks to size, using trowel edge, hammer, or power saw. +Interpret blueprints and drawings to determine specifications and to calculate the materials required. +Remove excess mortar with trowels and hand tools, and finish mortar joints with jointing tools, for a sealed, uniform appearance. +Fasten or fuse brick or other building material to structure with wire clamps, anchor holes, torch, or cement. +Clean working surface to remove scale, dust, soot, or chips of brick and mortar, using broom, wire brush, or scraper. +Examine brickwork or structure to determine need for repair. +Mix specified amounts of sand, clay, dirt, or mortar powder with water to form refractory mixtures. +Remove burned or damaged brick or mortar, using sledgehammer, crowbar, chipping gun, or chisel. +Lay and align bricks, blocks, or tiles to build or repair structures or high temperature equipment, such as cupola, kilns, ovens, or furnaces. +Spray or spread refractory material over brickwork to protect against deterioration. +Use drone technology to inspect and assess the condition of tall structures.","Accounting software— Intuit QuickBooks +Analytical or scientific software— Construction Management Software ProEst +Computer aided design CAD software— RISA Technologies RISA-3D +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— CPR Visual Estimator; Daystar iStructural.com; Estimating software; Tradesman's Software Master Estimator +Spreadsheet software— Microsoft Excel","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Mark reference points on construction materials. +Measure materials or objects for installation or assembly. +Install masonry materials. +Apply mortar. +Plan layout of construction, installation, or repairs. +Cut tile, stone, or other masonry materials. +Estimate materials requirements for projects. +Review blueprints or specifications to determine work requirements. +Remove excess materials from finished construction projects. +Clean surfaces in preparation for work activities. +Inspect work sites to determine condition or necessary repairs. +Mix substances or compounds needed for work activities. +Align masonry materials. +Remove worn, damaged or outdated materials from work areas. +Apply sealants or other protective coatings.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 97% responded “Every day.” +Spend Time Standing— 86% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 85% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 60% responded “Every day.” +Spend Time Making Repetitive Motions— 59% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 58% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Exposed to High Places— 51% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Exposed to Contaminants— 51% responded “Once a week or more but not every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 57% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 72% responded “Very important.” +Spend Time Bending or Twisting Your Body— 43% responded “More than half the time.” +Telephone Conversations— 57% responded “Every day.” +Time Pressure— 67% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Freedom to Make Decisions— 72% responded “Some freedom.” +Indoors, Not Environmentally Controlled— 28% responded “Once a year or more but not every month.” +Contact With Others— 26% responded “Constant contact with others.” +Health and Safety of Other Workers— 43% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 37% responded “Very high responsibility.” +Frequency of Decision Making— 26% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 22% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 51% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Important results.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 42% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 74% responded “40 hours.” +Exposed to Hazardous Conditions— 16% responded “Every day.” +Spend Time Walking or Running— 39% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 19% responded “Once a month or more but not every week.” +Level of Competition— 58% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Exposed to Cramped Work Space, Awkward Positions— 45% responded “Once a month or more but not every week.” +Conflict Situations— 46% responded “Once a month or more but not every week.” +Consequence of Error— 39% responded “Very serious.” +In an Open Vehicle or Operating Equipment— 34% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 30% responded “Once a week or more but not every day.” +Spend Time Keeping or Regaining Balance— 40% responded “More than half the time.”","Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Carpenters +Cement Masons and Concrete Finishers +Construction Laborers +Bright Outlook +Floor Layers, Except Carpet, Wood, and Hard Tiles +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Insulation Workers, Floor, Ceiling, and Wall +Refractory Materials Repairers, Except Brickmasons +Stonemasons +Terrazzo Workers and Finishers +Tile and Stone Setters","View the list of Allies +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Home Builders Institute +external site +International Masonry Institute +external site +Mason Contractors Association of America +external site +National Association of Home Builders +external site +National Terrazzo and Mosaic Association +external site +Operative Plasterers' and Cement Masons' International Association +external site +International Union of Bricklayers and Allied Craftworkers +external site +National Center for Construction Education and Research +external site",45,Not available,53,57,62,51,54,41,13,18,25,30,30,12,12,24,16,50,Not available,20,12,3,14,18,10,44,94,23,4,53,12,Not available,Not available +51-9083.00,Ophthalmic Laboratory Technicians,https://www.onetonline.org/link/summary/51-9083.00,2025-06-11T19:27:51.931949,"Mount and secure lens blanks or optical lenses in holding tools or chucks of cutting, polishing, grinding, or coating machines. +Inspect lens blanks to detect flaws, verify smoothness of surface, and ensure thickness of coating on lenses. +Set up machines to polish, bevel, edge, or grind lenses, flats, blanks, or other precision optical elements. +Inspect, weigh, and measure mounted or unmounted lenses after completion to verify alignment and conformance to specifications, using precision instruments. +Shape lenses appropriately so that they can be inserted into frames. +Clean finished lenses and eyeglasses, using cloths and solvents. +Mount, secure, and align finished lenses in frames or optical assemblies, using precision hand tools. +Examine prescriptions, work orders, or broken or used eyeglasses to determine specifications for lenses, contact lenses, or other optical elements. +Adjust lenses and frames to correct alignment. +Select lens blanks, molds, tools, and polishing or grinding wheels, according to production specifications. +Position and adjust cutting tools to specified curvature, dimensions, and depth of cut. +Assemble eyeglass frames and attach shields, nose pads, and temple pieces, using pliers, screwdrivers, and drills. +Set dials and start machines to polish lenses or hold lenses against rotating wheels to polish them manually. +Repair broken parts, using precision hand tools and soldering irons. +Immerse eyeglass frames in solutions to harden, soften, or dye frames. +Lay out lenses and trace lens outlines on glass, using templates. +Control equipment that coats lenses to alter their reflective qualities. +Remove lenses from molds and separate lenses in containers for further processing or storage. +Tint lenses according to customer specifications.","Computer aided design CAD software— Eyeglass design software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Medical software— Electronic medical record EMR software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Mount materials or workpieces onto production equipment. +Inspect finished products to locate flaws. +Shape glass or similar materials. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Weigh finished products. +Clean workpieces or finished products. +Align parts or workpieces to ensure proper assembly. +Read work orders or other instructions to determine product specifications or materials requirements. +Repair medical or dental assistive devices. +Mount attachments or tools onto production equipment. +Select production equipment according to product specifications. +Set equipment controls to meet cutting specifications. +Construct customized assistive medical or dental devices. +Immerse objects or workpieces in cleaning or coating solutions. +Operate grinding equipment. +Polish materials, workpieces, or finished products. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Operate painting or coating equipment. +Solder parts or workpieces. +Remove workpieces from molds.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Time Pressure— 78% responded “Every day.” +Determine Tasks, Priorities and Goals— 62% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 51% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Pace Determined by Speed of Equipment— 39% responded “Extremely important.” +Spend Time Standing— 34% responded “About half the time.” +Exposed to Contaminants— 62% responded “Every day.” +Frequency of Decision Making— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Physical Proximity— 55% responded “Slightly close (e.g., shared office).” +Telephone Conversations— 57% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 73% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 58% responded “Every day.” +Contact With Others— 47% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 51% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Important.” +Spend Time Walking or Running— 29% responded “Less than half the time.” +Degree of Automation— 56% responded “Moderately automated.” +Work Outcomes and Results of Other Workers— 28% responded “Very high responsibility.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Camera and Photographic Equipment Repairers +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Timing Device Assemblers and Adjusters +Tool Grinders, Filers, and Sharpeners +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +American Academy of Orthotists and Prosthetists +external site +National Association of Dental Laboratories +external site +American Board for Certification in Orthotics, Prosthetics and Pedorthics +external site +National Board for Certification in Dental Laboratory Technology +external site +National Commission on Orthotic and Prosthetic Education +external site",53,3,72,49,59,50,29,43,32,19,30,28,17,45,16,19,16,59,4,19,17,14,14,25,29,43,17,18,12,26,6,10,5 +47-5012.00,"Rotary Drill Operators, Oil and Gas",https://www.onetonline.org/link/summary/47-5012.00,2025-06-11T19:20:28.059127,"Train crews, and introduce procedures to make drill work more safe and effective. +Observe pressure gauge and move throttles and levers to control the speed of rotary tables, and to regulate pressure of tools at bottoms of boreholes. +Count sections of drill rod to determine depths of boreholes. +Push levers and brake pedals to control gasoline, diesel, electric, or steam draw works that lower and raise drill pipes and casings in and out of wells. +Connect sections of drill pipe, using hand tools and powered wrenches and tongs. +Maintain records of footage drilled, location and nature of strata penetrated, materials and tools used, services rendered, and time required. +Maintain and adjust machinery to ensure proper performance. +Start and examine operation of slush pumps to ensure circulation and consistency of drilling fluid or mud in well. +Locate and recover lost or broken bits, casings, and drill pipes from wells, using special tools. +Weigh clay, and mix with water and chemicals to make drilling mud. +Direct rig crews in drilling and other activities, such as setting up rigs and completing or servicing wells. +Monitor progress of drilling operations, and select and change drill bits according to the nature of strata, using hand tools. +Repair or replace defective parts of machinery, such as rotary drill rigs, water trucks, air compressors, and pumps, using hand tools. +Clean and oil pulleys, blocks, and cables. +Bolt together pump and engine parts, and connect tanks and flow lines. +Remove core samples during drilling to determine the nature of the strata being drilled. +Cap wells with packers, or turn valves, to regulate outflow of oil from wells. +Line drilled holes with pipes, and install all necessary hardware, to prepare new wells. +Position and prepare truck-mounted derricks at drilling areas specified on field maps. +Plug observation wells, and restore sites.","Analytical or scientific software— Schlumberger Petrel E&P +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Drillingsoftware Tubular Database; Pason WellView Field Solution; Structure query language SQL +Enterprise resource planning ERP software— SAP software +Industrial control software— CAPSHER Technology SureTec; Drillingsoftware DrillPro +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Train construction or extraction personnel. +Operate drilling equipment. +Measure work site dimensions. +Operate cranes, hoists, or other moving or lifting equipment. +Install drilling equipment. +Record operational or environmental data. +Maintain drilling equipment. +Inspect equipment or tools to be used in construction or excavation. +Operate pumps or compressors. +Direct construction or extraction personnel. +Install equipment attachments or components. +Measure materials or objects for installation or assembly. +Mix substances or compounds needed for work activities. +Monitor extraction operations. +Select construction equipment. +Clean equipment or facilities. +Install plumbing or piping. +Assemble products or production equipment. +Position construction or extraction equipment. +Collect geological samples. +Prepare excavation or extraction sites for commissioning or decommissioning.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Duration of Typical Work Week— 97% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 97% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Health and Safety of Other Workers— 89% responded “Very high responsibility.” +Exposed to Contaminants— 71% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 75% responded “Very important results.” +Importance of Being Exact or Accurate— 69% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 71% responded “Very high responsibility.” +Frequency of Decision Making— 65% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Consequence of Error— 70% responded “Extremely serious.” +Exposed to Very Hot or Cold Temperatures— 72% responded “Every day.” +Exposed to Hazardous Equipment— 66% responded “Every day.” +Importance of Repeating Same Tasks— 60% responded “Extremely important.” +Contact With Others— 66% responded “Constant contact with others.” +Level of Competition— 57% responded “Extremely competitive.” +Spend Time Standing— 61% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 60% responded “Every day.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Physical Proximity— 80% responded “Moderately close (at arm's length).” +Time Pressure— 41% responded “Every day.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +Exposed to Whole Body Vibration— 51% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Exposed to High Places— 39% responded “Every day.” +Pace Determined by Speed of Equipment— 40% responded “Extremely important.” +In an Open Vehicle or Operating Equipment— 37% responded “Every day.” +Outdoors, Under Cover— 19% responded “Never.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 44% responded “Every day.” +Telephone Conversations— 33% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 47% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 46% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 37% responded “More than half the time.” +Conflict Situations— 30% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 41% responded “Important.” +Exposed to Cramped Work Space, Awkward Positions— 39% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 42% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a week or more but not every day.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Continuous Mining Machine Operators +Derrick Operators, Oil and Gas +Dredge Operators +Drilling and Boring Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Earth Drillers, Except Oil and Gas +Helpers--Extraction Workers +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Roustabouts, Oil and Gas +Bright Outlook +Service Unit Operators, Oil and Gas +Wellhead Pumpers","View the list of Allies +American Association of Petroleum Geologists +external site +American Association of Professional Landmen +external site +American Petroleum Institute +external site +IADC +external site +Independent Petroleum Association of America +external site +National Mining Association +external site +Society of Petroleum Engineers +external site +Southern Gas Association +external site +Southeastern Oil & Gas Association +external site +Western States Petroleum Association +external site +International Union of Operating Engineers +external site +National Association of Energy Service Companies +external site",35,,44,40,69,58,46,55,33,16,16,52,44,17,9,27,29,72,6,44,38,19,2,15,25,41,29,35,9,15,26,,5 +17-3022.00,Civil Engineering Technologists and Technicians,https://www.onetonline.org/link/summary/17-3022.00,2025-06-11T18:55:07.170974,"Calculate dimensions, square footage, profile and component specifications, and material quantities, using calculator or computer. +Read and review project blueprints and structural specifications to determine dimensions of structure or system and material requirements. +Draft detailed dimensional drawings and design layouts for projects to ensure conformance to specifications. +Confer with supervisor to determine project details such as plan preparation, acceptance testing, and evaluation of field conditions. +Analyze proposed site factors and design maps, graphs, tracings, and diagrams to illustrate findings. +Prepare reports and document project activities and data. +Report maintenance problems occurring at project site to supervisor and negotiate changes to resolve system conflicts. +Inspect project site and evaluate contractor work to detect design malfunctions and ensure conformance to design specifications and applicable codes. +Conduct materials test and analysis, using tools and equipment and applying engineering knowledge. +Develop plans and estimate costs for installation of systems, utilization of facilities, or construction of structures. +Develop project budgets by estimating the cost of project activities. +Plan and conduct field surveys to locate new sites and analyze details of project sites. +Respond to public suggestions and complaints. +Negotiate with contractors on prices for new contracts or modifications to existing contracts. +Operate drones for site surveying and inspection, providing detailed aerial views of project sites.","Analytical or scientific software— Coordinate geometry COGO software +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation;2 more +Development environment software— Microsoft Visual Basic; National Instruments LabVIEW +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Map creation software— Bentley Systems InRoads Suite; Digital terrain modeling software +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Estimate technical or resource requirements for development or production projects. +Review technical documents to plan work. +Inspect facilities or sites to determine if they meet specifications or standards. +Create graphical representations of civil structures. +Test characteristics of materials or structures. +Estimate operational costs. +Prepare detailed work plans. +Confer with technical personnel to prepare designs or operational plans. +Create maps. +Prepare operational reports. +Prepare project budgets. +Survey land or bodies of water to measure or determine features. +Correspond with customers to answer questions or resolve complaints. +Respond to customer problems or complaints. +Negotiate prices or other sales terms. +Confer with other personnel to resolve design or operational problems.","Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +E-Mail— 84% responded “Every day.” +Contact With Others— 83% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 67% responded “Every day.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Telephone Conversations— 56% responded “Every day.” +Frequency of Decision Making— 21% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Importance of Being Exact or Accurate— 71% responded “Very important.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Spend Time Making Repetitive Motions— 40% responded “More than half the time.” +Spend Time Sitting— 62% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 42% responded “Moderate responsibility.” +Outdoors, Exposed to All Weather Conditions— 38% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 39% responded “Every day.” +Time Pressure— 49% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Duration of Typical Work Week— 84% responded “40 hours.” +Physical Proximity— 61% responded “Slightly close (e.g., shared office).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 38% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 38% responded “Important.” +Written Letters and Memos— 29% responded “Never.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Architectural and Civil Drafters +Construction and Building Inspectors +Construction Managers +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Drafters +Environmental Engineering Technologists and Technicians +Industrial Engineering Technologists and Technicians +Mechanical Drafters +Mechanical Engineering Technologists and Technicians +Transportation Engineers","View the list of Allies +American Institute of Steel Construction +external site +American Society of Certified Engineering Technicians +external site +American Society of Civil Engineers +external site +Accreditation Board for Engineering and Technology +external site +National Institute for Certification in Engineering Technologies +external site",63,,40,63,81,64,53,51,66,36,14,48,42,63,9,48,31,61,5,57,25,8,8,37,7,87,80,51,24,79,47,7,16 +13-1161.01,Search Marketing Strategists,https://www.onetonline.org/link/summary/13-1161.01,2025-06-11T18:50:22.132873,"Manage tracking and reporting of search-related activities and provide analyses to marketing executives. +Optimize digital assets, such as text, graphics, or multimedia assets, for search engine optimization (SEO) or for display and usability on internet-connected devices. +Collect and analyze Web metrics, such as visits, time on site, page views per visit, transaction volume and revenue, traffic mix, click-through rates, conversion rates, cost per acquisition, or cost per click. +Participate in the development or implementation of online marketing strategy. +Optimize Web site exposure by analyzing search engine patterns to direct online placement of keywords or other content. +Coordinate with developers to optimize Web site architecture, server configuration, or page construction for search engine consumption and optimal visibility. +Assist in setting up or optimizing analytics tools for tracking visitors' behaviors. +Identify appropriate Key Performance Indicators (KPIs) and report key metrics from digital campaigns. +Create content strategies for digital media. +Combine secondary data sources with keyword research to more accurately profile and satisfy user intent. +Collaborate with other marketing staff to integrate and complement marketing strategies across multiple sales channels. +Optimize shopping cart experience or Web site conversion rates against Key Performance Indicators (KPIs). +Improve search-related activities through ongoing analysis, experimentation, or optimization tests, using A/B or multivariate methods. +Conduct online marketing initiatives, such as paid ad placement, affiliate programs, sponsorship programs, email promotions, or viral marketing campaigns on social media Web sites. +Conduct market research analysis to identify search query trends, real-time search and news media activity, popular social media topics, electronic commerce trends, market opportunities, or competitor performance. +Propose online or multiple-sales-channel campaigns to marketing executives. +Evaluate new emerging media or technologies and make recommendations for their application within Internet marketing or search marketing campaigns. +Communicate and collaborate with merchants, Webmasters, bloggers, or online editors to strategically place hyperlinks. +Identify, evaluate, or procure hardware or software for implementing online marketing campaigns. +Collaborate with Web, multimedia, or art design staffs to create multimedia Web sites or other internet content that conforms to brand and company visual format. +Keep abreast of government regulations and emerging Web technology to ensure regulatory compliance by reviewing current literature, talking with colleagues, participating in educational programs, attending meetings or workshops, or participating in professional organizations or conferences. +Purchase or negotiate placement of listings in local search engines, directories, or digital mapping technologies. +Coordinate sales or other promotional strategies with merchandising, operations, or inventory control staff to ensure product catalogs are current, accurate, and organized for best findability against user intent. +Execute or manage social media campaigns to inform search marketing tactics. +Conduct financial modeling for online marketing programs or Web site revenue forecasting. +Implement online customer service processes to ensure positive and consistent user experiences. +Develop transactional Web applications, using Web programming software and knowledge of programming languages, such as hypertext markup language (HTML) and extensible markup language (XML). +Identify and develop commercial or technical specifications, such as usability, pricing, checkout, or data security, to promote transactional internet-enabled commerce functionality. +Define product requirements, based on market research analysis, in collaboration with user interface design and engineering staff. +Execute or manage banner, video, or other non-text link ad campaigns. +Assist in the evaluation or negotiation of contracts with vendors or online partners. +Prepare electronic commerce designs or prototypes, such as storyboards, mock-ups, or other content, using graphics design software. +Assist in the development of online transaction or security policies. +Execute and manage communications with digital journalists or bloggers. +Resolve product availability problems in collaboration with customer service staff. +Identify methods for interfacing Web application technologies with enterprise resource planning or other system software.","Analytical or scientific software— Adobe Analytics +Business intelligence and data analysis software— BrightEdge; IBM Digital Analytics; Searchmetrics Suite; Tableau;2 more +Customer relationship management CRM software— Customer information databases; Oracle Eloqua +Data base management system software— Apache Solr; Elasticsearch; MySQL +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Online databases; Structured query language SQL;3 more +Data mining software— Google Analytics +Document management software— Open Source Matters Joomla! +Electronic mail software— Email software; Microsoft Outlook; Yahoo! Email +Enterprise resource planning ERP software— Microsoft Dynamics +Graphics or photo imaging software— Adobe Photoshop; JamBoard +Information retrieval or search software— Pinterest +Instant messaging software— Twitter; WhatsApp +Internet browser software— Web browser software +Object or component oriented development software— Oracle Java; Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Sales and marketing software— Google Ads; Google Tag Manager; HubSpot software; Marketo Marketing Automation;2 more +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Adobe Dreamweaver; Facebook; Google Webmaster Tools; WordPress;2 more +Web platform development software— AJAX; Cascading style sheets CSS; Drupal; Microsoft ASP.NET;10 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Implement advertising or marketing initiatives. +Collaborate with others to develop or implement marketing strategies. +Design websites or web applications. +Analyze website or related online data to track trends or usage. +Coordinate project activities with other personnel or departments. +Develop performance metrics or standards related to information technology. +Analyze market or customer related data. +Evaluate utility of software or hardware technologies. +Recommend changes to improve computer or information systems. +Provide customer service to clients or users. +Maintain the inventory of equipment. +Update knowledge about emerging industry or technology trends. +Coordinate resource procurement activities. +Write computer programming code. +Design computer modeling or simulation programs. +Develop specifications or procedures for website development or maintenance. +Collaborate with others to determine design specifications or details. +Prepare graphics or other visual representations of information. +Develop computer or information security policies or procedures. +Develop guidelines for system implementation.","E-Mail— 91% responded “Every day.” +Spend Time Sitting— 87% responded “Continually or almost continually.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 43% responded “Every day.” +Duration of Typical Work Week— 61% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Time Pressure— 61% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Contact With Others— 39% responded “Contact with others most of the time.” +Level of Competition— 52% responded “Highly competitive.” +Frequency of Decision Making— 35% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Important.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Advertising and Promotions Managers +Advertising Sales Agents +Business Intelligence Analysts +Bright Outlook +Data Scientists +Market Research Analysts and Marketing Specialists +Marketing Managers +Software Developers +Web Administrators +Web and Digital Interface Designers +Web Developers","View the list of Allies +Insights Association +external site +National Council for Marketing and Public Relations +external site +Organization of Search Engine Optimization Professionals +external site +SEMPO +external site +World Organization of Webmasters +external site",51,1,18,82,63,47,15,38,49,24,90,22,,83,12,26,72,2,12,6,48,1,35,25,,27,,1,,33,31,11,7 +51-9022.00,"Grinding and Polishing Workers, Hand",https://www.onetonline.org/link/summary/51-9022.00,2025-06-11T19:27:22.038582,"Verify quality of finished workpieces by inspecting them, comparing them to templates, measuring their dimensions, or testing them in working machinery. +Grind, sand, clean, or polish objects or parts to correct defects or to prepare surfaces for further finishing, using hand tools and power tools. +Measure and mark equipment, objects, or parts to ensure grinding and polishing standards are met. +Trim, scrape, or deburr objects or parts, using chisels, scrapers, and other hand tools and equipment. +Mark defects, such as knotholes, cracks, and splits, for repair. +Study blueprints or layouts to determine how to lay out workpieces or saw out templates. +Move controls to adjust, start, or stop equipment during grinding and polishing processes. +Load and adjust workpieces onto equipment or work tables, using hand tools. +Repair and maintain equipment, objects, or parts, using hand tools. +Select files or other abrasives, according to materials, sizes and shapes of workpieces, amount of stock to be removed, finishes specified, and steps in finishing processes. +File grooved, contoured, and irregular surfaces of metal objects, such as metalworking dies and machine parts, to conform to templates, other parts, layouts, or blueprint specifications. +Sharpen abrasive grinding tools, using machines and hand tools. +Transfer equipment, objects, or parts to specified work areas, using moving devices. +Remove completed workpieces from equipment or work tables, using hand tools, and place workpieces in containers. +Record product and processing data on specified forms. +Apply solutions and chemicals to equipment, objects, or parts, using hand tools. +Clean brass particles from files by drawing file cards through file grooves.","Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Compare physical characteristics of materials or products to specifications or standards. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Clean workpieces or finished products. +Polish materials, workpieces, or finished products. +Smooth metal surfaces or edges. +Measure materials to mark reference points, cutting lines, or other indicators. +Trim excess material from workpieces. +Mark products, workpieces, or equipment with identifying information. +Review blueprints or other instructions to determine operational methods or sequences. +Operate grinding equipment. +Remove products or workpieces from production equipment. +Load materials into production equipment. +Mount materials or workpieces onto production equipment. +Maintain production or processing equipment. +Repair production equipment or tools. +Select production equipment according to product specifications. +Record operational or production data. +Reshape metal workpieces to established specifications. +Sharpen cutting or grinding tools. +Apply solutions to production equipment. +Move products, materials, or equipment between work areas. +Clean production equipment.","Exposed to Hazardous Equipment +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets +Face-to-Face Discussions with Individuals and Within Teams +Exposed to Contaminants— 77% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Importance of Being Exact or Accurate— 21% responded “Important.” +Time Pressure +Contact With Others— 42% responded “Constant contact with others.” +Spend Time Standing— 16% responded “About half the time.” +Spend Time Making Repetitive Motions— 16% responded “Less than half the time.” +Duration of Typical Work Week +Freedom to Make Decisions +Work With or Contribute to a Work Group or Team +Indoors, Environmentally Controlled +Importance of Repeating Same Tasks— 26% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 26% responded “Never.” +Indoors, Not Environmentally Controlled— 17% responded “Once a month or more but not every week.” +Physical Proximity +Consequence of Error— 17% responded “Not serious at all.” +Exposed to Very Hot or Cold Temperatures— 18% responded “Once a month or more but not every week.” +Determine Tasks, Priorities and Goals +Health and Safety of Other Workers +Spend Time Bending or Twisting Your Body +Pace Determined by Speed of Equipment— 16% responded “Fairly important.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operation and Control— Controlling operations of equipment or systems. +Repairing— Repairing machines or systems using the needed tools.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Tool and Die Makers +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site",41,13,66,53,44,36,33,42,27,14,18,24,15,33,,11,10,66,6,23,19,4,,18,1,37,22,14,1,32,,12,3 +49-9097.00,Signal and Track Switch Repairers,https://www.onetonline.org/link/summary/49-9097.00,2025-06-11T19:23:32.579954,"Inspect and test operation, mechanical parts, and circuitry of gate crossings, signals, and signal equipment such as interlocks and hotbox detectors. +Inspect electrical units of railroad grade crossing gates and repair loose bolts and defective electrical connections and parts. +Test and repair track circuits. +Drive motor vehicles to job sites. +Install, inspect, maintain, and repair various railroad service equipment on the road or in the shop, including railroad signal systems. +Tighten loose bolts, using wrenches, and test circuits and connections by opening and closing gates. +Inspect switch-controlling mechanisms on trolley wires and in track beds, using hand tools and test equipment. +Replace defective wiring, broken lenses, or burned-out light bulbs. +Inspect, maintain, and replace batteries as needed. +Record and report information about mileage or track inspected, repairs performed, and equipment requiring replacement. +Lubricate moving parts on gate-crossing mechanisms and swinging signals. +Clean lenses of lamps with cloths and solvents.","Electronic mail software— Microsoft Outlook +Facilities management software— Maintenance management software +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Inspect equipment to locate or identify electrical problems. +Test electrical circuits or components for proper functioning. +Repair electrical circuits or wiring. +Repair worn, damaged, or defective mechanical parts. +Test mechanical equipment to ensure proper functioning. +Drive trucks or other vehicles to or at work sites. +Inspect mechanical equipment to locate damage, defects, or wear. +Maintain work equipment or machinery. +Adjust the tension of nuts or bolts. +Replace worn, damaged, or defective mechanical parts. +Inspect electrical or electronic systems for defects. +Record information about parts, materials or repair procedures. +Lubricate equipment to allow proper functioning. +Clean equipment, parts, or tools to repair or maintain them in good working order.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 85% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 67% responded “Every day.” +Health and Safety of Other Workers— 68% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +Work With or Contribute to a Work Group or Team +In an Enclosed Vehicle or Operate Enclosed Equipment— 73% responded “Every day.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +Exposed to Very Hot or Cold Temperatures— 69% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 49% responded “Continually or almost continually.” +Contact With Others— 27% responded “Occasional contact with others.” +Exposed to Contaminants— 46% responded “Every day.” +Importance of Being Exact or Accurate— 51% responded “Very important.” +Frequency of Decision Making— 15% responded “Never.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 13% responded “Important results.” +Duration of Typical Work Week +Spend Time Standing— 59% responded “More than half the time.” +Exposed to Hazardous Equipment— 15% responded “Once a year or more but not every month.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.” +Consequence of Error— 28% responded “Fairly serious.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 37% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 17% responded “Very high responsibility.” +Indoors, Not Environmentally Controlled— 38% responded “Every day.” +E-Mail— 29% responded “Never.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 30% responded “Every day.” +Exposed to High Places— 32% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 29% responded “Less than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 30% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 29% responded “Extremely important.” +Spend Time Making Repetitive Motions— 38% responded “More than half the time.”","Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Avionics Technicians +Bright Outlook +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Electrical Power-Line Installers and Repairers +Lighting Technicians +Power Distributors and Dispatchers +Rail Car Repairers","View the list of Allies +Amalgamated Transit Union +external site +Brotherhood of Railroad Signalmen +external site +Service Employees International Union +external site",21,1,19,65,45,27,63,41,17,13,3,18,16,51,,46,17,68,2,68,9,4,8,52,7,52,48,16,,43,14,,2 +13-1031.00,"Claims Adjusters, Examiners, and Investigators",https://www.onetonline.org/link/summary/13-1031.00,2025-06-11T18:49:18.229719,"Examine claims forms and other records to determine insurance coverage. +Analyze information gathered by investigation and report findings and recommendations. +Pay and process claims within designated authority level. +Investigate, evaluate, and settle claims, applying technical knowledge and human relations skills to effect fair and prompt disposal of cases and to contribute to a reduced loss ratio. +Verify and analyze data used in settling claims to ensure that claims are valid and that settlements are made according to company practices and procedures. +Review police reports, medical treatment records, medical bills, or physical property damage to determine the extent of liability. +Investigate and assess damage to property and create or review property damage estimates. +Interview or correspond with agents and claimants to correct errors or omissions and to investigate questionable claims. +Interview or correspond with claimants, witnesses, police, physicians, or other relevant parties to determine claim settlement, denial, or review. +Enter claim payments, reserves and new claims on computer system, inputting concise yet sufficient file documentation. +Resolve complex, severe exposure claims, using high service oriented file handling. +Adjust reserves or provide reserve recommendations to ensure that reserve activities are consistent with corporate policies. +Confer with legal counsel on claims requiring litigation. +Examine claims investigated by insurance adjusters, further investigating questionable claims to determine whether to authorize payments. +Maintain claim files, such as records of settled claims and an inventory of claims requiring detailed analysis. +Refer questionable claims to investigator or claims adjuster for investigation or settlement. +Collect evidence to support contested claims in court. +Contact or interview claimants, doctors, medical specialists, or employers to get additional information. +Present cases and participate in their discussion at claim committee meetings. +Report overpayments, underpayments, and other irregularities. +Attend mediations or trials. +Supervise claims adjusters to ensure that adjusters have followed proper methods. +Conduct detailed bill reviews to implement sound litigation management and expense control. +Communicate with reinsurance brokers to obtain information necessary for processing claims. +Prepare reports to be submitted to company's data processing department. +Examine titles to property to determine validity and act as company agent in transactions with property owners. +Obtain credit information from banks and other credit services. +Communicate with former associates to verify employment record or to obtain background information regarding persons or businesses applying for credit. +Negotiate claim settlements or recommend litigation when settlement cannot be negotiated.","Access software— CCC EZNet electronic communications network; CSC Automated Work Distributor AWD +Analytical or scientific software— Injury Sciences EDR InSight; Insurance claims fraud detection software; Magnify Predictive Targeting System +Computer aided design CAD software— 4n6xprt Systems StiffCalcs; ARSoftware WinSMAC; PhotoModeler; Visual Statement Investigator Suite;3 more +Data base reporting software— Corporate Systems ClaimsPro +Data base user interface and query software— Claims processing administration and management software; Microsoft Access; Tropics Claims Reserve Management; Xactware Xactimate;1 more +Desktop publishing software— Microsoft Publisher +Document management software— Datanex ClaimTrac; Document management system software; Hyland OnBase Enterprise Content Management; InSystems Calligo Document Management System;16 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— ADP software; CCC Pathways Appraisal Quality Solution +Expert system software— Axonwave Fraud and Abuse Management System; Bill review software; LexisNexis RiskWise; StrataCare StrataWare eReview;8 more +Financial analysis software— Automatic Data Processing Estimating; CSC Colossus; Simsol for Adjusters; Turtle Creek Software Goldenseal Architect;2 more +Information retrieval or search software— CGI-AMS BureauLink Enterprise +Interactive voice response software— Computerized voice stress analyzer CVSA software +Internet browser software— Apple Safari; Mozilla Firefox +Medical software— Healthcare common procedure coding system HCPCS; Medical condition coding software; Medical procedure coding software +Office suite software— Business software applications; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Calculate data to inform organizational operations. +Investigate legal issues. +Negotiate agreements to resolve disputes. +Pay charges, fees, or taxes. +Prepare legal or investigatory documentation. +Verify accuracy of records. +Estimate costs of goods or services. +Interview witnesses, suspects, or claimants. +Appraise property values. +Maintain data in information systems or databases. +Apply information technology to solve business or other applied problems. +Resolve customer complaints or problems. +Advise others on financial matters. +Implement financial decisions. +Meet with individuals involved in legal processes to provide information and clarify issues. +Report information to managers or other personnel. +Collect evidence for legal proceedings. +Prepare financial documents. +Supervise employees. +Examine financial records. +Present business-related information to audiences. +Confer with others about financial matters. +Prepare operational reports. +Gather financial records. +Advise others on legal or regulatory compliance matters. +Verify application data to determine program eligibility.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Written Letters and Memos— 93% responded “Every day.” +Frequency of Decision Making— 93% responded “Every day.” +Contact With Others— 72% responded “Constant contact with others.” +Spend Time Sitting— 74% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 72% responded “Very important results.” +Importance of Repeating Same Tasks— 63% responded “Extremely important.” +Deal With External Customers or the Public in General— 76% responded “Extremely important.” +Time Pressure— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a week or more but not every day.” +Conflict Situations— 46% responded “Every day.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Duration of Typical Work Week— 44% responded “More than 40 hours.” +Spend Time Making Repetitive Motions— 34% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Level of Competition— 46% responded “Moderately competitive.” +Degree of Automation— 41% responded “Moderately automated.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Appraisers and Assessors of Real Estate +Compensation, Benefits, and Job Analysis Specialists +Bright Outlook +Credit Authorizers, Checkers, and Clerks +Customer Service Representatives +Eligibility Interviewers, Government Programs +Fraud Examiners, Investigators and Analysts +Insurance Claims and Policy Processing Clerks +Insurance Sales Agents +Insurance Underwriters +Tax Examiners and Collectors, and Revenue Agents","View the list of Allies +American Property Casualty Insurance Association +external site +International Claim Association +external site +Loss Executives Association +external site +National Association of Independent Insurance Adjusters +external site +National Association of Public Insurance Adjusters +external site +National Society of Professional Insurance Investigators +external site +Society of Chartered Property and Casualty Underwriters +external site +Society of Claim Law Associates +external site +Society of Registered Professional Adjusters +external site +Workers' Compensation Claims Professionals +external site",93,1,27,86,67,52,32,48,71,51,27,36,14,61,21,58,43,22,14,26,47,40,23,33,43,19,28,14,22,10,21,4,8 +19-1031.00,Conservation Scientists,https://www.onetonline.org/link/summary/19-1031.00,2025-06-11T18:56:15.379148,"Apply principles of specialized fields of science, such as agronomy, soil science, forestry, or agriculture, to achieve conservation objectives. +Plan soil management or conservation practices, such as crop rotation, reforestation, permanent vegetation, contour plowing, or terracing, to maintain soil or conserve water. +Monitor projects during or after construction to ensure projects conform to design specifications. +Advise land users, such as farmers or ranchers, on plans, problems, or alternative conservation solutions. +Implement soil or water management techniques, such as nutrient management, erosion control, buffers, or filter strips, in accordance with conservation plans. +Compute design specifications for implementation of conservation practices, using survey or field information, technical guides or engineering manuals. +Gather information from geographic information systems (GIS) databases or applications to formulate land use recommendations. +Participate on work teams to plan, develop, or implement programs or policies for improving environmental habitats, wetlands, or groundwater or soil resources. +Compute cost estimates of different conservation practices, based on needs of land users, maintenance requirements, or life expectancy of practices. +Develop or maintain working relationships with local government staff or board members. +Revisit land users to view implemented land use practices or plans. +Visit areas affected by erosion problems to identify causes or determine solutions. +Provide information, knowledge, expertise, or training to government agencies at all levels to solve water or soil management problems or to assure coordination of resource protection activities. +Enter local soil, water, or other environmental data into adaptive or Web-based decision tools to identify appropriate analyses or techniques. +Analyze results of investigations to determine measures needed to maintain or restore proper soil management. +Develop, conduct, or participate in surveys, studies, or investigations of various land uses to inform corrective action plans. +Coordinate or implement technical, financial, or administrative assistance programs for local government units to ensure efficient program implementation or timely responses to requests for assistance. +Respond to complaints or questions on wetland jurisdiction, providing information or clarification. +Compile or interpret biodata to determine extent or type of wetlands or to aid in program formulation. +Review or approve amendments to comprehensive local water plans or conservation district plans. +Review proposed wetland restoration easements or provide technical recommendations. +Develop soil maps. +Manage field offices or involve staff in cooperative ventures. +Initiate, schedule, or conduct annual audits or compliance checks of program implementation by local government. +Identify or recommend integrated weed and pest management (IPM) strategies, such as resistant plants, cultural or behavioral controls, soil amendments, insects, natural enemies, barriers, or pesticides. +Review annual reports of counties, conservation districts, or watershed management organizations, certifying compliance with mandated reporting requirements. +Review grant applications or make funding recommendations. +Develop or conduct environmental studies, such as plant material field trials or wildlife habitat impact studies. +Conduct fact-finding or mediation sessions among government units, landowners, or other agencies to resolve disputes. +Develop water conservation or harvest plans, using weather information systems, irrigation information management systems, or other sources of daily evapotranspiration (ET) data.","Analytical or scientific software— Clover Technology GALENA; Datasurge GEOPRO; Water Soil and Hydro-Environmental Decision Support System WATERSHEDSS; WinEPIC;12 more +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— CroPMan; Microsoft Access; State Soil Geographic STATSGO Database; Water resources databases +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcInfo; Geographic information system GIS software; Geographic information system GIS systems;1 more +Graphics or photo imaging software— Autodesk Maya +Internet browser software— Web browser software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Apply knowledge or research findings to address environmental problems. +Plan natural resources conservation or restoration programs. +Monitor operational procedures in technical environments to ensure conformance to standards. +Advise others about land management or conservation. +Develop plans to manage natural or renewable resources. +Determine design criteria or specifications. +Collect geographical or geological field data. +Estimate green project costs. +Inspect condition of natural environments. +Develop collaborative relationships between departments or with external organizations. +Advise others about environmental management or conservation. +Record research or operational data. +Train personnel in technical or scientific procedures. +Research sustainable agricultural processes or practices. +Plan environmental research. +Direct natural resources management or conservation programs. +Analyze environmental data. +Communicate with the public on environmental issues. +Compile environmental or climatological data. +Review plans or proposals for environmental conservation. +Create maps. +Assess compliance with environmental laws. +Review environmental permits, plans, or reports. +Mediate disputes.","E-Mail— 96% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Freedom to Make Decisions— 39% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 70% responded “Once a week or more but not every day.” +Contact With Others— 35% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Deal With External Customers or the Public in General— 48% responded “Very important.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Duration of Typical Work Week— 57% responded “40 hours.” +Outdoors, Exposed to All Weather Conditions— 61% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 57% responded “Very important.” +Indoors, Environmentally Controlled— 59% responded “Once a week or more but not every day.” +Written Letters and Memos— 36% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 32% responded “High responsibility.” +Spend Time Sitting— 39% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Moderate results.” +Indoors, Not Environmentally Controlled— 39% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 43% responded “Important.” +Frequency of Decision Making— 39% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Environmental Engineers +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +Foresters +Industrial Ecologists +Park Naturalists +Range Managers +Soil and Plant Scientists +Water Resource Specialists","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Geographers +external site +American Fisheries Society +external site +American Forests +external site +American Geophysical Union +external site +American Geosciences Institute +external site +American Society of Agronomy +external site +American Society of Reclamation Sciences +external site +American Water Resources Association +external site +Association for Environmental Studies and Sciences +external site +Association of Environmental and Resource Economists +external site +Crop Science Society of America +external site +Ecological Society of America +external site +Environmental and Engineering Geophysical Society +external site +Forest Stewards Guild +external site +International Erosion Control Association +external site +International Society of Sustainability Professionals +external site +National Association of Conservation Districts +external site +National Association of Environmental Professionals +external site +National Association of State Conservation Agencies +external site +National Association of Wetland Managers +external site +Society for Conservation Biology +external site +Society for Ecological Restoration +external site +Society for Range Management +external site +Society of American Foresters +external site +Society of Soil Scientists of Northern New England +external site +Society of Wetland Scientists +external site +Soil and Water Conservation Society +external site +Soil Science Society of America +external site +Union of Concerned Scientists +external site +United States Society on Dams +external site +Wildlife Society +external site +Central States Water Environment Association +external site +Midwest Association of Fish and Wildlife Agencies +external site +Northeast Waste Management Officials’ Association +external site +Southeastern Association of Fish and Wildlife Agencies +external site +Western Association of Agricultural Experiment Station Directors +external site +Western Association of Fish and Wildlife Agencies +external site +Western Society of Naturalists +external site +EnviroCert International +external site +International Union for Conservation of Nature +external site",64,44,34,82,69,51,48,57,46,35,36,39,63,60,19,62,47,37,12,24,31,11,28,37,9,58,39,52,73,52,69,4,31 +53-6051.07,"Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation",https://www.onetonline.org/link/summary/53-6051.07,2025-06-11T19:30:16.318236,"Inspect vehicles or other equipment for evidence of abuse, damage, or mechanical malfunction. +Inspect vehicles or equipment to ensure compliance with rules, standards, or regulations. +Inspect repairs to transportation vehicles or equipment to ensure that repair work was performed properly. +Identify modifications to engines, fuel systems, emissions control equipment, or other vehicle systems to determine the impact of modifications on inspection procedures or conclusions. +Conduct remote inspections of motor vehicles, using handheld controllers and remotely directed vehicle inspection devices. +Prepare reports on investigations or inspections and actions taken. +Issue notices and recommend corrective actions when infractions or problems are found. +Conduct visual inspections of emission control equipment and smoke emitted from gasoline or diesel vehicles. +Conduct vehicle or transportation equipment tests, using diagnostic equipment. +Investigate incidents or violations, such as delays, accidents, and equipment failures. +Review commercial vehicle logs, shipping papers, or driver and equipment records to detect any problems or to ensure compliance with regulations. +Attach onboard diagnostics (OBD) scanner cables to vehicles to conduct emissions inspections. +Investigate complaints regarding safety violations. +Examine carrier operating rules, employee qualification guidelines, or carrier training and testing programs for compliance with regulations or safety standards.","Analytical or scientific software— Diagnostic scanner software +Data base user interface and query software— ASPEN; Commercial driver's license information system CDLIS; Inspection Selection System ISS; Structured query language SQL;4 more +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Inspect motor vehicles. +Prepare accident or incident reports. +Recommend changes or corrective procedures. +Investigate transportation incidents, violations, or complaints. +Review documents or materials for compliance with policies or regulations. +Connect cables or electrical lines.","Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Contact With Others— 72% responded “Constant contact with others.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 82% responded “Every day.” +Frequency of Decision Making— 71% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Spend Time Standing— 63% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 74% responded “Every day.” +Time Pressure— 60% responded “Every day.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Consequence of Error— 38% responded “Very serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 25% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 57% responded “Every day.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Physical Proximity— 39% responded “Very close (near touching).” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Health and Safety of Other Workers— 20% responded “High responsibility.” +Spend Time Walking or Running— 42% responded “Continually or almost continually.” +Exposed to Contaminants— 60% responded “Every day.” +Duration of Typical Work Week +Exposed to Hazardous Conditions— 64% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 37% responded “Every day.” +Telephone Conversations— 44% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 49% responded “Every day.” +Level of Competition— 34% responded “Extremely competitive.” +Importance of Repeating Same Tasks— 23% responded “Important.” +Exposed to Hazardous Equipment— 37% responded “Every day.” +Spend Time Bending or Twisting Your Body— 30% responded “Less than half the time.” +Conflict Situations— 26% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 30% responded “Less than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 27% responded “Continually or almost continually.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles.","Automotive Engineering Technicians +Aviation Inspectors +Bus and Truck Mechanics and Diesel Engine Specialists +Construction and Building Inspectors +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Inspectors, Testers, Sorters, Samplers, and Weighers +Locomotive Engineers +Rail Car Repairers +Ship Engineers +Transportation Inspectors","View the list of Allies +National Institute for Automotive Service Excellence +external site +Transport Workers Union of America AFL-CIO +external site",35,,43,56,32,49,50,42,40,17,16,30,31,46,6,32,15,76,,57,29,6,13,28,4,41,17,25,3,24,15,, +19-1041.00,Epidemiologists,https://www.onetonline.org/link/summary/19-1041.00,2025-06-11T18:56:26.382414,"Communicate research findings on various types of diseases to health practitioners, policy makers, and the public. +Oversee public health programs, including statistical analysis, health care planning, surveillance systems, and public health improvement. +Investigate diseases or parasites to determine cause and risk factors, progress, life cycle, or mode of transmission. +Educate healthcare workers, patients, and the public about infectious and communicable diseases, including disease transmission and prevention. +Monitor and report incidents of infectious diseases to local and state health agencies. +Plan and direct studies to investigate human or animal disease, preventive methods, and treatments for disease. +Provide expertise in the design, management and evaluation of study protocols and health status questionnaires, sample selection, and analysis. +Write articles for publication in professional journals. +Identify and analyze public health issues related to foodborne parasitic diseases and their impact on public policies, scientific studies, or surveys. +Write grant applications to fund epidemiologic research. +Plan, administer and evaluate health safety standards and programs to improve public health, conferring with health department, industry personnel, physicians, and others. +Conduct research to develop methodologies, instrumentation, and procedures for medical application, analyzing data and presenting findings. +Consult with and advise physicians, educators, researchers, government health officials and others regarding medical applications of sciences, such as physics, biology, and chemistry. +Supervise professional, technical, and clerical personnel. +Teach principles of medicine and medical and laboratory procedures to physicians, residents, students, and technicians. +Prepare and analyze samples to study effects of drugs, gases, pesticides, or microorganisms on cell structure and tissue. +Teach epidemiology to students in public health programs.","Analytical or scientific software— Epicenter Software Epilog; HiroSoft EPICURE; StataCorp Stata; World Health Organization HealthMapper;19 more +Business intelligence and data analysis software— Tableau +Data base user interface and query software— Centers for Disease Control and Prevention CDC WONDER; Database software; Microsoft Access; Structured query language SQL +Data mining software +Electronic mail software— Microsoft Outlook +Geographic information system— Esri ArcGIS; ESRI ArcInfo; ESRI ArcView; Geographic information system GIS software +Internet browser software— Web browser software +Map creation software— ESRI ArcGIS software +Object or component oriented development software— Python; R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Communicate with government agencies. +Prepare scientific or technical reports or presentations. +Direct medical science or healthcare programs. +Research diseases or parasites. +Train personnel in technical or scientific procedures. +Plan biological research. +Develop methods of social or economic research. +Write articles, books or other original materials in area of expertise. +Establish standards for products, processes, or procedures. +Prepare proposals or grant applications to obtain project funding. +Write grant proposals. +Advise others on healthcare matters. +Supervise scientific or technical personnel. +Instruct college students in physical or life sciences. +Analyze biological samples.","E-Mail— 95% responded “Every day.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Telephone Conversations— 67% responded “Every day.” +Freedom to Make Decisions— 58% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Contact With Others— 47% responded “Constant contact with others.” +Spend Time Sitting— 47% responded “More than half the time.” +Duration of Typical Work Week— 53% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Extremely important.” +Written Letters and Memos— 59% responded “Once a week or more but not every day.” +Time Pressure— 58% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Deal With External Customers or the Public in General— 37% responded “Very important.” +Level of Competition— 42% responded “Highly competitive.” +Frequency of Decision Making— 33% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 37% responded “Limited responsibility.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Operations Analysis— Analyzing needs and product requirements to create a design.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Clinical Neuropsychologists +Clinical Nurse Specialists +Bright Outlook +Emergency Medicine Physicians +General Internal Medicine Physicians +Geneticists +Medical Scientists, Except Epidemiologists +Microbiologists +Neuropsychologists +Physicians, Pathologists +Preventive Medicine Physicians","View the list of Allies +American Association for Cancer Research +external site +American College of Epidemiology +external site +American Epidemiological Society +external site +American Public Health Association +external site +American Society for Clinical Pathology +external site +American Society for Microbiology +external site +American Veterinary Medical Association +external site +Association for Professionals in Infection Control and Epidemiology +external site +Association of State and Territorial Health Officials +external site +Council of State and Territorial Epidemiologists +external site +Infectious Diseases Society of America +external site +International Epidemiological Association +external site +International Society for Pharmacoepidemiology +external site +Public Health Foundation +external site +Sigma Theta Tau International Honor Society of Nursing +external site +Society for Epidemiologic Research +external site +Society for Healthcare Epidemiology of America +external site +Training Programs in Epidemiology and Public Health Interventions Network +external site",40,12,19,75,88,50,45,61,33,26,19,34,30,63,14,40,62,5,24,12,41,20,54,30,75,20,7,12,82,16,35,3,19 +29-2031.00,Cardiovascular Technologists and Technicians,https://www.onetonline.org/link/summary/29-2031.00,2025-06-11T19:07:58.216847,"Conduct electrocardiogram (EKG), phonocardiogram, echocardiogram, stress testing, or other cardiovascular tests to record patients' cardiac activity, using specialized electronic test equipment, recording devices, or laboratory instruments. +Explain testing procedures to patients to obtain cooperation and reduce anxiety. +Monitor patients' blood pressure and heart rate using electrocardiogram (EKG) equipment during diagnostic or therapeutic procedures to notify the physician if something appears wrong. +Obtain and record patient identification, medical history, or test results. +Monitor patients' comfort and safety during tests, alerting physicians to abnormalities or changes in patient responses. +Prepare and position patients for testing. +Attach electrodes to the patients' chests, arms, and legs, connect electrodes to leads from the electrocardiogram (EKG) machine, and operate the EKG machine to obtain a reading. +Adjust equipment and controls according to physicians' orders or established protocol. +Check, test, and maintain cardiology equipment, making minor repairs when necessary, to ensure proper operation. +Supervise or train other cardiology technologists or students. +Compare measurements of heart wall thickness and chamber sizes to standard norms to identify abnormalities. +Maintain a proper sterile field during surgical procedures. +Observe ultrasound display screen and listen to signals to record vascular information, such as blood pressure, limb volume changes, oxygen saturation, or cerebral circulation. +Assist physicians in the diagnosis and treatment of cardiac or peripheral vascular treatments, such as implanting pacemakers or assisting with balloon angioplasties to treat blood vessel blockages. +Assess cardiac physiology and calculate valve areas from blood flow velocity measurements. +Operate diagnostic imaging equipment to produce contrast enhanced radiographs of heart and cardiovascular system. +Observe gauges, recorder, and video screens of data analysis system during imaging of cardiovascular system. +Inject contrast medium into patients' blood vessels. +Transcribe, type, and distribute reports of diagnostic procedures for interpretation by physician. +Set up 24-hour Holter and event monitors, scan and interpret tapes, and report results to physicians. +Perform general administrative tasks, such as scheduling appointments or ordering supplies or equipment.","Data base user interface and query software— Database software; Structured data entry software +Electronic mail software— Microsoft Outlook +Information retrieval or search software— Information systems integration software +Internet browser software— Web browser software +Inventory management software— Pyxis MedStation software +Medical software— Electronic medical record EMR software; MEDITECH software; Practice management software PMS; Smart Digital Holter Monitor;3 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext preprocessor PHP; JavaScript +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Operate diagnostic or therapeutic medical instruments or equipment. +Test patient heart or lung functioning. +Explain medical procedures or test results to patients or family members. +Analyze test data or images to inform diagnosis or treatment. +Maintain sterile operative fields. +Monitor patient conditions during treatments, procedures, or activities. +Monitor video displays of medical equipment to ensure proper functioning. +Collect medical information from patients, family members, or other medical professionals. +Record patient medical histories. +Assist healthcare practitioners during surgery. +Calculate numerical data for medical activities. +Operate diagnostic imaging equipment. +Inform medical professionals regarding patient conditions and care. +Position patients for treatment or examination. +Prepare patients physically for medical procedures. +Perform clerical work in medical settings. +Administer medical substances for imaging or other procedures. +Prepare reports summarizing patient diagnostic or care activities. +Adjust settings or positions of medical equipment. +Prepare medical supplies or equipment for use. +Examine medical instruments or equipment to ensure proper operation. +Maintain medical equipment or instruments. +Repair medical facility equipment. +Supervise patient care personnel. +Train medical providers. +Order medical supplies or equipment. +Schedule patient procedures or appointments.","Contact With Others— 94% responded “Constant contact with others.” +Physical Proximity— 89% responded “Very close (near touching).” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Importance of Being Exact or Accurate— 73% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Telephone Conversations— 61% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Time Pressure— 72% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Very important results.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 71% responded “Every day.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +E-Mail— 50% responded “Every day.” +Exposed to Disease or Infections— 55% responded “Every day.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Consequence of Error— 52% responded “Extremely serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Exposed to Radiation— 39% responded “Every day.” +Spend Time Bending or Twisting Your Body— 36% responded “Continually or almost continually.” +Conflict Situations— 43% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.” +Spend Time Sitting— 27% responded “More than half the time.” +Spend Time Standing— 35% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operation and Control— Controlling operations of equipment or systems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Diagnostic Medical Sonographers +Bright Outlook +Magnetic Resonance Imaging Technologists +Medical and Clinical Laboratory Technicians +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Ophthalmic Medical Technologists +Radiation Therapists +Radiologic Technologists and Technicians +Respiratory Therapists +Surgical Technologists","View the list of Allies +Advanced Cardiac Life Support Training Center +external site +Alliance of Cardiovascular Professionals +external site +American Association for Respiratory Care +external site +American Association of Cardiovascular and Pulmonary Rehabilitation +external site +American College of Cardiology +external site +American Heart Association +external site +American Society of Echocardiography +external site +American Society of Nuclear Cardiology +external site +American Society of Radiologic Technologists +external site +Society for Vascular Ultrasound +external site +Society of Diagnostic Medical Sonography +external site +Society of Nuclear Medicine and Molecular Imaging +external site +Northeast Pediatric Cardiology Nurses Association +external site +Southern Society for Clinical Investigation +external site +American College of Sports Medicine +external site +American Registry for Diagnostic Medical Sonography +external site +American Registry of Radiologic Technologists +external site +Cardiovascular Credentialing International +external site +Commission on Accreditation of Allied Health Education Programs +external site +National Board for Respiratory Care +external site",82,,16,72,48,37,44,57,43,10,4,16,32,58,23,19,29,28,18,15,40,30,23,34,72,21,2,41,35,2,6,3,5 +11-3051.04,Biomass Power Plant Managers,https://www.onetonline.org/link/summary/11-3051.04,2025-06-11T18:47:25.760973,"Manage safety programs at power generation facilities. +Review biomass operations performance specifications to ensure compliance with regulatory requirements. +Review logs, datasheets, or reports to ensure adequate production levels and safe production environments or to identify abnormalities with power production equipment or processes. +Supervise operations or maintenance employees in the production of power from biomass, such as wood, coal, paper sludge, or other waste or refuse. +Supervise biomass plant or substation operations, maintenance, repair, or testing activities. +Conduct field inspections of biomass plants, stations, or substations to ensure normal and safe operating conditions. +Plan and schedule plant activities, such as wood, waste, or refuse fuel deliveries, ash removal, and regular maintenance. +Prepare and manage biomass plant budgets. +Evaluate power production or demand trends to identify opportunities for improved operations. +Inspect biomass gasification processes, equipment, and facilities for ways to maximize capacity and minimize operating costs. +Prepare reports on biomass plant operations, status, maintenance, and other information. +Manage parts and supply inventories for biomass plants. +Monitor and operate communications systems, such as mobile radios. +Shut down and restart biomass power plants or equipment in emergency situations or for equipment maintenance, repairs, or replacements. +Compile and record operational data on forms or in log books. +Monitor the operating status of biomass plants by observing control system parameters, distributed control systems, switchboard gauges, dials, or other indicators. +Adjust equipment controls to generate specified amounts of electrical power. +Test, maintain, or repair electrical power distribution machinery or equipment, using hand tools, power tools, and testing devices. +Operate controls to start, stop, or regulate biomass-fueled generators, generator units, boilers, engines, or auxiliary systems.","Calendar and scheduling software— Employee scheduling software +Computer aided design CAD software +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Distributed control system DCS +Inventory management software— Inventory control software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Enforce rules or regulations. +Monitor environment to ensure safety. +Evaluate green operations or programs for compliance with standards or regulations. +Monitor green energy equipment, systems, or facilities. +Review documents or materials for compliance with policies or regulations. +Operate green energy production equipment. +Direct maintenance and repair activities in green energy production facilities. +Direct green energy production operations. +Supervise workers performing environmentally sustainable activities. +Compile operational data. +Maintain operational records. +Inspect operations of green energy facilities. +Schedule activities or facility use. +Schedule product or material transportation. +Prepare operational budgets for green energy or other green operations. +Maintain green energy production plant equipment. +Perform manual service or maintenance tasks. +Test green technologies or processes. +Analyze market research data. +Evaluate energy production data. +Communicate green energy production information. +Manage inventories of products or organizational resources. +Monitor equipment operation to ensure proper functioning. +Operate communications equipment or systems.","Health and Safety of Other Workers— 94% responded “Very high responsibility.” +E-Mail— 92% responded “Every day.” +Duration of Typical Work Week— 92% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Telephone Conversations— 83% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 94% responded “Every day.” +Indoors, Not Environmentally Controlled— 91% responded “Every day.” +Work Outcomes and Results of Other Workers— 84% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Work With or Contribute to a Work Group or Team +Freedom to Make Decisions— 68% responded “A lot of freedom.” +Contact With Others— 57% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 15% responded “Moderate results.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Frequency of Decision Making— 60% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Important.” +Time Pressure— 65% responded “Once a week or more but not every day.” +Exposed to Contaminants— 48% responded “Every day.” +Importance of Repeating Same Tasks— 41% responded “Extremely important.” +Written Letters and Memos— 35% responded “Every day.” +Exposed to High Places— 39% responded “Every day.” +Pace Determined by Speed of Equipment— 23% responded “Not important at all.” +Exposed to Very Hot or Cold Temperatures— 52% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 40% responded “Every day.” +Deal With External Customers or the Public in General— 44% responded “Very important.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).” +Consequence of Error— 40% responded “Extremely serious.” +Exposed to Hazardous Equipment— 20% responded “Every day.” +Spend Time Sitting +Exposed to Extremely Bright or Inadequate Lighting Conditions— 42% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 33% responded “Once a month or more but not every week.” +Public Speaking— 23% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Operation and Control— Controlling operations of equipment or systems. +Persuasion— Persuading others to change their minds or behavior. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels Processing Technicians +Biofuels Production Managers +Biofuels/Biodiesel Technology and Product Development Managers +Bright Outlook +Biomass Plant Technicians +Gas Plant Operators +Geothermal Production Managers +Geothermal Technicians +Hydroelectric Plant Technicians +Hydroelectric Production Managers +Industrial Production Managers","View the list of Allies +American Society for Quality +external site +Association for Supply Chain Management +external site",47,1,77,59,63,76,68,65,65,54,12,72,59,62,7,41,41,83,19,45,46,32,18,35,16,77,52,55,17,55,16,1,9 +51-4031.00,"Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4031.00,2025-06-11T19:24:40.383691,"Examine completed workpieces for defects, such as chipped edges or marred surfaces and sort defective pieces according to types of flaws. +Measure completed workpieces to verify conformance to specifications, using micrometers, gauges, calipers, templates, or rulers. +Set stops on machine beds, change dies, and adjust components, such as rams or power presses, when making multiple or successive passes. +Start machines, monitor their operations, and record operational data. +Set up, operate, or tend machines to saw, cut, shear, slit, punch, crimp, notch, bend, or straighten metal or plastic material. +Test and adjust machine speeds or actions, according to product specifications, using gauges and hand tools. +Install, align, and lock specified punches, dies, cutting blades, or other fixtures in rams or beds of machines, using gauges, templates, feelers, shims, and hand tools. +Read work orders or production schedules to determine specifications, such as materials to be used, locations of cutting lines, or dimensions and tolerances. +Position guides, stops, holding blocks, or other fixtures to secure and direct workpieces, using hand tools and measuring devices. +Position, align, and secure workpieces against fixtures or stops on machine beds or on dies. +Load workpieces, plastic material, or chemical solutions into machines. +Adjust ram strokes of presses to specified lengths, using hand tools. +Clean and lubricate machines. +Mark identifying data on workpieces. +Clean work area. +Plan sequences of operations, applying knowledge of physical properties of workpiece materials. +Operate forklifts to deliver materials. +Lubricate workpieces with oil. +Turn controls to set cutting speeds, feed rates, or table angles for specified operations. +Scribe reference lines on workpieces as guides for cutting operations, according to blueprints, templates, sample parts, or specifications. +Place workpieces on cutting tables, manually or using hoists, cranes, or sledges. +Turn valves to start flow of coolant against cutting areas or to start airflow that blows cuttings away from kerfs. +Thread ends of metal coils from reels through slitters and secure ends on recoilers. +Grind out burrs or sharp edges, using portable grinders, speed lathes, or polishing jacks. +Remove housings, feed tubes, tool holders, or other accessories to replace worn or broken parts, such as springs or bushings. +Replace defective blades or wheels, using hand tools. +Set blade tensions, heights, and angles to perform prescribed cuts, using wrenches. +Select, clean, and install spacers, rubber sleeves, or cutters on arbors. +Hand-form, cut, or finish workpieces, using tools such as table saws, hand sledges, or anvils. +Preheat workpieces, using heating furnaces or hand torches. +Sharpen dulled blades, using bench grinders, abrasive wheels, or lathes. +Hone cutters with oilstones to remove nicks. +Use equipment designed to join sheet metal, such as spot welders.","Computer aided design CAD software— Autodesk AutoCAD +Computer aided manufacturing CAM software— Striker Systems SS-Punch +Data base user interface and query software— Operational databases +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Computerized numerical control CNC software +Inventory management software— Automated inventory software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Set equipment guides, stops, spacers, or other fixtures. +Inspect metal, plastic, or composite products. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Sort materials or products for processing, storing, shipping, or grading. +Operate cutting equipment. +Monitor equipment operation to ensure that products are not flawed. +Record operational or production data. +Mount attachments or tools onto production equipment. +Inspect production equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Mount materials or workpieces onto production equipment. +Align parts or workpieces to ensure proper assembly. +Load materials into production equipment. +Operate metal or plastic forming equipment. +Clean production equipment. +Lubricate production equipment. +Mark products, workpieces, or equipment with identifying information. +Set equipment controls to meet cutting specifications. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Clean work areas. +Plan production or operational procedures or sequences. +Operate forklifts or other loaders. +Adjust equipment controls to regulate coolant flow. +Feed materials or products into or through equipment. +Operate grinding equipment. +Apply lubricants or coolants to workpieces. +Disassemble equipment for maintenance or repair. +Remove accessories, tools, or other parts from equipment. +Replace worn equipment components. +Smooth metal surfaces or edges. +Cut industrial materials in preparation for fabrication or processing. +Select production equipment according to product specifications. +Heat material or workpieces to prepare for or complete production. +Sharpen cutting or grinding tools.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Spend Time Standing— 76% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 69% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 65% responded “Every day.” +Exposed to Contaminants— 69% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Exposed to Hazardous Equipment— 70% responded “Every day.” +Time Pressure— 43% responded “Every day.” +Determine Tasks, Priorities and Goals— 42% responded “A lot of freedom.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 51% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Spend Time Bending or Twisting Your Body— 40% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 58% responded “Every day.” +Spend Time Making Repetitive Motions— 34% responded “Continually or almost continually.” +Duration of Typical Work Week— 63% responded “40 hours.” +Pace Determined by Speed of Equipment— 32% responded “Extremely important.” +Health and Safety of Other Workers— 29% responded “Very high responsibility.” +Frequency of Decision Making— 47% responded “Every day.” +Contact With Others— 31% responded “Constant contact with others.” +Consequence of Error— 29% responded “Extremely serious.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Every day.” +Spend Time Walking or Running— 34% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 23% responded “Important.” +Importance of Repeating Same Tasks— 23% responded “Important.” +Work Outcomes and Results of Other Workers— 28% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 23% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 23% responded “Once a year or more but not every month.” +Physical Proximity— 37% responded “I work with others but not closely (e.g., private office).”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cutting and Slicing Machine Setters, Operators, and Tenders +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tool and Die Makers +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +Metals Service Center Institute +external site +National Tooling and Machining Association +external site +Plastics Industry Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",29,2,55,45,50,35,29,29,11,4,7,6,11,23,2,5,3,63,3,9,4,,1,2,1,37,10,16,2,38,1,,1 +43-3041.00,Gambling Cage Workers,https://www.onetonline.org/link/summary/43-3041.00,2025-06-11T19:15:15.091785,"Maintain confidentiality of customers' transactions. +Follow all gaming regulations. +Maintain cage security. +Cash checks and process credit card advances for patrons. +Supply currency, coins, chips, or gaming checks to other departments as needed. +Convert gaming checks, coupons, tokens, or coins to currency for gaming patrons. +Count funds and reconcile daily summaries of transactions to balance books. +Verify accuracy of reports, such as authorization forms, transaction reconciliations, or exchange summary reports. +Determine cash requirements for windows and order all necessary currency, coins, or chips. +Perform removal and rotation of cash, coin, or chip inventories as necessary. +Provide assistance in the training and orientation of new cashiers. +Provide customers with information about casino operations. +Prepare bank deposits, balancing assigned funds as necessary. +Prepare reports, including assignment of company funds or recording of department revenues. +Record casino exchange transactions, using cash registers. +Establish new computer accounts. +Sell gambling chips, tokens, or tickets to patrons or to other workers for resale to patrons.","Electronic mail software— Microsoft Outlook +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Maintain security. +Monitor organizational compliance with regulations. +Prepare cash for deposit or disbursement. +Execute sales or other financial transactions. +Stock supplies or merchandise. +Prepare research or technical reports. +Maintain financial or account records. +Reconcile records of sales or other financial transactions. +Order materials, supplies, or equipment. +Verify accuracy of financial or transactional data. +Enter information into databases or software programs. +Train personnel. +Sell products or services. +Explain regulations, policies, or procedures.","Contact With Others— 96% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 97% responded “Extremely important.” +Indoors, Environmentally Controlled— 97% responded “Every day.” +Importance of Repeating Same Tasks— 87% responded “Extremely important.” +Deal With External Customers or the Public in General— 79% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 69% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Every day.” +Physical Proximity— 72% responded “Moderately close (at arm's length).” +Time Pressure— 50% responded “Every day.” +Spend Time Standing— 44% responded “More than half the time.” +Consequence of Error— 50% responded “Extremely serious.” +Frequency of Decision Making— 71% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 54% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 51% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Telephone Conversations— 34% responded “Every day.” +Freedom to Make Decisions— 35% responded “Some freedom.” +Conflict Situations— 34% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 23% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Health and Safety of Other Workers— 23% responded “Limited responsibility.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Mathematics— Using mathematics to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles.","Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Cashiers +First-Line Supervisors of Gambling Services Workers +Gambling and Sports Book Writers and Runners +Gambling Change Persons and Booth Cashiers +Gambling Dealers +Gambling Managers +Gambling Surveillance Officers and Gambling Investigators +New Accounts Clerks +Tellers","View the list of Allies +American Bankers Association +external site +American Gaming Association +external site +Mortgage Bankers Association +external site",93,,5,55,69,52,32,22,51,46,30,26,,40,9,25,25,14,4,4,19,3,14,8,1,5,1,1,,4,4,3,4 +25-1064.00,"Geography Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1064.00,2025-06-11T19:00:12.521107,"Prepare course materials, such as syllabi, homework assignments, and handouts. +Prepare and deliver lectures to undergraduate or graduate students on topics such as urbanization, environmental systems, and cultural geography. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Evaluate and grade students' class work, assignments, and papers. +Compile, administer, and grade examinations, or assign this work to others. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Initiate, facilitate, and moderate classroom discussions. +Maintain student attendance records, grades, and other required records. +Supervise undergraduate or graduate teaching, internship, and research work. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Supervise students' laboratory and field work. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Advise students on academic and vocational curricula and on career issues. +Collaborate with colleagues to address teaching and research issues. +Perform spatial analysis and modeling using geographic information system techniques. +Write grant proposals to procure external research funding. +Participate in student recruitment, registration, and placement activities. +Select and obtain materials and supplies, such as textbooks. +Perform administrative duties, such as serving as department head. +Maintain geographic information systems laboratories, performing duties such as updating software. +Participate in campus and community events. +Compile bibliographies of specialized materials for outside reading assignments. +Provide professional consulting services to government or industry. +Act as advisers to student organizations.","Analytical or scientific software— IBM SPSS Statistics; Insightful S-PLUS; ITT Exelis Visual Information Solutions ENVI; The MathWorks MATLAB;2 more +Calendar and scheduling software +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Desktop publishing software— Microsoft Publisher +Development environment software— Interface definition language IDL +Document management software— Adobe Acrobat Reader +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS Geostatistical Analyst; ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems;3 more +Graphics or photo imaging software— Adobe Creative Cloud software +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Microsoft Internet Explorer; Mozilla Firefox; Web browser software +Map creation software— Clark Labs CartaLinx; Clark Labs IDRISI; Geographic resources analysis support system GRASS; Leica Geosystems ERDAS IMAGINE +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Develop instructional materials. +Teach physical science or mathematics courses at the college level. +Evaluate student work. +Research topics in area of expertise. +Administer tests to assess educational needs or progress. +Prepare tests. +Write articles, books or other original materials in area of expertise. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Guide class discussions. +Maintain student records. +Supervise student research or internship work. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Supervise laboratory work. +Direct department activities. +Serve on institutional or departmental committees. +Write grant proposals. +Maintain computer equipment or software. +Order instructional or library materials or equipment. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Select educational materials or equipment. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 99% responded “Every day.” +Freedom to Make Decisions— 94% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Determine Tasks, Priorities and Goals— 74% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Contact With Others— 54% responded “Contact with others most of the time.” +Public Speaking— 62% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Spend Time Sitting— 49% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 38% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Level of Competition— 38% responded “Moderately competitive.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Telephone Conversations— 38% responded “Once a month or more but not every week.” +Written Letters and Memos— 59% responded “Once a month or more but not every week.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Anthropology and Archeology Teachers, Postsecondary +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Forestry and Conservation Science Teachers, Postsecondary +Geographers +History Teachers, Postsecondary +Mathematical Science Teachers, Postsecondary +Political Science Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Geographers +external site +American Geographical Society +external site +American Geophysical Union +external site +American Meteorological Society +external site +American Society for Photogrammetry and Remote Sensing +external site +Council of Graduate Schools +external site +Geological Society of America +external site +International Society of Travel and Tourism Educators +external site +National Association of Geoscience Teachers +external site +National Council for Geographic Education +external site +National Council for the Social Studies +external site +National Science Teaching Association +external site +North American Cartographic Information Society +external site +Regional Science Association International +external site",28,2,2,96,57,28,19,82,32,14,11,24,24,53,24,37,42,7,35,15,28,14,51,14,5,14,7,36,30,23,94,14,59 +29-1211.00,Anesthesiologists,https://www.onetonline.org/link/summary/29-1211.00,2025-06-11T19:06:30.233476,"Monitor patient before, during, and after anesthesia and counteract adverse reactions or complications. +Record type and amount of anesthesia and patient condition throughout procedure. +Provide and maintain life support and airway management and help prepare patients for emergency surgery. +Administer anesthetic or sedation during medical procedures, using local, intravenous, spinal, or caudal methods. +Examine patient, obtain medical history, and use diagnostic tests to determine risk during surgical, obstetrical, and other medical procedures. +Position patient on operating table to maximize patient comfort and surgical accessibility. +Coordinate administration of anesthetics with surgeons during operation. +Decide when patients have recovered or stabilized enough to be sent to another room or ward or to be sent home following outpatient surgery. +Confer with other medical professionals to determine type and method of anesthetic or sedation to render patient insensible to pain. +Order laboratory tests, x-rays, and other diagnostic procedures. +Inform students and staff of types and methods of anesthesia administration, signs of complications, and emergency methods to counteract reactions. +Provide medical care and consultation in many settings, prescribing medication and treatment and referring patients for surgery. +Manage anesthesiological services, coordinating them with other medical activities and formulating plans and procedures. +Diagnose illnesses, using examinations, tests, and reports. +Coordinate and direct work of nurses, medical technicians, and other health care providers. +Instruct individuals and groups on ways to preserve health and prevent disease. +Schedule and maintain use of surgical suite, including operating, wash-up, waiting rooms, or anesthetic and sterilizing equipment. +Conduct medical research to aid in controlling and curing disease, to investigate new medications, and to develop and test new medical techniques. +Place invasive intravascular monitors into patients. +Teach anesthesiology principles to residents.","Accounting software— Healthpac Medical Billing +Calendar and scheduling software— AtStaff Physician Scheduler +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— EDImis Anesthesia Manager; Electronic medical record EMR software; Epic Systems; MEDITECH software;6 more +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Monitor patient conditions during treatments, procedures, or activities. +Implement advanced life support techniques. +Prepare patients physically for medical procedures. +Record patient medical histories. +Administer anesthetics or sedatives to control pain. +Examine patients to assess general physical condition. +Position patients for treatment or examination. +Collaborate with healthcare professionals to plan or provide treatment. +Monitor patient progress or responses to treatments. +Order medical diagnostic or clinical tests. +Train medical providers. +Direct healthcare delivery programs. +Prescribe medications. +Prescribe treatments or therapies. +Refer patients to other healthcare practitioners or health resources. +Diagnose medical conditions. +Supervise patient care personnel. +Schedule medical facility use. +Provide health and wellness advice to patients, program participants, or caregivers. +Conduct research to increase knowledge about medical issues.","Duration of Typical Work Week— 95% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Importance of Being Exact or Accurate— 87% responded “Extremely important.” +Contact With Others— 83% responded “Constant contact with others.” +Physical Proximity— 75% responded “Very close (near touching).” +Freedom to Make Decisions— 83% responded “A lot of freedom.” +Frequency of Decision Making— 83% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 79% responded “Very important results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 80% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Exposed to Disease or Infections— 68% responded “Every day.” +Telephone Conversations— 72% responded “Every day.” +Consequence of Error— 79% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 64% responded “A lot of freedom.” +E-Mail— 49% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Exposed to Contaminants— 76% responded “Every day.” +Health and Safety of Other Workers— 58% responded “Very high responsibility.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 39% responded “Once a week or more but not every day.” +Time Pressure— 52% responded “Every day.” +Exposed to Radiation— 50% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 44% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 39% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 49% responded “Extremely important.” +Level of Competition— 39% responded “Highly competitive.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Written Letters and Memos— 37% responded “Once a month or more but not every week.” +Conflict Situations— 32% responded “Once a year or more but not every month.” +Spend Time Standing— 44% responded “About half the time.” +Spend Time Sitting— 45% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 26% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Persuasion— Persuading others to change their minds or behavior.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anesthesiologist Assistants +Bright Outlook +Cardiologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Nurse Anesthetists +Nurse Practitioners +Obstetricians and Gynecologists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physician Assistants","View the list of Allies +American Academy of Anesthesiologist Assistants +external site +American Academy of Family Physicians +external site +American Association of Colleges of Osteopathic Medicine +external site +American Association of Nurse Anesthesiology +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Osteopathic College of Anesthesiologists +external site +American Society of Anesthesiologists +external site +American Society of Interventional Pain Physicians +external site +American Society of Regional Anesthesia and Pain Medicine +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +International Anesthesia Research Society +external site +National Medical Association +external site +Society for Ambulatory Anesthesia +external site +Society for Education in Anesthesia +external site +Society for Obstetric Anesthesia and Perinatology +external site +Society for Pediatric Anesthesia +external site +Society of Cardiovascular Anesthesiologists +external site +American Board of Anesthesiology +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",64,1,19,67,54,53,24,54,26,26,9,29,66,44,22,37,23,29,14,5,61,39,25,21,97,33,4,56,82,8,6,2,4 +17-2051.02,Water/Wastewater Engineers,https://www.onetonline.org/link/summary/17-2051.02,2025-06-11T18:53:35.484237,"Provide technical direction or supervision to junior engineers, engineering or computer-aided design (CAD) technicians, or other technical personnel. +Review and critique proposals, plans, or designs related to water or wastewater treatment systems. +Design domestic or industrial water or wastewater treatment plants, including advanced facilities with sequencing batch reactors (SBR), membranes, lift stations, headworks, surge overflow basins, ultraviolet disinfection systems, aerobic digesters, sludge lagoons, or control buildings. +Evaluate the operation and maintenance of water or wastewater systems to identify ways to improve their efficiency. +Design or select equipment for use in wastewater processing to ensure compliance with government standards. +Design pumping systems, pumping stations, pipelines, force mains, or sewers for the collection of wastewater. +Design water distribution systems for potable or non-potable water. +Conduct water quality studies to identify and characterize water pollutant sources. +Analyze and recommend chemical, biological, or other wastewater treatment methods to prepare water for industrial or domestic use. +Identify design alternatives for the development of new water resources. +Design water runoff collection networks, water supply channels, or water supply system networks. +Design water or wastewater lift stations, including water wells. +Conduct cost-benefit analyses for the construction of water supply systems, runoff collection networks, water and wastewater treatment plants, or wastewater collection systems. +Provide technical support on water resource or treatment issues to government agencies. +Conduct feasibility studies for the construction of facilities, such as water supply systems, runoff collection networks, water and wastewater treatment plants, or wastewater collection systems. +Analyze storm water or floodplain drainage systems to control erosion, stabilize river banks, repair channel streams, or design bridges. +Oversee the construction of decentralized or on-site wastewater treatment systems, including reclaimed water facilities. +Develop plans for new water resources or water efficiency programs. +Perform hydrological analyses, using three-dimensional simulation software, to model the movement of water or forecast the dispersion of chemical pollutants in the water supply. +Perform hydraulic analyses of water supply systems or water distribution networks to model flow characteristics, test for pressure losses, or to identify opportunities to mitigate risks and improve operational efficiency. +Write technical reports or publications related to water resources development or water use efficiency. +Design water storage tanks or other water storage facilities. +Analyze and recommend sludge treatment or disposal methods. +Design sludge treatment plants. +Gather and analyze water use data to forecast water demand. +Conduct environmental impact studies related to water and wastewater collection, treatment, or distribution. +Analyze the efficiency of water delivery structures, such as dams, tainter gates, canals, pipes, penstocks, or cofferdams. +Perform mathematical modeling of underground or surface water resources, such as floodplains, ocean coastlines, streams, rivers, or wetlands.","Analytical or scientific software— HEC-RAS; KYPipe; Minitab; NIWA Tideda;11 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation;8 more +Data base user interface and query software— Microsoft Access; Structured query language SQL +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; ESRI software; Geographic information system GIS software; Geographic information system GIS systems +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Google Chrome; Microsoft Internet Explorer; Mozilla Firefox; Web browser software +Map creation software— MapInfo +Object or component oriented development software— Oracle Java; Python +Office suite software— Business software applications; Microsoft Office software +Operating system software— Bash +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Recommend technical design or process changes to improve efficiency, quality, or performance. +Provide technical guidance to other personnel. +Supervise engineering or other technical personnel. +Evaluate designs or specifications to ensure quality. +Design civil structures or systems. +Evaluate characteristics of equipment or systems. +Identify opportunities to improve operational efficiency. +Design industrial processing systems. +Investigate the environmental impact of projects. +Select tools, equipment, or technologies for use in operations or projects. +Develop technical methods or processes. +Analyze costs and benefits of proposed designs or projects. +Advise others regarding green practices or environmental concerns. +Research advanced engineering designs or applications. +Analyze physical, survey, or geographic data. +Direct environmental development activities. +Analyze operational data to evaluate operations, processes or products. +Create models of engineering designs or methods. +Prepare detailed work plans. +Prepare technical or operational reports. +Design structures or facilities.","E-Mail— 96% responded “Every day.” +Telephone Conversations— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Contact With Others— 43% responded “Constant contact with others.” +Spend Time Sitting— 65% responded “More than half the time.” +Written Letters and Memos— 57% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Determine Tasks, Priorities and Goals— 61% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Time Pressure— 43% responded “Once a month or more but not every week.” +Level of Competition— 48% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.” +Deal With External Customers or the Public in General— 52% responded “Important.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Frequency of Decision Making— 26% responded “Every day.” +Health and Safety of Other Workers— 35% responded “Moderate responsibility.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 30% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Operations Analysis— Analyzing needs and product requirements to create a design. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Chemical Engineers +Civil Engineers +Energy Engineers, Except Wind and Solar +Environmental Engineers +Environmental Science and Protection Technicians, Including Health +Petroleum Engineers +Transportation Engineers +Water Resource Specialists +Wind Energy Engineers","View the list of Allies +American Society for Engineering Education +external site +American Society of Civil Engineers +external site +American Water Resources Association +external site +American Water Works Association +external site +Environmental and Water Resources Institute +external site +National Society of Professional Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Water Environment Federation +external site +Central States Water Environment Association +external site +Accreditation Board for Engineering and Technology +external site +American Academy of Environmental Engineers and Scientists +external site +American Academy of Water Resources Engineers +external site +National Council of Examiners for Engineering and Surveying +external site",61,1,34,81,81,64,48,42,40,50,56,49,61,54,10,57,25,63,1,25,20,,7,22,4,93,71,63,56,87,31,2,9 +13-2081.00,"Tax Examiners and Collectors, and Revenue Agents",https://www.onetonline.org/link/summary/13-2081.00,2025-06-11T18:51:08.758749,"Send notices to taxpayers when accounts are delinquent. +Confer with taxpayers or their representatives to discuss the issues, laws, and regulations involved in returns, and to resolve problems with returns. +Notify taxpayers of any overpayment or underpayment, and either issue a refund or request further payment. +Maintain records for each case, including contacts, telephone numbers, and actions taken. +Contact taxpayers by mail or telephone to address discrepancies and to request supporting documentation. +Answer questions from taxpayers and assist them in completing tax forms. +Collect taxes from individuals or businesses according to prescribed laws and regulations. +Determine appropriate methods of debt settlement, such as offers of compromise, wage garnishment, or seizure and sale of property. +Check tax forms to verify that names and taxpayer identification numbers are correct, that computations have been performed correctly, or that amounts match those on supporting documentation. +Examine and analyze tax assets and liabilities to determine resolution of delinquent tax problems. +Impose payment deadlines on delinquent taxpayers and monitor payments to ensure that deadlines are met. +Direct service of legal documents, such as subpoenas, warrants, notices of assessment, and garnishments. +Review filed tax returns to determine whether claimed tax credits and deductions are allowed by law. +Maintain knowledge of tax code changes, and of accounting procedures and theory to properly evaluate financial information. +Investigate claims of inability to pay taxes by researching court information for the status of liens, mortgages, or financial statements, or by locating assets through third parties. +Review selected tax returns to determine the nature and extent of audits to be performed on them. +Examine accounting systems and records to determine whether accounting methods used were appropriate and in compliance with statutory provisions. +Participate in informal appeals hearings on contested cases from other agents. +Prepare briefs and assist in searching and seizing records to prepare charges and documentation for court cases. +Enter tax return information into computers for processing. +Secure a taxpayer's agreement to discharge a tax assessment or submit contested determinations to other administrative or judicial conferees for appeals hearings.","Accounting software— Automated tax system software; Fund accounting software; Intuit QuickBooks; Tax software +Business intelligence and data analysis software— Alteryx software; Microsoft Power BI +Compliance software— Tax compliance property tax management software +Data base user interface and query software— Microsoft Access; Online databases +Document management software— Document management system software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Image processing systems +Human resources software— ADP Workforce Now +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Optical character recognition OCR software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Tax preparation software— Intuit TurboTax +Word processing software— Microsoft Word","Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Collect payments for goods or services. +Inform individuals or organizations of status or findings. +Assess financial status of clients. +Develop financial plans for clients. +Verify accuracy of records. +Explain regulations, policies, or procedures. +Document information related to legal proceedings. +Oversee business processes. +Examine financial records. +Correspond with customers to answer questions or resolve complaints. +Update knowledge of legal or regulatory environments. +Gather financial records. +Examine financial records or processes. +Testify at legal or legislative proceedings. +Collect evidence for legal proceedings. +Maintain data in information systems or databases. +Prepare legal or investigatory documentation. +Communicate with government agencies. +Negotiate agreements to resolve disputes.","Importance of Being Exact or Accurate— 97% responded “Extremely important.” +E-Mail— 90% responded “Every day.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Spend Time Sitting— 73% responded “Continually or almost continually.” +Telephone Conversations— 66% responded “Every day.” +Contact With Others— 21% responded “Contact with others most of the time.” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 13% responded “Fairly important.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Importance of Repeating Same Tasks— 61% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 51% responded “Every day.” +Freedom to Make Decisions— 37% responded “A lot of freedom.” +Frequency of Decision Making— 20% responded “Once a week or more but not every day.” +Written Letters and Memos— 40% responded “Every day.” +Time Pressure— 41% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Every day.” +Duration of Typical Work Week— 16% responded “Less than 40 hours.” +Spend Time Making Repetitive Motions— 33% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Fairly important.” +Physical Proximity— 31% responded “Moderately close (at arm's length).” +Degree of Automation— 35% responded “Moderately automated.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Accountants and Auditors +Bright Outlook +Bill and Account Collectors +Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Budget Analysts +Credit Authorizers, Checkers, and Clerks +Eligibility Interviewers, Government Programs +Financial Examiners +Payroll and Timekeeping Clerks +Tax Preparers","View the list of Allies +AICPA and CIMA +external site",83,8,16,77,72,61,36,39,72,62,10,23,6,40,15,68,30,6,12,16,37,8,24,18,7,6,11,5,5,9,18,5,16 +29-2099.08,Patient Representatives,https://www.onetonline.org/link/summary/29-2099.08,2025-06-11T19:09:02.747679,"Coordinate communication between patients, family members, medical staff, administrative staff, or regulatory agencies. +Interview patients or their representatives to identify problems relating to care. +Refer patients to appropriate health care services or resources. +Maintain knowledge of community services and resources available to patients. +Explain policies, procedures, or services to patients using medical or administrative knowledge. +Investigate and direct patient inquiries or complaints to appropriate medical staff members and follow up to ensure satisfactory resolution. +Read current literature, talk with colleagues, continue education, or participate in professional organizations or conferences to keep abreast of developments in the field. +Develop and distribute newsletters, brochures, or other printed materials to share information with patients or medical staff. +Provide consultation or training to volunteers or staff on topics, such as guest relations, patients' rights, or medical issues. +Analyze patients' abilities to pay to determine charges on a sliding scale. +Identify and share research, recommendations, or other information regarding legal liabilities, risk management, or quality of care. +Collect and report data on topics, such as patient encounters or inter-institutional problems, making recommendations for change when appropriate. +Teach patients to use home health care equipment.","Analytical or scientific software— Patient satisfaction assessment software +Calendar and scheduling software— Scheduling software +Customer relationship management CRM software— CareOne CareEnsure; Complaint management software; Microsoft Dynamics; rL Solutions Feedback MonitorPro;4 more +Data base user interface and query software— Data entry software; Database software; Microsoft Access +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Henry Schein Dentrix; MEDITECH software;9 more +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Word processing software— Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Coordinate operational activities. +Interview employees, customers, or others to collect information. +Refer customers to appropriate personnel. +Maintain current knowledge related to work activities. +Explain regulations, policies, or procedures. +Train personnel. +Analyze financial information. +Provide information to coworkers. +Prepare research or technical reports. +Distribute materials to employees or customers. +Prepare informational or reference materials. +Instruct patients in the use of assistive equipment. +Teach basic living or other adaptive skills to patients or caregivers.","Contact With Others— 100% responded “Constant contact with others.” +E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Deal With External Customers or the Public in General— 96% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Importance of Repeating Same Tasks— 73% responded “Extremely important.” +Freedom to Make Decisions— 72% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Physical Proximity— 48% responded “Very close (near touching).” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Important.” +Exposed to Disease or Infections— 19% responded “Never.” +Conflict Situations— 32% responded “Every day.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 37% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 15% responded “Very important results.” +Frequency of Decision Making— 31% responded “Once a year or more but not every month.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 20% responded “Limited responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Every day.” +Time Pressure— 23% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Community Health Workers +Bright Outlook +Eligibility Interviewers, Government Programs +Health Education Specialists +Health Informatics Specialists +Health Information Technologists and Medical Registrars +Medical and Health Services Managers +Medical Assistants +Medical Records Specialists +Nursing Assistants +Social and Human Service Assistants","View the list of Allies +Aging Life Care Association +external site +Alliance of Professional Health Advocates +external site +Case Management Society of America +external site +Medical Billing and Coding +external site +National Cancer Registrars Association +external site +Society for Healthcare Consumer Advocacy +external site +AAPC +external site +American Health Information Management Association +external site +National Healthcareer Association +external site",86,1,27,58,44,61,43,55,67,32,21,41,17,60,32,30,39,14,28,23,65,51,70,47,71,14,,7,18,6,16,,4 +19-4061.00,Social Science Research Assistants,https://www.onetonline.org/link/summary/19-4061.00,2025-06-11T18:58:11.124797,"Design and create special programs for tasks such as statistical analysis and data entry and cleaning. +Provide assistance with the preparation of project-related reports, manuscripts, and presentations. +Prepare tables, graphs, fact sheets, and written reports summarizing research results. +Perform descriptive and multivariate statistical analyses of data, using computer software. +Verify the accuracy and validity of data entered in databases, correcting any errors. +Develop and implement research quality control procedures. +Prepare, manipulate, and manage extensive databases. +Perform data entry and other clerical work as required for project completion. +Conduct internet-based and library research. +Present research findings to groups of people. +Obtain informed consent of research subjects or their guardians. +Administer standardized tests to research subjects, or interview them to collect research data. +Recruit and schedule research participants. +Screen potential subjects to determine their suitability as study participants. +Track research participants, and perform any necessary follow-up tasks. +Edit and submit protocols and other required research documentation. +Code data in preparation for computer entry. +Track laboratory supplies and expenses such as participant reimbursement. +Provide assistance in the design of survey instruments such as questionnaires. +Supervise the work of survey interviewers. +Perform needs assessments or consult with clients to determine the types of research and information required. +Allocate and manage laboratory space and resources. +Write grant proposals.","Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;2 more +Business intelligence and data analysis software— Tableau +Computer based training software— Appletree +Data base user interface and query software— Database software; Microsoft Access; Microsoft SQL Server; Structured query language SQL +Desktop publishing software— Adobe InDesign +Development environment software— Microsoft Visual Basic +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Illustrator; Graphics software +Information retrieval or search software— Online library databases +Internet browser software— Web browser software +Object or component oriented development software— C++; Oracle Java; Perl; R;1 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Qualtrics Insight +Spreadsheet software— Microsoft Excel +Video creation and editing software— Video development software +Web platform development software— JavaScript +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Develop software or applications for scientific or technical use. +Collect information from people through observation, interviews, or surveys. +Administer standardized physical or psychological tests. +Prepare scientific or technical reports or presentations. +Conduct research on social issues. +Record research or operational data. +Plan social sciences research. +Develop technical or scientific databases. +Prepare information or documentation related to legal or regulatory matters. +Manage scientific or technical project resources. +Collect archival data. +Develop methods of social or economic research. +Confer with clients to exchange information. +Supervise scientific or technical personnel.","Spend Time Sitting— 78% responded “Continually or almost continually.” +E-Mail— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Contact With Others— 31% responded “Contact with others about half the time.” +Telephone Conversations— 39% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bioinformatics Technicians +Bright Outlook +Clinical Data Managers +Clinical Research Coordinators +Data Scientists +Health Informatics Specialists +Sociologists +Statistical Assistants +Statisticians +Survey Researchers +Teaching Assistants, Postsecondary","View the list of Allies +American Anthropological Association +external site +American Psychological Association +external site +American Public Health Association +external site +American Sociological Association +external site +Gerontological Society of America +external site +National Association of Social Workers +external site +Society for the Study of Social Problems +external site",51,,6,81,52,37,18,48,56,28,11,23,19,62,13,29,29,7,20,11,38,23,28,20,23,6,,7,26,13,10,5,11 +51-9071.00,Jewelers and Precious Stone and Metal Workers,https://www.onetonline.org/link/summary/51-9071.00,2025-06-11T19:27:39.021609,"Position stones and metal pieces, and set, mount, and secure items in place, using setting and hand tools. +Smooth soldered joints and rough spots, using hand files and emery paper, and polish smoothed areas with polishing wheels or buffing wire. +Create jewelry from materials such as gold, silver, platinum, and precious or semiprecious stones. +Make repairs, such as enlarging or reducing ring sizes, soldering pieces of jewelry together, and replacing broken clasps and mountings. +Clean and polish metal items and jewelry pieces, using jewelers' tools, polishing wheels, and chemical baths. +Cut and file pieces of jewelry such as rings, brooches, bracelets, and lockets. +Select and acquire metals and gems for designs. +Compute costs of labor and materials to determine production costs of products and articles. +Examine assembled or finished products to ensure conformance to specifications, using magnifying glasses or precision measuring instruments. +Pierce and cut open designs in ornamentation, using hand drills and scroll saws. +Construct preliminary models of wax, metal, clay, or plaster, and form sample castings in molds. +Pour molten metal alloys or other materials into molds to cast models of jewelry. +Shape and straighten damaged or twisted articles by hand or using pliers. +Soften metal to be used in designs by heating it with a gas torch and shape it, using hammers and dies. +Determine appraised values of diamonds and other gemstones based on price guides, market fluctuations, and stone grades and rarity. +Grade stones based on their color, perfection, and quality of cut. +Plate articles such as jewelry pieces and watch dials, using silver, gold, nickel, or other metals. +Write or modify design specifications such as the metal contents and weights of items. +Create new jewelry designs and modify existing designs, using computers as necessary. +Buy and sell jewelry, or serve as agents between buyers and sellers. +Record the weights and processing times of finished pieces. +Lay out designs on metal stock, and cut along markings to fabricate pieces used to cast metal molds. +Mark, engrave, or emboss designs on metal pieces such as castings, wire, or jewelry, following specifications. +Cut designs in molds or other materials to be used as models in the fabrication of metal and jewelry products. +Design and fabricate molds, models, and machine accessories, and modify hand tools used to cast metal and jewelry pieces. +Research and analyze reference materials, and consult with interested parties to develop new products or modify existing designs. +Weigh, mix, and melt metal alloys or materials needed for jewelry models. +Rotate molds to distribute alloys and to prevent formation of air pockets. +Rout out locations where parts are to be joined to items, using routing machines.","Accounting software— Intuit QuickBooks +Computer aided design CAD software— Computer assisted jewelry design CAD software; Metal designing software +Customer relationship management CRM software— Customer information databases +Data base user interface and query software— Retail management software +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Point of sale POS software— Jewelry store point of sale POS software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.","Polish materials, workpieces, or finished products. +Smooth metal surfaces or edges. +Align parts or workpieces to ensure proper assembly. +Design jewelry or decorative objects. +Clean workpieces or finished products. +Repair precision devices or workpieces. +Solder parts or workpieces. +Cut industrial materials in preparation for fabrication or processing. +Order materials, supplies, or equipment. +Select production input materials. +Estimate costs of products, services, or materials. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Build production molds. +Drill holes in parts, equipment, or materials. +Adjust position of molds during processing. +Measure ingredients or substances to be used in production processes. +Melt metal, plastic, or other materials to prepare for production. +Mix ingredients to create specific finishes. +Place materials into molds. +Reshape small metal components for precision assembly. +Heat material or workpieces to prepare for or complete production. +Shape metal workpieces with hammers or other small hand tools. +Determine the value of goods or services. +Evaluate quality of materials or products. +Apply protective or decorative finishes to workpieces or products. +Purchase products or services. +Record operational or production data. +Sell products or services. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Engrave designs, text, or other markings onto materials, workpieces, or products. +Confer with customers or designers to determine order specifications.","Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Spend Time Sitting— How much does this job require sitting? +Telephone Conversations— How often do you have telephone conversations in this job? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Exposed to Minor Burns, Cuts, Bites, or Stings— How often does this job require exposure to minor burns, cuts, bites, or stings? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Exposed to Hazardous Conditions— How often does this job require exposure to hazardous conditions? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Exposed to Hazardous Equipment— How often does this job require exposure to hazardous equipment?","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Craft Artists +Etchers and Engravers +Gem and Diamond Workers +Grinding and Polishing Workers, Hand +Molders, Shapers, and Casters, Except Metal and Plastic +Painting, Coating, and Decorating Workers +Sewers, Hand +Shoe and Leather Workers and Repairers +Stone Cutters and Carvers, Manufacturing +Tool and Die Makers","View the list of Allies +American Craft Council +external site +Jewelers of America +external site +Manufacturing Jewelers and Suppliers of America +external site +Gemological Institute of America +external site",64,3,63,48,46,41,31,33,29,36,48,28,39,24,8,23,18,54,7,29,14,5,8,14,4,37,23,28,3,58,9,32,12 +17-2199.06,Microsystems Engineers,https://www.onetonline.org/link/summary/17-2199.06,2025-06-11T18:54:38.273820,"Create schematics and physical layouts of integrated microelectromechanical systems (MEMS) components or packaged assemblies consistent with process, functional, or package constraints. +Investigate characteristics such as cost, performance, or process capability of potential microelectromechanical systems (MEMS) device designs, using simulation or modeling software. +Create or maintain formal engineering documents, such as schematics, bills of materials, components or materials specifications, or packaging requirements. +Conduct analyses addressing issues such as failure, reliability, or yield improvement. +Plan or schedule engineering research or development projects involving microelectromechanical systems (MEMS) technology. +Propose product designs involving microelectromechanical systems (MEMS) technology, considering market data or customer requirements. +Develop formal documentation for microelectromechanical systems (MEMS) devices, including quality assurance guidance, quality control protocols, process control checklists, data collection, or reporting. +Communicate operating characteristics or performance experience to other engineers or designers for training or new product development purposes. +Evaluate materials, fabrication methods, joining methods, surface treatments, or packaging to ensure acceptable processing, performance, cost, sustainability, or availability. +Refine final microelectromechanical systems (MEMS) design to optimize design for target dimensions, physical tolerances, or processing constraints. +Conduct harsh environmental testing, accelerated aging, device characterization, or field trials to validate devices, using inspection tools, testing protocols, peripheral instrumentation, or modeling and simulation software. +Develop or file intellectual property and patent disclosure or application documents related to microelectromechanical systems (MEMS) devices, products, or systems. +Conduct or oversee the conduct of prototype development or microfabrication activities to ensure compliance to specifications and promote effective production processes. +Conduct experimental or virtual studies to investigate characteristics and processing principles of potential microelectromechanical systems (MEMS) technology. +Devise microelectromechanical systems (MEMS) production methods, such as integrated circuit fabrication, lithographic electroform modeling, or micromachining. +Develop or validate specialized materials characterization procedures, such as thermal withstand, fatigue, notch sensitivity, abrasion, or hardness tests. +Validate fabrication processes for microelectromechanical systems (MEMS), using statistical process control implementation, virtual process simulations, data mining, or life testing. +Demonstrate miniaturized systems that contain components, such as microsensors, microactuators, or integrated electronic circuits, fabricated on silicon or silicon carbide wafers. +Manage new product introduction projects to ensure effective deployment of microelectromechanical systems (MEMS) devices or applications. +Conduct acceptance tests, vendor-qualification protocols, surveys, audits, corrective-action reviews, or performance monitoring of incoming materials or components to ensure conformance to specifications. +Develop or implement microelectromechanical systems (MEMS) processing tools, fixtures, gages, dies, molds, or trays. +Develop customer documentation, such as performance specifications, training manuals, or operating instructions. +Identify, procure, or develop test equipment, instrumentation, or facilities for characterization of microelectromechanical systems (MEMS) applications. +Develop or validate product-specific test protocols, acceptance thresholds, or inspection tools for quality control testing or performance measurement. +Oversee operation of microelectromechanical systems (MEMS) fabrication or assembly equipment, such as handling, singulation, assembly, wire-bonding, soldering, or package sealing. +Consider environmental issues when proposing product designs involving microelectromechanical systems (MEMS) technology. +Design or develop energy products using nanomaterials or nanoprocesses, such as micro-nano machining. +Design or develop industrial air quality microsystems, such as carbon dioxide fixing devices. +Design or develop sensors to reduce the energy or resource requirements to operate appliances, such as washing machines or dishwashing machines. +Design sensors or switches that require little or no power to operate for environmental monitoring or industrial metering applications. +Research or develop emerging microelectromechanical (MEMS) systems to convert nontraditional energy sources into power, such as ambient energy harvesters that convert environmental vibrations into usable energy.","Analytical or scientific software— Minitab; SAS; The MathWorks MATLAB; WinSpice;42 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; PTC Creo Parametric; Xcircuit;5 more +Data base user interface and query software— Microsoft Access +Development environment software— C; Microsoft Visual Basic; National Instruments LabVIEW; Very high-speed integrated circuit VHSIC hardware description language VHDL;1 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +File versioning software— Git +Graphics or photo imaging software— Adobe Photoshop +Industrial control software— Statistical process control SPC software +Internet browser software— Web browser software +Object or component oriented development software— C#; C++; Oracle Java; Perl;1 more +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Bash; Microsoft Windows Server; Shell script;5 more +Presentation software— Microsoft PowerPoint +Program testing software— Debugging software +Project management software— Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Web platform development software— JavaScript +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Create graphical representations of mechanical equipment. +Design micro- or nano-scale materials, devices, or systems. +Research industrial processes or operations. +Create models of engineering designs or methods. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Prepare contracts, disclosures, or applications. +Direct design or development activities. +Document technical design details. +Research engineering applications of emerging technologies. +Conduct quantitative failure analyses of operational data. +Devise research or testing protocols. +Conduct validation tests of equipment or processes. +Design industrial processing systems. +Schedule operational activities. +Develop technical methods or processes. +Prepare proposal documents. +Inspect operational processes. +Train personnel on proper operational procedures. +Prepare procedural documents. +Confer with technical personnel to prepare designs or operational plans. +Design electromechanical equipment or systems. +Purchase materials, equipment, or other resources. +Select tools, equipment, or technologies for use in operations or projects. +Operate precision equipment to control microscopic or nanoscopic processes. +Design electronic or computer equipment or instrumentation. +Design alternative energy systems. +Design energy production or management equipment or systems. +Design systems to reduce harmful emissions. +Investigate the environmental impact of projects.","E-Mail— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams +Indoors, Environmentally Controlled— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Freedom to Make Decisions— 58% responded “A lot of freedom.” +Telephone Conversations— 52% responded “Every day.” +Duration of Typical Work Week— 68% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Contact With Others— 23% responded “Contact with others about half the time.” +Impact of Decisions on Co-workers or Company Results— 77% responded “Important results.” +Spend Time Sitting— 36% responded “About half the time.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 56% responded “Very important.” +Frequency of Decision Making— 36% responded “Once a month or more but not every week.” +Time Pressure— 74% responded “Once a month or more but not every week.” +Level of Competition— 35% responded “Highly competitive.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Mathematics— Using mathematics to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Instructing— Teaching others how to do something. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Electrical Engineers +Bright Outlook +Electronics Engineers, Except Computer +Manufacturing Engineers +Materials Scientists +Mechanical Engineers +Mechatronics Engineers +Nanosystems Engineers +Photonics Engineers +Radio Frequency Identification Device Specialists +Robotics Engineers","View the list of Allies +American Association for the Advancement of Science +external site +American Microscopical Society +external site +American Nano Society +external site +American Society for Engineering Education +external site +American Society for Precision Engineering +external site +American Society of Mechanical Engineers +external site +ASHRAE +external site +IEEE Nanotechnology Council +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Industrial and Systems Engineers +external site +Institution of Mechanical Engineers +external site +Materials Research Society +external site +Microscopy Society of America +external site +Nanotechnology Industries Association +external site +National Society of Professional Engineers +external site +SAE International +external site +Society for Applied Spectroscopy +external site +Society for Experimental Mechanics +external site +Society of Hispanic Professional Engineers +external site +Society of Tribologists and Lubrication Engineers +external site +Society of Women Engineers +external site +The Electrochemical Society +external site +The Institution of Engineering and Technology +external site +New England Section of the American Physical Society +external site +New England Water Works Association +external site +Northwest Association for Biomedical Research +external site +Pacific Northwest Society for Coatings Technology +external site +Western States Section Combustion Institute +external site",42,,56,62,77,50,38,22,28,29,29,34,50,91,8,28,29,55,4,11,9,4,9,42,14,90,7,74,22,73,13,3,4 +49-2092.00,"Electric Motor, Power Tool, and Related Repairers",https://www.onetonline.org/link/summary/49-2092.00,2025-06-11T19:21:20.241143,"Inspect and test equipment to locate damage or worn parts and diagnose malfunctions, or read work orders or schematic drawings to determine required repairs. +Reassemble repaired electric motors to specified requirements and ratings, using hand tools and electrical meters. +Measure velocity, horsepower, revolutions per minute (rpm), amperage, circuitry, and voltage of units or parts to diagnose problems, using ammeters, voltmeters, wattmeters, and other testing devices. +Repair and rebuild defective mechanical parts in electric motors, generators, and related equipment, using hand tools and power tools. +Lift units or parts such as motors or generators, using cranes or chain hoists, or signal crane operators to lift heavy parts or subassemblies. +Record repairs required, parts used, and labor time. +Disassemble defective equipment so that repairs can be made, using hand tools. +Adjust working parts, such as fan belts, contacts, and springs, using hand tools and gauges. +Lubricate moving parts. +Read service guides to find information needed to perform repairs. +Inspect electrical connections, wiring, relays, charging resistance boxes, and storage batteries, following wiring diagrams. +Scrape and clean units or parts, using cleaning solvents and equipment such as buffing wheels. +Weld, braze, or solder electrical connections. +Verify and adjust alignments and dimensions of parts, using gauges and tracing lathes. +Steam-clean polishing and buffing wheels to remove abrasives and bonding materials, and spray, brush, or recoat surfaces as necessary. +Set machinery for proper performance, using computers. +Test equipment for overheating, using speed gauges and thermometers. +Reface, ream, and polish commutators and machine parts to specified tolerances, using machine tools. +Maintain stocks of parts. +Cut and form insulation, and insert insulation into armature, rotor, or stator slots. +Assemble electrical parts such as alternators, generators, starting devices, and switches, following schematic drawings and using hand, machine, and power tools. +Solder, wrap, and coat wires to ensure proper insulation. +Rewire electrical systems, and repair or replace electrical accessories. +Clean cells, cell assemblies, glassware, leads, electrical connections, and battery poles, using scrapers, steam, water, emery cloths, power grinders, or acid. +Rewind coils on cores in slots, or make replacement coils, using coil-winding machines. +Remove and replace defective parts such as coil leads, carbon brushes, and wires, using soldering equipment. +Hammer out dents and twists in tools and equipment. +Seal joints with putty, mortar, and asbestos, using putty extruders and knives. +Repair and operate battery-charging equipment. +Sharpen tools such as saws, picks, shovels, screwdrivers, and scoops, either manually or by using bench grinders and emery wheels. +Test battery charges, and replace or recharge batteries as necessary.","Analytical or scientific software— Commutator profiling software; Motor testing software +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Inspect mechanical equipment to locate damage, defects, or wear. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Adjust equipment to ensure optimal performance. +Reassemble equipment after repair. +Communicate with coworkers to coordinate installations or repairs. +Measure equipment outputs. +Operate cranes, hoists, or other moving or lifting equipment. +Rebuild parts or components. +Repair defective engines or engine components. +Maintain repair or maintenance records. +Disassemble equipment for maintenance or repair. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Lubricate equipment to allow proper functioning. +Inspect electrical or electronic systems for defects. +Read technical information needed to perform maintenance or repairs. +Smooth surfaces of objects or equipment. +Test mechanical equipment to ensure proper functioning. +Cut materials according to specifications or needs. +Install insulation in equipment or structures. +Maintain inventories of materials, equipment, or products. +Assemble electrical components, subsystems, or systems. +Solder parts or connections between parts. +Repair electrical components. +Rewire electrical or electronic systems. +Braze metal parts or components. +Fabricate parts or components. +Remove parts or components from equipment. +Replace worn, damaged, or defective mechanical parts. +Remove dents from equipment, materials, tools or structures. +Repair electronic equipment. +Seal gaps or cracks to prevent leakage or moisture intrusion. +Sharpen cutting or grinding tools. +Test electrical circuits or components for proper functioning.","Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 76% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 71% responded “Continually or almost continually.” +Exposed to Contaminants— 68% responded “Every day.” +Importance of Being Exact or Accurate— 62% responded “Extremely important.” +Spend Time Standing— 58% responded “Continually or almost continually.” +Frequency of Decision Making— 70% responded “Every day.” +Indoors, Not Environmentally Controlled— 75% responded “Every day.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Time Pressure— 38% responded “Every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 42% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Contact With Others— 51% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Exposed to Hazardous Conditions— 39% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 38% responded “Every day.” +Telephone Conversations— 40% responded “Every day.” +Spend Time Making Repetitive Motions— 31% responded “Continually or almost continually.” +Duration of Typical Work Week— 53% responded “40 hours.” +Consequence of Error— 47% responded “Serious.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Every day.” +Health and Safety of Other Workers— 39% responded “Very high responsibility.” +Physical Proximity— 30% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 42% responded “Very high responsibility.” +Level of Competition— 34% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 34% responded “Important.” +Deal With External Customers or the Public in General— 28% responded “Not important at all.” +Indoors, Environmentally Controlled— 41% responded “Every day.” +Spend Time Bending or Twisting Your Body— 33% responded “Less than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 44% responded “Less than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 31% responded “Never.”","Repairing— Repairing machines or systems using the needed tools. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Control and Valve Installers and Repairers, Except Mechanical Door +Electrical and Electronic Equipment Assemblers +Bright Outlook +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electromechanical Equipment Assemblers +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Maintenance Workers, Machinery +Outdoor Power Equipment and Other Small Engine Mechanics +Rail Car Repairers","View the list of Allies +Electrical Apparatus Service Association +external site +International Society of Certified Electronics Technicians +external site",50,9,56,56,50,51,41,47,38,17,25,27,24,35,3,20,16,81,3,23,14,8,3,18,11,39,35,37,,37,9,2,7 +15-2041.00,Statisticians,https://www.onetonline.org/link/summary/15-2041.00,2025-06-11T18:52:49.702431,"Analyze and interpret statistical data to identify significant differences in relationships among sources of information. +Evaluate the statistical methods and procedures used to obtain data to ensure validity, applicability, efficiency, and accuracy. +Report results of statistical analyses, including information in the form of graphs, charts, and tables. +Determine whether statistical methods are appropriate, based on user needs or research questions of interest. +Prepare data for processing by organizing information, checking for inaccuracies, and adjusting and weighting the raw data. +Develop and test experimental designs, sampling techniques, and analytical methods. +Identify relationships and trends in data, as well as any factors that could affect the results of research. +Present statistical and nonstatistical results, using charts, bullets, and graphs, in meetings or conferences to audiences such as clients, peers, and students. +Design research projects that apply valid scientific techniques, and use information obtained from baselines or historical data to structure uncompromised and efficient analyses. +Adapt statistical methods to solve specific problems in many fields, such as economics, biology, and engineering. +Evaluate sources of information to determine any limitations, in terms of reliability or usability. +Process large amounts of data for statistical modeling and graphic analysis, using computers. +Develop software applications or programming for statistical modeling and graphic analysis. +Report results of statistical analyses in peer-reviewed papers and technical manuals. +Plan data collection methods for specific projects, and determine the types and sizes of sample groups to be used. +Apply sampling techniques, or use complete enumeration bases to determine and define groups to be surveyed. +Examine theories, such as those of probability and inference, to discover mathematical bases for new or improved methods of obtaining and evaluating numerical data. +Supervise and provide instructions for workers collecting and tabulating data. +Prepare and structure data warehouses for storing data.","Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;32 more +Business intelligence and data analysis software— Apache Spark; Qlik Tech QlikView; Tableau +Data base management system software— Apache Hadoop; Apache Pig; Teradata Database +Data base user interface and query software— Amazon Redshift; IBM DB2; Microsoft SQL Server; Structured query language SQL;1 more +Data mining software— Angoss KnowledgeSEEKER; NCR Teradata Warehouse Miner; SAS Enterprise Miner +Development environment software— Common business oriented language COBOL; Formula translation/translator FORTRAN; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Enterprise application integration software— Extensible markup language XML; SAS/CONNECT +Enterprise resource planning ERP software— SAP software +Object or component oriented development software— C++; Python; R; Sun Microsystems Java;1 more +Object oriented data base management software— Microsoft Visual FoxPro +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Determine appropriate methods for data analysis. +Analyze data to identify trends or relationships among variables. +Evaluate project designs to determine adequacy or feasibility. +Prepare analytical reports. +Evaluate technical data to determine effect on designs or plans. +Prepare graphics or other visual representations of information. +Evaluate data quality. +Prepare data for analysis. +Design research studies to obtain scientific information. +Present research results to others. +Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Design software applications. +Update knowledge about emerging industry or technology trends. +Implement security measures for computer or information systems. +Install computer software. +Write computer programming code. +Supervise information technology personnel.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 71% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Telephone Conversations— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 67% responded “Some freedom.” +Duration of Typical Work Week— 52% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Written Letters and Memos— 42% responded “Once a month or more but not every week.” +Contact With Others— 29% responded “Contact with others most of the time.” +Time Pressure— 62% responded “Once a month or more but not every week.” +Frequency of Decision Making— 38% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Level of Competition— 33% responded “Moderately competitive.”","Mathematics— Using mathematics to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Science— Using scientific rules and methods to solve problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Programming— Writing computer programs for various purposes. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Bioinformatics Scientists +Bright Outlook +Biostatisticians +Clinical Data Managers +Computer and Information Research Scientists +Data Scientists +Environmental Economists +Financial Quantitative Analysts +Mathematicians +Operations Research Analysts +Survey Researchers","View the list of Allies +American Statistical Association +external site +American Academy of Actuaries +external site +American Educational Research Association +external site +American Mathematical Society +external site +American Society of Human Genetics +external site +Association for Institutional Research +external site +Drug Information Association +external site +International Biometric Society +external site +National Council on Measurement in Education +external site +SAS Users Groups +external site +Society for Industrial and Applied Mathematics +external site +Society of Actuaries +external site",37,8,25,73,92,45,13,48,33,31,23,22,18,80,7,24,31,7,6,3,20,4,16,14,25,33,,18,36,18,18,1,5 +29-2032.00,Diagnostic Medical Sonographers,https://www.onetonline.org/link/summary/29-2032.00,2025-06-11T19:08:01.518356,"Observe screen during scan to ensure that image produced is satisfactory for diagnostic purposes, making adjustments to equipment as required. +Observe and care for patients throughout examinations to ensure their safety and comfort. +Provide sonogram and oral or written summary of technical findings to physician for use in medical diagnosis. +Select appropriate equipment settings and adjust patient positions to obtain the best sites and angles. +Operate ultrasound equipment to produce and record images of the motion, shape, and composition of blood, organs, tissues, or bodily masses, such as fluid accumulations. +Decide which images to include, looking for differences between healthy and pathological areas. +Prepare patient for exam by explaining procedure, transferring patient to ultrasound table, scrubbing skin and applying gel, and positioning patient properly. +Determine whether scope of exam should be extended, based on findings. +Obtain and record accurate patient history, including prior test results or information from physical examinations. +Maintain records that include patient information, sonographs and interpretations, files of correspondence, publications and regulations, or quality assurance records, such as pathology, biopsy, or post-operative reports. +Record and store suitable images, using camera unit connected to the ultrasound equipment. +Coordinate work with physicians or other healthcare team members, including providing assistance during invasive procedures. +Clean, check, and maintain sonographic equipment, submitting maintenance requests or performing minor repairs as necessary. +Perform clerical duties, such as scheduling exams or special procedures, keeping records, or archiving computerized images. +Perform legal and ethical duties, including preparing safety or accident reports, obtaining written consent from patient to perform invasive procedures, or reporting symptoms of abuse or neglect. +Supervise or train students or other medical sonographers. +Perform medical procedures, such as administering oxygen, inserting and removing airways, taking vital signs, or giving emergency treatment, such as first aid or cardiopulmonary resuscitation (CPR). +Maintain stock and supplies, preparing supplies for special examinations and ordering supplies when necessary. +Process and code film from procedures and complete appropriate documentation. +Load and unload film cassettes used to record images from procedures.","Calendar and scheduling software +Data base user interface and query software— Database software +Electronic mail software— Email software +Medical software— eClinicalWorks EHR software; Medical procedure coding software; MEDITECH software; Patient medical record software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Adjust settings or positions of medical equipment. +Monitor video displays of medical equipment to ensure proper functioning. +Operate diagnostic imaging equipment. +Create advanced digital images of patients using computer imaging systems. +Position patients for treatment or examination. +Communicate test or assessment results to medical professionals. +Monitor patient conditions during treatments, procedures, or activities. +Explain medical procedures or test results to patients or family members. +Prepare patients physically for medical procedures. +Record patient medical histories. +Analyze test data or images to inform diagnosis or treatment. +Gather medical information from patient histories. +Prepare official health documents or records. +Process x-rays or other medical images. +Assist healthcare practitioners during surgery. +Collaborate with healthcare professionals to plan or provide treatment. +Clean medical equipment or facilities. +Examine medical instruments or equipment to ensure proper operation. +Repair medical facility equipment. +Maintain medical facility records. +Perform clerical work in medical settings. +Schedule patient procedures or appointments. +Supervise patient care personnel. +Train medical providers. +Implement advanced life support techniques. +Maintain inventory of medical supplies or equipment. +Order medical supplies or equipment. +Prepare medical supplies or equipment for use. +Treat medical emergencies.","Importance of Being Exact or Accurate— 89% responded “Extremely important.” +Contact With Others— 90% responded “Constant contact with others.” +Physical Proximity— 85% responded “Very close (near touching).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 80% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Spend Time Making Repetitive Motions— 81% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 80% responded “Extremely important.” +Exposed to Disease or Infections— 66% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Frequency of Decision Making— 73% responded “Every day.” +Deal With External Customers or the Public in General— 68% responded “Extremely important.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Time Pressure— 63% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 70% responded “Every day.” +Determine Tasks, Priorities and Goals— 36% responded “Some freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Consequence of Error— 34% responded “Extremely serious.” +Spend Time Bending or Twisting Your Body— 29% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Extremely important.” +E-Mail— 40% responded “Every day.” +Spend Time Sitting— 43% responded “About half the time.” +Health and Safety of Other Workers— 38% responded “Moderate responsibility.” +Spend Time Standing— 59% responded “About half the time.” +Level of Competition— 25% responded “Highly competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiovascular Technologists and Technicians +Endoscopy Technicians +Bright Outlook +Magnetic Resonance Imaging Technologists +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Ophthalmic Medical Technologists +Radiation Therapists +Radiologic Technologists and Technicians +Surgical Assistants +Surgical Technologists","View the list of Allies +Alliance of Cardiovascular Professionals +external site +American Institute of Ultrasound in Medicine +external site +American Society of Echocardiography +external site +American Society of Radiologic Technologists +external site +Society for Vascular Ultrasound +external site +Society of Diagnostic Medical Sonography +external site +Society of Radiologists in Ultrasound +external site +American Registry for Diagnostic Medical Sonography +external site +American Registry of Radiologic Technologists +external site +Cardiovascular Credentialing International +external site +Commission on Accreditation of Allied Health Education Programs +external site +Gulf Coast Ultrasound Institute +external site +International Society of Ultrasound in Obstetrics and Gynecology +external site +Joint Review Committee on Education in Diagnostic Medical Sonography +external site",89,,19,77,47,37,49,55,58,15,10,37,30,56,30,29,36,33,31,15,56,38,33,30,65,30,2,68,46,16,16,2,12 +25-4011.00,Archivists,https://www.onetonline.org/link/summary/25-4011.00,2025-06-11T19:01:57.459909,"Organize archival records and develop classification systems to facilitate access to archival materials. +Provide reference services and assistance for users needing archival materials. +Prepare archival records, such as document descriptions, to allow easy access to information. +Create and maintain accessible, retrievable computer archives and databases, incorporating current advances in electronic information storage technology. +Establish and administer policy guidelines concerning public access and use of materials. +Direct activities of workers who assist in arranging, cataloguing, exhibiting, and maintaining collections of valuable materials. +Preserve records, documents, and objects, copying records to film, videotape, audiotape, disk, or computer formats as necessary. +Research and record the origins and historical significance of archival materials. +Locate new materials and direct their acquisition and display. +Authenticate and appraise historical documents and archival materials. +Coordinate educational and public outreach programs, such as tours, workshops, lectures, and classes. +Specialize in an area of history or technology, researching topics or items relevant to collections to determine what should be retained or acquired. +Select and edit documents for publication and display, applying knowledge of subject, literary expression, and presentation techniques. +Write grants and apply for funding to support archival work.","Data base user interface and query software— Archivists' Toolkit; FileMaker Pro; Microsoft Access; PREMIS;5 more +Desktop publishing software— Adobe InDesign +Development environment software— Encoded archival system EAD +Document management software— Adobe Acrobat; Omeka software +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Geographic information system— Esri ArcGIS; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Corel Paint Shop Pro +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe Premiere Pro; Apple Final Cut Pro +Web platform development software— Dynamic hypertext markup language DHTML; Hypertext markup language HTML +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Develop policies or procedures for archives, museums or libraries. +Organize informational materials. +Help patrons use library or archival resources. +Develop library or archival databases. +Direct activities of subordinates. +Prepare materials for preservation, storage, or display. +Evaluate characteristics of archival or historical objects. +Order instructional or library materials or equipment. +Plan community programs or activities for the general public. +Research topics in area of expertise. +Edit documents.","E-Mail— 97% responded “Every day.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Deal With External Customers or the Public in General— 45% responded “Very important.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Contact With Others— 39% responded “Constant contact with others.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Spend Time Sitting— 52% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Importance of Being Exact or Accurate— 42% responded “Extremely important.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Written Letters and Memos— 43% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Moderate results.” +Level of Competition— 48% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “Less than half the time.” +Duration of Typical Work Week— 97% responded “40 hours.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anthropologists and Archeologists +Bright Outlook +Curators +Digital Forensics Analysts +Document Management Specialists +Historians +Librarians and Media Collections Specialists +Library Science Teachers, Postsecondary +Museum Technicians and Conservators +Social Science Research Assistants +Statistical Assistants","View the list of Allies +American Alliance of Museums +external site +American Association for State and Local History +external site +American Institute for Conservation +external site +American Library Association +external site +ARMA International +external site +Association of Registrars and Collections Specialists +external site +Council of State Archivists +external site +National Association of Government Archives and Records Administrators +external site +Natural Science Collections Alliance +external site +Organization of American Historians +external site +Society of American Archivists +external site +The Society for the Preservation of Natural History Collections +external site +Mid-Atlantic Regional Archives Conference +external site +Midwest Archives Conference +external site +New England Archivists +external site +Southeastern Registrars Association +external site +Academy of Certified Archivists +external site",74,,25,74,32,68,40,61,63,28,28,48,25,70,28,56,47,13,27,14,20,7,41,28,5,17,15,7,6,22,39,23,84 +29-1122.00,Occupational Therapists,https://www.onetonline.org/link/summary/29-1122.00,2025-06-11T19:05:12.253923,"Test and evaluate patients' physical and mental abilities and analyze medical data to determine realistic rehabilitation goals for patients. +Complete and maintain necessary records. +Plan, organize, and conduct occupational therapy programs in hospital, institutional, or community settings to help rehabilitate persons with disabilities because of illness, injury or psychological or developmental problems. +Plan and implement programs and social activities to help patients learn work or school skills and adjust to handicaps. +Select activities that will help individuals learn work and life-management skills within limits of their mental or physical capabilities. +Evaluate patients' progress and prepare reports that detail progress. +Train caregivers in providing for the needs of a patient during and after therapy. +Lay out materials such as puzzles, scissors and eating utensils for use in therapy, and clean and repair these tools after therapy sessions. +Consult with rehabilitation team to select activity programs or coordinate occupational therapy with other therapeutic activities. +Design and create, or requisition, special supplies and equipment, such as splints, braces, and computer-aided adaptive equipment. +Recommend changes in patients' work or living environments, consistent with their needs and capabilities. +Develop and participate in health promotion programs, group activities, or discussions to promote client health, facilitate social adjustment, alleviate stress, and prevent physical or mental disability. +Provide training and supervision in therapy techniques and objectives for students or nurses and other medical staff. +Help clients improve decision making, abstract reasoning, memory, sequencing, coordination, and perceptual skills, using computer programs. +Conduct research in occupational therapy. +Advise on health risks in the workplace or on health-related transition to retirement. +Provide patients with assistance in locating or holding jobs. +Recommend adaptive equipment to individuals to increase independence in daily living activities.","Accounting software— Fifth Walk BillingTracker +Computer based training software— Language arts educational software; Special education educational software; Text reader software; Text to speech software;4 more +Data base user interface and query software— FileMaker Pro +Device drivers or system software— Screen magnification software; Screen reader software +Electronic mail software— Email software +Graphics or photo imaging software— Computer drawing software; Mayer-Johnson Boardmaker +Internet browser software— Synapse Adaptive Connect Outloud +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; HMS; Lexrotech LxPediatric;2 more +Music or sound editing software— Music software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Duxbury Braille Translator; Text scanning software +Pattern design software— Tactile graphic production kits software +Spreadsheet software— Microsoft Excel +Voice recognition software— Speech recognition software +Web page creation and editing software— Facebook +Word processing software— Crick Software Clicker 4; Microsoft Word; OpenOffice WRITER","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Analyze patient data to determine patient needs or treatment goals. +Evaluate patient functioning, capabilities, or health. +Record patient medical histories. +Design public or employee health programs. +Direct healthcare delivery programs. +Develop treatment plans that use non-medical therapies. +Monitor patient progress or responses to treatments. +Prepare reports summarizing patient diagnostic or care activities. +Train caregivers or other non-medical personnel. +Clean medical equipment or facilities. +Collaborate with healthcare professionals to plan or provide treatment. +Prepare medical supplies or equipment for use. +Design medical devices or appliances. +Fabricate medical devices. +Provide health and wellness advice to patients, program participants, or caregivers. +Supervise patient care personnel. +Train medical providers. +Conduct research to increase knowledge about medical issues. +Advise communities or institutions regarding health or safety issues. +Encourage patients or clients to develop life skills.","Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Contact With Others— 82% responded “Constant contact with others.” +E-Mail— 77% responded “Every day.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Determine Tasks, Priorities and Goals— 59% responded “A lot of freedom.” +Physical Proximity— 68% responded “Very close (near touching).” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Frequency of Decision Making— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Telephone Conversations— 41% responded “Every day.” +Exposed to Disease or Infections— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Duration of Typical Work Week— 55% responded “40 hours.” +Written Letters and Memos— 36% responded “Every day.” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Important.” +Importance of Being Exact or Accurate— 41% responded “Important.” +Level of Competition— 41% responded “Highly competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical Nurse Specialists +Low Vision Therapists, Orientation and Mobility Specialists, and Vision Rehabilitation Therapists +Occupational Therapy Assistants +Physical Medicine and Rehabilitation Physicians +Physical Therapist Assistants +Physical Therapists +Psychiatric Technicians +Recreational Therapists +Rehabilitation Counselors","View the list of Allies +American Educational Research Association +external site +American Occupational Therapy Association +external site +American Society of Hand Therapists +external site +American Society on Aging +external site +National Council on Aging +external site +Neuro-Developmental Treatment Association +external site +Rehabilitation Engineering and Assistive Technology Society of North America +external site +World Federation of Occupational Therapists +external site +National Board for Certification in Occupational Therapy +external site +Society for the Study of Occupation: USA +external site",82,7,10,78,35,46,34,72,46,17,29,29,17,32,27,31,38,21,46,23,89,92,56,16,81,19,8,30,61,18,5,15,8 +31-2022.00,Physical Therapist Aides,https://www.onetonline.org/link/summary/31-2022.00,2025-06-11T19:09:39.253491,"Clean and organize work area and disinfect equipment after treatment. +Secure patients into or onto therapy equipment. +Instruct, motivate, safeguard, or assist patients practicing exercises or functional activities, under direction of medical staff. +Confer with physical therapy staff or others to discuss and evaluate patient information for planning, modifying, or coordinating treatment. +Observe patients during treatment to compile and evaluate data on patients' responses and progress and report to physical therapist. +Change linens, such as bed sheets and pillow cases. +Administer active or passive manual therapeutic exercises, therapeutic massage, or heat, light, sound, water, or electrical modality treatments, such as ultrasound. +Transport patients to and from treatment areas, using wheelchairs or providing standing support. +Perform clerical duties, such as taking inventory, ordering supplies, answering telephone, taking messages, or filling out forms. +Schedule patient appointments with physical therapists and coordinate therapists' schedules. +Arrange treatment supplies to keep them in order. +Assist patients to dress, undress, or put on and remove supportive devices, such as braces, splints, or slings. +Maintain equipment or furniture to keep it in good working condition, including performing the assembly or disassembly of equipment or accessories. +Record treatment given and equipment used. +Measure patient's range-of-joint motion, body parts, or vital signs to determine effects of treatments or for patient evaluations. +Train patients to use orthopedic braces, prostheses, or supportive devices. +Administer traction to relieve neck or back pain, using intermittent or static traction equipment. +Fit patients for orthopedic braces, prostheses, or supportive devices, adjusting fit as needed. +Participate in patient care tasks, such as assisting with passing food trays, feeding residents, or bathing residents on bed rest.","Calendar and scheduling software— Scheduling software +Electronic mail software— Microsoft Outlook +Medical software— Epic Systems; Medical procedure coding software; MEDITECH software; Patient record maintenance software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Clean patient rooms or patient treatment rooms. +Clean medical equipment. +Hold patients to ensure proper positioning or safety. +Encourage patients during therapeutic activities. +Engage patients in exercises or activities. +Confer with other professionals to plan patient care. +Administer therapy treatments to patients using hands or physical treatment aids. +Monitor patient progress or responses to treatments. +Maintain medical records. +Move patients to or from treatment areas. +Assess physical conditions of patients to aid in diagnosis or treatment. +Inventory medical supplies or equipment. +Perform clerical work in medical settings. +Schedule patient procedures or appointments. +Teach medical procedures or medical equipment use to patients. +Prepare medical instruments or equipment for use. +Administer basic health care or medical treatments. +Assist patients with daily activities. +Maintain medical equipment or instruments. +Fit patients for assistive devices.","Contact With Others— 88% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Physical Proximity— 76% responded “Very close (near touching).” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Spend Time Standing— 44% responded “More than half the time.” +Telephone Conversations— 53% responded “Every day.” +Spend Time Walking or Running— 39% responded “Continually or almost continually.” +Exposed to Disease or Infections— 62% responded “Every day.” +Freedom to Make Decisions— 50% responded “Some freedom.” +E-Mail— 54% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Frequency of Decision Making— 52% responded “Every day.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Important.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Importance of Being Exact or Accurate— 29% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 45% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 34% responded “Less than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 26% responded “Very high responsibility.” +Time Pressure— 30% responded “Once a year or more but not every month.” +Written Letters and Memos— 41% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Massage Therapists +Bright Outlook +Medical Assistants +Nursing Assistants +Occupational Therapists +Occupational Therapy Aides +Occupational Therapy Assistants +Physical Therapist Assistants +Psychiatric Aides +Psychiatric Technicians +Respiratory Therapists","View the list of Allies +American Heart Association +external site +American Massage Therapy Association +external site +American Occupational Therapy Association +external site +American Physical Therapy Association +external site +National Athletic Trainers' Association +external site",87,1,19,76,32,36,47,41,46,5,27,35,18,62,28,19,34,23,13,30,50,58,35,36,35,7,1,25,30,7,11,1,2 +19-3051.00,Urban and Regional Planners,https://www.onetonline.org/link/summary/19-3051.00,2025-06-11T18:57:29.746984,"Design, promote, or administer government plans or policies affecting land use, zoning, public utilities, community facilities, housing, or transportation. +Advise planning officials on project feasibility, cost-effectiveness, regulatory conformance, or possible alternatives. +Create, prepare, or requisition graphic or narrative reports on land use data, including land area maps overlaid with geographic variables, such as population density. +Hold public meetings with government officials, social scientists, lawyers, developers, the public, or special interest groups to formulate, develop, or address issues regarding land use or community plans. +Mediate community disputes or assist in developing alternative plans or recommendations for programs or projects. +Recommend approval, denial, or conditional approval of proposals. +Conduct field investigations, surveys, impact studies, or other research to compile and analyze data on economic, social, regulatory, or physical factors affecting land use. +Evaluate proposals for infrastructure projects or other development for environmental impact or sustainability. +Discuss with planning officials the purpose of land use projects, such as transportation, conservation, residential, commercial, industrial, or community use. +Keep informed about economic or legal issues involved in zoning codes, building codes, or environmental regulations. +Assess the feasibility of land use proposals and identify necessary changes. +Determine the effects of regulatory limitations on land use projects. +Review and evaluate environmental impact reports pertaining to private or public planning projects or programs. +Supervise or coordinate the work of urban planning technicians or technologists. +Develop plans for public or alternative transportation systems for urban or regional locations to reduce carbon output associated with transportation. +Identify opportunities or develop plans for sustainability projects or programs to improve energy efficiency, minimize pollution or waste, or restore natural systems. +Coordinate work with economic consultants or architects during the formulation of plans or the design of large pieces of infrastructure. +Advocate sustainability to community groups, government agencies, the general public, or special interest groups. +Investigate property availability for purposes of development. +Conduct interviews, surveys and site inspections concerning factors that affect land usage, such as zoning, traffic flow and housing. +Prepare reports, using statistics, charts, and graphs, to illustrate planning studies in areas such as population, land use, or zoning. +Prepare, develop and maintain maps and databases. +Prepare, maintain and update files and records, including land use data and statistics. +Research, compile, analyze and organize information from maps, reports, investigations, and books for use in reports and special projects. +Respond to public inquiries and complaints.","Analytical or scientific software— Citilabs TRANPLAN; Location allocation decision support system LADSS; Scientific Software Group ModTech; Transportation planning software +Compliance software— Accela PERMITS Plus; Accela Tidemark Advantage +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes SolidWorks; Trimble SketchUp Pro;9 more +Data base user interface and query software— Database software; Microsoft Access; Oracle Database; Structured query language SQL;3 more +Data mining software +Desktop communications software— RhinoSoft FTP Voyager +Desktop publishing software— Adobe InDesign; Adobe PageMaker +Development environment software— Software development tools +Document management software— Adobe Acrobat; Interwoven software; Microsoft SharePoint +Electronic mail software— Email software; IBM Lotus Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Accela KIVA DMS; SAP software; WorkTech MAXIMO +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems; PlanGraphics Citywide GIS Utility;5 more +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Graphics software;2 more +Internet browser software— Web browser software +Map creation software— Geomechanical design analysis GDA software; Leica Geosystems ERDAS IMAGINE; Spatial decision support systems SDSS software; Telogis GeoBase;5 more +Object or component oriented development software— Oracle Java +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Systems +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Time accounting software— Sage Timeslips +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Design civil structures or systems. +Inform the public about policies, services or procedures. +Advise others on business or operational matters. +Prepare scientific or technical reports or presentations. +Communicate with the public on environmental issues. +Mediate disputes. +Review plans or proposals for environmental conservation. +Research impacts of environmental conservation initiatives. +Communicate with government agencies. +Review professional literature to maintain professional knowledge. +Analyze impact of legal or regulatory changes. +Review environmental permits, plans, or reports. +Develop environmental sustainability plans or projects. +Supervise scientific or technical personnel. +Collaborate with technical specialists to resolve design or development problems. +Promote environmental sustainability or conservation initiatives. +Obtain property information. +Analyze geological or geographical data. +Collect information from people through observation, interviews, or surveys. +Compile geographic or related data. +Prepare maps. +Provide technical information or assistance to public. +Record research or operational data.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Telephone Conversations— 76% responded “Every day.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Written Letters and Memos— 68% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Spend Time Sitting— 52% responded “More than half the time.” +Contact With Others— 48% responded “Contact with others most of the time.” +Duration of Typical Work Week— 54% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Importance of Being Exact or Accurate— 28% responded “Very important.” +Public Speaking— 72% responded “Once a month or more but not every week.” +Conflict Situations— 54% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 46% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Negotiation— Bringing others together and trying to reconcile differences. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Chief Sustainability Officers +Climate Change Policy Analysts +Conservation Scientists +Environmental Restoration Planners +Industrial Ecologists +Landscape Architects +Project Management Specialists +Sustainability Specialists +Transportation Planners","View the list of Allies +American Correctional Association +external site +American Institute of Architects +external site +American Planning Association +external site +American Public Works Association +external site +American Society of Landscape Architects +external site +Association of Collegiate Schools of Planning +external site +Congress for the New Urbanism +external site +Institute of Transportation Engineers +external site +National Community Development Association +external site +National Trust for Historic Preservation +external site +Planners Network +external site +Transportation and Development Institute +external site +Urban and Regional Information Systems Association +external site +Urban Land Institute +external site +WTS International +external site +American Institute of Certified Planners +external site +Planning Accreditation Board +external site",57,2,7,85,48,61,46,36,39,39,20,37,8,51,17,90,65,4,25,76,28,5,60,22,3,23,35,6,23,49,79,8,42 +25-1194.00,"Career/Technical Education Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1194.00,2025-06-11T19:01:11.261911,"Observe and evaluate students' work to determine progress, provide feedback, and make suggestions for improvement. +Present lectures and conduct discussions to increase students' knowledge and competence using visual aids, such as graphs, charts, videotapes, and slides. +Supervise and monitor students' use of tools and equipment. +Administer oral, written, or performance tests to measure progress and to evaluate training effectiveness. +Provide individualized instruction and tutorial or remedial instruction. +Prepare reports and maintain records, such as student grades, attendance rolls, and training activity details. +Develop curricula and plan course content and methods of instruction. +Determine training needs of students or workers. +Supervise independent or group projects, field placements, laboratory work, or other training. +Integrate academic and vocational curricula so that students can obtain a variety of skills. +Select and assemble books, materials, supplies, and equipment for training, courses, or projects. +Conduct on-the-job training classes or training sessions to teach and demonstrate principles, techniques, procedures, or methods of designated subjects. +Acquire, maintain, and repair laboratory equipment and tools. +Prepare outlines of instructional programs and training schedules and establish course goals. +Advise students on course selection, career decisions, and other academic and vocational concerns. +Participate in conferences, seminars, and training sessions to keep abreast of developments in the field, and integrate relevant information into training programs. +Develop teaching aids, such as instructional software, multimedia visual aids, or study materials. +Serve on faculty and school committees concerned with budgeting, curriculum revision, and course and diploma requirements. +Arrange for lectures by experts in designated fields. +Review enrollment applications and correspond with applicants to obtain additional information.","Calendar and scheduling software +Computer based training software— Common Curriculum; Learning management system LMS; Moodle; Sakai CLE;3 more +Data base user interface and query software— Blackboard software; Career management systems CMS +Desktop communications software— Edmodo +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Instant messaging software— GroupMe +Internet browser software— Web browser software +Medical software— Medical condition coding software; Medical procedure coding software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Monitor student performance. +Evaluate student work. +Apply multiple teaching methods. +Administer tests to assess educational needs or progress. +Tutor students who need extra assistance. +Maintain student records. +Plan educational activities. +Prepare reports detailing student activities or performance. +Assess educational needs of students. +Supervise laboratory work. +Supervise student research or internship work. +Maintain inventories of materials, equipment, or products. +Teach vocational courses. +Select educational materials or equipment. +Develop instructional objectives. +Advise students on academic or career matters. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Create technology-based learning materials. +Perform student enrollment or registration activities. +Serve on institutional or departmental committees. +Schedule instructional activities.","Contact With Others— 68% responded “Constant contact with others.” +Public Speaking— 66% responded “Every day.” +E-Mail— 67% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 54% responded “Every day.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 35% responded “Extremely important.” +Deal With External Customers or the Public in General— 42% responded “Extremely important.” +Spend Time Standing— 41% responded “About half the time.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Frequency of Decision Making— 43% responded “Every day.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 28% responded “Very important results.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 22% responded “Very high responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Career/Technical Education Teachers, Middle School +Career/Technical Education Teachers, Secondary School +Computer Science Teachers, Postsecondary +Bright Outlook +Engineering Teachers, Postsecondary +Instructional Coordinators +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Teaching Assistants, Special Education +Training and Development Specialists","View the list of Allies +Advance CTE +external site +American Association of Cosmetology Schools +external site +American Institute of Architects +external site +American Society of Radiologic Technologists +external site +American Welding Society +external site +Association for Career and Technical Education +external site +Institute of Electrical and Electronics Engineers +external site +NACAS +external site +National Business Education Association +external site +Professional Beauty Association +external site +SkillsUSA +external site +American Dental Assistants Association +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site +National League for Nursing +external site",68,15,46,71,68,59,56,87,64,47,45,50,52,60,20,39,36,69,21,38,40,28,27,25,27,64,41,50,27,55,20,14,21 +41-9031.00,Sales Engineers,https://www.onetonline.org/link/summary/41-9031.00,2025-06-11T19:14:49.779246,"Develop, present, or respond to proposals for specific customer requirements, including request for proposal responses and industry-specific solutions. +Collaborate with sales teams to understand customer requirements, to promote the sale of company products, and to provide sales support. +Create sales or service contracts for products or services. +Visit prospective buyers at commercial, industrial, or other establishments to show samples or catalogs, and to inform them about product pricing, availability, and advantages. +Keep informed on industry news and trends, products, services, competitors, relevant information about legacy, existing, and emerging technologies, and the latest product-line developments. +Identify resale opportunities and support them to achieve sales plans. +Confer with customers and engineers to assess equipment needs and to determine system requirements. +Plan and modify product configurations to meet customer needs. +Prepare and deliver technical presentations that explain products or services to customers and prospective customers. +Recommend improved materials or machinery to customers, documenting how such changes will lower costs or increase production. +Maintain sales forecasting reports. +Document account activities, generate reports, and keep records of business transactions with customers and suppliers. +Research and identify potential customers for products or services. +Secure and renew orders and arrange delivery. +Develop sales plans to introduce products in new markets. +Attend trade shows and seminars to promote products or to learn about industry developments. +Attend company training seminars to become familiar with product lines. +Arrange for demonstrations or trial installations of equipment. +Train team members in the customer applications of technologies. +Sell products requiring extensive technical expertise and support for installation and use, such as material handling equipment, numerical-control machinery, or computer systems. +Provide information needed for the development of custom-made machinery. +Provide technical and non-technical support and services to clients or other staff members regarding the use, operation, and maintenance of equipment. +Diagnose problems with installed equipment. +Write technical documentation for products. +Report to supervisors about prospective firms' credit ratings.","Access software— Citrix cloud computing software +Administration software— Cisco Systems CiscoWorks +Application server software— Docker; Kubernetes +Authentication server software— Single sign-on SSO +Business intelligence and data analysis software— IBM Cognos Business Intelligence; IBM Cognos Impromptu; MapReduce big data software; MicroStrategy +Calendar and scheduling software— Scheduling software +Cloud-based data access and sharing software— Platform as a service PaaS; Software as a service SaaS +Cloud-based management software— Google Cloud software; Splunk Enterprise +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Microsoft Dynamics; Salesforce software +Data base management system software— Apache Cassandra; Apache Hadoop; Apache Pig; Teradata Database;1 more +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Amazon Web Services AWS software; IBM DB2; Microsoft SQL Server; Oracle Database;4 more +Development environment software— C; Microsoft Azure software; Ruby +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software; Extensible markup language XML +Enterprise resource planning ERP software— Hyperion Solutions Hyperion System 9 Bi+; Oracle PeopleSoft; SAP Business Objects; SAP software;5 more +Expert system software— Ansible software +Financial analysis software— Sales analysis software +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Internet directory services software— Microsoft Active Directory; Network directory services software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Network monitoring software— Wireshark +Network security and virtual private network VPN equipment software— Firewall software; Virtual private networking VPN software +Network security or virtual private network VPN management software— Cisco Systems VPN Client +Object or component oriented development software— C++; Oracle Java; Perl; R;1 more +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Apple iOS; Microsoft Windows Server; Shell script; UNIX;3 more +Presentation software— Microsoft PowerPoint; WebEx Sales Center +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Microsoft Teams +Spreadsheet software— Microsoft Excel +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Video conferencing software— Microsoft Office Live Meeting +Web platform development software— Extensible hypertext markup language XHTML; JavaScript; PHP; React;4 more +Word processing software— Microsoft Word","Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Sell products or services. +Develop proposals for current or prospective customers. +Share sales-related or market information with colleagues. +Prepare sales or other contracts. +Contact current or potential customers to promote products or services. +Demonstrate products to consumers. +Identify potential customers. +Monitor market conditions or trends. +Discuss design or technical features of products or services with technical personnel. +Gather customer or product information to determine customer needs. +Deliver promotional presentations to current or prospective customers. +Develop content for sales presentations or other materials. +Explain technical product or service information to customers. +Implement design or process improvements. +Explain financial information to customers. +Maintain records of sales or other business transactions. +Prepare financial documents, reports, or budgets. +Recommend products or services to customers. +Arrange delivery of goods or services. +Develop marketing plans or strategies. +Attend events to develop professional knowledge. +Advise customers on the use of products or services. +Troubleshoot equipment or systems operation problems. +Prepare technical or operational reports. +Train sales personnel.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 87% responded “Every day.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Frequency of Decision Making— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Time Pressure— 55% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Level of Competition— 39% responded “Moderately competitive.” +Spend Time Sitting— 47% responded “About half the time.” +Work Outcomes and Results of Other Workers— 28% responded “High responsibility.”","Persuasion— Persuading others to change their minds or behavior. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Architectural and Engineering Managers +Bright Outlook +Computer Systems Analysts +Electronics Engineers, Except Computer +Industrial Engineers +Logistics Engineers +Manufacturing Engineers +Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products +Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products +Software Developers +Solar Sales Representatives and Assessors","View the list of Allies +AHS International +external site +American Society of Mechanical Engineers +external site +Association for High Technology Distribution +external site +Institute of Electrical and Electronics Engineers +external site +Manufacturers' Agents National Association +external site +SAE International +external site +Society of Cable Telecommunications Engineers +external site +TAPPI +external site +International Society of Automation +external site +Manufacturers' Representatives Educational Research Foundation +external site",89,3,38,82,70,67,13,44,55,48,84,46,20,48,10,17,35,50,7,17,23,5,6,18,2,83,12,47,4,59,15,1,2 +11-2033.00,Fundraising Managers,https://www.onetonline.org/link/summary/11-2033.00,2025-06-11T18:46:53.923852,"Assign, supervise, and review the activities of fundraising staff. +Compile or develop materials to submit to granting or other funding organizations. +Conduct research to identify the goals, net worth, charitable donation history, or other data related to potential donors, potential investors, or general donor markets. +Contact corporate representatives, government officials, or community leaders to increase awareness of organizational causes, activities, or needs. +Design and edit promotional publications, such as brochures. +Develop fundraising activity plans that maximize participation or contributions and minimize costs. +Develop strategies to encourage new or increased contributions. +Direct activities of external agencies, establishments, or departments that develop and implement fundraising strategies and programs. +Establish and maintain effective working relationships with clients, government officials, and media representatives and use these relationships to develop new fundraising opportunities. +Establish goals for soliciting funds, develop policies for collection and safeguarding of contributions, and coordinate disbursement of funds. +Evaluate advertising and promotion programs for compatibility with fundraising efforts. +Formulate policies and procedures related to fundraising programs. +Manage fundraising budgets. +Plan and direct special events for fundraising, such as silent auctions, dances, golf events, or walks. +Produce films and other video products, regulate their distribution, and operate film library. +Write interesting and effective press releases, prepare information for media kits, and develop and maintain company internet or intranet Web pages.","Accounting software— Fund accounting software +Business intelligence and data analysis software— MicroStrategy +Cloud-based data access and sharing software— Google Drive; Slack +Customer relationship management CRM software— Blackbaud eTapestry; Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software;1 more +Data base management system software— Teradata Database +Data base user interface and query software— Airtable; FileMaker Pro; Microsoft Access; Yardi software +Data mining software— Google Analytics +Desktop publishing software— Adobe Distiller; Adobe InDesign; Microsoft Publisher; QuarkXPress;1 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Google Gmail; IBM Notes; MicroFocus GroupWise; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft Financials +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; SmugMug Flickr +Human resources software— Human resource management software HRMS +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint +Project management software— Microsoft Project; zkipster +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation; MightyScout +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Flipgrid; WeVideo; YouTube;3 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; LinkedIn; Social media sites +Web platform development software— Drupal; Hypertext markup language HTML +Word processing software— Google Docs; Microsoft Word",,"Develop organizational policies or programs. +Develop business or market strategies. +Develop financial or business plans. +Develop library or archival databases. +Develop operating strategies, plans, or procedures. +Develop organizational goals or objectives. +Develop promotional materials. +Direct financial operations. +Direct sales, marketing, or customer service activities. +Distribute instructional or library materials. +Edit documents. +Establish interpersonal business relationships to facilitate work activities. +Evaluate employee performance. +Evaluate program effectiveness. +Examine financial records. +Inform the public about policies, services or procedures. +Manage organizational or project budgets. +Operate still or video cameras or related equipment. +Organize special events. +Prepare proposal documents. +Present information to the public. +Supervise employees.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Advertising and Promotions Managers +Financial Managers +Bright Outlook +Fundraisers +Marketing Managers +Meeting, Convention, and Event Planners +Public Relations Managers +Public Relations Specialists +Sales Managers +Social and Community Service Managers +Treasurers and Controllers","View the list of Allies +American Alliance of Museums +external site +American Association of Political Consultants +external site +American Grant Writers' Association +external site +American Marketing Association +external site +American Society of Association Executives +external site +Council for Advancement and Support of Education +external site +Grant Professionals Association +external site +International Association of Business Communicators +external site +National Association of Charitable Gift Planners +external site +Public Relations Society of America +external site +Society for Healthcare Strategy and Market Development of the American Hospital Association +external site +Western Association of Chamber Executives +external site +Western States Communication Association +external site +Association of Fundraising Professionals +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +29-1128.00,Exercise Physiologists,https://www.onetonline.org/link/summary/29-1128.00,2025-06-11T19:05:57.054921,"Develop exercise programs to improve participant strength, flexibility, endurance, or circulatory functioning, in accordance with exercise science standards, regulatory requirements, and credentialing requirements. +Provide emergency or other appropriate medical care to participants with symptoms or signs of physical distress. +Demonstrate correct use of exercise equipment or performance of exercise routines. +Recommend methods to increase lifestyle physical activity. +Interpret exercise program participant data to evaluate progress or identify needed program changes. +Prescribe individualized exercise programs, specifying equipment, such as treadmill, exercise bicycle, ergometers, or perceptual goggles. +Provide clinical oversight of exercise for participants at all risk levels. +Explain exercise program or physiological testing procedures to participants. +Interview participants to obtain medical history or assess participant goals. +Assess physical performance requirements to aid in the development of individualized recovery or rehabilitation exercise programs. +Teach behavior modification classes related to topics such as stress management or weight control. +Conduct stress tests, using electrocardiograph (EKG) machines. +Measure oxygen consumption or lung functioning, using spirometers. +Educate athletes or coaches on techniques to improve athletic performance, such as heart rate monitoring, recovery techniques, hydration strategies, or training limits. +Evaluate staff performance in leading group exercise or conducting diagnostic tests. +Teach group exercise for low-, medium-, or high-risk clients to improve participant strength, flexibility, endurance, or circulatory functioning. +Calibrate exercise or testing equipment. +Teach courses or seminars related to exercise or diet for patients, athletes, or community groups. +Mentor or train staff to lead group exercise. +Measure amount of body fat, using such equipment as hydrostatic scale, skinfold calipers, or tape measures. +Perform routine laboratory tests of blood samples for cholesterol level or glucose tolerance. +Supervise maintenance of exercise or exercise testing equipment. +Present exercise knowledge, program information, or research study findings at professional meetings or conferences. +Order or recommend diagnostic procedures, such as stress tests, drug screenings, or urinary tests. +Plan or conduct exercise physiology research projects.","Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Medical software— MEDITECH software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Develop exercise or conditioning programs. +Treat medical emergencies. +Demonstrate activity techniques or equipment use. +Teach exercise or fitness techniques. +Provide health and wellness advice to patients, program participants, or caregivers. +Analyze quantitative data to determine effectiveness of treatments or therapies. +Prescribe treatments or therapies. +Monitor patient conditions during treatments, procedures, or activities. +Explain medical procedures or test results to patients or family members. +Collect medical information from patients, family members, or other medical professionals. +Evaluate patient functioning, capabilities, or health. +Teach health management classes. +Operate diagnostic or therapeutic medical instruments or equipment. +Test patient heart or lung functioning. +Advise athletes, coaches, or trainers on exercise regimens, nutrition, or equipment use. +Evaluate employee performance. +Maintain medical equipment or instruments. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Measure the physical or physiological attributes of patients. +Train caregivers or other non-medical personnel. +Test biological specimens to gather information about patient conditions. +Communicate health and wellness information to the public. +Present medical research reports. +Order medical diagnostic or clinical tests. +Conduct research to increase knowledge about medical issues.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +E-Mail— 82% responded “Every day.” +Telephone Conversations— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Physical Proximity— 48% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Spend Time Standing— 55% responded “More than half the time.” +Frequency of Decision Making— 41% responded “Every day.” +Written Letters and Memos— 55% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 32% responded “Moderate responsibility.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Exposed to Disease or Infections— 32% responded “Every day.” +Level of Competition— 41% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a week or more but not every day.” +Time Pressure— 50% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Athletic Trainers +Bright Outlook +Cardiovascular Technologists and Technicians +Dietitians and Nutritionists +Exercise Trainers and Group Fitness Instructors +Occupational Therapists +Physical Medicine and Rehabilitation Physicians +Physical Therapist Assistants +Physical Therapists +Recreational Therapists +Sports Medicine Physicians","View the list of Allies +Clinical Exercise Physiology Association +external site +American Academy of Physical Medicine and Rehabilitation +external site +American Association of Cardiovascular and Pulmonary Rehabilitation +external site +American Physical Therapy Association +external site +American Physiological Society +external site +American Society of Exercise Physiologists +external site +Athletics and Fitness Association of America +external site +IDEA Health and Fitness Association +external site +National Athletic Trainers' Association +external site +National Strength and Conditioning Association +external site +Society of Health and Physical Educators +external site +The Physiological Society +external site +World Heart Federation +external site +Midwest Regional Chapter of the American College of Sports Medicine +external site +American College of Sports Medicine +external site +American Council on Exercise +external site +Commission on Accreditation of Allied Health Education Programs +external site +National Academy of Sports Medicine +external site",84,7,9,67,50,43,40,71,50,19,32,25,29,42,10,23,34,18,16,9,60,71,34,25,73,13,2,30,64,15,6,2,4 +53-7041.00,Hoist and Winch Operators,https://www.onetonline.org/link/summary/53-7041.00,2025-06-11T19:30:28.696214,"Move levers, pedals, and throttles to stop, start, and regulate speeds of hoist or winch drums in response to hand, bell, buzzer, telephone, loud-speaker, or whistle signals, or by observing dial indicators or cable marks. +Start engines of hoists or winches and use levers and pedals to wind or unwind cable on drums. +Observe equipment gauges and indicators and hand signals of other workers to verify load positions or depths. +Operate compressed air, diesel, electric, gasoline, or steam-driven hoists or winches to control movement of cableways, cages, derricks, draglines, loaders, railcars, or skips. +Move or reposition hoists, winches, loads and materials, manually or using equipment and machines such as trucks, cars, and hand trucks. +Select loads or materials according to weight and size specifications. +Signal and assist other workers loading or unloading materials. +Attach, fasten, and disconnect cables or lines to loads, materials, and equipment, using hand tools. +Apply hand or foot brakes and move levers to lock hoists or winches. +Oil winch drums so that cables will wind smoothly. +Climb ladders to position and set up vehicle-mounted derricks. +Repair, maintain, and adjust equipment, using hand tools. +Tend auxiliary equipment, such as jacks, slings, cables, or stop blocks, to facilitate moving items or materials for further processing.","Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Operate cranes, hoists, or other moving or lifting equipment. +Monitor equipment gauges or displays to ensure proper operation. +Maintain material moving equipment in good working condition. +Move materials, equipment, or supplies. +Position material handling equipment. +Select project materials. +Climb ladders or vehicles to perform duties. +Communicate with others to coordinate material handling or movement. +Load shipments, belongings, or materials. +Connect cables or electrical lines.","Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 90% responded “Continually or almost continually.” +Health and Safety of Other Workers— 90% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 84% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Time Pressure— 85% responded “Every day.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Freedom to Make Decisions— 84% responded “A lot of freedom.” +Exposed to Contaminants— 81% responded “Every day.” +Exposed to Hazardous Equipment— 88% responded “Every day.” +Exposed to High Places— 79% responded “Every day.” +Frequency of Decision Making— 85% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 82% responded “Very important results.” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 81% responded “Continually or almost continually.” +Consequence of Error— 78% responded “Extremely serious.” +Pace Determined by Speed of Equipment— 74% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 72% responded “Continually or almost continually.” +Exposed to Cramped Work Space, Awkward Positions— 71% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 75% responded “Every day.” +Exposed to Hazardous Conditions +Contact With Others— 75% responded “Contact with others most of the time.” +Duration of Typical Work Week +Exposed to Whole Body Vibration— 15% responded “Never.” +Exposed to Very Hot or Cold Temperatures +Indoors, Not Environmentally Controlled +Spend Time Sitting— 13% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 14% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 12% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 11% responded “Important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions +Physical Proximity +Conflict Situations— 22% responded “Once a month or more but not every week.” +Spend Time Walking or Running +In an Open Vehicle or Operating Equipment +Work Outcomes and Results of Other Workers— 14% responded “High responsibility.” +Spend Time Keeping or Regaining Balance +Outdoors, Exposed to All Weather Conditions","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operation and Control— Controlling operations of equipment or systems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical.","Crane and Tower Operators +Excavating and Loading Machine and Dragline Operators, Surface Mining +Industrial Truck and Tractor Operators +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Maintenance Workers, Machinery +Mobile Heavy Equipment Mechanics, Except Engines +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators +Riggers +Roustabouts, Oil and Gas","View the list of Allies +Industrial Truck Association +external site +MHI +external site +Warehousing Education and Research Council +external site +Southeastern Construction Owners & Associates Roundtable +external site +International Union of Operating Engineers +external site +National Commission for the Certification of Crane Operators +external site +Southern States Millwright Regional Council +external site",47,2,28,41,32,37,40,37,7,4,7,17,15,16,3,9,4,52,2,39,4,7,3,15,9,37,24,28,3,25,4,2,2 +17-3027.01,Automotive Engineering Technicians,https://www.onetonline.org/link/summary/17-3027.01,2025-06-11T18:55:31.433090,"Document test results, using cameras, spreadsheets, documents, or other tools. +Set up mechanical, hydraulic, or electric test equipment in accordance with engineering specifications, standards, or test procedures. +Read and interpret blueprints, schematics, work specifications, drawings, or charts. +Inspect or test parts to determine nature or cause of defects or malfunctions. +Monitor computer-controlled test equipment, according to written or verbal instructions. +Analyze test data for automotive systems, subsystems, or component parts. +Install equipment, such as instrumentation, test equipment, engines, or aftermarket products, to ensure proper interfaces. +Perform or execute manual or automated tests of automotive system or component performance, efficiency, or durability. +Maintain test equipment in operational condition by performing routine maintenance or making minor repairs or adjustments as needed. +Analyze performance of vehicles or components that have been redesigned to increase fuel efficiency, such as camless or dual-clutch engines or alternative types of air-conditioning systems. +Improve fuel efficiency by testing vehicles or components that use lighter materials, such as aluminum, magnesium alloy, or plastic. +Fabricate new or modify existing prototype components or fixtures. +Order new test equipment, supplies, or replacement parts. +Recommend product or component design improvements, based on test data or observations. +Recommend tests or testing conditions in accordance with designs, customer requirements, or industry standards to ensure test validity. +Test performance of vehicles that use alternative fuels, such as alcohol blends, natural gas, liquefied petroleum gas, biodiesel, nano diesel, or alternative power methods, such as solar energy or hydrogen fuel cells. +Participate in research or testing of computerized automotive applications, such as telemetrics, intelligent transportation systems, artificial intelligence, or automatic control. +Build instrumentation or laboratory test equipment for special purposes.","Analytical or scientific software— A&D Technology iTest; Data acquisition software +Computer aided design CAD software— Autodesk AutoCAD Mechanical; Autodesk Inventor; PTC Creo Parametric +Computer aided manufacturing CAM software +Development environment software— National Instruments LabVIEW +Electronic mail software— IBM Notes +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Document design or operational test results. +Operate industrial equipment. +Review technical documents to plan work. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Inspect finished products to locate flaws. +Analyze test or validation data. +Monitor the productivity or efficiency of industrial operations. +Install instrumentation or electronic equipment or systems. +Maintain test equipment. +Analyze operational data to evaluate operations, processes or products. +Create physical models or prototypes. +Test products for functionality or quality. +Purchase materials, equipment, or other resources. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Test green technologies or processes. +Design electronic or computer equipment or instrumentation. +Research advanced engineering designs or applications.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Telephone Conversations— 48% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Very important.” +Contact With Others— 41% responded “Constant contact with others.” +Duration of Typical Work Week— 63% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 37% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 44% responded “High responsibility.” +Time Pressure— 56% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 33% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 33% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “More than half the time.” +Freedom to Make Decisions— 48% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Physical Proximity— 56% responded “Slightly close (e.g., shared office).” +Frequency of Decision Making— 30% responded “Every day.” +Written Letters and Memos— 44% responded “Once a week or more but not every day.” +Consequence of Error— 26% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Exposed to Hazardous Conditions— 33% responded “Every day.” +Importance of Repeating Same Tasks— 48% responded “Very important.” +Exposed to Contaminants— 30% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 30% responded “Once a year or more but not every month.” +Spend Time Standing— 41% responded “About half the time.” +Level of Competition— 44% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Repairing— Repairing machines or systems using the needed tools. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Automotive Service Technicians and Mechanics +Avionics Technicians +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electro-Mechanical and Mechatronics Technologists and Technicians +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Robotics Technicians","View the list of Allies +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +Association for the Advancement of Automotive Medicine +external site +Association of Diesel Specialists +external site +Automotive Service Association +external site +Institute of Transportation Engineers +external site +Institution of Mechanical Engineers +external site +Inter-Industry Conference on Auto Collision Repair +external site +National Alternative Fuels Training Consortium +external site +National Automobile Dealers Association +external site +National Society of Black Engineers +external site +National Society of Professional Engineers +external site +SAE International +external site +Society for Experimental Mechanics +external site +Technology Student Association +external site +Tire Industry Association +external site +Midwest Automotive Media Association +external site +Accreditation Board for Engineering and Technology +external site +Association of Technology, Management, and Applied Engineering +external site +Electronics Technicians Association International +external site +National Institute for Automotive Service Excellence +external site +National Institute for Certification in Engineering Technologies +external site",51,3,48,70,73,41,36,50,45,27,25,32,47,78,24,33,32,81,7,54,26,8,14,34,8,88,24,67,17,53,23,3,4 +25-1067.00,"Sociology Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1067.00,2025-06-11T19:00:22.019627,"Evaluate and grade students' class work, assignments, and papers. +Initiate, facilitate, and moderate classroom discussions. +Compile, administer, and grade examinations, or assign this work to others. +Prepare and deliver lectures to undergraduate or graduate students on topics such as race and ethnic relations, measurement and data collection, and workplace social relations. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain student attendance records, grades, and other required records. +Supervise undergraduate or graduate teaching, internship, and research work. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Supervise students' laboratory and field work. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Collaborate with colleagues to address teaching and research issues. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Compile bibliographies of specialized materials for outside reading assignments. +Write grant proposals to procure external research funding. +Mentor new faculty. +Participate in student recruitment, registration, and placement activities. +Perform administrative duties, such as serving as department head. +Participate in campus and community events. +Act as advisers to student organizations. +Provide professional consulting services to government or industry. +Give presentations to community groups. +Review manuscripts. +Write letters of recommendation for students.","Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;5 more +Calendar and scheduling software +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Data base user interface and query software— Blackboard software +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Evaluate student work. +Guide class discussions. +Administer tests to assess educational needs or progress. +Prepare tests. +Develop instructional materials. +Teach social science courses at the college level. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Maintain student records. +Supervise student research or internship work. +Advise students on academic or career matters. +Supervise laboratory work. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Compile specialized bibliographies or lists of materials. +Write grant proposals. +Direct department activities. +Advise educators on curricula, instructional methods, or policies. +Advise others on career or personal development. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Support the professional development of others. +Plan community programs or activities for the general public.","E-Mail— 98% responded “Every day.” +Freedom to Make Decisions— 88% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 83% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Public Speaking— 69% responded “Once a week or more but not every day.” +Spend Time Sitting— 59% responded “More than half the time.” +Level of Competition— 41% responded “Extremely competitive.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Frequency of Decision Making— 35% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Importance of Repeating Same Tasks— 28% responded “Extremely important.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Anthropology and Archeology Teachers, Postsecondary +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Communications Teachers, Postsecondary +Economics Teachers, Postsecondary +Education Teachers, Postsecondary +History Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Political Science Teachers, Postsecondary +Psychology Teachers, Postsecondary +Social Work Teachers, Postsecondary","View the list of Allies +Academy of Criminal Justice Sciences +external site +American Anthropological Association +external site +American Association of University Professors +external site +American Educational Research Association +external site +American Society of Criminology +external site +American Sociological Association +external site +Association for Humanist Sociology +external site +Council of Graduate Schools +external site +Eastern Sociological Society +external site +International Sociological Association +external site +National Association of Social Workers +external site +National Council on Family Relations +external site +Society for the Study of Social Problems +external site +Sociologists for Women in Society +external site +Midwest Sociological Society +external site +The Pacific Sociological Association +external site",59,3,13,99,61,42,31,86,57,19,17,47,4,72,26,62,61,8,62,14,69,41,93,31,27,13,4,10,12,5,53,18,71 +29-2092.00,Hearing Aid Specialists,https://www.onetonline.org/link/summary/29-2092.00,2025-06-11T19:08:53.557851,"Train clients to use hearing aids or other augmentative communication devices. +Counsel patients and families on communication strategies and the effects of hearing loss. +Select and administer tests to evaluate hearing or related disabilities. +Administer basic hearing tests including air conduction, bone conduction, or speech audiometry tests. +Maintain or repair hearing aids or other communication devices. +Perform basic screening procedures, such as pure tone screening, otoacoustic screening, immittance screening, and screening of ear canal status using otoscope. +Create or modify impressions for earmolds and hearing aid shells. +Read current literature, talk with colleagues, and participate in professional organizations or conferences to keep abreast of developments in audiology. +Demonstrate assistive listening devices (ALDs) to clients. +Assist audiologists in performing aural procedures, such as real ear measurements, speech audiometry, auditory brainstem responses, electronystagmography, and cochlear implant mapping. +Diagnose and treat hearing or related disabilities under the direction of an audiologist.","Electronic mail software— Microsoft Outlook +Medical software— HIMSA Noah; Otometrics OTOsuite +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Instruct patients in the use of assistive equipment. +Advise patients on effects of health conditions or treatments. +Counsel family members of clients or patients. +Test patient hearing. +Adjust prostheses or other assistive devices. +Operate diagnostic or therapeutic medical instruments or equipment. +Repair medical facility equipment. +Fabricate medical devices. +Assist healthcare practitioners during examinations or treatments. +Diagnose medical conditions. +Treat chronic diseases or disorders. +Maintain medical or professional knowledge.","Deal With External Customers or the Public in General— 90% responded “Extremely important.” +E-Mail— 87% responded “Every day.” +Contact With Others— 68% responded “Constant contact with others.” +Frequency of Decision Making— 78% responded “Every day.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Telephone Conversations— 78% responded “Every day.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 59% responded “Very important results.” +Determine Tasks, Priorities and Goals— 64% responded “Some freedom.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Spend Time Sitting— 33% responded “About half the time.” +Physical Proximity— 25% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Time Pressure— 67% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 28% responded “40 hours.” +Level of Competition— 50% responded “Moderately competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Continually or almost continually.” +Written Letters and Memos— 38% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 41% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Fairly important.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Conflict Situations— 30% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 42% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 40% responded “Important.” +Exposed to Disease or Infections— 45% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 37% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Dental Assistants +Bright Outlook +Endoscopy Technicians +Medical Assistants +Neurodiagnostic Technologists +Occupational Therapy Aides +Ophthalmic Medical Technicians +Ophthalmic Medical Technologists +Orthotists and Prosthetists +Physical Therapist Aides +Speech-Language Pathology Assistants","View the list of Allies +American Academy of Audiology +external site +American Speech-Language-Hearing Association +external site +International Hearing Society +external site +National Board for Certification in Hearing Instrument Sciences +external site",94,,48,70,45,68,39,61,74,64,81,56,21,76,15,47,49,42,14,26,63,80,34,30,78,62,7,28,46,26,9,12,3 +51-4081.00,"Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4081.00,2025-06-11T19:25:15.573042,"Inspect workpieces for defects, and measure workpieces to determine accuracy of machine operation, using rules, templates, or other measuring instruments. +Position, adjust, and secure stock material or workpieces against stops, on arbors, or in chucks, fixtures, or automatic feeding mechanisms, manually or using hoists. +Read blueprints or job orders to determine product specifications and tooling instructions and to plan operational sequences. +Select, install, and adjust alignment of drills, cutters, dies, guides, and holding devices, using templates, measuring instruments, and hand tools. +Observe machine operation to detect workpiece defects or machine malfunctions, adjusting machines as necessary. +Set up and operate machines, such as lathes, cutters, shears, borers, millers, grinders, presses, drills, or auxiliary machines, to make metallic and plastic workpieces. +Change worn machine accessories, such as cutting tools or brushes, using hand tools. +Set machine stops or guides to specified lengths as indicated by scales, rules, or templates. +Select the proper coolants and lubricants and start their flow. +Remove burrs, sharp edges, rust, or scale from workpieces, using files, hand grinders, wire brushes, or power tools. +Perform minor machine maintenance, such as oiling or cleaning machines, dies, or workpieces, or adding coolant to machine reservoirs. +Make minor electrical and mechanical repairs and adjustments to machines and notify supervisors when major service is required. +Compute data, such as gear dimensions or machine settings, applying knowledge of shop mathematics. +Start machines and turn handwheels or valves to engage feeding, cooling, and lubricating mechanisms. +Move controls or mount gears, cams, or templates in machines to set feed rates and cutting speeds, depths, and angles. +Instruct other workers in machine set-up and operation. +Record operational data, such as pressure readings, lengths of strokes, feed rates, or speeds. +Extract or lift jammed pieces from machines, using fingers, wire hooks, or lift bars. +Measure and mark reference points and cutting lines on workpieces, using traced templates, compasses, and rules. +Write programs for computer numerical control (CNC) machines to cut metal and plastic materials. +Align layout marks with dies or blades.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Mount materials or workpieces onto production equipment. +Mount attachments or tools onto production equipment. +Set equipment controls to meet cutting specifications. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Select production equipment according to product specifications. +Watch operating equipment to detect malfunctions. +Operate grinding equipment. +Operate cutting equipment. +Measure materials to mark reference points, cutting lines, or other indicators. +Replace worn equipment components. +Set equipment guides, stops, spacers, or other fixtures. +Operate metal or plastic forming equipment. +Select production input materials. +Clean production equipment. +Lubricate production equipment. +Maintain production or processing equipment. +Smooth metal surfaces or edges. +Notify others of equipment repair or maintenance needs. +Repair production equipment or tools. +Adjust equipment controls to regulate coolant flow. +Adjust equipment controls to regulate flow of production materials or products. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Calculate dimensions of workpieces, products, or equipment. +Instruct workers to use equipment or perform technical procedures. +Program equipment to perform production tasks. +Write computer programming code. +Record operational or production data. +Clear equipment jams. +Align parts or workpieces to ensure proper assembly.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Importance of Being Exact or Accurate— 73% responded “Extremely important.” +Time Pressure +Spend Time Standing— 63% responded “Continually or almost continually.” +Duration of Typical Work Week— 61% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Contact With Others— 26% responded “Occasional contact with others.” +Pace Determined by Speed of Equipment— 39% responded “Extremely important.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Work With or Contribute to a Work Group or Team— 45% responded “Important.” +Health and Safety of Other Workers— 52% responded “Moderate responsibility.” +Determine Tasks, Priorities and Goals— 61% responded “Limited freedom.” +E-Mail— 28% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 39% responded “Every day.” +Consequence of Error— 39% responded “Very serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Extremely important.” +Exposed to Hazardous Equipment— 28% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Every day.” +Physical Proximity— 39% responded “Moderately close (at arm's length).” +Degree of Automation— 42% responded “Highly automated.” +Exposed to Contaminants— 41% responded “Every day.” +Work Outcomes and Results of Other Workers— 34% responded “No responsibility.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Spend Time Walking or Running— 37% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Numerically Controlled Tool Operators +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Industrial Machinery Mechanics +Bright Outlook +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +International Association of Machinists and Aerospace Workers +external site +National Tooling and Machining Association +external site +Plastics Industry Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",45,,78,57,65,38,31,48,29,15,20,25,18,38,8,13,12,74,10,18,35,10,14,12,5,42,11,30,6,52,,,8 +45-2091.00,Agricultural Equipment Operators,https://www.onetonline.org/link/summary/45-2091.00,2025-06-11T19:17:33.366304,"Load and unload crops or containers of materials, manually or using conveyors, handtrucks, forklifts, or transfer augers. +Mix specified materials or chemicals, and dump solutions, powders, or seeds into planter or sprayer machinery. +Spray fertilizer or pesticide solutions to control insects, fungus and weed growth, and diseases, using hand sprayers. +Observe and listen to machinery operation to detect equipment malfunctions. +Manipulate controls to set, activate, and adjust mechanisms on machinery. +Operate or tend equipment used in agricultural production, such as tractors, combines, and irrigation equipment. +Adjust, repair, and service farm machinery and notify supervisors when machinery malfunctions. +Attach farm implements such as plows, discs, sprayers, or harvesters to tractors, using bolts and hand tools. +Load hoppers, containers, or conveyors to feed machines with products, using forklifts, transfer augers, suction gates, shovels, or pitchforks. +Direct and monitor the activities of work crews engaged in planting, weeding, or harvesting activities. +Operate towed machines such as seed drills or manure spreaders to plant, fertilize, dust, and spray crops. +Weigh crop-filled containers, and record weights and other identifying information. +Walk beside or ride on planting machines while inserting plants in planter mechanisms at specified intervals. +Drive trucks to haul crops, supplies, tools, or farm workers. +Guide products on conveyors to regulate flow through machines, and to discard diseased or rotten products. +Position boxes or attach bags at discharge ends of machinery to catch products, removing and closing full containers. +Irrigate soil, using portable pipes or ditch systems, and maintain ditches or pipes and pumps. +Operate drones to monitor crop health, growth and pest infestations, and apply targeted treatments.","Data base user interface and query software— Martens Farms Farm Trac; Microsoft Access +Enterprise resource planning ERP software— Farm Management Software Hay and Crop Manager +Map creation software— Martens Farms Farm Site Mate +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Load agricultural or forestry products for shipment. +Prepare materials or solutions for animal or plant use. +Apply chemical solutions to plants to protect against disease or insects or to enhance growth. +Inspect equipment or facilities to determine condition or maintenance needs. +Operate farming equipment. +Load materials into equipment for processing. +Direct activities of agricultural, forestry, or fishery employees. +Maintain forestry, hunting, or agricultural equipment. +Confer with managers to make operational decisions. +Measure physical characteristics of forestry or agricultural products. +Plant crops, trees, or other plants. +Record agricultural or forestry inventory data. +Operate conveyors or other industrial material moving equipment. +Attach equipment extensions or accessories. +Operate irrigation systems.","Duration of Typical Work Week— 84% responded “More than 40 hours.” +Outdoors, Exposed to All Weather Conditions— 66% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 27% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 58% responded “Every day.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 30% responded “Very important.” +Importance of Being Exact or Accurate— 49% responded “Important.” +Contact With Others— 40% responded “Constant contact with others.” +In an Open Vehicle or Operating Equipment— 51% responded “Every day.” +Exposed to Contaminants— 31% responded “Every day.” +Pace Determined by Speed of Equipment— 51% responded “Very important.” +Telephone Conversations— 59% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 15% responded “More than half the time.” +Time Pressure— 68% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 28% responded “Very little freedom.” +Outdoors, Under Cover— 36% responded “Once a year or more but not every month.” +Spend Time Sitting +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 27% responded “Every day.” +Work Outcomes and Results of Other Workers— 36% responded “No responsibility.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Health and Safety of Other Workers— 39% responded “Very high responsibility.” +Level of Competition— 68% responded “Moderately competitive.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Conveyor Operators and Tenders +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Industrial Truck and Tractor Operators +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Machine Feeders and Offbearers +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Pesticide Handlers, Sprayers, and Applicators, Vegetation +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders","View the list of Allies +American Farm Bureau Federation +external site +Association of Farmworker Opportunity Programs +external site",41,19,42,60,44,28,45,34,30,25,19,24,40,29,12,39,25,47,9,43,20,16,16,27,11,29,30,33,28,34,26,6,22 +29-9092.00,Genetic Counselors,https://www.onetonline.org/link/summary/29-9092.00,2025-06-11T19:09:10.271028,"Interpret laboratory results and communicate findings to patients or physicians. +Discuss testing options and the associated risks, benefits and limitations with patients and families to assist them in making informed decisions. +Analyze genetic information to identify patients or families at risk for specific disorders or syndromes. +Provide counseling to patient and family members by providing information, education, or reassurance. +Write detailed consultation reports to provide information on complex genetic concepts to patients or referring physicians. +Provide genetic counseling in specified areas of clinical genetics, such as obstetrics, pediatrics, oncology and neurology. +Determine or coordinate treatment plans by requesting laboratory services, reviewing genetics or counseling literature, and considering histories or diagnostic data. +Interview patients or review medical records to obtain comprehensive patient or family medical histories, and document findings. +Assess patients' psychological or emotional needs, such as those relating to stress, fear of test results, financial issues, and marital conflicts to make referral recommendations or assist patients in managing test outcomes. +Provide patients with information about the inheritance of conditions such as cardiovascular disease, Alzheimer's disease, diabetes, and various forms of cancer. +Read current literature, talk with colleagues, or participate in professional organizations or conferences to keep abreast of developments in genetics. +Prepare or provide genetics-related educational materials to patients or medical personnel. +Explain diagnostic procedures such as chorionic villus sampling (CVS), ultrasound, fetal blood sampling, and amniocentesis. +Refer patients to specialists or community resources. +Design and conduct genetics training programs for physicians, graduate students, other health professions or the general community. +Evaluate or make recommendations for standards of care or clinical operations, ensuring compliance with applicable regulations, ethics, legislation, or policies. +Engage in research activities related to the field of medical genetics or genetic counseling. +Collect for, or share with, research projects patient data on specific genetic disorders or syndromes. +Identify funding sources and write grant proposals for eligible programs or services.","Analytical or scientific software— Ftree; Pedigree drawing and management software +Data base user interface and query software— Database software; FileMaker Pro; Microsoft Access +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Benetech PRA; Prognosis Innovation Healthcare ChartAccess; SynDiag; Wageningen MapChart;9 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Explain medical procedures or test results to patients or family members. +Inform medical professionals regarding patient conditions and care. +Communicate detailed medical information to patients or family members. +Analyze test data or images to inform diagnosis or treatment. +Interact with patients to build rapport or provide emotional support. +Advise patients on effects of health conditions or treatments. +Prepare reports summarizing patient diagnostic or care activities. +Analyze patient data to determine patient needs or treatment goals. +Develop medical treatment plans. +Order medical diagnostic or clinical tests. +Collect medical information from patients, family members, or other medical professionals. +Gather medical information from patient histories. +Record patient medical histories. +Evaluate patient functioning, capabilities, or health. +Maintain medical or professional knowledge. +Prepare healthcare training materials. +Refer patients to other healthcare practitioners or health resources. +Advise medical personnel regarding healthcare issues. +Conduct health or safety training programs. +Develop healthcare quality and safety procedures. +Train medical providers. +Conduct research to increase knowledge about medical issues.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Written Letters and Memos— 68% responded “Every day.” +Contact With Others— 57% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Spend Time Sitting— 70% responded “More than half the time.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Frequency of Decision Making— 52% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Duration of Typical Work Week— 52% responded “40 hours.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Consequence of Error— 30% responded “Fairly serious.” +Level of Competition— 35% responded “Moderately competitive.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Cardiologists +Clinical Neuropsychologists +Clinical Nurse Specialists +Family Medicine Physicians +Neurologists +Pediatric Surgeons +Pediatricians, General +Preventive Medicine Physicians +Psychiatrists","View the list of Allies +American Society for Reproductive Medicine +external site +American Society of Human Genetics +external site +Collaborative Group of the Americas on Inherited Colorectal Cancer +external site +National Society of Genetic Counselors +external site +Organization of Teratology Information Specialists +external site +Society for Birth Defects Research and Prevention +external site +American Board of Genetic Counseling +external site +American College of Medical Genetics and Genomics +external site",72,,10,77,68,26,19,59,46,9,23,17,47,36,21,34,43,2,41,3,89,84,60,19,85,18,,9,95,2,16,,10 +33-2021.00,Fire Inspectors and Investigators,https://www.onetonline.org/link/summary/33-2021.00,2025-06-11T19:10:27.945480,"Prepare and maintain reports of investigation results, and records of convicted arsonists and arson suspects. +Testify in court cases involving fires, suspected arson, and false alarms. +Package collected pieces of evidence in securely closed containers, such as bags, crates, or boxes, to protect them. +Conduct inspections and acceptance testing of newly installed fire protection systems. +Analyze evidence and other information to determine probable cause of fire or explosion. +Photograph damage and evidence related to causes of fires or explosions to document investigation findings. +Inspect buildings to locate hazardous conditions and fire code violations, such as accumulations of combustible material, electrical wiring problems, and inadequate or non-functional fire exits. +Examine fire sites and collect evidence such as glass, metal fragments, charred wood, and accelerant residue for use in determining the cause of a fire. +Instruct children about the dangers of fire. +Conduct fire code compliance follow-ups to ensure that corrective actions have been taken in cases where violations were found. +Inspect properties that store, handle, and use hazardous materials to ensure compliance with laws, codes, and regulations, and issue hazardous materials permits to facilities found in compliance. +Write detailed reports of fire inspections performed, fire code violations observed, and corrective recommendations offered. +Identify corrective actions necessary to bring properties into compliance with applicable fire codes, laws, regulations, and standards, and explain these measures to property owners or their representatives. +Develop or review fire exit plans. +Inspect and test fire protection or fire detection systems to verify that such systems are installed in accordance with appropriate laws, codes, ordinances, regulations, and standards. +Coordinate efforts with other organizations, such as law enforcement agencies. +Attend training classes to maintain current knowledge of fire prevention, safety, and firefighting procedures. +Review blueprints and plans for new or remodeled buildings to ensure the structures meet fire safety codes. +Teach fire investigation techniques to other firefighter personnel. +Conduct fire exit drills to monitor and evaluate evacuation procedures. +Teach public education programs on fire safety and prevention. +Recommend changes to fire prevention, inspection, and fire code endorsement procedures. +Subpoena and interview witnesses, property owners, and building occupants to obtain information and sworn testimony. +Conduct internal investigation to determine negligence and violation of laws and regulations by fire department employees. +Test sites and materials to establish facts, such as burn patterns and flash points of materials, using test equipment. +Dust evidence or portions of fire scenes for latent fingerprints. +Arrange for the replacement of defective fire fighting equipment and for repair of fire alarm and sprinkler systems, making minor repairs such as servicing fire extinguishers when feasible. +Issue permits for public assemblies. +Supervise staff, training them, planning their work, and evaluating their performance. +Develop and coordinate fire prevention programs, such as false alarm billing, fire inspection reporting, and hazardous materials management.","Analytical or scientific software— Consolidated Model of Fire and Smoke Transport CFAST; Fire Dynamics Software FDS +Data base user interface and query software— Code database software; Microsoft Access; National Fire Incident Reporting System NFIRS +Electronic mail software— Email software; Microsoft Outlook +Human resources software— Xerox Government systems FIREHOUSE Software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Prepare investigation or incident reports. +Record information about suspects or criminals. +Testify at legal or legislative proceedings. +Process forensic or legal evidence in accordance with procedures. +Inspect equipment to ensure safety or proper functioning. +Analyze crime scene evidence. +Interview people to gather information about criminal activities. +Examine debris to obtain information about causes of fires. +Inspect facilities to ensure compliance with fire regulations. +Record crime or accident scene evidence with video or still cameras. +Educate the public about fire safety or prevention. +Issue permits or other legal documents. +Inspect facilities to ensure compliance with security or safety regulations. +Write operational reports. +Investigate crimes committed within organizations. +Identify actions needed to bring properties or facilities into compliance with regulations. +Inform others about laws or regulations. +Develop fire safety or prevention programs or plans. +Attend training to learn new skills or update knowledge. +Collaborate with law enforcement or security agencies to respond to incidents. +Review documents or materials for compliance with policies or regulations. +Examine crime scenes to obtain evidence. +Train personnel in technical or scientific procedures. +Train personnel to enhance job skills. +Maintain fire fighting tools or equipment. +Provide safety training. +Direct fire fighting or prevention activities. +Evaluate employee performance. +Train employees in proper work procedures. +Recommend improvements to increase safety or reduce risks.","Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +Contact With Others— 92% responded “Constant contact with others.” +E-Mail— 90% responded “Every day.” +Telephone Conversations— 93% responded “Every day.” +Deal With External Customers or the Public in General— 80% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 71% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 85% responded “Every day.” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 61% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Very important results.” +Frequency of Decision Making— 69% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 48% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 44% responded “Every day.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 33% responded “Every day.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Every day.” +Duration of Typical Work Week— 44% responded “40 hours.” +Indoors, Not Environmentally Controlled— 49% responded “Once a week or more but not every day.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Conflict Situations— 41% responded “Once a month or more but not every week.” +Exposed to Contaminants— 33% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 32% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Once a week or more but not every day.” +Spend Time Standing— 47% responded “About half the time.” +Spend Time Walking or Running— 33% responded “Less than half the time.” +Consequence of Error— 34% responded “Very serious.” +Level of Competition— 36% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 41% responded “Very important.” +Outdoors, Under Cover— 38% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aviation Inspectors +Construction and Building Inspectors +Environmental Compliance Inspectors +Fire-Prevention and Protection Engineers +Firefighters +First-Line Supervisors of Firefighting and Prevention Workers +Forest Fire Inspectors and Prevention Specialists +Bright Outlook +Government Property Inspectors and Investigators +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Occupational Health and Safety Specialists","View the list of Allies +Fraternal Order of Police +external site +International Association of Arson Investigators +external site +International Association of Bomb Technicians and Investigators +external site +International Association of Fire Chiefs +external site +International Association of Fire Fighters +external site +International Code Council +external site +National Association of Fire Investigators +external site +National Association of State Fire Marshals +external site +National Fire Protection Association +external site +National Fire Sprinkler Association +external site +Society of Fire Protection Engineers +external site",82,10,20,68,48,51,93,75,43,20,12,48,48,48,19,77,45,47,25,42,48,24,29,45,33,36,81,46,17,37,35,3,17 +17-3024.01,Robotics Technicians,https://www.onetonline.org/link/summary/17-3024.01,2025-06-11T18:55:16.302713,"Make repairs to robots or peripheral equipment, such as replacement of defective circuit boards, sensors, controllers, encoders, or servomotors. +Troubleshoot robotic systems, using knowledge of microprocessors, programmable controllers, electronics, circuit analysis, mechanics, sensor or feedback systems, hydraulics, or pneumatics. +Install, program, or repair programmable controllers, robot controllers, end-of-arm tools, or conveyors. +Maintain service records of robotic equipment or automated production systems. +Modify computer-controlled robot movements. +Perform preventive or corrective maintenance on robotic systems or components. +Align, fit, or assemble components, using hand tools, power tools, fixtures, templates, or microscopes. +Attach wires between controllers. +Evaluate the efficiency and reliability of industrial robotic systems, reprogramming or calibrating to achieve maximum quantity and quality. +Test performance of robotic assemblies, using instruments such as oscilloscopes, electronic voltmeters, or bridges. +Train customers or other personnel to install, use, or maintain robots. +Build or assemble robotic devices or systems. +Document robotics test procedures and results. +Assist engineers in the design, configuration, or application of robotic systems. +Install new robotic systems in stationary positions or on tracks. +Program complex robotic systems, such as vision systems. +Develop robotic path motions to maximize efficiency, safety, and quality. +Fabricate housings, jigs, fittings, or fixtures, using metalworking machines. +Train robots, using artificial intelligence software or interactive training techniques, to perform simple or complex tasks, such as designing and carrying out a series of iterative tests of chemical samples. +Inspect installation sites. +Maintain inventories of robotic production supplies, such as sensors or cables. +Develop three-dimensional simulations of automation systems.","Analytical or scientific software— Logic Design RoboLogix; MathWorks Simulink; Simulation software; The MathWorks MATLAB;1 more +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes CATIA; Dassault Systemes SolidWorks +Computer aided manufacturing CAM software +Data base user interface and query software— Database software; Structured query language SQL +Development environment software— ABB RobotStudio; Ada; C; Ladder Logic +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +File versioning software— Git +Industrial control software— FANUC Robotics Through Arc Seam Tracking TAST; Programmable logic controller PLC software; Siemens SIMATIC STEP 7; Supervisory control and data acquisition SCADA software;15 more +Object or component oriented development software— C#; C++; Oracle Java; Python +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; UNIX; Windows Embedded Compact +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Assemble equipment or components. +Maintain electromechanical equipment. +Repair electronic equipment. +Determine causes of operational problems or failures. +Program robotic equipment. +Maintain operational records or records systems. +Calibrate scientific or technical equipment. +Evaluate characteristics of equipment or systems. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Train personnel on proper operational procedures. +Fabricate products or components using machine tools. +Design electromechanical equipment or systems. +Document design or operational test results. +Prepare procedural documents. +Install production equipment or systems. +Inspect facilities or sites to determine if they meet specifications or standards. +Maintain inventories of materials, equipment, or products. +Create graphical representations of industrial production systems.","E-Mail— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 77% responded “Every day.” +Importance of Being Exact or Accurate— 73% responded “Extremely important.” +Duration of Typical Work Week— 73% responded “More than 40 hours.” +Telephone Conversations— 50% responded “Every day.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Indoors, Environmentally Controlled— 55% responded “Every day.” +Work With or Contribute to a Work Group or Team— 41% responded “Extremely important.” +Consequence of Error— 45% responded “Extremely serious.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Contact With Others— 32% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “More than half the time.” +Exposed to Hazardous Conditions— 41% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 50% responded “Once a week or more but not every day.” +Time Pressure— 32% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 41% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.” +Indoors, Not Environmentally Controlled— 36% responded “Once a week or more but not every day.” +Degree of Automation— 43% responded “Highly automated.” +Exposed to Contaminants— 32% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Physical Proximity— 55% responded “Slightly close (e.g., shared office).” +Level of Competition— 38% responded “Moderately competitive.” +Spend Time Standing— 64% responded “About half the time.” +Frequency of Decision Making— 32% responded “Once a year or more but not every month.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Automotive Engineering Technicians +Avionics Technicians +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electro-Mechanical and Mechatronics Technologists and Technicians +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Photonics Technicians","View the list of Allies +Advanced Robotics for Manufacturing Institute +external site +American Society for Engineering Education +external site +Institute of Electrical and Electronics Engineers +external site +Society of Manufacturing Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +Electronics Technicians Association International +external site +International Society of Automation +external site +National Institute for Certification in Engineering Technologies +external site",40,5,58,63,63,34,47,42,35,17,11,21,32,84,10,23,17,68,5,24,13,5,6,48,,84,26,57,11,64,8,2,4 +13-1082.00,Project Management Specialists,https://www.onetonline.org/link/summary/13-1082.00,2025-06-11T18:50:03.318506,"Assign duties or responsibilities to project personnel. +Communicate with key stakeholders to determine project requirements and objectives. +Confer with project personnel to identify and resolve problems. +Create project status presentations for delivery to customers or project personnel. +Develop or update project plans including information such as objectives, technologies, schedules, funding, and staffing. +Identify project needs such as resources, staff, or finances by reviewing project objectives and schedules. +Identify, review, or select vendors or consultants to meet project needs. +Monitor costs incurred by project staff to identify budget issues. +Monitor project milestones and deliverables. +Monitor the performance of project team members to provide performance feedback. +Negotiate with project stakeholders or suppliers to obtain resources or materials. +Plan, schedule, or coordinate project activities to meet deadlines. +Prepare and submit budget estimates, progress reports, or cost tracking reports. +Produce and distribute project documents. +Propose, review, or approve modifications to project plans. +Recruit or hire project personnel. +Report project status, such as budget, resources, technical issues, or customer satisfaction, to managers. +Request and review project updates to ensure deadlines are met. +Schedule or facilitate project meetings. +Submit project deliverables to clients, ensuring adherence to quality standards.","Accounting software— Intuit QuickBooks +Analytical or scientific software— IBM SPSS Statistics; Procore software; SAS +Application server software— GitHub +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau +Cloud-based data access and sharing software— Asana; Dropbox; Google Drive; Slack +Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Bentley MicroStation +Computer based training software— Blackboard software; Moodle; Padlet +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Salesforce software +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Airtable; Microsoft Access; Oracle Database +Desktop communications software— Eko; Skype +Desktop publishing software— Adobe InDesign +Development environment software— Microsoft Azure software; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Atlassian Bamboo +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;4 more +File versioning software— Git +Graphics or photo imaging software— Adobe Photoshop; JamBoard; Trimble SketchUp Pro +Human resources software— ADP Workforce Now +Instant messaging software— Blink; GroupMe +Multi-media educational software— Nearpod +Network conferencing software— LogMeIn GoToWebinar; Slido interaction software +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Apple macOS; Linux; Microsoft Windows +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint; Poll Everywhere +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Google Classroom; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management;3 more +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom +Video creation and editing software— Flipgrid; Loom; Screencastify; YouTube;1 more +Web page creation and editing software— Google Sites; LinkedIn; Social media sites +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word;1 more",,"Develop detailed project plans. +Manage information technology projects or system activities. +Participate in staffing decisions. +Assign duties or work schedules to employees. +Collaborate with others to resolve information technology issues. +Coordinate resource procurement activities. +Develop operating strategies, plans, or procedures. +Discuss business strategies, practices, or policies with managers. +Gather organizational performance information. +Manage construction activities. +Manage operations, research, or logistics projects. +Monitor flow of cash or other resources. +Prepare financial documents, reports, or budgets. +Prepare operational reports or records. +Prepare scientific or technical reports or presentations. +Present work to clients for approval. +Report information to managers or other personnel. +Select resources needed to accomplish tasks. +Supervise information technology personnel.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Administrative Services Managers +Bright Outlook +Computer and Information Systems Managers +Construction Managers +General and Operations Managers +Information Technology Project Managers +Logisticians +Logistics Analysts +Management Analysts +Operations Research Analysts +Training and Development Managers","View the list of Allies +American Society for Engineering Management +external site +Association for Project Management +external site +Association for Supply Chain Management +external site +Association of Business Process Management Professionals +external site +Financial Management Association International +external site +Institute for Supply Management +external site +Institute of Management Consultants USA +external site +International Association of Emergency Managers +external site +National Association of Women in Construction +external site +National Contract Management Association +external site +National Management Association +external site +National Society of Black Engineers +external site +Society for Human Resource Management +external site +Society for Information Management +external site +CompTIA +external site +Project Management Institute +external site +AACE International +external site +American Management Association +external site +Institute of Certified Professional Managers +external site +World Commerce and Contracting +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-4052.00,"Pourers and Casters, Metal",https://www.onetonline.org/link/summary/51-4052.00,2025-06-11T19:24:59.644277,"Pour and regulate the flow of molten metal into molds and forms to produce ingots or other castings, using ladles or hand-controlled mechanisms. +Read temperature gauges and observe color changes, adjusting furnace flames, torches, or electrical heating units as necessary to melt metal to specifications. +Remove solidified steel or slag from pouring nozzles, using long bars or oxygen burners. +Examine molds to ensure they are clean, smooth, and properly coated. +Collect samples, or signal workers to sample metal for analysis. +Load specified amounts of metal and flux into furnaces or clay crucibles. +Position equipment such as ladles, grinding wheels, pouring nozzles, or crucibles, or signal other workers to position equipment. +Skim slag or remove excess metal from ingots or equipment, using hand tools, strainers, rakes, or burners, collecting scrap for recycling. +Transport metal ingots to storage areas, using forklifts. +Assemble and embed cores in casting frames, using hand tools and equipment. +Turn valves to circulate water through cores, or spray water on filled molds to cool and solidify metal. +Pull levers to lift ladle stoppers and to allow molten steel to flow into ingot molds to specified heights. +Remove metal ingots or cores from molds, using hand tools, cranes, and chain hoists. +Repair and maintain metal forms and equipment, using hand tools, sledges, and bars. +Add metal to molds to compensate for shrinkage. +Stencil identifying information on ingots and pigs, using special hand tools.","Electronic mail software— Microsoft Outlook +Industrial control software— Husky Injection Molding Systems Shotscope NX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Adjust equipment controls to regulate flow of production materials or products. +Place materials into molds. +Adjust temperature controls of ovens or other heating equipment. +Monitor instruments to ensure proper production conditions. +Clean production equipment. +Assemble mechanical components or machine parts. +Inspect production equipment. +Signal others to coordinate work activities. +Collect samples of materials or products for testing. +Adjust equipment controls to regulate coolant flow. +Apply parting agents or other solutions to molds. +Load materials into production equipment. +Mount attachments or tools onto production equipment. +Skim impurities from molten metal. +Trim excess material from workpieces. +Remove workpieces from molds. +Maintain production or processing equipment. +Repair templates, patterns, or molds. +Engrave designs, text, or other markings onto materials, workpieces, or products. +Move products, materials, or equipment between work areas. +Operate forklifts or other loaders.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Indoors, Not Environmentally Controlled— 99% responded “Every day.” +Spend Time Standing +Face-to-Face Discussions with Individuals and Within Teams— 11% responded “Never.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 76% responded “Every day.” +Duration of Typical Work Week +Exposed to Very Hot or Cold Temperatures— 48% responded “Every day.” +Exposed to Contaminants— 68% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 32% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 29% responded “Important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Contact With Others— 43% responded “Contact with others most of the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 47% responded “Every day.” +Pace Determined by Speed of Equipment— 46% responded “Very important.” +Spend Time Walking or Running— 38% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 33% responded “Important.” +Freedom to Make Decisions— 38% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 30% responded “More than half the time.” +Exposed to Hazardous Equipment +Consequence of Error— 25% responded “Fairly serious.” +Determine Tasks, Priorities and Goals— 29% responded “A lot of freedom.” +Physical Proximity— 38% responded “I work with others but not closely (e.g., private office).”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Foundry Mold and Coremakers +Grinding and Polishing Workers, Hand +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Machine Feeders and Offbearers +Metal-Refining Furnace Operators and Tenders +Molders, Shapers, and Casters, Except Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Plating Machine Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic","View the list of Allies +American Foundry Society +external site +Association for Manufacturing Technology +external site +Ductile Iron Society +external site +Fabricators and Manufacturers Association +external site +Investment Casting Institute +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",18,,44,53,29,30,23,40,15,8,7,17,20,17,7,9,13,37,2,28,4,1,4,5,1,19,11,12,1,16,1,1,1 +29-2043.00,Paramedics,https://www.onetonline.org/link/summary/29-2043.00,2025-06-11T19:08:17.103586,"Administer drugs, orally or by injection, or perform intravenous procedures. +Administer first aid treatment or life support care to sick or injured persons in prehospital settings. +Assess nature and extent of illness or injury to establish and prioritize medical procedures. +Attend training classes to maintain certification licensure, keep abreast of new developments in the field, or maintain existing knowledge. +Comfort and reassure patients. +Coordinate with treatment center personnel to obtain patients' vital statistics and medical history, to determine the circumstances of the emergency, and to administer emergency treatment. +Coordinate work with other emergency medical team members or police or fire department personnel. +Instruct emergency medical response team about emergency interventions to ensure correct application of procedures. +Observe, record, and report to physician the patient's condition or injury, the treatment provided, and reactions to drugs or treatment. +Operate equipment, such as electrocardiograms (EKGs), external defibrillators, or bag valve mask resuscitators, in advanced life support environments. +Perform emergency cardiac care, such as cardioversion and manual defibrillation. +Perform emergency invasive intervention before delivering patient to an acute care facility. +Perform emergency pharmacological interventions.","Electronic mail software— Microsoft Outlook +Information retrieval or search software— Epocrates; HyperTox; Skyscape Rosen and Barkin's 5-Minute Emergency Medicine Consult; TechOnSoftware HazMatCE Pro;10 more +Medical software— eClinicalWorks EHR software; MedDataSolutions Regist*r; MEDITECH software +Office suite software— Microsoft Office software +Operating system software— Apple iOS; Microsoft operating system +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Treat medical emergencies. +Administer intravenous medications. +Administer non-intravenous medications. +Collaborate with healthcare professionals to plan or provide treatment. +Implement advanced life support techniques. +Analyze patient data to determine patient needs or treatment goals. +Inform medical professionals regarding patient conditions and care. +Interact with patients to build rapport or provide emotional support. +Maintain medical or professional knowledge. +Monitor patient progress or responses to treatments. +Operate diagnostic or therapeutic medical instruments or equipment. +Record patient medical histories. +Teach medical procedures to healthcare personnel. +Train medical providers.",,,,,"Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Acute Care Nurses +Bright Outlook +Ambulance Drivers and Attendants, Except Emergency Medical Technicians +Critical Care Nurses +Emergency Medical Technicians +Licensed Practical and Licensed Vocational Nurses +Medical Assistants +Nursing Assistants +Registered Nurses +Respiratory Therapists +Surgical Assistants","View the list of Allies +American Academy of Emergency Medicine +external site +American Ambulance Association +external site +American Heart Association +external site +American Red Cross +external site +Association of Air Medical Services +external site +Emergency Medical Services for Children Innovation and Improvement Center +external site +International Association of Emergency Medical Services Chiefs +external site +International College of Advanced Practice Paramedics +external site +National Association of Emergency Medical Technicians +external site +National Association of EMS Educators +external site +National Association of EMS Physicians +external site +National Association of State EMS Officials +external site +National Emergency Medicine Association +external site +National EMS Management Association +external site +National EMS Pilots Association +external site +National Fire Protection Association +external site +National Rural Health Association +external site +NENA The 9-1-1 Association +external site +World Association for Disaster and Emergency Medicine +external site +New England Association of Fire Chiefs +external site +Southeastern Association of Fire Chiefs +external site +Commission on Accreditation of Allied Health Education Programs +external site +National Association for Search and Rescue +external site +National Registry of Emergency Medical Technicians +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +13-2072.00,Loan Officers,https://www.onetonline.org/link/summary/13-2072.00,2025-06-11T18:51:06.737751,"Meet with applicants to obtain information for loan applications and to answer questions about the process. +Analyze applicants' financial status, credit, and property evaluations to determine feasibility of granting loans. +Approve loans within specified limits, and refer loan applications outside those limits to management for approval. +Explain to customers the different types of loans and credit options that are available, as well as the terms of those services. +Submit applications to credit analysts for verification and recommendation. +Review loan agreements to ensure that they are complete and accurate according to policy. +Review and update credit and loan files. +Obtain and compile copies of loan applicants' credit histories, corporate financial statements, and other financial information. +Work with clients to identify their financial goals and to find ways of reaching those goals. +Handle customer complaints and take appropriate action to resolve them. +Stay abreast of new types of loans and other financial services and products to better meet customers' needs. +Market bank products to individuals and firms, promoting bank services that may meet customers' needs. +Analyze potential loan markets and develop referral networks to locate prospects for loans. +Compute payment schedules. +Supervise loan personnel. +Prepare reports to send to customers whose accounts are delinquent, and forward irreconcilable accounts for collector action. +Set credit policies, credit lines, procedures and standards in conjunction with senior managers. +Assist in selection of financial award candidates using electronic databases to certify loan eligibility. +Authorize or sign mail collection letters. +Calculate amount of debt and funds available to plan methods of payoff and to estimate time for debt liquidation. +Confer with underwriters to resolve mortgage application problems. +Contact applicants or creditors to resolve questions about applications or to assist with completion of paperwork. +Contact borrowers with delinquent accounts to obtain payment in full or to negotiate repayment plans. +Counsel clients on personal and family financial problems, such as excessive spending or borrowing of funds. +Establish payment priorities according to credit terms and interest rates to reduce clients' overall costs. +Inform individuals and groups about the financial assistance available to college or university students. +Maintain and review account records, updating and recategorizing them according to status changes. +Match individuals' needs and eligibility with available financial aid programs to provide informed recommendations. +Review accounts to determine write-offs for collection agencies. +Review billing for accuracy.","Accounting software— Bottom Line LoanMaster Loan Servicing; Financial Industry Computer Systems Loan Accountant; Tax software +Compliance software— Wolters Kluwer Financial Services ComplianceOne +Content workflow software— Equifax Application Engine; Experian Transact SM +Customer relationship management CRM software— Microsoft Dynamics +Data base user interface and query software— FileMaker Pro; Microsoft Access; Student information systems SIS software; Sungard Higher Education PowerFAIDS;5 more +Development environment software— Common business oriented language COBOL +Document management software— eOriginal eCore Business Suite +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Datatel Colleague; Oracle PeopleSoft; SAP software +Financial analysis software— Delphi Discovery; Experian Credinomics; VueCentric MortgageDashboard; White Clarke North America Credit Adjudication and Lending Management;50 more +Information retrieval or search software— CGI-AMS BureauLink Enterprise; LexisNexis +Internet browser software— Microsoft Internet Explorer; Web browser software +Office suite software— Experian Strategy Management; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Transaction server software— Customer information control system CICS +Video conferencing software— Zoom +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Interview clients to gather financial information. +Assess financial status of clients. +Authorize financial actions. +Interpret financial information for others. +Submit financial applications. +Verify accuracy of financial information. +Examine financial records. +Maintain data in information systems or databases. +Gather financial records. +Correspond with customers to answer questions or resolve complaints. +Develop financial plans for clients. +Supervise employees. +Update professional knowledge. +Market products, services, or events. +Analyze market conditions or trends. +Compute debt repayment schedules. +Prepare financial documents, reports, or budgets. +Establish organizational guidelines or policies. +Advise others on financial matters. +Confer with others about financial matters. +Educate clients on financial planning topics. +Inform individuals or organizations of status or findings. +Recommend products or services to customers. +Verify accuracy of records. +Verify application data to determine program eligibility.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Contact With Others— 84% responded “Constant contact with others.” +Frequency of Decision Making— 84% responded “Every day.” +Spend Time Sitting— 62% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 66% responded “Extremely important.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 59% responded “Very important results.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 59% responded “A lot of freedom.” +Written Letters and Memos— 44% responded “Every day.” +Time Pressure— 45% responded “Every day.” +Level of Competition— 38% responded “Extremely competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 31% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Conflict Situations— 45% responded “Once a week or more but not every day.” +Degree of Automation— 50% responded “Moderately automated.” +Physical Proximity— 47% responded “I work with others but not closely (e.g., private office).” +Consequence of Error— 35% responded “Serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bill and Account Collectors +Credit Analysts +Credit Authorizers, Checkers, and Clerks +Credit Counselors +Financial and Investment Analysts +Bright Outlook +Financial Managers +Loan Interviewers and Clerks +New Accounts Clerks +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +American Bankers Association +external site +BNI +external site +Mortgage Bankers Association +external site +Risk Management Association +external site",93,12,31,69,67,54,27,47,45,72,62,37,1,44,16,57,33,4,16,14,28,9,16,17,1,7,16,1,4,2,15,,13 +41-3011.00,Advertising Sales Agents,https://www.onetonline.org/link/summary/41-3011.00,2025-06-11T19:14:18.282638,"Prepare and deliver sales presentations to new and existing customers to sell new advertising programs and to protect and increase existing advertising. +Maintain assigned account bases while developing new accounts. +Provide clients with estimates of the costs of advertising products or services. +Locate and contact potential clients to offer advertising services. +Explain to customers how specific types of advertising will help promote their products or services in the most effective way possible. +Obtain and study information about clients' products, needs, problems, advertising history, and business practices to offer effective sales presentations and appropriate product assistance. +Prepare promotional plans, sales literature, media kits, and sales contracts, using computer. +Process all correspondence and paperwork related to accounts. +Draw up contracts for advertising work, and collect payments due. +Deliver advertising or illustration proofs to customers for approval. +Inform customers of available options for advertisement artwork, and provide samples. +Recommend appropriate sizes and formats for advertising, depending on medium used. +Write copy as part of layout. +Determine advertising medium to be used, and prepare sample advertisements within the selected medium for presentation to customers. +Gather all relevant material for bid processes, and coordinate bidding and contract approval. +Consult with company officials, sales departments, and advertising agencies to develop promotional plans. +Identify new advertising markets, and propose products to serve them. +Arrange for commercial taping sessions, and accompany clients to sessions. +Attend sales meetings, industry trade shows, and training seminars to gather information, promote products, expand network of contacts, and increase knowledge. +Write sales outlines for use by staff.","Analytical or scientific software— Google Analytics +Calendar and scheduling software— Contact management software +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— FileMaker Pro; Microsoft Access +Desktop publishing software— Adobe InDesign; Microsoft Publisher; QuarkXPress +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Canva +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Sales and marketing software— Google Ads +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook; WordPress +Word processing software— Microsoft Word","Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Develop content for sales presentations or other materials. +Deliver promotional presentations to current or prospective customers. +Identify potential customers. +Develop professional relationships or networks. +Estimate costs or terms of sales. +Contact current or potential customers to promote products or services. +Explain technical product or service information to customers. +Gather customer or product information to determine customer needs. +Study product information to acquire professional knowledge. +Prepare sales or other contracts. +Prepare documentation for contracts, transactions, or regulatory compliance. +Process sales or other transactions. +Present work to clients for approval. +Distribute promotional literature or samples to customers. +Develop marketing plans or strategies. +Develop proposals for current or prospective customers. +Negotiate sales or lease agreements for products or services. +Accompany patients or clients on outings to provide assistance. +Schedule operational activities. +Attend events to develop professional knowledge.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Contact With Others— 82% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 92% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Determine Tasks, Priorities and Goals— 75% responded “A lot of freedom.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Level of Competition— 63% responded “Extremely competitive.” +Time Pressure— 52% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Frequency of Decision Making— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Important results.” +Written Letters and Memos— 46% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 60% responded “Every day.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Spend Time Sitting— 48% responded “More than half the time.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Physical Proximity— 44% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Very important.” +Conflict Situations— 35% responded “Once a year or more but not every month.”","Speaking— Talking to others to convey information effectively. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Advertising and Promotions Managers +Market Research Analysts and Marketing Specialists +Bright Outlook +Marketing Managers +Public Relations Specialists +Real Estate Sales Agents +Sales Managers +Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products +Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products +Search Marketing Strategists +Telemarketers","View the list of Allies +American Advertising Federation +external site +American Association of Advertising Agencies +external site +News Media Alliance +external site +Outdoor Advertising Association of America +external site +Professional Association for Design +external site +Radio Advertising Bureau +external site +Television Bureau of Advertising +external site",88,,42,74,64,53,21,42,59,41,97,38,,57,13,32,71,7,16,19,29,6,14,38,4,19,3,6,,19,23,22,10 +49-3092.00,Recreational Vehicle Service Technicians,https://www.onetonline.org/link/summary/49-3092.00,2025-06-11T19:22:17.932649,"Explain proper operation of vehicle systems to customers. +Locate and repair frayed wiring, broken connections, or incorrect wiring, using ohmmeters, soldering irons, tape, or hand tools. +Repair plumbing or propane gas lines, using caulking compounds and plastic or copper pipe. +Confer with customers, read work orders, or examine vehicles needing repair to determine the nature and extent of damage. +Examine or test operation of parts or systems to ensure completeness of repairs. +Connect electrical systems to outside power sources, and activate switches to test the operation of appliances or light fixtures. +Connect water hoses to inlet pipes of plumbing systems, and test operation of toilets or sinks. +Inspect recreational vehicles to diagnose problems and perform necessary adjustment, repair, or overhaul. +Inspect, repair, or replace brake systems. +Diagnose and repair furnace or air conditioning systems. +Repair leaks with caulking compound or replace pipes, using pipe wrenches. +List parts needed, estimate costs, and plan work procedures, using parts lists, technical manuals, or diagrams. +Remove damaged exterior panels, and repair and replace structural frame members. +Open and close doors, windows, or drawers to test their operation, trimming edges to fit, as necessary. +Reset hardware, using chisels, mallets, and screwdrivers. +Refinish wood surfaces on cabinets, doors, moldings, or floors, using power sanders, putty, spray equipment, brushes, paints, or varnishes. +Seal open sides of modular units to prepare them for shipment, using polyethylene sheets, nails, and hammers.","Data base user interface and query software— RV Damage Repair Estimator; Topline Software Solutions Topline Service Manager +Electronic mail software— Email software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Point of sale POS software— Summit Ordering Systems RvInvoiceWriter +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Explain use of products or services. +Repair electrical circuits or wiring. +Inspect vehicles to determine overall condition. +Repair pipes to stop leaking. +Confer with customers or users to assess problems. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Inspect completed work to ensure proper functioning. +Connect electrical components or equipment. +Connect hoses to equipment or piping. +Repair defective engines or engine components. +Inspect mechanical components of vehicles to identify problems. +Inspect systems to determine if they are operating properly. +Repair worn, damaged, or defective mechanical parts. +Estimate costs for labor or materials. +Plan work procedures. +Record information about parts, materials or repair procedures. +Remove parts or components from equipment. +Repair non-engine automotive or vehicle components. +Cut materials according to specifications or needs. +Reassemble equipment after repair. +Test mechanical equipment to ensure proper functioning. +Refinish wood or metal surfaces. +Seal gaps or cracks to prevent leakage or moisture intrusion.","Spend Time Standing— 65% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 65% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 45% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 46% responded “Every day.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Time Pressure— 40% responded “Every day.” +Indoors, Not Environmentally Controlled— 70% responded “Every day.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Deal With External Customers or the Public in General— 47% responded “Very important.” +Contact With Others— 41% responded “Constant contact with others.” +Frequency of Decision Making— 54% responded “Every day.” +In an Open Vehicle or Operating Equipment— 57% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Exposed to Contaminants— 39% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Every day.” +Freedom to Make Decisions— 37% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 37% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 41% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 31% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 38% responded “Every day.” +Spend Time Bending or Twisting Your Body— 31% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 32% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 40% responded “Every day.” +Determine Tasks, Priorities and Goals— 31% responded “Some freedom.” +Duration of Typical Work Week— 61% responded “40 hours.” +Exposed to High Places— 31% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 36% responded “About half the time.” +Health and Safety of Other Workers— 39% responded “Moderate responsibility.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 35% responded “Less than half the time.” +Level of Competition— 37% responded “Highly competitive.” +Conflict Situations— 30% responded “Once a month or more but not every week.” +Physical Proximity— 35% responded “Moderately close (at arm's length).”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Automotive Service Technicians and Mechanics +Bus and Truck Mechanics and Diesel Engine Specialists +Electric Motor, Power Tool, and Related Repairers +Helpers--Installation, Maintenance, and Repair Workers +Maintenance and Repair Workers, General +Bright Outlook +Mobile Heavy Equipment Mechanics, Except Engines +Motorboat Mechanics and Service Technicians +Motorcycle Mechanics +Outdoor Power Equipment and Other Small Engine Mechanics +Rail Car Repairers","View the list of Allies +RV Industry Association +external site +RVDA, The National RV Dealers Association +external site +National Institute for Automotive Service Excellence +external site",76,,42,41,28,50,31,32,27,12,40,23,28,36,7,16,14,76,2,31,16,2,5,23,4,36,44,18,4,31,7,,2 +29-1243.00,Pediatric Surgeons,https://www.onetonline.org/link/summary/29-1243.00,2025-06-11T19:07:27.104210,"Analyze patient's medical history, medication allergies, physical condition, and examination results to verify operation's necessity and to determine best procedure. +Conduct research to develop and test surgical techniques that can improve operating procedures and outcomes. +Consult with patient's other medical care specialists, such as cardiologist and endocrinologist, to determine if surgery is necessary. +Describe preoperative and postoperative treatments and procedures, such as sedatives, diets, antibiotics, or preparation and treatment of the patient's operative area, to parents or guardians of the patient. +Direct and coordinate activities of nurses, assistants, specialists, residents, and other medical staff. +Examine fetuses, infants, children, and adolescents, and diagnose health issues to determine need for intervention, such as surgery. +Examine instruments, equipment, and operating room to ensure sterility. +Examine patient to obtain information on medical condition and surgical risk. +Follow established surgical techniques during the operation. +Inform parents and guardians of child's health problems and surgical procedures through various channels, such as in-person and telecommunication systems. +Interpret results of preoperative tests and physical examinations. +Manage surgery services, including planning, scheduling and coordination, determination of procedures, or procurement of supplies and equipment. +Monitor patient's recovery, making follow-up visits and using postoperative assessment techniques, such as blood and imaging tests. +Operate on fetuses, infants, children, and adolescents to correct deformities, repair injuries, prevent and treat diseases, or improve or restore patients' functions. +Perform transplantation operations, such as organ transplants, on fetuses, infants, children, and adolescents. +Prepare case histories. +Provide consultation and surgical assistance to other physicians and surgeons. +Refer patient to medical specialist or other practitioners when necessary.","Graphics or photo imaging software— Computer imaging software +Human resources software— Human resources management system HRMS +Medical software— Electronic medical record EMR software; Epic Systems; MEDITECH software; Three-dimensional 3D virtual surgery software;5 more +Operating system software— Microsoft Windows",,"Examine patients to assess general physical condition. +Operate on patients to treat conditions. +Advise medical personnel regarding healthcare issues. +Analyze patient data to determine patient needs or treatment goals. +Analyze test data or images to inform diagnosis or treatment. +Assist healthcare practitioners during surgery. +Conduct research to increase knowledge about medical issues. +Confer with family members to discuss client treatment plans or progress. +Confer with other professionals to plan patient care. +Diagnose medical conditions. +Explain medical procedures or test results to patients or family members. +Follow protocols or regulations for healthcare activities. +Manage healthcare operations. +Monitor patient progress or responses to treatments. +Order medical supplies or equipment. +Prescribe medications. +Prescribe treatments or therapies. +Record patient medical histories. +Refer patients to other healthcare practitioners or health resources. +Schedule patient procedures or appointments. +Sterilize medical equipment or instruments. +Supervise patient care personnel.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Anesthesiologists +Cardiologists +Dermatologists +Bright Outlook +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Orthopedic Surgeons, Except Pediatric +Urologists","View the list of Allies +American Academy of Family Physicians +external site +American Academy of Ophthalmology +external site +American Academy of Orthopaedic Surgeons +external site +American Academy of Pediatrics +external site +American Association for Hand Surgery +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Pediatric Surgical Association +external site +American Society for Surgery of the Hand +external site +American Society of Colon and Rectal Surgeons +external site +American Society of General Surgeons +external site +American Surgical Association +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +International Society for Pediatric Neurosurgery +external site +Pediatric Orthopaedic Society of North America +external site +Society for Pediatric Anesthesia +external site +Society for Pediatric Radiology +external site +Society of American Gastrointestinal and Endoscopic Surgeons +external site +Society of Thoracic Surgeons +external site +The American Society of Pediatric Neurosurgeons +external site +Eastern Association for the Surgery of Trauma +external site +North Pacific Surgical Association +external site +Southeastern Surgical Congress +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +13-1041.03,Equal Opportunity Representatives and Officers,https://www.onetonline.org/link/summary/13-1041.03,2025-06-11T18:49:29.372121,"Investigate employment practices or alleged violations of laws to document and correct discriminatory factors. +Prepare reports related to investigations of equal opportunity complaints. +Interview persons involved in equal opportunity complaints to verify case information. +Study equal opportunity complaints to clarify issues. +Interpret civil rights laws and equal opportunity regulations for individuals or employers. +Meet with persons involved in equal opportunity complaints to arbitrate and settle disputes. +Develop guidelines for nondiscriminatory employment practices. +Monitor the implementation and impact of guidelines for nondiscriminatory employment practices. +Coordinate, monitor, or revise complaint procedures to ensure timely processing and review of complaints. +Provide information, technical assistance, or training to supervisors, managers, or employees on topics such as employee supervision, hiring, grievance procedures, or staff development. +Conduct surveys and evaluate findings to determine if systematic discrimination exists. +Prepare reports of selection, survey, or other statistics and recommendations for corrective action. +Meet with job search committees or coordinators to explain the role of the equal opportunity coordinator, to provide resources for advertising, or to explain expectations for future contacts. +Counsel newly hired members of minority or disadvantaged groups, informing them about details of civil rights laws. +Review company contracts to determine actions required to meet governmental equal opportunity provisions. +Verify that all job descriptions are submitted for review and approval and that descriptions meet regulatory standards. +Consult with community representatives to develop technical assistance agreements in accordance with governmental regulations. +Participate in the recruitment of employees through job fairs, career days, or advertising plans. +Train employees on equal opportunity laws, guidelines, or policies, such as discrimination, diversity, harassment, or affirmative action.","Analytical or scientific software— Equitas EEOStat; Peopleclick PayStat +Compliance software— Bashen EEOFedSoft; Bashen EEOSoft; Equal employment opportunity EEO compliance software +Data base user interface and query software— Database software; Microsoft Access +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Human resources software— Bashen LinkLine; Biddle Adverse Impact Toolkit; Peopleclick CAAMS; Yocum & McKee The Complete AAP;8 more +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft operating system +Presentation software— Microsoft PowerPoint +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Evaluate personnel practices to ensure adherence to regulations. +Interview witnesses, suspects, or claimants. +Prepare research reports. +Explain regulations, policies, or procedures. +Negotiate agreements to resolve disputes. +Establish organizational guidelines or policies. +Monitor organizational processes. +Conduct surveys in organizations. +Train personnel on managerial topics. +Confer with personnel to coordinate business operations. +Advise others on human resources topics. +Coordinate regulatory documentation activities. +Negotiate contracts with clients or service providers. +Coordinate personnel recruitment activities.","E-Mail— 98% responded “Every day.” +Telephone Conversations— 88% responded “Every day.” +Spend Time Sitting— 76% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Freedom to Make Decisions— 64% responded “A lot of freedom.” +Contact With Others— 60% responded “Constant contact with others.” +Written Letters and Memos— 53% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Frequency of Decision Making— 43% responded “Every day.” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Conflict Situations— 33% responded “Every day.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 63% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Importance of Repeating Same Tasks— 30% responded “Not important at all.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Arbitrators, Mediators, and Conciliators +Bright Outlook +Compensation, Benefits, and Job Analysis Specialists +Compliance Managers +Compliance Officers +Eligibility Interviewers, Government Programs +Human Resources Assistants, Except Payroll and Timekeeping +Human Resources Managers +Human Resources Specialists +Labor Relations Specialists +Regulatory Affairs Specialists","View the list of Allies +American Association for Access, Equity and Diversity +external site +American Association of University Women +external site +Association on Higher Education and Disability +external site +College and University Professional Association for Human Resources +external site +National Association for Equal Opportunity in Higher Education +external site +National Association of College and University Attorneys +external site +National Association of Human Rights Workers +external site +Society for Human Resource Management +external site +American Contract Compliance Association +external site",70,4,15,74,44,57,27,50,55,21,19,73,4,45,18,86,40,6,36,12,47,41,60,19,13,4,4,3,4,6,11,1,29 +33-9091.00,Crossing Guards and Flaggers,https://www.onetonline.org/link/summary/33-9091.00,2025-06-11T19:11:12.397967,"Direct or escort pedestrians across streets, stopping traffic, as necessary. +Guide or control vehicular or pedestrian traffic at such places as street and railroad crossings and construction sites. +Monitor traffic flow to locate safe gaps through which pedestrians can cross streets. +Communicate traffic and crossing rules and other information to students and adults. +Direct traffic movement or warn of hazards, using signs, flags, lanterns, and hand signals. +Report unsafe behavior of children to school officials. +Record license numbers of vehicles disregarding traffic signals, and report infractions to appropriate authorities. +Distribute traffic control signs and markers at designated points. +Stop speeding vehicles to warn drivers of traffic laws. +Learn the location and purpose of street traffic signs within assigned patrol areas. +Discuss traffic routing plans and control-point locations with superiors. +Inform drivers of detour routes through construction sites.","Calendar and scheduling software— Visual Computer Solutions Crossing Guard Scheduling +Human resources software— Payroll software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Direct vehicle traffic. +Assist motorists or pedestrians. +Monitor access or flow of people to prevent problems. +Inform the public about policies, services or procedures. +Warn individuals about rule violations or safety concerns. +Position safety or support equipment. +Discuss performance, complaints, or violations with supervisors. +Maintain professional knowledge or certifications. +Communicate situation details to appropriate personnel. +Record information about suspicious objects. +Confer with others to conduct or arrange operational activities. +Provide information to the general public.","Outdoors, Exposed to All Weather Conditions— 99% responded “Every day.” +Spend Time Standing— 88% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 71% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 62% responded “Every day.” +Exposed to Contaminants— 77% responded “Every day.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Frequency of Decision Making— 78% responded “Every day.” +Contact With Others— 59% responded “Constant contact with others.” +Physical Proximity— 55% responded “Very close (near touching).” +Spend Time Walking or Running— 69% responded “Continually or almost continually.” +Consequence of Error— 52% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 75% responded “Every day.” +Importance of Being Exact or Accurate— 37% responded “Very important.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Bridge and Lock Tenders +Bus Drivers, Transit and Intercity +Locomotive Engineers +Parking Enforcement Workers +Railroad Brake, Signal, and Switch Operators and Locomotive Firers +Railroad Conductors and Yardmasters +Security Guards +Bright Outlook +Subway and Streetcar Operators +Transit and Railroad Police +Transportation Security Screeners","View the list of Allies +AAA Foundation for Traffic Safety +external site +American Traffic Safety Services Association +external site",54,,2,52,13,24,72,25,15,5,2,25,1,9,12,35,22,4,7,24,35,11,11,12,7,6,3,2,1,5,10,, +53-3052.00,"Bus Drivers, Transit and Intercity",https://www.onetonline.org/link/summary/53-3052.00,2025-06-11T19:29:22.950898,"Drive vehicles over specified routes or to specified destinations according to time schedules, complying with traffic regulations to ensure that passengers have a smooth and safe ride. +Park vehicles at loading areas so that passengers can board. +Inspect vehicles and check gas, oil, and water levels prior to departure. +Announce stops to passengers. +Assist passengers, such as elderly or individuals with disabilities, on and off bus, ensure they are seated properly, help carry baggage, and answer questions about bus schedules or routes. +Collect tickets or cash fares from passengers. +Handle passenger emergencies or disruptions. +Report delays or accidents. +Advise passengers to be seated and orderly while on vehicles. +Regulate heating, lighting, and ventilating systems for passenger comfort. +Record information, such as cash receipts and ticket fares, and maintain log book. +Maintain cleanliness of bus or motor coach. +Read maps to plan bus routes. +Load and unload baggage in baggage compartments.","Internet browser software— Web browser software +Map creation software— AOL MapQuest; Microsoft MapPoint +Operating system software— Microsoft Windows","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Drive passenger vehicles. +Follow safety procedures for vehicle operation. +Inspect motor vehicles. +Measure the level or depth of water or other liquids. +Provide transportation information to passengers or customers. +Provide customers with general information or assistance. +Assist passengers during vehicle boarding. +Collect fares or payment from customers. +Assist others during emergencies. +Notify others of emergencies, problems, or hazards. +Read maps to determine routes. +Assist customers to ensure comfort or safety. +Record operational or production data. +Record sales or transactions data. +Clean vehicles or vehicle components. +Load shipments, belongings, or materials.","Spend Time Sitting— 87% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 85% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 82% responded “Continually or almost continually.” +Frequency of Decision Making— 70% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Physical Proximity— 51% responded “Moderately close (at arm's length).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Consequence of Error— 61% responded “Extremely serious.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Time Pressure— 64% responded “Every day.” +Freedom to Make Decisions— 30% responded “A lot of freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a month or more but not every week.” +Exposed to Contaminants— 44% responded “Every day.” +Work With or Contribute to a Work Group or Team— 28% responded “Extremely important.” +Conflict Situations— 35% responded “Once a year or more but not every month.” +Outdoors, Exposed to All Weather Conditions— 41% responded “Every day.” +Duration of Typical Work Week— 47% responded “40 hours.” +Importance of Repeating Same Tasks— 32% responded “Not important at all.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Far Vision— The ability to see details at a distance. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Peripheral Vision— The ability to see objects or movement of objects to one's side when the eyes are looking ahead. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Night Vision— The ability to see under low-light conditions.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges.","Bus Drivers, School +Heavy and Tractor-Trailer Truck Drivers +Bright Outlook +Light Truck Drivers +Locomotive Engineers +Passenger Attendants +Railroad Conductors and Yardmasters +School Bus Monitors +Shuttle Drivers and Chauffeurs +Subway and Streetcar Operators +Taxi Drivers","View the list of Allies +American Bus Association +external site +American Public Transportation Association +external site +National Limousine Association +external site +Amalgamated Transit Union +external site +International Brotherhood of Teamsters +external site +National Education Association +external site +Transport Workers Union of America AFL-CIO +external site +United Motorcoach Association +external site",84,5,16,60,35,46,76,38,35,23,30,27,11,42,23,52,31,34,13,88,35,16,15,45,15,23,12,15,4,17,33,5,10 +49-2095.00,"Electrical and Electronics Repairers, Powerhouse, Substation, and Relay",https://www.onetonline.org/link/summary/49-2095.00,2025-06-11T19:21:30.357688,"Inspect and test equipment and circuits to identify malfunctions or defects, using wiring diagrams and testing devices such as ohmmeters, voltmeters, or ammeters. +Prepare and maintain records detailing tests, repairs, and maintenance. +Consult manuals, schematics, wiring diagrams, and engineering personnel to troubleshoot and solve equipment problems and to determine optimum equipment functioning. +Analyze test data to diagnose malfunctions, to determine performance characteristics of systems, or to evaluate effects of system modifications. +Open and close switches to isolate defective relays, performing adjustments or repairs. +Notify facility personnel of equipment shutdowns. +Repair, replace, and clean equipment and components such as circuit breakers, brushes, and commutators. +Run signal quality and connectivity tests for individual cables, and record results. +Maintain inventories of spare parts for all equipment, requisitioning parts as necessary. +Construct, test, maintain, and repair substation relay and control systems. +Test insulators and bushings of equipment by inducing voltage across insulation, testing current, and calculating insulation loss. +Schedule and supervise the construction and testing of special devices and the implementation of unique monitoring or control systems. +Schedule and supervise splicing or termination of cables in color-code order. +Test oil in circuit breakers and transformers for dielectric strength, refilling oil periodically. +Disconnect voltage regulators, bolts, and screws, and connect replacement regulators to high-voltage lines. +Calibrate instruments, such as transmitters. +Use drones for inspection of high-voltage lines and other hard-to-reach equipment.","Analytical or scientific software— Fluke Corporation FlukeView Forms; OMICRON Test Universe +Compliance software— Megger PowerDB +Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Test electrical equipment or systems to ensure proper functioning. +Inspect equipment to locate or identify electrical problems. +Document operational activities. +Maintain repair or maintenance records. +Read technical information needed to perform maintenance or repairs. +Analyze test or performance data to assess equipment operation. +Confer with coworkers to coordinate work activities. +Control power supply connections. +Repair electrical circuits or wiring. +Repair electronic equipment. +Test electrical circuits or components for proper functioning. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Repair electrical components. +Schedule repair, installation or maintenance activities. +Supervise employees. +Test fluids to identify contamination or other problems. +Document test results. +Connect electrical components or equipment. +Maintain inventories of materials, equipment, or products. +Order materials, supplies, or equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Importance of Being Exact or Accurate— 79% responded “Extremely important.” +Contact With Others— 75% responded “Constant contact with others.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 74% responded “Extremely important.” +Consequence of Error— 85% responded “Extremely serious.” +Health and Safety of Other Workers— 69% responded “Very high responsibility.” +Physical Proximity— 58% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 71% responded “Extremely important.” +E-Mail— 68% responded “Every day.” +Telephone Conversations— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Outdoors, Exposed to All Weather Conditions— 49% responded “Every day.” +Exposed to Hazardous Conditions— 62% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Every day.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Frequency of Decision Making— 64% responded “Every day.” +Time Pressure— 57% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 47% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “More than half the time.” +Exposed to Contaminants— 40% responded “Every day.” +Exposed to Hazardous Equipment— 46% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 36% responded “Every day.” +Indoors, Environmentally Controlled— 38% responded “Every day.” +Spend Time Standing— 31% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Duration of Typical Work Week— 66% responded “40 hours.” +Work Outcomes and Results of Other Workers— 32% responded “Very high responsibility.” +Exposed to High Places— 47% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 34% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 36% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 38% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 58% responded “Once a month or more but not every week.” +Level of Competition— 31% responded “Moderately competitive.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 28% responded “Every day.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 33% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Calibration Technologists and Technicians +Bright Outlook +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electricians +Hydroelectric Plant Technicians +Power Distributors and Dispatchers +Stationary Engineers and Boiler Operators","View the list of Allies +Institute of Electrical and Electronics Engineers +external site +International Brotherhood of Electrical Workers +external site +International Society of Automation +external site +International Society of Certified Electronics Technicians +external site",45,,37,70,73,43,72,56,41,15,4,39,39,68,4,40,20,83,3,28,39,17,23,49,18,73,61,64,13,68,18,,3 +29-1292.00,Dental Hygienists,https://www.onetonline.org/link/summary/29-1292.00,2025-06-11T19:07:33.503296,"Record and review patient medical histories. +Feel and visually examine gums for sores and signs of disease. +Examine gums, using probes, to locate periodontal recessed gums and signs of gum disease. +Clean calcareous deposits, accretions, and stains from teeth and beneath margins of gums, using dental instruments. +Provide clinical services or health education to improve and maintain the oral health of patients or the general public. +Chart conditions of decay and disease for diagnosis and treatment by dentist. +Expose and develop x-ray film. +Attend continuing education courses to maintain or update skills. +Apply fluorides or other cavity preventing agents to arrest dental decay. +Maintain dental equipment and sharpen and sterilize dental instruments. +Maintain patient recall system. +Feel lymph nodes under patient's chin to detect swelling or tenderness that could indicate presence of oral cancer. +Administer local anesthetic agents. +Remove excess cement from coronal surfaces of teeth. +Conduct dental health clinics for community groups to augment services of dentist. +Make impressions for study casts.","Accounting software— Dental billing software +Calendar and scheduling software— Scheduling software +Electronic mail software— Email software +Internet browser software— Web browser software +Inventory management software +Medical software— Dental office management software; Henry Schein Dentrix; Open Dental; Patterson Dental Supply Patterson EagleSoft;6 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Record patient medical histories. +Examine mouth, teeth, gums, or related facial structures. +Treat dental problems or diseases. +Operate diagnostic or therapeutic medical instruments or equipment. +Provide health and wellness advice to patients, program participants, or caregivers. +Process x-rays or other medical images. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Maintain current knowledge related to work activities. +Maintain medical equipment or instruments. +Sterilize medical equipment or instruments. +Administer anesthetics or sedatives to control pain. +Direct healthcare delivery programs. +Fabricate medical devices.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Spend Time Making Repetitive Motions— 100% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 100% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Contact With Others— 97% responded “Constant contact with others.” +Exposed to Disease or Infections— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +Physical Proximity— 84% responded “Very close (near touching).” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Frequency of Decision Making— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Importance of Repeating Same Tasks— 64% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Exposed to Radiation— 72% responded “Every day.” +Spend Time Sitting— 44% responded “Continually or almost continually.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 37% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Deal With External Customers or the Public in General— 68% responded “Extremely important.” +Time Pressure— 59% responded “Every day.” +Telephone Conversations— 37% responded “Once a month or more but not every week.” +Consequence of Error— 39% responded “Extremely serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a week or more but not every day.” +Exposed to Contaminants— 49% responded “Every day.” +Health and Safety of Other Workers— 43% responded “Limited responsibility.” +Level of Competition— 57% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Dental Assistants +Licensed Practical and Licensed Vocational Nurses +Medical Assistants +Ophthalmic Medical Technicians +Registered Nurses +Respiratory Therapists +Surgical Assistants +Surgical Technologists +Veterinary Technologists and Technicians","View the list of Allies +American Dental Association +external site +American Dental Hygienists' Association +external site +National Dental Hygienists Association +external site",74,3,30,45,29,26,37,40,20,6,27,25,36,39,14,33,24,22,14,11,50,24,30,13,90,6,3,11,32,4,6,,2 +51-9195.00,"Molders, Shapers, and Casters, Except Metal and Plastic",https://www.onetonline.org/link/summary/51-9195.00,2025-06-11T19:28:26.197392,"Read work orders or examine parts to determine parts or sections of products to be produced. +Trim or remove excess material, using scrapers, knives, or band saws. +Brush or spray mold surfaces with parting agents or insert paper into molds to ensure smoothness and prevent sticking or seepage. +Engrave or stamp identifying symbols, letters, or numbers on products. +Assemble, insert, and adjust wires, tubes, cores, fittings, rods, or patterns into molds, using hand tools and depth gauges. +Clean, finish, and lubricate molds and mold parts. +Separate models or patterns from molds and examine products for accuracy. +Set the proper operating temperature for each casting. +Load or stack filled molds in ovens, dryers, or curing boxes, or on storage racks or carts. +Align and assemble parts to produce completed products, using gauges and hand tools. +Operate and adjust controls of heating equipment to melt material or to cure, dry, or bake filled molds. +Select sizes and types of molds according to instructions. +Patch broken edges or fractures, using clay or plaster. +Withdraw cores or other loose mold members after castings solidify. +Repair mold defects, such as cracks or broken edges, using patterns, mold boxes, or hand tools. +Measure and cut products to specified dimensions, using measuring and cutting instruments. +Smooth surfaces of molds, using scraping tools or sandpaper. +Measure ingredients and mix molding, casting material, or sealing compounds to prescribed consistencies, according to formulas. +Remove excess materials and level and smooth wet mold mixtures. +Verify dimensions of products, using measuring instruments, such as calipers, vernier gauges, or protractors. +Bore holes or cut grates, risers, or pouring spouts in molds, using power tools. +Tap or tilt molds to ensure uniform distribution of materials. +Construct or form molds for use in casting clay or plaster objects, using plaster, fiberglass, rubber, casting machines, patterns, or flasks. +Pour, pack, spread, or press plaster, concrete, or other materials into or around models or molds.","Computer aided design CAD software— Dassault Systemes SolidWorks +Computer aided manufacturing CAM software— Mastercam computer-aided design and manufacturing software +Electronic mail software— Microsoft Outlook +Inventory management software— Inventory control software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Read work orders or other instructions to determine product specifications or materials requirements. +Apply parting agents or other solutions to molds. +Engrave designs, text, or other markings onto materials, workpieces, or products. +Build production molds. +Apply lubricants or coolants to workpieces. +Clean workpieces or finished products. +Remove workpieces from molds. +Adjust temperature controls of ovens or other heating equipment. +Align parts or workpieces to ensure proper assembly. +Assemble metal or plastic parts or products. +Load items into ovens or furnaces. +Stack finished items for further processing or shipment. +Fill cracks, imperfections, or holes in products or workpieces. +Operate heating or drying equipment. +Select production equipment according to product specifications. +Trim excess material from workpieces. +Cut industrial materials in preparation for fabrication or processing. +Measure materials to mark reference points, cutting lines, or other indicators. +Repair templates, patterns, or molds. +Measure ingredients or substances to be used in production processes. +Mix substances to create chemical solutions. +Smooth metal surfaces or edges. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Drill holes in parts, equipment, or materials. +Adjust position of molds during processing. +Place materials into molds.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Spend Time Standing— How much does this job require standing? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Spend Time Walking or Running— How much does this job require walking or running? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Pace Determined by Speed of Equipment— How important is it to this job that the pace is determined by the speed of equipment or machinery? (This does not refer to keeping busy at all times on this job.) +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Exposed to Minor Burns, Cuts, Bites, or Stings— How often does this job require exposure to minor burns, cuts, bites, or stings? +Spend Time Bending or Twisting Your Body— How much does this job require bending or twisting your body? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Exposed to Hazardous Equipment— How often does this job require exposure to hazardous equipment? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Exposed to Very Hot or Cold Temperatures— How often does this job require working in very hot (above 90 F degrees) or very cold (below 32 F degrees) temperatures? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures?",Operation and Control— Controlling operations of equipment or systems.,"Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Foundry Mold and Coremakers +Glass Blowers, Molders, Benders, and Finishers +Grinding and Polishing Workers, Hand +Machine Feeders and Offbearers +Painting, Coating, and Decorating Workers +Potters, Manufacturing +Stone Cutters and Carvers, Manufacturing","View the list of Allies +American Mold Builders Association +external site",34,5,57,41,41,47,34,36,30,24,24,26,26,25,4,10,15,51,9,31,12,4,16,10,8,39,20,29,,29,6,5,1 +27-2042.00,Musicians and Singers,https://www.onetonline.org/link/summary/27-2042.00,2025-06-11T19:03:29.428711,"Perform before live audiences in concerts, recitals, educational presentations, and other social gatherings. +Sing a cappella or with musical accompaniment. +Interpret or modify music, applying knowledge of harmony, melody, rhythm, and voice production to individualize presentations and maintain audience interest. +Specialize in playing a specific family of instruments or a particular type of music. +Sing as a soloist or as a member of a vocal group. +Observe choral leaders or prompters for cues or directions in vocal presentation. +Memorize musical selections and routines, or sing following printed text, musical notation, or customer instructions. +Play musical instruments as soloists, or as members or guest artists of musical groups such as orchestras, ensembles, or bands. +Sight-read musical parts during rehearsals. +Play from memory or by following scores. +Practice singing exercises and study with vocal coaches to develop voice and skills and to rehearse for upcoming roles. +Listen to recordings to master pieces or to maintain and improve skills. +Teach music for specific instruments. +Provide the musical background for live shows, such as ballets, operas, musical theatre, and cabarets. +Audition for orchestras, bands, or other musical groups. +Seek out and learn new music suitable for live performance or recording. +Make or participate in recordings in music studios. +Promote their own or their group's music by participating in media interviews and other activities. +Make or participate in recordings. +Research particular roles to find out more about a character, or the time and place in which a piece is set. +Learn acting, dancing, and other skills required for dramatic singing roles. +Transpose music to alternate keys, or to fit individual styles or purposes. +Direct bands or orchestras. +Compose songs or create vocal arrangements. +Arrange and edit music to fit style and purpose. +Improvise music during performances. +Collaborate with a manager or agent who handles administrative details, finds work, and negotiates contracts. +Perform in television, radio, or movie productions. +Practice performances, individually or in rehearsal with other musicians, to master individual pieces of music or to maintain and improve skills.","Accounting software— Financial tracking software +Calendar and scheduling software— Appointment scheduling software +Computer based training software— Cantovation Sing & See +Data base user interface and query software— TUBA software +Electronic mail software— Email software +Enterprise resource planning ERP software— SAP software +Instant messaging software— Snapchat; Twitter +Internet browser software— Web browser software +Music or sound editing software— Apple GarageBand; Audacity; Avid Technology Pro Tools; iZotope Ozone;3 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Blogging software; Facebook; Instagram +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Perform music for the public. +Study details of musical compositions. +Practice athletic or artistic skills. +Conduct research to inform art, designs, or other work. +Train others on performance techniques. +Audition for roles. +Perform for recordings. +Promote products, activities, or organizations. +Create musical compositions, arrangements or scores. +Coordinate musical rehearsals or performances. +Coordinate logistics for productions or events.","Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Physical Proximity— 61% responded “Very close (near touching).” +Contact With Others— 55% responded “Constant contact with others.” +Spend Time Sitting— 40% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 67% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 42% responded “Once a week or more but not every day.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 34% responded “Once a week or more but not every day.” +Level of Competition— 24% responded “Not at all competitive.” +E-Mail— 37% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 37% responded “Extremely important.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Freedom to Make Decisions— 33% responded “Very little freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 25% responded “Fairly important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Every day.” +Frequency of Decision Making— 25% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Actors +Art, Drama, and Music Teachers, Postsecondary +Choreographers +Dancers +Bright Outlook +Music Directors and Composers +Music Therapists +Musical Instrument Repairers and Tuners +Poets, Lyricists and Creative Writers +Producers and Directors +Talent Directors","View the list of Allies +American College of Musicians +external site +American String Teachers Association +external site +Chamber Music America +external site +Country Music Association +external site +Future of Music Coalition +external site +International Bluegrass Music Association +external site +International Society for the Performing Arts +external site +League of American Orchestras +external site +National Association of Schools of Music +external site +National Band Association +external site +North American Singers Association +external site +Percussive Arts Society +external site +The Contemporary A Cappella Society +external site +Actors' Equity Association +external site +American Federation of Musicians +external site +American Guild of Musical Artists +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site",34,3,20,54,27,33,15,36,23,16,26,27,4,23,38,17,36,14,33,20,32,20,24,20,9,12,10,11,5,17,13,89,28 +23-2093.00,"Title Examiners, Abstractors, and Searchers",https://www.onetonline.org/link/summary/23-2093.00,2025-06-11T18:59:26.895165,"Examine documentation such as mortgages, liens, judgments, easements, plat books, maps, contracts, and agreements to verify factors such as properties' legal descriptions, ownership, or restrictions. +Examine individual titles to determine if restrictions, such as delinquent taxes, will affect titles and limit property use. +Prepare reports describing any title encumbrances encountered during searching activities and outlining actions needed to clear titles. +Copy or summarize recorded documents, such as mortgages, trust deeds, and contracts, that affect property titles. +Verify accuracy and completeness of land-related documents accepted for registration, preparing rejection notices when documents are not acceptable. +Prepare lists of all legal instruments applying to a specific piece of land and the buildings on it. +Read search requests to ascertain types of title evidence required and to obtain descriptions of properties and names of involved parties. +Obtain maps or drawings delineating properties from company title plants, county surveyors, or assessors' offices. +Confer with realtors, lending institution personnel, buyers, sellers, contractors, surveyors, and courthouse personnel to exchange title-related information or to resolve problems. +Enter into record-keeping systems appropriate data needed to create new title records or to update existing ones. +Retrieve and examine real estate closing files for accuracy and to ensure that information included is recorded and executed according to regulations. +Prepare and issue title commitments and title insurance policies, based on information compiled from title searches. +Direct activities of workers who search records and examine titles, assigning, scheduling, and evaluating work, and providing technical guidance as necessary. +Determine whether land-related documents can be registered under the relevant legislation, such as the Land Titles Act. +Assess fees related to registration of property-related documents. +Summarize pertinent legal or insurance details, or sections of statutes or case law from reference books for use in examinations or as proofs or ready reference.","Accounting software +Calendar and scheduling software— Contact management software +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Data Trace Title IQ; First American Data Tree Parcel IQ; Microsoft Access; Property Insight TitlePoint;1 more +Document management software— Adobe Acrobat; File management software; GATORS ANYWHERE; PropertyInfo SureClose +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— RamQuest Total Solution +Geographic information system— Geographic information system GIS databases +Internet browser software— Microsoft Internet Explorer; Web browser software +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— SoftPro real estate closing and title software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Evaluate information related to legal matters in public or personal records. +Research relevant legal materials to aid decision making. +Prepare legal documents. +Confer with court staff to clarify information. +Meet with individuals involved in legal processes to provide information and clarify issues. +Coordinate legal schedules or activities.","Importance of Being Exact or Accurate— 100% responded “Extremely important.” +E-Mail— 96% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Determine Tasks, Priorities and Goals— 79% responded “A lot of freedom.” +Freedom to Make Decisions— 77% responded “A lot of freedom.” +Spend Time Sitting— 53% responded “Continually or almost continually.” +Frequency of Decision Making— 62% responded “Every day.” +Time Pressure— 63% responded “Every day.” +Importance of Repeating Same Tasks— 52% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Very important results.” +Telephone Conversations— 68% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Deal With External Customers or the Public in General— 51% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Contact With Others— 37% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 32% responded “Continually or almost continually.” +Consequence of Error— 34% responded “Extremely serious.” +Level of Competition— 54% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 33% responded “Limited responsibility.” +Written Letters and Memos— 27% responded “Every day.” +Duration of Typical Work Week— 64% responded “40 hours.” +Degree of Automation— 48% responded “Highly automated.” +Physical Proximity— 61% responded “Slightly close (e.g., shared office).”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Appraisers and Assessors of Real Estate +Appraisers of Personal and Business Property +Court Reporters and Simultaneous Captioners +Court, Municipal, and License Clerks +Credit Authorizers, Checkers, and Clerks +File Clerks +Government Property Inspectors and Investigators +Insurance Claims and Policy Processing Clerks +Legal Secretaries and Administrative Assistants +Paralegals and Legal Assistants","View the list of Allies +American Land Title Association +external site",53,Not available,33,65,40,21,12,25,54,14,19,7,,50,,63,18,2,,13,6,,3,16,,12,2,2,,8,33,,5 +29-1023.00,Orthodontists,https://www.onetonline.org/link/summary/29-1023.00,2025-06-11T19:04:26.109579,"Diagnose teeth and jaw or other dental-facial abnormalities. +Examine patients to assess abnormalities of jaw development, tooth position, and other dental-facial structures. +Study diagnostic records, such as medical or dental histories, plaster models of the teeth, photos of a patient's face and teeth, and X-rays, to develop patient treatment plans. +Fit dental appliances in patients' mouths to alter the position and relationship of teeth and jaws or to realign teeth. +Adjust dental appliances to produce and maintain normal function. +Provide patients with proposed treatment plans and cost estimates. +Advise patients to comply with treatment plans. +Prepare diagnostic and treatment records. +Instruct dental officers and technical assistants in orthodontic procedures and techniques. +Coordinate orthodontic services with other dental and medical services. +Design and fabricate appliances, such as space maintainers, retainers, and labial and lingual arch wires.","Calendar and scheduling software— EZappt +Development environment software— Ada +Graphics or photo imaging software— American Orthodontics Compu-Ceph; American Orthodontics Photo-Eze; FYI Technologies Dr. View; GAC International OrthoPlex;1 more +Internet browser software— Web browser software +Medical software— Dolphin Imaging & Management Solutions Dolphin Management; Kodak Dental Systems Kodak ORTHOWARE; Patient management software; PerfectByte Ortho;13 more +Office suite software— Microsoft Office software +Web page creation and editing software— Facebook","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Adjust dental devices or appliances to ensure fit. +Analyze patient data to determine patient needs or treatment goals. +Diagnose dental conditions. +Examine mouth, teeth, gums, or related facial structures. +Communicate detailed medical information to patients or family members. +Advise patients on effects of health conditions or treatments. +Confer with clients to discuss treatment plans or progress. +Record patient medical histories. +Train medical providers. +Collaborate with healthcare professionals to plan or provide treatment. +Design medical devices or appliances. +Fabricate medical devices.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 99% responded “Extremely important.” +Contact With Others— 98% responded “Constant contact with others.” +Work Outcomes and Results of Other Workers— 93% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 83% responded “Extremely important.” +Physical Proximity— 84% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 85% responded “Extremely important.” +Freedom to Make Decisions— 83% responded “A lot of freedom.” +Health and Safety of Other Workers— 85% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Determine Tasks, Priorities and Goals— 70% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 75% responded “Extremely important.” +Frequency of Decision Making— 84% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 78% responded “Continually or almost continually.” +E-Mail— 67% responded “Every day.” +Time Pressure— 58% responded “Every day.” +Written Letters and Memos— 63% responded “Every day.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +Level of Competition— 47% responded “Extremely competitive.” +Exposed to Disease or Infections— 63% responded “Every day.” +Importance of Repeating Same Tasks— 39% responded “Very important.” +Exposed to Radiation— 30% responded “Every day.” +Spend Time Sitting— 37% responded “About half the time.” +Spend Time Making Repetitive Motions— 28% responded “More than half the time.” +Duration of Typical Work Week— 56% responded “40 hours.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 42% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cardiologists +Chiropractors +Bright Outlook +Dental Assistants +Dentists, General +Dermatologists +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Prosthodontists","View the list of Allies +Academy of General Dentistry +external site +American Academy of Oral and Maxillofacial Pathology +external site +American Academy of Oral and Maxillofacial Radiology +external site +American Academy of Pediatric Dentistry +external site +American Academy of Periodontology +external site +American Association of Endodontists +external site +American Association of Oral and Maxillofacial Surgeons +external site +American Association of Orthodontists +external site +American Association of Public Health Dentistry +external site +American College of Dentists +external site +American Dental Association +external site +American Dental Education Association +external site +American Society of Dentist Anesthesiologists +external site +International Association for Orthodontics +external site +International College of Dentists +external site +The American Orthodontic Society +external site +World Federation of Orthodontists +external site +American Board of Orthodontics +external site +American College of Prosthodontists +external site",81,1,40,67,56,55,37,54,42,41,40,49,41,57,21,19,40,30,6,4,49,27,20,28,99,51,5,52,67,37,3,1,5 +29-1051.00,Pharmacists,https://www.onetonline.org/link/summary/29-1051.00,2025-06-11T19:04:39.756819,"Review prescriptions to assure accuracy, to ascertain the needed ingredients, and to evaluate their suitability. +Assess the identity, strength, or purity of medications. +Provide information and advice regarding drug interactions, side effects, dosage, and proper medication storage. +Analyze prescribing trends to monitor patient compliance and to prevent excessive usage or harmful interactions. +Maintain records, such as pharmacy files, patient profiles, charge system files, inventories, control records for radioactive nuclei, or registries of poisons, narcotics, or controlled drugs. +Collaborate with other health care professionals to plan, monitor, review, or evaluate the quality or effectiveness of drugs or drug regimens, providing advice on drug applications or characteristics. +Plan, implement, or maintain procedures for mixing, packaging, or labeling pharmaceuticals, according to policy and legal requirements, to ensure quality, security, and proper disposal. +Order and purchase pharmaceutical supplies, medical supplies, or drugs, maintaining stock and storing and handling it properly. +Compound and dispense medications as prescribed by doctors and dentists, by calculating, weighing, measuring, and mixing ingredients, or oversee these activities. +Contact insurance companies to resolve billing issues. +Advise customers on the selection of medication brands, medical equipment, or healthcare supplies. +Teach pharmacy students serving as interns in preparation for their graduation or licensure. +Provide specialized services to help patients manage conditions, such as diabetes, asthma, smoking cessation, or high blood pressure. +Refer patients to other health professionals or agencies when appropriate. +Work in hospitals or clinics or for Health Management Organizations (HMOs), dispensing prescriptions, serving as a medical team consultant, or specializing in specific drug therapy areas, such as oncology or nuclear pharmacotherapy. +Update or troubleshoot pharmacy information databases. +Manage pharmacy operations, hiring or supervising staff, performing administrative duties, or buying or selling non-pharmaceutical merchandise. +Prepare sterile solutions or infusions for use in surgical procedures, emergency rooms, or patients' homes. +Offer health promotion or prevention activities, such as training people to use blood pressure devices or diabetes monitors. +Publish educational information for other pharmacists, doctors, or patients.","Accounting software— Insurance claim processing software +Analytical or scientific software— TPNassist; TTP LabTech comPOUND +Calendar and scheduling software— Multitask software +Computer based training software— Freedom MedTEACH +Data base user interface and query software— Computer records systems; Healthprolink MedAtlas; Recordkeeping software +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Inventory management software— Pyxis MedStation software +Label making software— Label-making software; RxKinetics UD Labels for Windows +Medical software— eClinicalWorks EHR software; Epic Systems; MEDITECH software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Verify accuracy of patient information. +Advise patients on effects of health conditions or treatments. +Communicate detailed medical information to patients or family members. +Maintain medical facility records. +Advise medical personnel regarding healthcare issues. +Collaborate with healthcare professionals to plan or provide treatment. +Determine protocols for medical procedures. +Maintain inventory of medical supplies or equipment. +Order medical supplies or equipment. +Prepare medications or medical solutions. +Recommend types of assistive devices. +Manage healthcare operations. +Merchandise healthcare products or services. +Train medical providers. +Instruct patients in the use of assistive equipment. +Treat chronic diseases or disorders. +Refer patients to other healthcare practitioners or health resources. +Present medical research reports.","Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Importance of Being Exact or Accurate— 99% responded “Extremely important.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 98% responded “Extremely important.” +Contact With Others— 91% responded “Constant contact with others.” +Consequence of Error— 92% responded “Extremely serious.” +Frequency of Decision Making— 90% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 79% responded “Very important results.” +Deal With External Customers or the Public in General— 83% responded “Extremely important.” +Time Pressure— 83% responded “Every day.” +E-Mail— 78% responded “Every day.” +Freedom to Make Decisions— 70% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 64% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 77% responded “Extremely important.” +Exposed to Disease or Infections— 77% responded “Every day.” +Spend Time Standing— 69% responded “Continually or almost continually.” +Physical Proximity— 63% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Spend Time Making Repetitive Motions— 56% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Every day.” +Health and Safety of Other Workers— 43% responded “Very high responsibility.” +Level of Competition— 32% responded “Highly competitive.” +Conflict Situations— 29% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Written Letters and Memos— 27% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Science— Using scientific rules and methods to solve problems. +Mathematics— Using mathematics to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Clinical Nurse Specialists +Bright Outlook +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Hospitalists +Nurse Practitioners +Pediatricians, General +Physician Assistants +Preventive Medicine Physicians","View the list of Allies +American Association of Colleges of Pharmacy +external site +American Association of Diabetes Educators +external site +American Association of Pharmaceutical Scientists +external site +American College of Clinical Pharmacy +external site +American Pharmacists Association +external site +American Society of Health-System Pharmacists +external site +National Association of Chain Drug Stores +external site +National Community Pharmacists Association +external site +The American Society of Consultant Pharmacists +external site +Accreditation Council for Pharmacy Education +external site +Certification Board for Diabetes Care and Education +external site +National Association of Boards of Pharmacy +external site",79,4,41,79,87,40,27,59,58,17,27,39,78,59,14,40,44,7,14,11,68,48,35,44,91,20,2,21,74,9,11,2,3 +25-9044.00,"Teaching Assistants, Postsecondary",https://www.onetonline.org/link/summary/25-9044.00,2025-06-11T19:02:22.314071,"Teach undergraduate-level courses. +Evaluate and grade examinations, assignments, or papers, and record grades. +Lead discussion sections, tutorials, or laboratory sections. +Develop teaching materials, such as syllabi, visual aids, answer keys, supplementary notes, or course Web sites. +Inform students of the procedures for completing and submitting class work, such as lab reports. +Return assignments to students in accordance with established deadlines. +Prepare or proctor examinations. +Tutor or mentor students who need additional instruction. +Meet with supervisors to discuss students' grades or to complete required grade-related paperwork. +Schedule and maintain regular office hours to meet with students. +Order or obtain materials needed for classes. +Copy and distribute classroom materials. +Notify instructors of errors or problems with assignments. +Complete laboratory projects prior to assigning them to students so that any needed modifications can be made. +Provide assistance to faculty members or staff with laboratory or field research. +Demonstrate use of laboratory equipment and enforce laboratory rules. +Attend lectures given by the supervising instructor. +Arrange for supervisors to conduct teaching observations and provide feedback about teaching performance. +Provide instructors with assistance in the use of audiovisual equipment. +Assist faculty members or staff with student conferences. +Correspond with students through email to address their questions and concerns.","Analytical or scientific software— IBM SPSS Statistics; SAS +Calendar and scheduling software +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Data base user interface and query software— Structured query language SQL +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Evaluate student work. +Guide class discussions. +Supervise laboratory work. +Create technology-based learning materials. +Develop instructional materials. +Distribute instructional or library materials. +Administer tests to assess educational needs or progress. +Prepare tests. +Tutor students who need extra assistance. +Assist other educational professionals with projects or research. +Supervise school or student activities. +Teach others to use technology or equipment. +Discuss problems or issues with supervisors. +Schedule instructional activities. +Order instructional or library materials or equipment. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Evaluate performance of educational staff.","E-Mail— 77% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Contact With Others— 65% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Indoors, Environmentally Controlled— 44% responded “Every day.” +Public Speaking— 55% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Extremely important.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Level of Competition— 39% responded “Moderately competitive.” +Time Pressure— 37% responded “Once a month or more but not every week.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Spend Time Sitting— 30% responded “More than half the time.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Career/Technical Education Teachers, Middle School +Education Teachers, Postsecondary +Elementary School Teachers, Except Special Education +Instructional Coordinators +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Teaching Assistants, Special Education +Tutors","View the list of Allies +American Economic Association +external site +American Geophysical Union +external site +American Political Science Association +external site +Association for Computing Machinery +external site +Geological Society of America +external site +International Studies Association +external site +Sigma Tau Delta +external site +American Federation of Teachers, AFL-CIO +external site",35,4,16,92,57,32,31,86,41,8,10,19,26,63,16,10,48,13,30,15,41,19,37,14,17,21,9,23,34,29,29,29,32 +17-2171.00,Petroleum Engineers,https://www.onetonline.org/link/summary/17-2171.00,2025-06-11T18:54:28.917790,"Specify and supervise well modification and stimulation programs to maximize oil and gas recovery. +Monitor production rates, and plan rework processes to improve production. +Maintain records of drilling and production operations. +Analyze data to recommend placement of wells and supplementary processes to enhance production. +Assist engineering and other personnel to solve operating problems. +Direct and monitor the completion and evaluation of wells, well testing, or well surveys. +Develop plans for oil and gas field drilling, and for product recovery and treatment. +Assess costs and estimate the production capabilities and economic value of oil and gas wells, to evaluate the economic viability of potential drilling sites. +Confer with scientific, engineering, and technical personnel to resolve design, research, and testing problems. +Interpret drilling and testing information for personnel. +Coordinate activities of workers engaged in research, planning, and development. +Write technical reports for engineering and management personnel. +Evaluate findings to develop, design, or test equipment or processes. +Test machinery and equipment to ensure that it is safe and conforms to performance specifications. +Assign work to staff to obtain maximum utilization of personnel. +Simulate reservoir performance for different recovery techniques, using computer models. +Design and implement environmental controls on oil and gas operations. +Supervise the removal of drilling equipment, the removal of any waste, and the safe return of land to structural stability when wells or pockets are exhausted. +Inspect oil and gas wells to determine that installations are completed. +Coordinate the installation, maintenance, and operation of mining and oil field equipment. +Take samples to assess the amount and quality of oil, the depth at which resources lie, and the equipment needed to properly extract them. +Design or modify mining and oil field machinery and tools, applying engineering principles. +Conduct engineering research experiments to improve or modify mining and oil machinery and operations. +Use drone technology for aerial surveying and monitoring of drilling sites.","Analytical or scientific software— Finite element analysis FEA software; Google Analytics; SAS; The MathWorks MATLAB;10 more +Business intelligence and data analysis software— TIBCO Spotfire +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA +Data base user interface and query software— Landmark Graphics TOW/cs; Microsoft Access; Oracle Database; Structure query language SQL +Development environment software— Eclipse IDE; Microsoft Visual Studio; Software development tools +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Financial analysis software— DFA Capital Management GEMS; GeoGraphix ARIES Portfolio; IHS QUE$TOR +Internet browser software— Web browser software +Object or component oriented development software— C#; C++; Oracle Java; R;1 more +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Direct energy production or management activities. +Determine operational methods. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Develop technical methods or processes. +Monitor the productivity or efficiency of industrial operations. +Maintain operational records or records systems. +Analyze physical, survey, or geographic data. +Resolve operational performance problems. +Direct quality control activities. +Prepare detailed work plans. +Supervise engineering or other technical personnel. +Analyze costs and benefits of proposed designs or projects. +Create models of engineering designs or methods. +Confer with other personnel to resolve design or operational problems. +Design environmental control systems. +Explain engineering drawings, specifications, or other technical information. +Direct design or development activities. +Prepare technical reports for internal use. +Inspect equipment or systems. +Interpret design or operational test results. +Direct equipment maintenance or repair activities. +Direct installation activities. +Collect samples of raw materials or finished products. +Design industrial equipment. +Research advanced engineering designs or applications.","E-Mail— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Work With or Contribute to a Work Group or Team— 93% responded “Extremely important.” +Telephone Conversations— 87% responded “Every day.” +Contact With Others— 65% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 63% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Extremely important.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Spend Time Sitting— 51% responded “More than half the time.” +Duration of Typical Work Week— 58% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Frequency of Decision Making— 54% responded “Every day.” +Importance of Being Exact or Accurate— 42% responded “Very important.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Level of Competition— 33% responded “Highly competitive.” +Deal With External Customers or the Public in General— 37% responded “Very important.” +Written Letters and Memos— 34% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Science— Using scientific rules and methods to solve problems. +Mathematics— Using mathematics to solve problems. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Chemical Engineers +Bright Outlook +Civil Engineers +Electrical Engineers +Environmental Engineers +Geothermal Production Managers +Industrial Engineers +Manufacturing Engineers +Mechanical Engineers +Mining and Geological Engineers, Including Mining Safety Engineers +Water/Wastewater Engineers","View the list of Allies +American Association of Drilling Engineers +external site +American Association of Petroleum Geologists +external site +American Institute of Chemical Engineers +external site +American Institute of Mining, Metallurgical, and Petroleum Engineers +external site +American Petroleum Institute +external site +American Society for Engineering Education +external site +Geological Society of America +external site +IADC +external site +Independent Petroleum Association of America +external site +National Society of Professional Engineers +external site +Society of Petroleum Engineers +external site +Society of Petroleum Evaluation Engineers +external site +Society of Petrophysicists and Well Log Analysts +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",41,1,26,54,78,59,34,33,55,55,29,28,60,63,17,54,29,45,3,26,12,1,5,25,1,85,17,63,20,54,31,,3 +29-2011.04,Histotechnologists,https://www.onetonline.org/link/summary/29-2011.04,2025-06-11T19:07:50.095331,"Embed tissue specimens into paraffin wax blocks, or infiltrate tissue specimens with wax. +Cut sections of body tissues for microscopic examination, using microtomes. +Stain tissue specimens with dyes or other chemicals to make cell details visible under microscopes. +Compile materials for distribution to pathologists, such as surgical working drafts, requisitions, and slides. +Compile and maintain records of preventive maintenance and instrument performance checks according to schedule and regulations. +Perform tests by following physician instructions. +Operate computerized laboratory equipment to dehydrate, decalcify, or microincinerate tissue samples. +Prepare substances, such as reagents and dilution, and stains for histological specimens according to protocols. +Resolve problems with laboratory equipment and instruments, such as microscopes, mass spectrometers, microtomes, immunostainers, tissue processors, embedding centers, and water baths. +Examine slides under microscopes to ensure tissue preparation meets laboratory requirements. +Prepare or use prepared tissue specimens for teaching, research or diagnostic purposes. +Perform procedures associated with histochemistry to prepare specimens for immunofluorescence or microscopy. +Identify tissue structures or cell components to be used in the diagnosis, prevention, or treatment of diseases. +Supervise histology laboratory activities. +Teach students or other staff. +Perform electron microscopy or mass spectrometry to analyze specimens. +Select and maintain controls for stains.","Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Label making software— Brady Specimen Labeling System; Specimen labeling system software +Medical software— Cerner Millennium; Laboratory information system LIS; MEDITECH software +Office suite software— Microsoft Office software +Presentation software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Prepare biological specimens for laboratory analysis. +Collect biological specimens from patients. +Distribute supplies to workers. +Maintain repair or maintenance records. +Test biological specimens to gather information about patient conditions. +Operate laboratory equipment to analyze medical samples. +Prepare medications or medical solutions. +Maintain medical laboratory equipment. +Analyze laboratory findings. +Analyze laboratory specimens to detect abnormalities or other problems. +Supervise technical medical personnel. +Train medical providers.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Time Pressure— 90% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 86% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 90% responded “Every day.” +Spend Time Making Repetitive Motions— 71% responded “Continually or almost continually.” +E-Mail— 81% responded “Every day.” +Exposed to Hazardous Conditions— 86% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Importance of Repeating Same Tasks— 60% responded “Extremely important.” +Exposed to Contaminants— 81% responded “Every day.” +Telephone Conversations— 52% responded “Every day.” +Consequence of Error— 48% responded “Extremely serious.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Frequency of Decision Making— 43% responded “Every day.” +Contact With Others— 38% responded “Constant contact with others.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Health and Safety of Other Workers— 33% responded “High responsibility.” +Exposed to Disease or Infections— 38% responded “Every day.” +Spend Time Sitting— 43% responded “More than half the time.” +Physical Proximity— 62% responded “Moderately close (at arm's length).” +Duration of Typical Work Week— 70% responded “40 hours.” +Determine Tasks, Priorities and Goals— 48% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 24% responded “Very important results.” +Exposed to Hazardous Equipment— 43% responded “Every day.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,"Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Biological Technicians +Bright Outlook +Cardiovascular Technologists and Technicians +Cytogenetic Technologists +Cytotechnologists +Histology Technicians +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Phlebotomists","View the list of Allies +American Society for Clinical Pathology +external site +National Society for Histotechnology +external site +American Association for Cancer Research +external site +American Association of Bioanalysts +external site +American Association of Immunologists +external site +American Association of Pathologists' Assistants +external site +American Institute of Biological Sciences +external site +American Microscopical Society +external site +American Society for Investigative Pathology +external site +American Society of Cytopathology +external site +American Society of Hematology +external site +Association for Diagnostics and Laboratory Medicine +external site +Association for Molecular Pathology +external site +Association of Clinical Scientists +external site +College of American Pathologists +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +Federation of American Societies for Experimental Biology +external site +International Clinical Cytometry Society +external site +International Federation of Biomedical Laboratory Science +external site +International Society for Biological and Environmental Repositories +external site +International Society for Laboratory Hematology +external site +Microscopy Society of America +external site +Society for Applied Spectroscopy +external site +The Biological Stain Commission +external site +The International Academy of Pathology +external site +The Pathological Society +external site +United States and Canadian Academy of Pathology +external site +South Central Association for Clinical Microbiology +external site +Southwestern Association of Clinical Microbiology +external site +American Society for Clinical Pathology Board of Certification +external site +American Medical Technologists +external site +National Accrediting Agency for Clinical Laboratory Sciences +external site",59,,63,56,49,42,38,50,51,18,11,32,62,48,5,19,24,39,4,17,19,5,7,24,40,25,8,18,74,11,5,3,1 +43-6012.00,Legal Secretaries and Administrative Assistants,https://www.onetonline.org/link/summary/43-6012.00,2025-06-11T19:16:47.943573,"Organize and maintain law libraries, documents, and case files. +Mail, fax, or arrange for delivery of legal correspondence to clients, witnesses, and court officials. +Prepare and distribute invoices to bill clients or pay account expenses. +Prepare, proofread, or process legal documents, such as summonses, subpoenas, complaints, appeals, motions, or pretrial agreements. +Make photocopies of correspondence, documents, and other printed matter. +Assist attorneys in collecting information such as employment, medical, and other records. +Complete various forms, such as accident reports, trial and courtroom requests, and applications for clients. +Receive and place telephone calls. +Schedule and make appointments. +Draft and type office memos. +Submit articles and information from searches to attorneys for review and approval for use. +Make travel arrangements for attorneys. +Attend legal meetings, such as client interviews, hearings, or depositions, and take notes. +Review legal publications and perform database searches to identify laws and court decisions relevant to pending cases.","Accounting software— Billing software; Intuit QuickBooks; Sage 50 Accounting; Vertican Technologies Collection Master;4 more +Analytical or scientific software— Litigation management software +Calendar and scheduling software— Aderant CompuLaw; Appointment scheduling software +Cloud-based data access and sharing software— Dropbox +Data base user interface and query software— Database software; Electronic adjudication management systems EAM; LexisNexis Time Matters; Microsoft Access;1 more +Desktop publishing software +Document management software— AbacusNext HotDocs; Adobe Acrobat; Filing system software; Microsoft SharePoint Server +Electronic mail software— Email software; IBM Lotus Notes; Microsoft Outlook +Expert system software— Legal software +Human resources software— ADP Workforce Now +Information retrieval or search software— Legal research software; LexisNexis; Public access to electronic court records PACER; Thomson Reuters Westlaw +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Case management software +Spreadsheet software— Microsoft Excel +Video conferencing software— Web conferencing software +Web page creation and editing software— Web page design and editing software +Word processing software— Electronic diary software; Microsoft Word; Transcription software; WordPerfect","Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Record information about legal matters. +Prepare documentation for contracts, transactions, or regulatory compliance. +Send information, materials or documentation. +Prepare legal documents. +Proofread documents, records, or other files to ensure accuracy. +Operate office equipment. +Answer telephones to direct calls or provide information. +Obtain personal or financial information about customers or applicants. +Schedule appointments. +Provide information to coworkers. +Make travel, accommodations, or entertainment arrangements for others. +Issue documentation or identification to customers or employees. +Prepare business correspondence. +Record information from meetings or other formal proceedings. +Search files, databases or reference materials to obtain needed information.","E-Mail— 100% responded “Every day.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Contact With Others— 61% responded “Constant contact with others.” +Telephone Conversations— 67% responded “Every day.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Spend Time Sitting— 44% responded “More than half the time.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Written Letters and Memos— 68% responded “Every day.” +Determine Tasks, Priorities and Goals— 37% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Work With or Contribute to a Work Group or Team— 30% responded “Very important.” +Freedom to Make Decisions— 38% responded “Some freedom.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Once a week or more but not every day.” +Frequency of Decision Making— 34% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Minor results.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 24% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Correspondence Clerks +Court Reporters and Simultaneous Captioners +Court, Municipal, and License Clerks +Eligibility Interviewers, Government Programs +Executive Secretaries and Executive Administrative Assistants +Medical Records Specialists +Bright Outlook +Office Clerks, General +Paralegals and Legal Assistants +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive","View the list of Allies +International Association of Administrative Professionals +external site +International Virtual Assistants Association +external site +National Association for Legal Support Professionals +external site",73,,31,84,33,54,53,41,86,42,38,40,3,73,18,80,45,4,7,10,23,30,21,39,16,,,3,3,9,15,,8 +13-2051.00,Financial and Investment Analysts,https://www.onetonline.org/link/summary/13-2051.00,2025-06-11T18:50:50.755447,"Advise clients on aspects of capitalization, such as amounts, sources, or timing. +Analyze financial or operational performance of companies facing financial difficulties to identify or recommend remedies. +Assess companies as investments for clients by examining company facilities. +Collaborate on projects with other professionals, such as lawyers, accountants, or public relations experts. +Collaborate with investment bankers to attract new corporate clients. +Conduct financial analyses related to investments in green construction or green retrofitting projects. +Confer with clients to restructure debt, refinance debt, or raise new debt. +Create client presentations of plan details. +Determine the prices at which securities should be syndicated and offered to the public. +Develop and maintain client relationships. +Draw charts and graphs, using computer spreadsheets, to illustrate technical reports. +Employ financial models to develop solutions to financial problems or to assess the financial or capital impact of transactions. +Evaluate and compare the relative quality of various securities in a given industry. +Evaluate capital needs of clients and assess market conditions to inform structuring of financial packages. +Inform investment decisions by analyzing financial information to forecast business, industry, or economic conditions. +Interpret data on price, yield, stability, future investment-risk trends, economic influences, and other factors affecting investment programs. +Monitor developments in the fields of industrial technology, business, finance, and economic theory. +Monitor fundamental economic, industrial, and corporate developments by analyzing information from financial publications and services, investment banking firms, government agencies, trade publications, company sources, or personal interviews. +Perform securities valuation or pricing. +Prepare all materials for transactions or execution of deals. +Prepare plans of action for investment, using financial analyses. +Present oral or written reports on general economic trends, individual corporations, and entire industries. +Purchase investments for companies in accordance with company policy. +Recommend investments and investment timing to companies, investment firm staff, or the public. +Specialize in green financial instruments, such as socially responsible mutual funds or exchange-traded funds (ETF) that are comprised of green companies. +Supervise, train, or mentor junior team members.","Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting; Tax software +Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;14 more +Business intelligence and data analysis software— Alteryx software; IBM Cognos Impromptu; Microsoft Power BI; Tableau;4 more +Charting software— Montgomery Investment Technology Utility XL; TickQuest NeoTicker +Configuration management software— Perforce Helix software +Customer relationship management CRM software— Salesforce software +Data base management system software— Apache Hive; Apache Pig; Teradata Database +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Reporting software; SAP Crystal Reports +Data base user interface and query software— Microsoft SQL Server; Oracle Database; Structured query language SQL; Yardi software;4 more +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— Email software; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software; Workday software;9 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ivorix Neurostrategy Finance; Matheny Pattern Forecaster Plus; NeuroSolutions for MatLab +Financial analysis software— Delphi Technology; Moody's RiskCalc; Oracle E-Business Suite Financials; Oracle Hyperion Financial Management;77 more +Human resources software— ADP Workforce Now; Human resource management software HRMS +Information retrieval or search software— dailyVest Investment Personalization Platform; LexisNexis; TradeTools Monthly U.S. Economic Database; Ward Systems Group NeuroShell Trader;1 more +Internet browser software— Web browser software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Presentation software— Apple Keynote; DealMaven PresLink for PowerPoint and Word; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Apple AppleWorks; Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Google Docs; Microsoft OneNote; Microsoft Word; Report generation software",,"Analyze business or financial data. +Determine the value of goods or services. +Analyze industry trends. +Apply mathematical models of financial or business conditions. +Advise others on business or operational matters. +Advise others on financial matters. +Analyze market conditions or trends. +Analyze risks related to investments in green technology. +Assess financial status of clients. +Assess risks to business operations. +Collaborate with others in marketing activities. +Confer with others about financial matters. +Create images of data, locations, or products. +Develop business relationships. +Develop financial or business plans. +Evaluate condition of properties. +Identify strategic business investment opportunities. +Prepare contracts or other transaction documents. +Present business-related information to audiences. +Present work to clients for approval. +Purchase products or services. +Recommend investments to clients. +Supervise employees. +Train personnel to enhance job skills. +Update professional knowledge.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Brokerage Clerks +Business Intelligence Analysts +Bright Outlook +Credit Analysts +Financial Managers +Financial Quantitative Analysts +Financial Risk Specialists +Investment Fund Managers +Loan Officers +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +Alternative Investment Management Association +external site +American Bankers Association +external site +American Economic Association +external site +American Finance Association +external site +Association of International Risk Intelligence Professionals +external site +Eastern Finance Association +external site +Financial Management Association International +external site +Financial Women's Association +external site +International Association for Quantitative Finance +external site +International Federation of Accountants +external site +Midwest Economic Association +external site +National Association for Business Economics +external site +National Association of Personal Financial Advisors +external site +Society of Financial Service Professionals +external site +Southern Finance Association +external site +Western Finance Association +external site +Midwest Finance Association +external site +New England Association for Financial Professionals +external site +Northeast Business and Economics Association +external site +Northwest Association for Financial Professionals +external site +Southwestern Finance Association +external site +Association for Financial Professionals +external site +Certified Financial Planner Board of Standards +external site +CFA Institute +external site +Financial Executives International +external site +Financial Industry Regulatory Authority +external site +Financial Planning Association +external site +Investments and Wealth Institute +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-7011.00,Cabinetmakers and Bench Carpenters,https://www.onetonline.org/link/summary/51-7011.00,2025-06-11T19:26:27.441470,"Verify dimensions or check the quality or fit of pieces to ensure adherence to specifications. +Produce or assemble components of articles, such as store fixtures, office equipment, cabinets, or high-grade furniture. +Measure and mark dimensions of parts on paper or lumber stock prior to cutting, following blueprints, to ensure a tight fit and quality product. +Set up or operate machines, including power saws, jointers, mortisers, tenoners, molders, or shapers, to cut, mold, or shape woodstock or wood substitutes. +Establish the specifications of articles to be constructed or repaired, or plan the methods or operations for shaping or assembling parts, based on blueprints, drawings, diagrams, or oral or written instructions. +Attach parts or subassemblies together to form completed units, using glue, dowels, nails, screws, or clamps. +Reinforce joints with nails or other fasteners to prepare articles for finishing. +Install hardware, such as hinges, handles, catches, or drawer pulls, using hand tools. +Trim, sand, or scrape surfaces or joints to prepare articles for finishing. +Match materials for color, grain, or texture, giving attention to knots or other features of the wood. +Cut timber to the right size, and shape and trim parts of joints to ensure a snug fit, using hand tools, such as planes, chisels, or wood files. +Perform final touch-ups with sandpaper or steel wool. +Bore holes for insertion of screws or dowels, by hand or using boring machines. +Repair or alter wooden furniture, cabinetry, fixtures, paneling, or other pieces. +Estimate the amounts, types, or costs of needed materials. +Dip, brush, or spray assembled articles with protective or decorative finishes, such as stain, varnish, paint, or lacquer. +Draw up detailed specifications and discuss projects with customers. +Design furniture, using computer-aided drawing programs. +Apply Masonite, formica, or vinyl surfacing materials. +Program computers to operate machinery.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Operating system software— Microsoft Windows +Project management software— Computer estimation software +Spreadsheet software— Microsoft Excel","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Assemble wood products. +Measure materials to mark reference points, cutting lines, or other indicators. +Operate woodworking equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Estimate costs of products, services, or materials. +Estimate material requirements for production. +Trim excess material from workpieces. +Attach decorative or functional accessories to products. +Compare physical characteristics of materials or products to specifications or standards. +Cut industrial materials in preparation for fabrication or processing. +Shape surfaces or edges of wood workpieces. +Drill holes in parts, equipment, or materials. +Apply protective or decorative finishes to workpieces or products. +Repair furniture or upholstery. +Confer with customers or designers to determine order specifications. +Design furniture. +Operate computers or computerized equipment. +Program equipment to perform production tasks.","Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 76% responded “Every day.” +Spend Time Standing— 76% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 63% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 55% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 70% responded “Every day.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Time Pressure— 39% responded “Every day.” +Contact With Others— 52% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Exposed to Contaminants— 46% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Freedom to Make Decisions— 51% responded “Some freedom.” +Frequency of Decision Making— 38% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 50% responded “Limited freedom.” +Duration of Typical Work Week— 39% responded “More than 40 hours.” +Spend Time Making Repetitive Motions— 47% responded “About half the time.” +Spend Time Bending or Twisting Your Body— 32% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 37% responded “Every day.” +Health and Safety of Other Workers— 31% responded “Very high responsibility.” +Spend Time Walking or Running— 39% responded “Less than half the time.” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Every day.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Level of Competition— 29% responded “Moderately competitive.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Analysis— Analyzing needs and product requirements to create a design. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Carpenters +Furniture Finishers +Layout Workers, Metal and Plastic +Model Makers, Metal and Plastic +Model Makers, Wood +Patternmakers, Wood +Stone Cutters and Carvers, Manufacturing +Structural Metal Fabricators and Fitters +Upholsterers +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Architectural Woodwork Institute +external site +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Woodworking Machinery Industry Association +external site",22,6,67,31,80,30,28,36,13,12,26,25,20,26,10,26,6,61,4,19,19,6,4,6,16,51,71,19,6,61,14,2,9 +11-9179.01,Fitness and Wellness Coordinators,https://www.onetonline.org/link/summary/11-9179.01,2025-06-11T18:48:42.689266,"Maintain wellness- and fitness-related schedules, records, or reports. +Develop or coordinate fitness and wellness programs or services. +Recommend or approve new program or service offerings to promote wellness and fitness, produce revenues, or minimize costs. +Manage or oversee fitness or recreation facilities, ensuring safe and clean facilities and equipment. +Supervise fitness or wellness specialists, such as fitness instructors, nutritionists, or health educators. +Track attendance, participation, or performance data related to wellness events. +Conduct or facilitate training sessions or seminars for wellness and fitness staff. +Maintain or arrange for maintenance of fitness equipment or facilities. +Prepare or implement budgets and strategic, operational, purchasing, or maintenance plans. +Evaluate fitness and wellness programs to determine their effectiveness. +Develop fitness or wellness classes, such as yoga, aerobics, strength training, or aquatics, ensuring a diversity of class offerings. +Demonstrate proper operation of fitness equipment, such as resistance machines, cardio machines, free weights, or fitness assessment devices. +Conduct needs assessments or surveys to determine interest in, or satisfaction with, wellness and fitness programs, events, or services. +Teach fitness classes to improve strength, flexibility, cardiovascular conditioning, or general fitness of participants. +Develop marketing campaigns to promote a healthy lifestyle or participation in fitness or wellness programs. +Select or supervise contractors, such as event hosts or health, fitness, and wellness practitioners. +Track cost-containment strategies and programs to evaluate effectiveness. +Provide individual support or counseling in general wellness or nutrition. +Use computer skills and software to manage Web sites or databases, publish newsletters, or provide webinars. +Respond to customer, public, or media requests for information about wellness programs or services. +Organize and oversee fitness or wellness programs, such as information presentations, blood drives, or training in first aid or cardiopulmonary resuscitation (CPR). +Organize and oversee events such as organized runs or walks. +Organize and oversee health screenings or other preventive measures, such as mammography, blood pressure, or cholesterol screenings or flu vaccinations. +Interpret insurance data or Health Reimbursement Account (HRA) data to develop programs that address specific needs of target populations.","Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Airtable; MicroFit HealthWizard +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Human resources software— Oracle HRIS +Internet browser software— Web browser software +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Maintain personnel records. +Schedule activities or facility use. +Manage outreach activities. +Recommend organizational process or policy changes. +Manage guest services. +Supervise employees. +Maintain records, documents, or other files. +Conduct employee training programs. +Perform manual service or maintenance tasks. +Implement organizational process or policy changes. +Prepare operational budgets. +Evaluate program effectiveness. +Develop training materials. +Teach classes in area of specialization. +Conduct opinion surveys or needs assessments. +Develop marketing plans or strategies. +Hire personnel. +Provide health and wellness advice to patients, program participants, or caregivers. +Present information to the public. +Train employees on environmental awareness, conservation, or safety topics. +Analyze data to inform personnel decisions. +Coordinate special events or programs.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Deal With External Customers or the Public in General— 38% responded “Very important.” +Health and Safety of Other Workers— 42% responded “High responsibility.” +Duration of Typical Work Week— 54% responded “40 hours.” +Work Outcomes and Results of Other Workers— 44% responded “Moderate responsibility.” +Conflict Situations— 54% responded “Once a month or more but not every week.” +Physical Proximity— 32% responded “I work with others but not closely (e.g., private office).” +Level of Competition— 62% responded “Moderately competitive.” +Public Speaking— 42% responded “Once a month or more but not every week.” +Spend Time Standing— 36% responded “About half the time.” +Frequency of Decision Making— 28% responded “Once a year or more but not every month.” +Time Pressure— 69% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 31% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Spend Time Sitting— 40% responded “About half the time.” +Importance of Being Exact or Accurate— 44% responded “Important.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Community Health Workers +Bright Outlook +Dietitians and Nutritionists +Exercise Physiologists +Exercise Trainers and Group Fitness Instructors +Health Education Specialists +Recreational Therapists +Rehabilitation Counselors +Social and Community Service Managers +Training and Development Managers +Training and Development Specialists","View the list of Allies +IDEA Health and Fitness Association +external site +Medical Fitness Association +external site +National Intramural-Recreational Sports Association +external site +National Strength and Conditioning Association +external site +National Wellness Institute +external site +Society of Health and Physical Educators +external site +American Council on Exercise +external site +American College of Sports Medicine +external site +Wellness Council of America +external site",82,9,25,63,44,75,49,79,60,41,59,58,16,49,18,24,51,22,22,15,54,43,41,31,35,20,20,16,31,39,12,14,7 +53-5011.00,Sailors and Marine Oilers,https://www.onetonline.org/link/summary/53-5011.00,2025-06-11T19:29:43.394836,"Tie barges together into tow units for tugboats to handle, inspecting barges periodically during voyages and disconnecting them when destinations are reached. +Attach hoses and operate pumps to transfer substances to and from liquid cargo tanks. +Handle lines to moor vessels to wharfs, to tie up vessels to other vessels, or to rig towing lines. +Read pressure and temperature gauges or displays and record data in engineering logs. +Stand watch in ships' bows or bridge wings to look for obstructions in a ship's path or to locate navigational aids, such as buoys or lighthouses. +Maintain government-issued certifications, as required. +Examine machinery to verify specified pressures or lubricant flows. +Maintain a ship's engines under the direction of the ship's engineering officers. +Break out, rig, and stow cargo-handling gear, stationary rigging, or running gear. +Lubricate machinery, equipment, or engine parts, such as gears, shafts, or bearings. +Lower and man lifeboats when emergencies occur. +Sweep, mop, and wash down decks to remove oil, dirt, and debris, using brooms, mops, brushes, and hoses. +Splice and repair ropes, wire cables, or cordage, using marlinespikes, wire cutters, twine, and hand tools. +Load or unload materials, vehicles, or passengers from vessels. +Chip and clean rust spots on decks, superstructures, or sides of ships, using wire brushes and hand or air chipping machines. +Provide engineers with assistance in repairing or adjusting machinery. +Operate, maintain, or repair ship equipment, such as winches, cranes, derricks, or weapons system. +Paint or varnish decks, superstructures, lifeboats, or sides of ships. +Give directions to crew members engaged in cleaning wheelhouses or quarterdecks. +Stand by wheels when ships are on automatic pilot, and verify accuracy of courses, using magnetic compasses. +Steer ships under the direction of commanders or navigating officers or direct helmsmen to steer, following designated courses. +Relay specified signals to other ships, using visual signaling devices, such as blinker lights or semaphores. +Overhaul lifeboats or lifeboat gear and lower or raise lifeboats with winches or falls. +Stand gangway watches to prevent unauthorized persons from boarding ships while in port. +Record data in ships' logs, such as weather conditions or distances traveled. +Measure depth of water in shallow or unfamiliar waters, using leadlines, and telephone or shout depth information to vessel bridges. +Clean and polish wood trim, brass, or other metal parts. +Participate in shore patrols.","Data base user interface and query software— KNMI TurboWin; Kongsberg Maritime K-Log Deck Logbook; Log book software +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Secure watercraft to docks, wharves or other vessels. +Inspect material-moving equipment to detect problems. +Connect hoses to equipment or machinery. +Control pumps or pumping equipment. +Monitor equipment gauges or displays to ensure proper operation. +Record operational or production data. +Monitor surroundings to detect potential hazards. +Inspect equipment to ensure proper functioning. +Maintain professional knowledge or certifications. +Maintain watercraft engines or machinery. +Operate ships or other watercraft. +Set up material handling gear or equipment, such as rigging, packaging, or temporary structures. +Verify information or specifications. +Assist others during emergencies. +Signal others to coordinate vehicle movement. +Clean vessels or marine equipment. +Load shipments, belongings, or materials. +Maintain material moving equipment in good working condition. +Record operational details of travel. +Operate cranes, hoists, or other moving or lifting equipment. +Paint surfaces or equipment. +Direct maintenance or repair activities. +Measure the level or depth of water or other liquids.","Outdoors, Exposed to All Weather Conditions— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 97% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 96% responded “Every day.” +Duration of Typical Work Week— 89% responded “More than 40 hours.” +Exposed to Contaminants— 85% responded “Every day.” +Health and Safety of Other Workers— 67% responded “Very high responsibility.” +Contact With Others— 76% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Consequence of Error— 66% responded “Extremely serious.” +Spend Time Standing— 54% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 25% responded “High responsibility.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 43% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 53% responded “Every day.” +Physical Proximity— 74% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 36% responded “Some freedom.” +Exposed to Hazardous Equipment— 44% responded “Every day.” +Spend Time Walking or Running— 56% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 36% responded “Once a week or more but not every day.” +Frequency of Decision Making— 49% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Very important results.” +Spend Time Making Repetitive Motions— 53% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Importance of Repeating Same Tasks— 35% responded “Important.” +Exposed to Hazardous Conditions— 42% responded “Every day.” +E-Mail— 32% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 53% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 23% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 56% responded “Limited freedom.” +Exposed to High Places— 33% responded “Once a month or more but not every week.” +Exposed to Whole Body Vibration— 31% responded “Every day.” +Pace Determined by Speed of Equipment— 34% responded “Very important.” +Spend Time Keeping or Regaining Balance— 45% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Far Vision— The ability to see details at a distance. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Sound Localization— The ability to tell the direction from which a sound originated. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Captains, Mates, and Pilots of Water Vessels +Crane and Tower Operators +Dredge Operators +Hoist and Winch Operators +Motorboat Operators +Operating Engineers and Other Construction Equipment Operators +Railroad Brake, Signal, and Switch Operators and Locomotive Firers +Riggers +Roustabouts, Oil and Gas +Bright Outlook +Ship Engineers","View the list of Allies +American Waterways Operators +external site +Passenger Vessel Association +external site +Inlandboatmen's Union of the Pacific +external site +Seafarers International Union +external site",41,28,37,46,44,49,56,49,38,8,7,22,34,19,1,36,35,50,7,52,21,10,9,29,34,29,19,31,14,14,33,,9 +17-3025.00,Environmental Engineering Technologists and Technicians,https://www.onetonline.org/link/summary/17-3025.00,2025-06-11T18:55:18.432660,"Maintain project logbook records or computer program files. +Record laboratory or field data, including numerical data, test results, photographs, or summaries of visual observations. +Perform environmental quality work in field or office settings. +Produce environmental assessment reports, tabulating data and preparing charts, graphs, or sketches. +Collect and analyze pollution samples, such as air or ground water. +Decontaminate or test field equipment used to clean or test pollutants from soil, air, or water. +Prepare and package environmental samples for shipping or testing. +Maintain process parameters and evaluate process anomalies. +Review technical documents to ensure completeness and conformance to requirements. +Receive, set up, test, or decontaminate equipment. +Prepare permit applications or review compliance with environmental permits. +Review work plans to schedule activities. +Assist in the cleanup of hazardous material spills. +Inspect facilities to monitor compliance with regulations governing substances, such as asbestos, lead, or wastewater. +Develop work plans, including writing specifications or establishing material, manpower, or facilities needs. +Perform statistical analysis and correction of air or water pollution data submitted by industry or other agencies. +Arrange for the disposal of lead, asbestos, or other hazardous materials. +Evaluate and select technologies to clean up polluted sites, restore polluted air, water, or soil, or rehabilitate degraded ecosystems. +Assess the ability of environments to naturally remove or reduce conventional or emerging contaminants from air, water, or soil. +Work with customers to assess the environmental impact of proposed construction or to develop pollution prevention programs. +Provide technical engineering support in the planning of projects, such as wastewater treatment plants, to ensure compliance with environmental regulations and policies. +Model biological, chemical, or physical treatment processes to remove or degrade pollutants. +Oversee support staff. +Create models to demonstrate or predict the process by which pollutants move through or impact an environment. +Improve chemical processes to reduce toxic emissions. +Obtain product information, identify vendors or suppliers, or order materials or equipment to maintain inventory.","Analytical or scientific software— Statistical software; The MathWorks MATLAB; Visual MODFLOW Pro; Wolfram Research Mathematica;27 more +Categorization or classification software— GAEA Technologies WinSieve +Compliance software— Hazardous materials management HMS software; Material safety data sheet MSDS software; Site remediation management software; Waste management software;4 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Computer aided design and drafting CADD software;2 more +Data base user interface and query software— Database software; Microsoft Access; Structure query language SQL +Desktop publishing software— Adobe PageMaker +Development environment software— Formula translation/translator FORTRAN; National Instruments LabVIEW +Document management software— Gel documentation software; Microsoft SharePoint Server +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems +Graphics or photo imaging software— Photogrammetric software +Industrial control software— Fugitive emission leak detection software +Internet browser software +Map creation software— Geomechanical design analysis GDA software; Soil mapping software +Object or component oriented development software— C++; Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Dispose of hazardous materials. +Maintain operational records or records systems. +Document design or operational test results. +Evaluate environmental impact of operational or development activities. +Monitor environmental conditions to detect hazards. +Analyze test or validation data. +Collect samples of raw materials or finished products. +Prepare technical or operational reports. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Maintain clean work areas. +Package materials for transport. +Monitor processes for compliance with standards. +Investigate system, equipment, or product failures. +Inspect facilities or sites to determine if they meet specifications or standards. +Prepare detailed work plans. +Evaluate designs or specifications to ensure quality. +Analyze operational data to evaluate operations, processes or products. +Assess product or process usefulness. +Investigate the environmental impact of projects. +Advise customers on the use of products or services. +Prepare contracts, disclosures, or applications. +Provide technical guidance to other personnel. +Create models of engineering designs or methods. +Schedule operational activities. +Supervise production or support personnel. +Research engineering aspects of biological or chemical processes. +Purchase materials, equipment, or other resources.","E-Mail— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Telephone Conversations— 29% responded “Once a week or more but not every day.” +Contact With Others— 60% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Work With or Contribute to a Work Group or Team— 41% responded “Extremely important.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 48% responded “40 hours.” +Health and Safety of Other Workers— 51% responded “High responsibility.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Indoors, Environmentally Controlled— 38% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a month or more but not every week.” +Frequency of Decision Making— 47% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 34% responded “Important.” +Freedom to Make Decisions— 31% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 32% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 32% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Time Pressure— 57% responded “Once a month or more but not every week.” +Exposed to Contaminants— 36% responded “Every day.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Work Outcomes and Results of Other Workers— 50% responded “Moderate responsibility.” +Spend Time Sitting— 46% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Civil Engineering Technologists and Technicians +Environmental Compliance Inspectors +Environmental Engineers +Bright Outlook +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Geological Technicians, Except Hydrologic Technicians +Industrial Engineering Technologists and Technicians +Industrial Engineers +Water and Wastewater Treatment Plant and System Operators +Water/Wastewater Engineers","View the list of Allies +Air and Waste Management Association +external site +American Geophysical Union +external site +American Industrial Hygiene Association +external site +American Public Works Association +external site +American Society for Engineering Education +external site +American Society of Agricultural and Biological Engineers +external site +American Society of Civil Engineers +external site +American Water Resources Association +external site +American Water Works Association +external site +Association of Environmental and Engineering Geologists +external site +Association of Environmental Engineering and Science Professors +external site +Ecological Society of America +external site +Environmental and Engineering Geophysical Society +external site +Environmental Design Research Association +external site +Institute of Environmental Management and Assessment +external site +Institute of Environmental Sciences and Technology +external site +International Association for Hydro-Environment Engineering and Research +external site +International Association of Hydrogeologists +external site +International Erosion Control Association +external site +National Association of Environmental Professionals +external site +National Association of State Trust Lands +external site +National Association of Wetland Managers +external site +National Environmental Health Association +external site +National Ground Water Association +external site +National Society of Professional Engineers +external site +Society for Conservation Biology +external site +Society for Ecological Restoration +external site +Society of American Military Engineers +external site +Society of Environmental Toxicology and Chemistry +external site +Society of Women Engineers +external site +Soil and Water Conservation Society +external site +Soil Science Society of America +external site +Solid Waste Association of North America +external site +Technology Student Association +external site +United States Society on Dams +external site +Water Environment Federation +external site +Central States Water Environment Association +external site +Mid-Atlantic Renewable Energy Association +external site +New England Water Environment Association +external site +New England Water Works Association +external site +Northeast Waste Management Officials’ Association +external site +Pacific Northwest Clean Water Association +external site +Pacific Northwest Section of the American Water Works Association +external site +Southern Alliance for Clean Energy +external site +Accreditation Board for Engineering and Technology +external site +American Academy of Environmental Engineers and Scientists +external site +International Union of Geological Sciences +external site +National Institute for Certification in Engineering Technologies +external site +National Registry of Environmental Professionals +external site",64,1,45,61,64,46,54,49,41,22,24,33,59,46,15,44,24,56,3,30,15,6,8,18,13,68,49,55,45,47,40,1,16 +33-1012.00,First-Line Supervisors of Police and Detectives,https://www.onetonline.org/link/summary/33-1012.00,2025-06-11T19:10:15.176192,"Supervise and coordinate the investigation of criminal cases, offering guidance and expertise to investigators, and ensuring that procedures are conducted in accordance with laws and regulations. +Prepare work schedules and assign duties to subordinates. +Direct collection, preparation, and handling of evidence and personal property of prisoners. +Investigate and resolve personnel problems within organization and charges of misconduct against staff. +Explain police operations to subordinates to assist them in performing their job duties. +Maintain logs, prepare reports, and direct the preparation, handling, and maintenance of departmental records. +Inform personnel of changes in regulations and policies, implications of new or amended laws, and new techniques of police work. +Train staff in proper police work procedures. +Discipline staff for violation of department rules and regulations. +Monitor and evaluate the job performance of subordinates, and authorize promotions and transfers. +Review contents of written orders to ensure adherence to legal requirements. +Conduct raids and order detention of witnesses and suspects for questioning. +Cooperate with court personnel and officials from other law enforcement agencies and testify in court, as necessary. +Meet with civic, educational, and community groups to develop community programs and events, and to discuss law enforcement subjects. +Inspect facilities, supplies, vehicles, and equipment to ensure conformance to standards. +Direct release or transfer of prisoners. +Requisition and issue equipment and supplies. +Develop, implement, and revise departmental policies and procedures. +Prepare news releases and respond to police correspondence. +Prepare budgets and manage expenditures of department funds. +Read and review subordinates' reports to ensure legal standards are met and there are no mistakes.","Calendar and scheduling software— Scheduling software +Data base user interface and query software— Integrated Automated Fingerprint Identification System IAFIS; Microsoft Access; National Crime Information Center (NCIC) database; Spillman Technologies Records Management;2 more +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Computer aided composite drawing software; DesignWare 3D EyeWitness; SmartDraw Legal; The CAD Zone The Crime Zone +Helpdesk or call center software— Computer aided dispatch software +Internet browser software— Microsoft Internet Explorer +Map creation software— Crime mapping software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Direct criminal investigations. +Prepare activity or work schedules. +Process forensic or legal evidence in accordance with procedures. +Resolve interpersonal conflicts. +Train employees in proper work procedures. +Maintain operational records. +Write operational reports. +Direct law enforcement activities. +Inform others about laws or regulations. +Evaluate employee performance. +Review documents or materials for compliance with policies or regulations. +Apprehend criminal suspects. +Detain suspects or witnesses. +Collaborate with law enforcement or security agencies to share information. +Testify at legal or legislative proceedings. +Collaborate with outside groups to develop programs or projects. +Inspect equipment to ensure safety or proper functioning. +Inspect facilities to ensure compliance with security or safety regulations. +Prepare investigation or incident reports. +Maintain inventories of materials, equipment, or products.","Telephone Conversations— 100% responded “Every day.” +E-Mail— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Deal With External Customers or the Public in General— 89% responded “Extremely important.” +Contact With Others— 78% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 70% responded “Very important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 70% responded “Every day.” +Frequency of Decision Making— 73% responded “Every day.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Very important.” +Outdoors, Exposed to All Weather Conditions— 62% responded “Every day.” +Health and Safety of Other Workers— 43% responded “High responsibility.” +Conflict Situations— 51% responded “Every day.” +Importance of Being Exact or Accurate— 61% responded “Extremely important.” +Physical Proximity— 43% responded “Very close (near touching).” +Work Outcomes and Results of Other Workers— 46% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Very important.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 55% responded “Every day.” +Consequence of Error— 59% responded “Extremely serious.” +Exposed to Hazardous Equipment— 40% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Every day.” +Written Letters and Memos— 34% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Every day.” +Exposed to Disease or Infections— 27% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Once a month or more but not every week.” +Time Pressure— 34% responded “Once a month or more but not every week.” +Spend Time Sitting— 52% responded “More than half the time.” +Dealing with Violent or Physically Aggressive People— 40% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 36% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 27% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 29% responded “Continually or almost continually.” +Level of Competition— 54% responded “Moderately competitive.” +Indoors, Not Environmentally Controlled— 28% responded “Once a year or more but not every month.” +Public Speaking— 44% responded “Once a year or more but not every month.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 36% responded “Every day.” +Exposed to Contaminants— 28% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bailiffs +Correctional Officers and Jailers +Detectives and Criminal Investigators +First-Line Supervisors of Correctional Officers +First-Line Supervisors of Firefighting and Prevention Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Security Workers +Police and Sheriff's Patrol Officers +Probation Officers and Correctional Treatment Specialists +Transit and Railroad Police","View the list of Allies +American Academy of Forensic Sciences +external site +FBI National Academy Associates +external site +Federal Law Enforcement Officers Association +external site +Fraternal Order of Police +external site +Hispanic Police Officers Association +external site +International Association for Identification +external site +International Association of Chiefs of Police +external site +International Association of Law Enforcement Firearms Instructors +external site +International Police Association +external site +National Narcotic Officers' Associations' Coalition +external site +National Sheriffs' Association +external site +National Tactical Officers Association +external site +National Association of Government Employees +external site +Southern States Police Benevolent Association +external site",86,,14,71,31,74,92,55,43,11,15,52,18,43,32,89,39,9,31,29,70,55,57,36,29,12,1,19,12,4,29,2,17 +27-4014.00,Sound Engineering Technicians,https://www.onetonline.org/link/summary/27-4014.00,2025-06-11T19:04:05.831258,"Record speech, music, and other sounds on recording media, using recording equipment. +Confer with producers, performers, and others to determine and achieve the desired sound for a production, such as a musical recording or a film. +Separate instruments, vocals, and other sounds, and combine sounds during the mixing or postproduction stage. +Regulate volume level and sound quality during recording sessions, using control consoles. +Set up, test, and adjust recording equipment for recording sessions and live performances. +Prepare for recording sessions by performing such activities as selecting and setting up microphones. +Keep logs of recordings. +Mix and edit voices, music, and taped sound effects for live performances and for prerecorded events, using sound mixing boards. +Synchronize and equalize prerecorded dialogue, music, and sound effects with visual action of motion pictures or television productions, using control consoles. +Reproduce and duplicate sound recordings from original recording media, using sound editing and duplication equipment. +Report equipment problems and ensure that required repairs are made. +Tear down equipment after event completion. +Convert video and audio recordings into digital formats for editing or archiving. +Create musical instrument digital interface programs for music projects, commercials, or film postproduction.","Clustering software— VMware +Computer aided design CAD software— Autodesk AutoCAD +Desktop publishing software— Adobe InDesign +Development environment software— Unity Technologies Unity +Document management software— Adobe Acrobat +File versioning software— Git +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Photoshop +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Metadata management software— Perforce software +Music or sound editing software— Adobe Audition; Audio editing software; Avid Technology Pro Tools; Musical instrument digital interface MIDI software;1 more +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Linux; Microsoft Windows; UNIX;3 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Transaction server software— IBM Middleware +Video creation and editing software— Adobe Premiere Pro; Apple Final Cut Pro; Avid Technology audio visual editing software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Operate audio recording equipment. +Collaborate with others to determine technical details of productions. +Mix sound inputs. +Operate control consoles for sound, lighting or video. +Select materials or props. +Maintain logs of production activities. +Notify others of equipment problems. +Convert data among multiple digital or analog formats.","E-Mail— 96% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Duration of Typical Work Week— 85% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Telephone Conversations— 58% responded “Every day.” +Level of Competition— 65% responded “Extremely competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Contact With Others— 59% responded “Constant contact with others.” +Time Pressure— 52% responded “Every day.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Spend Time Sitting— 48% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Frequency of Decision Making— 35% responded “Every day.” +Spend Time Making Repetitive Motions— 33% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Work Outcomes and Results of Other Workers— 42% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Important.” +Physical Proximity— 42% responded “Slightly close (e.g., shared office).” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Written Letters and Memos— 32% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 30% responded “Very important.” +Importance of Repeating Same Tasks— 31% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Audio and Video Technicians +Audiovisual Equipment Installers and Repairers +Broadcast Technicians +Calibration Technologists and Technicians +Bright Outlook +Camera Operators, Television, Video, and Film +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Film and Video Editors +Lighting Technicians +Media Technical Directors/Managers","View the list of Allies +Audio Engineering Society +external site +Audiovisual and Integrated Experience Association +external site +Broadcast Music, Incorporated +external site +Cinema Audio Society +external site +Gospel Music Association +external site +National Association of Broadcasters +external site +Recording Academy +external site +The Latin Recording Academy +external site +International Alliance of Theatrical Stage Employees, Moving Picture Technicians, Artists and Allied Crafts +external site +International Brotherhood of Electrical Workers +external site +Motion Picture Editors Guild +external site +National Association of Broadcast Employees and Technicians - Communications Workers of America +external site +Society of Broadcast Engineers +external site",76,3,54,72,41,53,26,36,45,38,45,36,8,86,19,23,77,45,21,24,55,26,28,71,3,86,29,41,5,40,13,69,15 +33-9031.00,Gambling Surveillance Officers and Gambling Investigators,https://www.onetonline.org/link/summary/33-9031.00,2025-06-11T19:11:06.092673,"Monitor establishment activities to ensure adherence to all state gaming regulations and company policies and procedures. +Observe casino or casino hotel operations for irregular activities, such as cheating or theft by employees or patrons, using audio and video equipment and one-way mirrors. +Report all violations and suspicious behaviors to supervisors, verbally or in writing. +Develop and maintain log of surveillance observations. +Inspect and monitor audio or video surveillance equipment to ensure it is working appropriately. +Review video surveillance footage. +Act as oversight or security agents for management or customers. +Supervise or train surveillance observers.","Data base user interface and query software— FileMaker Pro; iView Systems +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Microsoft Paint +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Observe individuals' activities to gather information or compile evidence. +Operate surveillance equipment to detect suspicious or illegal activities. +Discuss performance, complaints, or violations with supervisors. +Monitor operations to ensure compliance with safety or security policies or regulations. +Compile data or documentation. +Compile operational data. +Record operational or environmental data. +Inspect equipment or systems. +Inspect facilities or equipment to ensure specifications are met. +Inspect materials or equipment to determine need for repair or replacement. +Maintain surveillance of individuals or establishments. +Direct security operations. +Train employees in proper work procedures.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Telephone Conversations— 93% responded “Every day.” +Importance of Being Exact or Accurate— 86% responded “Extremely important.” +Spend Time Sitting— 91% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +E-Mail— 85% responded “Every day.” +Contact With Others— 81% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 81% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 74% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 74% responded “Extremely important.” +Frequency of Decision Making— 71% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Freedom to Make Decisions— 64% responded “A lot of freedom.” +Physical Proximity— 30% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Conflict Situations— 44% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Written Letters and Memos— 37% responded “Every day.” +Consequence of Error— 39% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Health and Safety of Other Workers— 31% responded “Moderate responsibility.” +Work Outcomes and Results of Other Workers— 28% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Duration of Typical Work Week— 75% responded “40 hours.” +Time Pressure— 28% responded “Once a month or more but not every week.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Camera Operators, Television, Video, and Film +Detectives and Criminal Investigators +Digital Forensics Analysts +Bright Outlook +First-Line Supervisors of Gambling Services Workers +First-Line Supervisors of Security Workers +Gambling Managers +Private Detectives and Investigators +Retail Loss Prevention Specialists +Security Management Specialists +Security Managers","View the list of Allies +Fraternal Order of Police +external site",57,4,25,82,66,56,76,59,64,29,15,36,3,67,7,44,38,26,17,3,45,6,20,46,8,27,4,10,3,20,13,1,1 +43-4011.00,Brokerage Clerks,https://www.onetonline.org/link/summary/43-4011.00,2025-06-11T19:15:25.158554,"Correspond with customers and confer with coworkers to answer inquiries, discuss market fluctuations, or resolve account problems. +Document security transactions, such as purchases, sales, conversions, redemptions, or payments, using computers, accounting ledgers, or certificate records. +File, type, or operate standard office machines. +Perform clerical tasks, such as answering phones or distributing mail. +Prepare forms, such as receipts, withdrawal orders, transmittal papers, or transfer confirmations, based on transaction requests from stockholders. +Schedule and coordinate transfer and delivery of security certificates between companies, departments, and customers. +Monitor daily stock prices and compute fluctuations to determine the need for additional collateral to secure loans. +Verify ownership and transaction information and dividend distribution instructions to ensure conformance with governmental regulations, using stock records and reports. +Compute total holdings, dividends, interest, transfer taxes, brokerage fees, or commissions and allocate appropriate payments to customers. +Prepare reports summarizing daily transactions and earnings for individual customer accounts.","Accounting software— Account management software +Calendar and scheduling software— Scheduling software +Customer relationship management CRM software— HEAT Software GoldMine; Royal Alliance VISION2020 Core; Salesforce software +Data base user interface and query software— Microsoft Access; Structured query language SQL; Transaction processing software +Desktop communications software— Online trading software; WiredRed Software e/pop Basic +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft +Financial analysis software— Bloomberg Professional +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Instant messaging software +Internet browser software— Web browser software +Object oriented data base management software— Microsoft Visual FoxPro +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Dreamweaver +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Confer with coworkers to coordinate work activities. +Respond to customer problems or complaints. +Prepare documentation for contracts, transactions, or regulatory compliance. +File documents or records. +Coordinate operational activities. +Monitor financial information. +Schedule operational activities. +Answer telephones to direct calls or provide information. +Distribute incoming mail. +Verify accuracy of financial or transactional data. +Calculate financial data. +Prepare research or technical reports.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Contact With Others— 84% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 73% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Time Pressure— 70% responded “Every day.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Importance of Repeating Same Tasks— 73% responded “Extremely important.” +Deal With External Customers or the Public in General— 71% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 51% responded “Some freedom.” +Spend Time Sitting— 14% responded “More than half the time.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Frequency of Decision Making— 14% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 69% responded “Important results.” +Physical Proximity— 36% responded “Moderately close (at arm's length).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Every day.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Degree of Automation— 36% responded “Highly automated.” +Conflict Situations— 38% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Continually or almost continually.” +Consequence of Error— 38% responded “Very serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Very important.” +Duration of Typical Work Week— 62% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bill and Account Collectors +Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Credit Authorizers, Checkers, and Clerks +Customer Service Representatives +Loan Interviewers and Clerks +New Accounts Clerks +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Securities, Commodities, and Financial Services Sales Agents +Tellers","View the list of Allies +American Bankers Association +external site +Investment Adviser Association +external site +Mortgage Bankers Association +external site +National Investor Relations Institute +external site +North American Securities Administrators Association +external site +Association for Financial Professionals +external site +Financial Industry Regulatory Authority +external site",71,,13,77,63,25,27,31,52,55,46,27,,58,30,42,35,2,4,14,23,8,9,29,2,13,,3,,8,10,,9 +47-2011.00,Boilermakers,https://www.onetonline.org/link/summary/47-2011.00,2025-06-11T19:18:01.440343,"Attach rigging and signal crane or hoist operators to lift heavy frame and plate sections or other parts into place. +Study blueprints to determine locations, relationships, or dimensions of parts. +Repair or replace defective pressure vessel parts, such as safety valves or regulators, using torches, jacks, caulking hammers, power saws, threading dies, welding equipment, or metalworking machinery. +Locate and mark reference points for columns or plates on boiler foundations, following blueprints and using straightedges, squares, transits, or measuring instruments. +Bolt or arc weld pressure vessel structures and parts together, using wrenches or welding equipment. +Position, align, and secure structural parts or related assemblies to boiler frames, tanks, or vats of pressure vessels, following blueprints. +Install manholes, handholes, taps, tubes, valves, gauges, or feedwater connections in drums of water tube boilers, using hand tools. +Shape or fabricate parts, such as stacks, uptakes, or chutes, to adapt pressure vessels, heat exchangers, or piping to premises, using heavy-metalworking machines such as brakes, rolls, or drill presses. +Assemble large vessels in an on-site fabrication shop prior to installation to ensure proper fit. +Lay out plate, sheet steel, or other heavy metal and locate and mark bending and cutting lines, using protractors, compasses, and drawing instruments or templates. +Examine boilers, pressure vessels, tanks, or vats to locate defects, such as leaks, weak spots, or defective sections, so that they can be repaired. +Shape seams, joints, or irregular edges of pressure vessel sections or structural parts to attain specified fit of parts, using cutting torches, hammers, files, or metalworking machines. +Inspect assembled vessels or individual components, such as tubes, fittings, valves, controls, or auxiliary mechanisms, to locate any defects. +Straighten or reshape bent pressure vessel plates or structure parts, using hammers, jacks, or torches. +Install refractory bricks or other heat-resistant materials in fireboxes of pressure vessels. +Clean pressure vessel equipment, using scrapers, wire brushes, and cleaning solvents. +Bell, bead with power hammers, or weld pressure vessel tube ends to ensure leakproof joints. +Conduct pressure tests on vessels, such as boilers.","Computer aided design CAD software— Autodesk AutoCAD +Computer based training software— Health and safety training software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Operate cranes, hoists, or other moving or lifting equipment. +Signal equipment operators to indicate proper equipment positioning. +Review blueprints or specifications to determine work requirements. +Maintain mechanical equipment. +Mark reference points on construction materials. +Measure materials or objects for installation or assembly. +Weld metal components. +Install metal structural components. +Position structural components. +Fabricate parts or components. +Assemble products or production equipment. +Install gauges or controls. +Inspect industrial or commercial equipment to ensure proper operation. +Install masonry materials. +Clean equipment or facilities.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 88% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 77% responded “Continually or almost continually.” +Exposed to Contaminants— 70% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Spend Time Standing— 54% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Exposed to Hazardous Conditions— 54% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 45% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 44% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Contact With Others— 62% responded “Constant contact with others.” +Exposed to Cramped Work Space, Awkward Positions— 65% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 27% responded “Very important results.” +Time Pressure— 77% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 40% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 37% responded “Limited freedom.” +Exposed to High Places— 22% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 59% responded “More than half the time.” +Frequency of Decision Making— 47% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 50% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 50% responded “Every day.” +Physical Proximity— 41% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Important.” +Duration of Typical Work Week— 66% responded “40 hours.” +Indoors, Not Environmentally Controlled— 39% responded “Every day.” +Freedom to Make Decisions— 30% responded “A lot of freedom.” +Level of Competition— 65% responded “Highly competitive.” +Telephone Conversations— 54% responded “Every day.” +Spend Time Bending or Twisting Your Body— 37% responded “More than half the time.” +Importance of Repeating Same Tasks— 49% responded “Very important.” +Spend Time Making Repetitive Motions— 32% responded “More than half the time.” +Outdoors, Under Cover— 25% responded “Every day.” +Pace Determined by Speed of Equipment— 33% responded “Important.” +Conflict Situations— 30% responded “Once a week or more but not every day.” +Written Letters and Memos— 40% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Engine and Other Machine Assemblers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Millwrights +Plumbers, Pipefitters, and Steamfitters +Sheet Metal Workers +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters +Welders, Cutters, Solderers, and Brazers +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +American Society of Mechanical Engineers +external site +American Welding Society +external site +National Association of Construction Boilermaker Employees +external site +Boilermakers National Apprenticeship Program +external site +International Brotherhood of Boilermakers +external site +National Center for Construction Education and Research +external site +United Association of Journeymen and Apprentices of the Plumbing and Pipe Fitting Industry +external site",53,,71,48,77,44,47,48,33,28,45,36,35,30,26,25,17,71,5,22,19,8,6,7,15,50,72,35,18,77,13,,5 +51-9162.00,Computer Numerically Controlled Tool Programmers,https://www.onetonline.org/link/summary/51-9162.00,2025-06-11T19:28:12.785287,"Write programs in the language of a machine's controller and store programs on media, such as punch tapes, magnetic tapes, or disks. +Determine the sequence of machine operations, and select the proper cutting tools needed to machine workpieces into the desired shapes. +Revise programs or tapes to eliminate errors, and retest programs to check that problems have been solved. +Analyze job orders, drawings, blueprints, specifications, printed circuit board pattern films, and design data to calculate dimensions, tool selection, machine speeds, and feed rates. +Write instruction sheets and cutter lists for a machine's controller to guide setup and encode numerical control tapes. +Observe machines on trial runs or conduct computer simulations to ensure that programs and machinery will function properly and produce items that meet specifications. +Enter computer commands to store or retrieve parts patterns, graphic displays, or programs that transfer data to other media. +Modify existing programs to enhance efficiency. +Determine reference points, machine cutting paths, or hole locations, and compute angular and linear dimensions, radii, and curvatures. +Sort shop orders into groups to maximize materials utilization and minimize machine setup time. +Compare encoded tapes or computer printouts with original part specifications and blueprints to verify accuracy of instructions. +Perform preventative maintenance or minor repairs on machines. +Prepare geometric layouts from graphic displays, using computer-assisted drafting software or drafting instruments and graph paper. +Draw machine tool paths on pattern film according to guidelines for tool speed and efficiency, using colored markers. +Enter coordinates of hole locations into program memories by depressing pedals or buttons of programmers. +Order tooling for jobs.","Analytical or scientific software— Simulation software +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; PTC Creo Parametric +Computer aided manufacturing CAM software— 1CadCam Unigraphics; Autodesk PartMaker; Mastercam computer-aided design and manufacturing software; Vero Software WorkNC;57 more +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Aptean Made2Manage; SAP software +Object or component oriented development software— G-code; M-code +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Siemens Teamcenter +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Program equipment to perform production tasks. +Determine production equipment settings. +Select production equipment according to product specifications. +Study blueprints or other instructions to determine equipment setup requirements. +Conduct test runs of production equipment. +Create diagrams or blueprints for workpieces or products. +Enter commands, instructions, or specifications into equipment. +Calculate dimensions of workpieces, products, or equipment. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Plan production or operational procedures or sequences. +Verify information or specifications. +Perform basic equipment maintenance.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 84% responded “Every day.” +Importance of Being Exact or Accurate— 76% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Every day.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Exposed to Contaminants— 59% responded “Every day.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Contact With Others— 47% responded “Constant contact with others.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Frequency of Decision Making— 42% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 49% responded “Continually or almost continually.” +E-Mail— 41% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Work Outcomes and Results of Other Workers— 35% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 37% responded “Every day.” +Importance of Repeating Same Tasks— 43% responded “Very important.” +Spend Time Standing— 42% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Important.” +Physical Proximity— 70% responded “Slightly close (e.g., shared office).” +Consequence of Error— 24% responded “Extremely serious.” +Pace Determined by Speed of Equipment— 43% responded “Very important.” +Telephone Conversations— 32% responded “Every day.” +Indoors, Not Environmentally Controlled— 37% responded “Every day.”","Programming— Writing computer programs for various purposes. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Calibration Technologists and Technicians +Bright Outlook +Computer Numerically Controlled Tool Operators +Electrical and Electronic Engineering Technologists and Technicians +Electromechanical Equipment Assemblers +Machinists +Mechanical Drafters +Mechanical Engineering Technologists and Technicians +Model Makers, Metal and Plastic +Patternmakers, Metal and Plastic +Robotics Technicians","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +Society of Manufacturing Engineers +external site +National Institute for Metalworking Skills +external site",42,10,71,54,73,52,41,50,44,21,19,30,27,78,13,14,29,77,14,19,24,16,13,18,12,69,22,36,10,69,12,12,13 +43-9061.00,"Office Clerks, General",https://www.onetonline.org/link/summary/43-9061.00,2025-06-11T19:17:09.636048,"Operate office machines, such as photocopiers and scanners, facsimile machines, voice mail systems, and personal computers. +Answer telephones, direct calls, and take messages. +Communicate with customers, employees, and other individuals to answer questions, disseminate or explain information, take orders, and address complaints. +Maintain and update filing, inventory, mailing, and database systems, either manually or using a computer. +Compile, copy, sort, and file records of office activities, business transactions, and other activities. +Review files, records, and other documents to obtain information to respond to requests. +Open, sort, and route incoming mail, answer correspondence, and prepare outgoing mail. +Compute, record, and proofread data and other information, such as records or reports. +Complete work schedules, manage calendars, and arrange appointments. +Type, format, proofread, and edit correspondence and other documents, from notes or dictating machines, using computers or typewriters. +Inventory and order materials, supplies, and services. +Deliver messages and run errands. +Collect, count, and disburse money, do basic bookkeeping, and complete banking transactions. +Complete and mail bills, contracts, policies, invoices, or checks. +Process and prepare documents, such as business or government forms and expense reports. +Monitor and direct the work of lower-level clerks. +Prepare meeting agendas, attend meetings, and record and transcribe minutes. +Train other staff members to perform work activities, such as using computer applications. +Count, weigh, measure, or organize materials. +Troubleshoot problems involving office equipment, such as computer hardware and software.","Accounting software— Billing software; Bookkeeping software; Intuit QuickBooks; Sage 50 Accounting +Calendar and scheduling software— Appointment scheduling software +Cloud-based data access and sharing software— Dropbox; Google Drive +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Microsoft Dynamics; Salesforce.com Salesforce CRM +Data base user interface and query software— Blackboard software; Database software; Microsoft Access; Yardi software;6 more +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint; Records management software; Transcription system software;1 more +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Electronic Data Interchange EDI systems +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; Oracle PeopleSoft Financials; SAP software +Graphics or photo imaging software— SmugMug Flickr +Human resources software— ADP Workforce Now +Information retrieval or search software— LexisNexis +Instant messaging software— GroupMe +Internet browser software— Web browser software +Medical software— Henry Schein Dentrix; Medical condition coding software; Medical procedure coding software; MEDITECH software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Mavenlink; Microsoft Project +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook; Google Sites; LinkedIn; Social media sites +Word processing software— 3M Post-it App; Evernote; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Operate office equipment. +Answer telephones to direct calls or provide information. +Confer with coworkers to coordinate work activities. +Respond to customer problems or complaints. +Collect deposits, payments or fees. +Execute sales or other financial transactions. +Prepare cash for deposit or disbursement. +Send information, materials or documentation. +Maintain inventory records. +Compile data or documentation. +File documents or records. +Distribute incoming mail. +Search files, databases or reference materials to obtain needed information. +Sort mail. +Prepare documentation for contracts, transactions, or regulatory compliance. +Proofread documents, records, or other files to ensure accuracy. +Check data for recording errors. +Prepare employee work schedules. +Schedule appointments. +Supervise clerical or administrative personnel. +Record information from meetings or other formal proceedings. +Transcribe spoken or written information. +Monitor inventories of products or materials. +Provide information to coworkers. +Train personnel. +Calculate weights, volumes or other characteristics of materials. +Maintain office equipment in proper operating condition.","Telephone Conversations— 93% responded “Every day.” +E-Mail— 89% responded “Every day.” +Contact With Others— 82% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Importance of Repeating Same Tasks— 66% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 40% responded “Limited freedom.” +Written Letters and Memos— 33% responded “Every day.” +Spend Time Making Repetitive Motions— 33% responded “Continually or almost continually.” +Physical Proximity— 45% responded “Slightly close (e.g., shared office).” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Important.” +Freedom to Make Decisions— 34% responded “Some freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a year or more but not every month.” +Frequency of Decision Making— 33% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Services Managers +Bright Outlook +Billing and Posting Clerks +Correspondence Clerks +Executive Secretaries and Executive Administrative Assistants +File Clerks +First-Line Supervisors of Office and Administrative Support Workers +Medical Secretaries and Administrative Assistants +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive +Switchboard Operators, Including Answering Service","View the list of Allies +ARMA International +external site +National Notary Association +external site",61,4,20,70,43,50,36,31,80,36,26,33,9,47,11,27,33,11,17,15,27,12,19,24,8,13,4,8,1,12,16,6,5 +17-2199.08,Robotics Engineers,https://www.onetonline.org/link/summary/17-2199.08,2025-06-11T18:54:44.528504,"Review or approve designs, calculations, or cost estimates. +Process or interpret signals or sensor data. +Debug robotics programs. +Build, configure, or test robots or robotic applications. +Create back-ups of robot programs or parameters. +Provide technical support for robotic systems. +Design end-of-arm tooling. +Design robotic systems, such as automatic vehicle control, autonomous vehicles, advanced displays, advanced sensing, robotic platforms, computer vision, or telematics systems. +Supervise technologists, technicians, or other engineers. +Design software to control robotic systems for applications, such as military defense or manufacturing. +Conduct research on robotic technology to create new robotic systems or system capabilities. +Investigate mechanical failures or unexpected maintenance problems. +Integrate robotics with peripherals, such as welders, controllers, or other equipment. +Evaluate robotic systems or prototypes. +Install, calibrate, operate, or maintain robots. +Conduct research into the feasibility, design, operation, or performance of robotic mechanisms, components, or systems, such as planetary rovers, multiple mobile robots, reconfigurable robots, or man-machine interactions. +Document robotic application development, maintenance, or changes. +Design automated robotic systems to increase production volume or precision in high-throughput operations, such as automated ribonucleic acid (RNA) analysis or sorting, moving, or stacking production materials. +Write algorithms or programming code for ad hoc robotic applications. +Make system device lists or event timing charts. +Design or program robotics systems for environmental clean-up applications to minimize human exposure to toxic or hazardous materials or to improve the quality or speed of clean-up operations. +Plan mobile robot paths and teach path plans to robots. +Design robotics applications for manufacturers of green products, such as wind turbines or solar panels, to increase production time, eliminate waste, or reduce costs. +Automate assays on laboratory robotics.","Analytical or scientific software— Computer-aided engineering CAE software; Gazebo; MathWorks Simulink; The MathWorks MATLAB;6 more +Compiler and decompiler software— Compilers +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes CATIA; Dassault Systemes SolidWorks;3 more +Content workflow software— Atlassian JIRA +Data base user interface and query software— Amazon Web Services AWS software; Oracle Database; Structured query language SQL +Development environment software— C; Microsoft .NET Framework; Microsoft Visual Basic; Microsoft Visual Studio;5 more +Electronic mail software— Microsoft Outlook +File versioning software— Concurrent Versions Systems; Git; Version control software +Graphical user interface development software— Graphical user interface GUI builder software +Industrial control software— Programmable logic controller PLC software; Rockwell RSLogix; Supervisory control and data acquisition SCADA software; Variable frequency drive VFD software;6 more +Object or component oriented development software— C#; C++; Oracle Java; Python;1 more +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; Real time operating system RTOS software; UNIX;2 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debuggers; Profilers +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Video digitizers +Web platform development software— JavaScript +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Evaluate designs or specifications to ensure quality. +Interpret design or operational test results. +Program robotic equipment. +Design electromechanical equipment or systems. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Maintain operational records or records systems. +Advise customers on the use of products or services. +Design industrial equipment. +Research advanced engineering designs or applications. +Develop software or computer applications. +Supervise engineering or other technical personnel. +Investigate system, equipment, or product failures. +Calibrate scientific or technical equipment. +Evaluate characteristics of equipment or systems. +Install production equipment or systems. +Operate industrial equipment. +Prepare operational reports. +Design industrial processing systems. +Develop operational methods or processes that use green materials or emphasize sustainability. +Document technical design details.","E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Duration of Typical Work Week— 77% responded “More than 40 hours.” +Telephone Conversations— 60% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Important results.” +Contact With Others— 37% responded “Contact with others most of the time.” +Health and Safety of Other Workers— 40% responded “High responsibility.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 43% responded “Once a week or more but not every day.” +Frequency of Decision Making— 40% responded “Once a month or more but not every week.” +Consequence of Error— 40% responded “Very serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 33% responded “Once a week or more but not every day.” +Level of Competition— 33% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 47% responded “High responsibility.” +Spend Time Sitting— 41% responded “More than half the time.” +Written Letters and Memos— 37% responded “Once a month or more but not every week.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).” +Exposed to Hazardous Equipment— 30% responded “Never.” +Deal With External Customers or the Public in General— 30% responded “Important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Operations Analysis— Analyzing needs and product requirements to create a design. +Speaking— Talking to others to convey information effectively. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Programming— Writing computer programs for various purposes. +Science— Using scientific rules and methods to solve problems. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aerospace Engineers +Bright Outlook +Automotive Engineers +Computer Hardware Engineers +Electrical Engineers +Electronics Engineers, Except Computer +Manufacturing Engineers +Mechanical Engineers +Mechatronics Engineers +Microsystems Engineers +Software Developers","View the list of Allies +Advanced Robotics for Manufacturing Institute +external site +American Society for Engineering Education +external site +Association for Advancing Automation +external site +Institute of Electrical and Electronics Engineers +external site +Society of Manufacturing Engineers +external site +Society of Women Engineers +external site +Association of Technology, Management, and Applied Engineering +external site +International Society of Automation +external site",46,17,68,75,80,44,48,58,38,28,32,28,40,86,23,28,29,80,9,22,17,8,11,46,12,95,33,73,22,91,10,3,6 +27-4021.00,Photographers,https://www.onetonline.org/link/summary/27-4021.00,2025-06-11T19:04:11.008638,"Adjust apertures, shutter speeds, and camera focus according to a combination of factors, such as lighting, field depth, subject motion, film type, and film speed. +Create artificial light, using flashes and reflectors. +Determine desired images and picture composition, selecting and adjusting subjects, equipment, and lighting to achieve desired effects. +Transfer photographs to computers for editing, archiving, and electronic transmission. +Use traditional or digital cameras, along with a variety of equipment, such as tripods, filters, and flash attachments. +Manipulate and enhance scanned or digital images to create desired effects, using computers and specialized software. +Take pictures of individuals, families, and small groups, either in studio or on location. +Enhance, retouch, and resize photographs and negatives, using airbrushing and other techniques. +Test equipment prior to use to ensure that it is in good working order. +Estimate or measure light levels, distances, and numbers of exposures needed, using measuring devices and formulas. +Perform general office duties, such as scheduling appointments, keeping books, and ordering supplies. +Review sets of photographs to select the best work. +Set up, mount, or install photographic equipment and cameras. +Determine project goals, locations, and equipment needs by studying assignments and consulting with clients or advertising staff. +Perform maintenance tasks necessary to keep equipment working properly. +Select and assemble equipment and required background properties, according to subjects, materials, and conditions. +Direct activities of workers setting up photographic equipment. +Engage in research to develop new photographic procedures and materials. +Mount, frame, laminate, or lacquer finished photographs. +Send film to photofinishing laboratories for processing. +Develop visual aids and charts for use in lectures or to present evidence in court. +Load and unload film. +Write photograph captions. +Set up photographic exhibitions for the purpose of displaying and selling work. +Produce computer-readable, digital images from film, using flatbed scanners and photofinishing laboratories. +Employ a variety of specialized photographic materials and techniques, including infrared and ultraviolet films, macro photography, photogrammetry and sensitometry. +License the use of photographs through stock photo agencies. +Develop and print exposed film, using chemicals, touch-up tools, and developing and printing equipment. +Operate drones to capture aerial photographs and videos, following all regulatory guidelines.","Accounting software— Blinkbid; Intuit QuickBooks +Calendar and scheduling software— Genbook +Cloud-based data access and sharing software— Google Drive +Data base user interface and query software— Cradoc fotoBiz; HindSight InView; Microsoft Access; Tave Studio Manager;8 more +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Email software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; SmugMug Flickr;1 more +Instant messaging software— Twitter +Internet browser software— Web browser software +Operating system software— Apple macOS +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; WeVideo; YouTube +Web page creation and editing software— Facebook; WordPress +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Set up still or video cameras or related equipment. +Convert data among multiple digital or analog formats. +Determine technical requirements of productions or projects. +Operate still or video cameras or related equipment. +Create computer-generated graphics or animation. +Apply finishes to artwork, crafts, or displays. +Maintain inventories of materials, equipment, or products. +Maintain records, documents, or other files. +Review art or design materials. +Confer with clients to determine needs. +Select materials or props. +Maintain recording or broadcasting equipment. +Coordinate activities of production personnel. +Research new technologies. +Construct distinctive physical objects for artistic, functional, or commercial purposes. +Write informational material. +Arrange artwork, products, or props. +Obtain copyrights or other legal permissions.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Contact With Others— 50% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Every day.” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +Level of Competition— 52% responded “Extremely competitive.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 73% responded “Some freedom.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “More than half the time.” +Time Pressure— 59% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Indoors, Environmentally Controlled— 41% responded “Every day.” +Frequency of Decision Making— 32% responded “Every day.” +Duration of Typical Work Week— 48% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 41% responded “Very important.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Outdoors, Exposed to All Weather Conditions— 50% responded “Once a week or more but not every day.” +Spend Time Sitting— 52% responded “More than half the time.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Spend Time Making Repetitive Motions— 36% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Art Directors +Camera Operators, Television, Video, and Film +Craft Artists +Film and Video Editors +Fine Artists, Including Painters, Sculptors, and Illustrators +Graphic Designers +Photographic Process Workers and Processing Machine Operators +Prepress Technicians and Workers +Special Effects Artists and Animators +Writers and Authors","View the list of Allies +American Photographic Artists +external site +American Society of Media Photographers +external site +American Society of Photographers +external site +National Press Photographers Association +external site +North American Nature Photography Association +external site +Professional Photographers of America +external site +Society of Professional Journalists +external site +University Photographers' Association of America +external site",92,3,63,68,34,72,32,46,61,57,87,43,13,80,13,29,68,29,14,25,59,14,26,37,2,32,12,23,5,44,10,64,13 +19-4099.01,Quality Control Analysts,https://www.onetonline.org/link/summary/19-4099.01,2025-06-11T18:58:22.399847,"Conduct routine and non-routine analyses of in-process materials, raw materials, environmental samples, finished goods, or stability samples. +Interpret test results, compare them to established specifications and control limits, and make recommendations on appropriateness of data for release. +Calibrate, validate, or maintain laboratory equipment. +Ensure that lab cleanliness and safety standards are maintained. +Perform visual inspections of finished products. +Complete documentation needed to support testing procedures, including data capture forms, equipment logbooks, or inventory forms. +Compile laboratory test data and perform appropriate analyses. +Identify and troubleshoot equipment problems. +Write technical reports or documentation, such as deviation reports, testing protocols, and trend analyses. +Investigate or report questionable test results. +Monitor testing procedures to ensure that all tests are performed according to established item specifications, standard test methods, or protocols. +Identify quality problems and recommend solutions. +Participate in out-of-specification and failure investigations and recommend corrective actions. +Receive and inspect raw materials. +Train other analysts to perform laboratory procedures and assays. +Supply quality control data necessary for regulatory submissions. +Serve as a technical liaison between quality control and other departments, vendors, or contractors. +Write or revise standard quality control operating procedures. +Participate in internal assessments and audits as required. +Perform validations or transfers of analytical methods in accordance with applicable policies or guidelines. +Evaluate analytical methods and procedures to determine how they might be improved. +Prepare or review required method transfer documentation including technical transfer protocols or reports. +Review data from contract laboratories to ensure accuracy and regulatory compliance. +Develop and qualify new testing methods. +Coordinate testing with contract laboratories and vendors. +Evaluate new technologies and methods to make recommendations regarding their use.","Analytical or scientific software— Laboratory information management system LIMS; LabWare LIMS; Minitab; The MathWorks MATLAB;1 more +Content workflow software— Atlassian JIRA +Data base management system software— Relational database management software +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Database software; Microsoft Access; Microsoft SQL Server; Structured query language SQL;2 more +Desktop communications software— Eko +Development environment software— C; Microsoft Visual Basic; National Instruments LabVIEW +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— SmugMug Flickr +Internet browser software— Microsoft Internet Explorer +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; IBM Rational Functional Tester; Selenium; Watir;8 more +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Transaction server software— Microsoft Internet Information Services (IIS) +Web platform development software— Hypertext markup language HTML; JavaScript; Microsoft ASP.NET +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Interpret research or operational data. +Test quality of materials or finished products. +Maintain laboratory or technical equipment. +Calibrate scientific or technical equipment. +Evaluate quality of materials or products. +Inspect areas for compliance with sanitation standards. +Record research or operational data. +Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Prepare operational reports. +Analyze test results. +Monitor operational procedures in technical environments to ensure conformance to standards. +Advise others on business or operational matters. +Conduct quantitative failure analyses of operational data. +Train personnel in technical or scientific procedures. +Prepare information or documentation related to legal or regulatory matters. +Develop collaborative relationships between departments or with external organizations. +Conduct financial or regulatory audits. +Determine appropriate methods for data analysis. +Establish standards for products, processes, or procedures. +Verify accuracy of data. +Develop testing routines or procedures. +Evaluate new technologies or methods. +Coordinate activities with suppliers, contractors, clients, or other departments. +Advise others on the development or use of new technologies.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.” +Importance of Being Exact or Accurate— 85% responded “Extremely important.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +E-Mail— 74% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Exposed to Contaminants— 64% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Exposed to Hazardous Conditions— 59% responded “Every day.” +Importance of Repeating Same Tasks— 46% responded “Extremely important.” +Freedom to Make Decisions— 37% responded “A lot of freedom.” +Contact With Others— 61% responded “Constant contact with others.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Time Pressure— 32% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Important.” +Consequence of Error— 42% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Spend Time Standing— 46% responded “About half the time.” +Frequency of Decision Making— 39% responded “Once a year or more but not every month.” +Physical Proximity— 52% responded “Slightly close (e.g., shared office).” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Telephone Conversations— 30% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 29% responded “Limited responsibility.” +Exposed to Very Hot or Cold Temperatures— 31% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 32% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Calibration Technologists and Technicians +Bright Outlook +Chemical Technicians +Chemists +Food Science Technicians +Industrial Engineering Technologists and Technicians +Industrial Engineers +Inspectors, Testers, Sorters, Samplers, and Weighers +Quality Control Systems Managers +Software Quality Assurance Analysts and Testers +Validation Engineers","View the list of Allies +American Chemical Society +external site +American Society for Quality +external site +Parenteral Drug Association +external site",43,47,76,68,79,44,43,47,58,17,14,31,69,57,11,35,37,47,12,28,17,15,10,34,14,32,19,34,33,22,16,6,14 +39-1013.00,First-Line Supervisors of Gambling Services Workers,https://www.onetonline.org/link/summary/39-1013.00,2025-06-11T19:12:34.163784,"Monitor game operations to ensure that house rules are followed, that tribal, state, and federal regulations are adhered to, and that employees provide prompt and courteous service. +Observe gamblers' behavior for signs of cheating, such as marking, switching, or counting cards, and notify security staff of suspected cheating. +Perform paperwork required for monetary transactions. +Respond to and resolve patrons' complaints. +Greet customers and ask about the quality of service they are receiving. +Perform minor repairs or make adjustments to slot machines, resolving problems such as machine tilts and coin jams. +Maintain familiarity with the games at a facility and with strategies or tricks used by cheaters at such games. +Monitor payment of hand-delivered jackpots to ensure promptness. +Explain and interpret house rules, such as game rules or betting limits, for patrons. +Establish and maintain banks and table limits for each game. +Reset slot machines after payoffs. +Answer patrons' questions about gaming machine functions and payouts. +Record the specifics of malfunctioning machines and document malfunctions needing repair. +Monitor patrons for signs of compulsive gambling, offering assistance if necessary. +Supervise the distribution of complimentary meals, hotel rooms, discounts, or other items given to players, based on length of play and amount bet. +Report customer-related incidents occurring in gaming areas to supervisors. +Attach ""out of order"" signs to malfunctioning machines, and notify technicians when machines need to be repaired or removed. +Enforce safety rules, and report or remove safety hazards as well as guests who are underage, intoxicated, disruptive, or cheating. +Exchange currency for customers, converting currency into requested combinations of bills and coins. +Evaluate workers' performance and prepare written performance evaluations. +Monitor stations and games and move dealers from game to game to ensure adequate staffing. +Clean and maintain slot machines and surrounding areas. +Monitor functioning of slot machine coin dispensers and fill coin hoppers when necessary. +Record, issue receipts for, and pay off bets. +Determine how many gaming tables to open each day and schedule staff accordingly. +Direct workers compiling summary sheets for each race or event to record amounts wagered and amounts to be paid to winners. +Review operational expenses, budget estimates, betting accounts, or collection reports for accuracy. +Establish policies on types of gambling offered, odds, or extension of credit. +Interview and hire workers. +Train, supervise, schedule, and evaluate workers.","Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Monitor operational quality or safety. +Communicate with management or other staff to resolve problems. +Monitor patron activities to identify problems or potential problems. +Maintain financial or account records. +Greet customers, patrons, or visitors. +Resolve customer complaints or problems. +Perform basic equipment maintenance. +Explain regulations, policies, or procedures. +Maintain knowledge of business operations. +Conduct amusement or gaming activities. +Operate gaming equipment. +Prepare operational reports or records. +Respond to customer inquiries. +Distribute resources to patrons or employees. +Conduct gaming transactions. +Enforce rules or regulations. +Assign duties or work schedules to employees. +Evaluate employee performance. +Supervise service workers. +Clean facilities or equipment. +Manage budgets for personal services operations. +Develop plans for programs or services. +Conduct eligibility or selection interviews. +Hire personnel. +Prepare employee work schedules. +Train service staff.","Deal With External Customers or the Public in General— 92% responded “Extremely important.” +Contact With Others— 92% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +E-Mail— 83% responded “Every day.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Physical Proximity— 56% responded “Very close (near touching).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Very important results.” +Importance of Repeating Same Tasks— 66% responded “Extremely important.” +Conflict Situations— 62% responded “Every day.” +Work Outcomes and Results of Other Workers— 46% responded “Very high responsibility.” +Frequency of Decision Making— 61% responded “Every day.” +Spend Time Standing— 49% responded “More than half the time.” +Time Pressure— 59% responded “Every day.” +Spend Time Walking or Running— 37% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Telephone Conversations— 22% responded “Never.” +Freedom to Make Decisions— 31% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 30% responded “Some freedom.” +Exposed to Contaminants— 58% responded “Every day.” +Health and Safety of Other Workers— 33% responded “Moderate responsibility.” +Level of Competition— 31% responded “Highly competitive.” +Duration of Typical Work Week— 63% responded “40 hours.” +Written Letters and Memos— 31% responded “Every day.” +Consequence of Error— 30% responded “Extremely serious.” +Spend Time Making Repetitive Motions— 35% responded “About half the time.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Office and Administrative Support Workers +Bright Outlook +First-Line Supervisors of Retail Sales Workers +Gambling and Sports Book Writers and Runners +Gambling Cage Workers +Gambling Change Persons and Booth Cashiers +Gambling Dealers +Gambling Managers +Gambling Surveillance Officers and Gambling Investigators","View the list of Allies +American Gaming Association +external site +Association of Gaming Equipment Manufacturers +external site +Global Gaming Women +external site +International Association of Gaming Advisors +external site +International Masters of Gaming Law +external site +National Indian Gaming Association +external site +World Lottery Association +external site",87,18,48,72,72,71,58,62,53,61,58,57,5,68,24,41,34,30,7,19,51,30,28,24,4,38,12,6,2,18,18,,12 +39-3012.00,Gambling and Sports Book Writers and Runners,https://www.onetonline.org/link/summary/39-3012.00,2025-06-11T19:12:51.746641,"Collect bets in the form of cash or chips, verifying and recording amounts. +Collect cards or tickets from players. +Compute and verify amounts won or lost, paying out winnings or referring patrons to workers, such as gaming cashiers, so that winnings can be collected. +Answer questions about game rules or casino policies. +Conduct gambling tables or games, such as dice, roulette, cards, or keno, and ensure that game rules are followed. +Operate games in which players bet that a ball will come to rest in a particular slot on a rotating wheel, performing actions such as spinning the wheel and releasing the ball. +Exchange paper currency for playing chips or coins. +Compare the house hand with players' hands to determine the winner. +Open or close cash floats or game tables. +Pay off or move bets as established by game rules and procedures. +Start gaming equipment that randomly selects numbered balls and announce winning numbers and colors. +Check to ensure that all players have placed their bets before play begins. +Inspect cards or equipment to be used in games to ensure they are in proper condition. +Record the number of tickets cashed and the amount paid out after each race or event. +Prepare collection reports for submission to supervisors. +Deliver tickets, cards, and money to bingo callers. +Sell food, beverages, or tobacco to players. +Supervise staff and games and mediate disputes. +Provide race or game information to patrons. +Serve drinks to patrons.","Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software— Credit card processing software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Conduct amusement or gaming activities. +Operate gaming equipment. +Conduct gaming transactions. +Maintain financial or account records. +Inspect equipment to ensure proper functioning. +Compute gaming wins and losses. +Respond to customer inquiries. +Prepare operational reports or records. +Deliver items. +Sell products or services. +Mediate disputes. +Supervise service workers.","Indoors, Environmentally Controlled— 93% responded “Every day.” +Contact With Others— 81% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 75% responded “Extremely important.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Deal With External Customers or the Public in General— 59% responded “Extremely important.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Spend Time Standing— 59% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Moderate results.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a month or more but not every week.” +Frequency of Decision Making— 47% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Exposed to Contaminants— 50% responded “Every day.” +Spend Time Walking or Running— 34% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Important.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Level of Competition— 44% responded “Moderately competitive.” +Health and Safety of Other Workers— 40% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Amusement and Recreation Attendants +Bright Outlook +Cashiers +First-Line Supervisors of Gambling Services Workers +Gambling Cage Workers +Gambling Change Persons and Booth Cashiers +Gambling Dealers +Gambling Managers +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop +Tellers +Umpires, Referees, and Other Sports Officials","View the list of Allies +American Gaming Association +external site +Global Gaming Women +external site +International Association of Gaming Advisors +external site +International Masters of Gaming Law +external site +National Indian Gaming Association +external site +World Lottery Association +external site",78,12,29,50,73,36,34,29,32,42,39,36,1,40,13,23,28,10,11,17,25,7,16,19,3,13,2,5,5,10,12,6,3 +45-2011.00,Agricultural Inspectors,https://www.onetonline.org/link/summary/45-2011.00,2025-06-11T19:17:24.719722,"Inspect food products and processing procedures to determine whether products are safe to eat. +Interpret and enforce government acts and regulations and explain required standards to agricultural workers. +Inspect agricultural commodities or related operations, as well as fish or logging operations, for compliance with laws and regulations governing health, quality, and safety. +Label and seal graded products and issue official grading certificates. +Monitor the operations and sanitary conditions of slaughtering or meat processing plants. +Take emergency actions, such as closing production facilities, if product safety is compromised. +Verify that transportation and handling procedures meet regulatory requirements. +Inspect the cleanliness and practices of establishment employees. +Examine, weigh, and measure commodities, such as poultry, eggs, meat, or seafood to certify qualities, grades, and weights. +Inspect or test horticultural products or livestock to detect harmful diseases, chemical residues, or infestations and to determine the quality of products or animals. +Monitor the grading performed by company employees to verify conformance to standards. +Write reports of findings and recommendations and advise farmers, growers, or processors of corrective action to be taken. +Collect samples from animals, plants, or products and route them to laboratories for microbiological assessment, ingredient verification, or other testing. +Provide consultative services in areas such as equipment or product evaluation, plant construction or layout, or food safety systems. +Testify in legal proceedings. +Compare product recipes with government-approved formulas or recipes to determine acceptability.","Data base user interface and query software— Microsoft Access; Operational databases +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Image processing software +Internet browser software— Microsoft Internet Explorer +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Inspect products or operations to ensure that standards are met. +Mark agricultural or forestry products for identification. +Package agricultural products for shipment or further processing. +Warn individuals about rule violations or safety concerns. +Advise others on farming or forestry operations, regulations, or equipment. +Measure physical characteristics of forestry or agricultural products. +Examine animals to detect illness, injury or other problems. +Maintain operational records. +Collect biological specimens. +Send information, materials or documentation. +Testify at legal or legislative proceedings.","Importance of Being Exact or Accurate— 76% responded “Extremely important.” +Contact With Others— 76% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Deal With External Customers or the Public in General— 59% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Exposed to Contaminants— 60% responded “Every day.” +Telephone Conversations— 67% responded “Every day.” +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Every day.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Frequency of Decision Making— 54% responded “Every day.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 47% responded “Every day.” +Time Pressure— 53% responded “Every day.” +Indoors, Not Environmentally Controlled— 59% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Once a week or more but not every day.” +Physical Proximity— 56% responded “Moderately close (at arm's length).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 50% responded “Every day.” +Spend Time Standing— 31% responded “About half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Extremely important.” +E-Mail— 45% responded “Every day.” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 32% responded “Very high responsibility.” +Duration of Typical Work Week— 40% responded “More than 40 hours.” +Outdoors, Under Cover— 28% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 35% responded “Less than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a month or more but not every week.” +Consequence of Error— 30% responded “Fairly serious.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Technicians +Bright Outlook +Aviation Inspectors +Construction and Building Inspectors +First-Line Supervisors of Farming, Fishing, and Forestry Workers +Food Science Technicians +Graders and Sorters, Agricultural Products +Inspectors, Testers, Sorters, Samplers, and Weighers +Occupational Health and Safety Technicians +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation +Weighers, Measurers, Checkers, and Samplers, Recordkeeping","View the list of Allies +American Association of Grain Inspection and Weighing Agencies +external site +American Association of Meat Processors +external site +American Farm Bureau Federation +external site +American Federation of Government Employees +external site +Association of Food and Drug Officials +external site +Grain Elevator and Processing Society +external site +Horticultural Inspection Society Eastern Chapter +external site +International Fresh Produce Association +external site +National Association of State Departments of Agriculture +external site +National Grain and Feed Association +external site +Midwest Food Products Association +external site +Pacific Northwest Vegetable Association +external site +Southern United States Trade Association +external site +Western Agricultural Processors Association +external site +National Farmers Union +external site",63,48,46,54,55,59,55,49,58,23,14,41,29,47,19,58,32,32,11,45,32,14,19,27,11,32,17,10,38,18,27,4,6 +43-4061.00,"Eligibility Interviewers, Government Programs",https://www.onetonline.org/link/summary/43-4061.00,2025-06-11T19:15:41.229162,"Compute and authorize amounts of assistance for programs, such as grants, monetary payments, and food stamps. +Keep records of assigned cases, and prepare required reports. +Compile, record, and evaluate personal and financial data to verify completeness and accuracy, and to determine eligibility status. +Interview and investigate applicants for public assistance to gather information pertinent to their applications. +Interview benefits recipients at specified intervals to certify their eligibility for continuing benefits. +Interpret and explain information such as eligibility requirements, application details, payment methods, and applicants' legal rights. +Initiate procedures to grant, modify, deny, or terminate assistance, or refer applicants to other agencies for assistance. +Check with employers or other references to verify answers and obtain further information. +Answer applicants' questions about benefits and claim procedures. +Provide social workers with pertinent information gathered during applicant interviews. +Refer applicants to job openings or to interviews with other staff, in accordance with administrative guidelines or office procedures. +Schedule benefits claimants for adjudication interviews to address questions of eligibility. +Provide applicants with assistance in completing application forms, such as those for job referrals or unemployment compensation claims. +Prepare applications and forms for applicants for such purposes as school enrollment, employment, and medical services. +Investigate claimants for the possibility of fraud or abuse. +Conduct annual, interim, and special housing reviews and home visits to ensure conformance to regulations. +Monitor the payments of benefits throughout the duration of a claim.","Analytical or scientific software— Client assessment software +Calendar and scheduling software— Resource and patient management system RPMS scheduling software +Data base reporting software— Resource and patient management system RPMS patient registration software +Data base user interface and query software— Microsoft Access +Data compression software— Corel WinZip +Document management software— Adobe Acrobat Reader +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics +Internet browser software— Web browser software +Medical software— GE Healthcare Centricity EMR; Medicaid management information system MMIS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet; Zoom +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.","Calculate financial data. +Record information about legal matters. +Compile data or documentation. +Interview employees, customers, or others to collect information. +Explain regulations, policies, or procedures. +Refer customers to appropriate personnel. +Obtain personal or financial information about customers or applicants. +Provide information to coworkers. +Administer personnel recruitment or hiring activities. +Schedule appointments. +Assist individuals with paperwork. +Prepare documentation for contracts, transactions, or regulatory compliance. +Investigate personal characteristics or activities of individuals. +Monitor financial information.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 81% responded “Every day.” +Spend Time Sitting— 68% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 82% responded “Extremely important.” +Contact With Others— 60% responded “Constant contact with others.” +Frequency of Decision Making— 73% responded “Every day.” +Importance of Repeating Same Tasks— 72% responded “Extremely important.” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Time Pressure— 48% responded “Every day.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Written Letters and Memos— 48% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Never.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Fairly important.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Claims Adjusters, Examiners, and Investigators +Compensation, Benefits, and Job Analysis Specialists +Bright Outlook +Compliance Officers +Human Resources Assistants, Except Payroll and Timekeeping +Human Resources Specialists +Insurance Claims and Policy Processing Clerks +Interviewers, Except Eligibility and Loan +Patient Representatives +Social and Community Service Managers","View the list of Allies +Society for Human Resource Management +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +Commission on Rehabilitative Counseling Certification +external site",98,8,35,84,59,71,50,61,69,37,17,63,3,59,29,53,44,3,14,28,37,28,37,29,5,15,4,2,1,5,9,2,4 +13-2031.00,Budget Analysts,https://www.onetonline.org/link/summary/13-2031.00,2025-06-11T18:50:45.105133,"Analyze monthly department budgeting and accounting reports to maintain expenditure controls. +Provide advice and technical assistance with cost analysis, fiscal allocation, and budget preparation. +Review operating budgets to analyze trends affecting budget needs. +Compile and analyze accounting records and other data to determine the financial resources required to implement a program. +Examine budget estimates for completeness, accuracy, and conformance with procedures and regulations. +Summarize budgets and submit recommendations for the approval or disapproval of funds requests. +Consult with managers to ensure that budget adjustments are made in accordance with program changes. +Direct the preparation of regular and special budget reports. +Interpret budget directives and establish policies for carrying out directives. +Perform cost-benefit analyses to compare operating programs, review financial requests, or explore alternative financing methods. +Match appropriations for specific programs with appropriations for broader programs, including items for emergency funds. +Seek new ways to improve efficiency and increase profits. +Testify before examining and fund-granting authorities, clarifying and promoting the proposed budgets. +Communicate financial reports and budgets to stakeholders. +Submit and monitor salary raises.","Accounting software— Deltek Costpoint; Fund accounting software; Hyperion Enterprise +Analytical or scientific software— Statistical software +Business intelligence and data analysis software— IBM Cognos Business Intelligence +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Microsoft Access; Online analytical processing OLAP software; Relational database software; Structured query language SQL +Development environment software— Business Objects Data Integrator; Microsoft Visual Basic +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics GP; Oracle Hyperion; Revelwood; Sage Active Planner;17 more +Financial analysis software— Budget monitoring systems; Microsoft FRx; Oracle E-Business Suite Financials; Satori Group proCube;2 more +Graphics or photo imaging software— Graphics software +Human resources software— Human resources management system HRMS; Ultimate Software UltiPro Workplace +Object or component oriented development software— Microsoft Visual Basic.NET +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint; SAP Crystal Xcelsius +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software; Time and attendance software; Valiant Vantage +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Analyze budgetary or accounting data. +Advise others on financial matters. +Gather financial records. +Prepare financial documents, reports, or budgets. +Discuss business strategies, practices, or policies with managers. +Verify accuracy of financial information. +Establish organizational guidelines or policies. +Testify at legal or legislative proceedings. +Analyze business or financial data. +Identify opportunities to improve operational efficiency.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 83% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 85% responded “Extremely important.” +Telephone Conversations— 64% responded “Every day.” +Frequency of Decision Making— 64% responded “Every day.” +Importance of Being Exact or Accurate +Importance of Repeating Same Tasks— 66% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Contact With Others— 59% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 76% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Time Pressure— 45% responded “Every day.” +Freedom to Make Decisions— 67% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Spend Time Making Repetitive Motions +Work Outcomes and Results of Other Workers— 47% responded “Very high responsibility.” +Duration of Typical Work Week +Indoors, Environmentally Controlled— 66% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Written Letters and Memos— 55% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 14% responded “No responsibility.” +Conflict Situations— 34% responded “Once a year or more but not every month.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Accountants and Auditors +Bright Outlook +Compensation and Benefits Managers +Compensation, Benefits, and Job Analysis Specialists +Credit Analysts +Financial Examiners +Financial Managers +Fundraising Managers +Personal Financial Advisors +Tax Examiners and Collectors, and Revenue Agents +Treasurers and Controllers","View the list of Allies +AICPA and CIMA +external site +Financial Managers Society +external site +Government Finance Officers Association +external site +National Association of State Budget Officers +external site +Association of Government Accountants +external site +Institute of Management Accountants +external site",56,1,25,73,76,69,30,41,60,86,7,31,3,59,3,48,22,1,10,7,13,8,15,9,1,6,1,3,1,8,8,1,11 +33-1011.00,First-Line Supervisors of Correctional Officers,https://www.onetonline.org/link/summary/33-1011.00,2025-06-11T19:10:12.275353,"Take, receive, or check periodic inmate counts. +Maintain order, discipline, and security within assigned areas in accordance with relevant rules, regulations, policies, and laws. +Maintain knowledge of, comply with, and enforce all institutional policies, rules, procedures, and regulations. +Respond to emergencies, such as escapes. +Supervise and direct the work of correctional officers to ensure the safe custody, discipline, and welfare of inmates. +Supervise or perform searches of inmates or their quarters to locate contraband items. +Monitor behavior of subordinates to ensure alert, courteous, and professional behavior toward inmates, parolees, fellow employees, visitors, and the public. +Restrain, secure, or control offenders, using chemical agents, firearms, or other weapons of force as necessary. +Carry injured offenders or employees to safety and provide emergency first aid when necessary. +Complete administrative paperwork or supervise the preparation or maintenance of records, forms, or reports. +Supervise activities, such as searches, shakedowns, riot control, or institutional tours. +Conduct roll calls of correctional officers. +Instruct employees or provide on-the-job training. +Resolve problems between inmates. +Set up employee work schedules. +Examine incoming or outgoing mail to ensure conformance with regulations. +Transfer or transport offenders on foot or by driving vehicles, such as trailers, vans, or buses. +Review offender information to identify issues that require special attention. +Develop work or security procedures. +Convey correctional officers' or inmates' complaints to superiors. +Supervise or provide security for offenders performing tasks, such as construction, maintenance, laundry, food service, or other industrial or agricultural operations. +Conduct evaluations of employees' performance. +Rate behavior of inmates, promoting acceptable attitudes and behaviors to those with low ratings.","Data base user interface and query software— 3M Electronic Monitoring; Guardian RFID; Jail management software; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Count prison inmates or personnel. +Use weapons or physical force to maintain security. +Maintain professional knowledge or certifications. +Respond to emergencies to provide assistance. +Direct operations of correctional facilities. +Locate suspicious objects or vehicles. +Search individuals for illegal or dangerous items. +Evaluate employee performance. +Administer first aid. +Rescue people from hazardous situations. +Maintain operational records. +Write operational reports. +Train employees in proper work procedures. +Resolve interpersonal conflicts. +Prepare activity or work schedules. +Review documents or materials for compliance with policies or regulations. +Drive vehicles to transport individuals or equipment. +Escort prisoners to courtrooms, prisons, or other facilities. +Determine operational procedures. +Read materials to determine needed actions. +Supervise inmate activities. +Discuss performance, complaints, or violations with supervisors.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +Contact With Others— 84% responded “Constant contact with others.” +Health and Safety of Other Workers— 77% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Frequency of Decision Making— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 70% responded “Every day.” +Conflict Situations— 66% responded “Every day.” +Work Outcomes and Results of Other Workers— 66% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Very important results.” +Dealing with Violent or Physically Aggressive People— 57% responded “Every day.” +Time Pressure— 42% responded “Every day.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Written Letters and Memos— 39% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Extremely important.” +Physical Proximity— 42% responded “Very close (near touching).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 53% responded “Every day.” +Duration of Typical Work Week— 53% responded “40 hours.” +Public Speaking— 39% responded “Every day.” +Determine Tasks, Priorities and Goals— 40% responded “A lot of freedom.” +Exposed to Disease or Infections— 53% responded “Every day.” +Importance of Being Exact or Accurate— 37% responded “Extremely important.” +Importance of Repeating Same Tasks— 31% responded “Important.” +Outdoors, Exposed to All Weather Conditions— 37% responded “Every day.” +Spend Time Walking or Running— 38% responded “More than half the time.” +Deal With External Customers or the Public in General— 37% responded “Very important.” +Spend Time Standing— 47% responded “About half the time.” +Consequence of Error— 30% responded “Extremely serious.” +Exposed to Contaminants— 33% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 36% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Every day.” +Indoors, Not Environmentally Controlled— 22% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bailiffs +Correctional Officers and Jailers +Detectives and Criminal Investigators +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Police and Detectives +First-Line Supervisors of Security Workers +Police and Sheriff's Patrol Officers +Probation Officers and Correctional Treatment Specialists","View the list of Allies +American Correctional Association +external site +Correctional Peace Officers Foundation +external site +Fraternal Order of Police +external site +National Alliance of Gang Investigators' Associations +external site +National Criminal Justice Association +external site +Veterans of Foreign Wars of the United States +external site +Southern States Correctional Association +external site",56,26,30,76,42,79,95,66,67,22,11,64,15,66,30,85,44,21,43,44,78,55,56,44,24,14,13,6,11,18,11,1,11 +47-2042.00,"Floor Layers, Except Carpet, Wood, and Hard Tiles",https://www.onetonline.org/link/summary/47-2042.00,2025-06-11T19:18:17.314522,"Sweep, scrape, sand, or chip dirt and irregularities to clean base surfaces, correcting imperfections that may show through the covering. +Cut flooring material to fit around obstructions. +Inspect surface to be covered to ensure that it is firm and dry. +Trim excess covering materials, tack edges, and join sections of covering material to form tight joint. +Form a smooth foundation by stapling plywood or Masonite over the floor or by brushing waterproof compound onto surface and filling cracks with plaster, putty, or grout to seal pores. +Measure and mark guidelines on surfaces or foundations, using chalk lines and dividers. +Cut covering and foundation materials, according to blueprints and sketches. +Roll and press sheet wall and floor covering into cement base to smooth and finish surface, using hand roller. +Apply adhesive cement to floor or wall material to join and adhere foundation material. +Determine traffic areas and decide location of seams. +Lay out, position, and apply shock-absorbing, sound-deadening, or decorative coverings to floors, walls, and cabinets, following guidelines to keep courses straight and create designs. +Remove excess cement to clean finished surface. +Disconnect and remove appliances, light fixtures, and worn floor and wall covering from floors, walls, and cabinets. +Heat and soften floor covering materials to patch cracks or fit floor coverings around irregular surfaces, using blowtorch.","Computer aided design CAD software— Project visualization software +Data base user interface and query software— Aya Associates Comp-U-Floor; Flooring Technologies QFloors; Focus Floor Covering Software; Textile Management Systems RollMaster +Internet browser software— Web browser software +Inventory management software— Radio frequency identification RFID software +Office suite software— Microsoft Office software +Project management software— CPR Software FloorCOST Estimator for Excel; Measure Square FloorEstimate Pro; On Center On-Screen Takeoff; Pacific Solutions FloorRight +Web page creation and editing software— Facebook","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Cut carpet, vinyl or other flexible materials. +Prepare surfaces for finishing. +Clean surfaces in preparation for work activities. +Inspect work sites to determine condition or necessary repairs. +Trim excess material from installations. +Apply material to fill gaps in surfaces. +Mark reference points on construction materials. +Measure materials or objects for installation or assembly. +Apply adhesives to construction materials. +Finish concrete surfaces. +Apply decorative or textured finishes or coverings. +Collect data about project sites. +Remove excess materials from finished construction projects. +Remove worn, damaged or outdated materials from work areas.","Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Contact With Others +Freedom to Make Decisions— 29% responded “Some freedom.” +Exposed to Contaminants— 11% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Spend Time Kneeling, Crouching, Stooping, or Crawling +Determine Tasks, Priorities and Goals— 28% responded “Some freedom.” +Importance of Being Exact or Accurate— 11% responded “Important.” +Telephone Conversations— 38% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 16% responded “Less than half the time.” +Frequency of Decision Making— 12% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 16% responded “Moderate responsibility.” +Exposed to Cramped Work Space, Awkward Positions +Indoors, Environmentally Controlled— 39% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 12% responded “Once a year or more but not every month.” +Physical Proximity +Coordinate or Lead Others in Accomplishing Work Activities— 13% responded “Very important.” +Spend Time Making Repetitive Motions— 20% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Deal With External Customers or the Public in General— 40% responded “Important.” +Time Pressure— 53% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Health and Safety of Other Workers— 41% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Brickmasons and Blockmasons +Carpet Installers +Cement Masons and Concrete Finishers +Drywall and Ceiling Tile Installers +Floor Sanders and Finishers +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Terrazzo Workers and Finishers +Tile and Stone Setters +Bright Outlook","View the list of Allies +American Society of Concrete Contractors +external site +American Subcontractors Association +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Construction Specifications Institute +external site +Home Builders Institute +external site +International Masonry Institute +external site +National Association of Floor Covering Technicians +external site +National Association of Home Builders +external site +National Association of the Remodeling Industry +external site +National Terrazzo and Mosaic Association +external site +National Tile Contractors Association +external site +National Wood Flooring Association +external site +Tile Contractors' Association of America +external site +Flooring Association Northwest +external site +FCICA- the Flooring Contractors Association +external site +Finishing Trades Institute International +external site +International Certified Flooring Installers +external site +International Standards and Training Alliance (INSTALL) +external site +International Union of Bricklayers and Allied Craftworkers +external site +International Union of Painters and Allied Trades +external site",72,4,58,47,71,37,44,47,15,19,26,18,30,5,9,22,3,61,1,39,24,,4,3,3,33,73,28,5,53,1,2,3 +45-3031.00,Fishing and Hunting Workers,https://www.onetonline.org/link/summary/45-3031.00,2025-06-11T19:17:41.013359,"Patrol trap lines or nets to inspect settings, remove catch, and reset or relocate traps. +Obtain permission from landowners to hunt or trap on their land. +Travel on foot, by vehicle, or by equipment such as boats, snowmobiles, helicopters, snowshoes, or skis to reach hunting areas. +Steer vessels and operate navigational instruments. +Skin quarry, using knives, and stretch pelts on frames to be cured. +Maintain and repair trapping equipment. +Scrape fat, blubber, or flesh from skin sides of pelts with knives or hand scrapers. +Put fishing equipment into the water and anchor or tow equipment, according to the fishing method used. +Maintain engines, fishing gear, and other on-board equipment and perform minor repairs. +Sort, pack, and store catch in holds with salt and ice. +Remove catches from fishing equipment and measure them to ensure compliance with legal size. +Locate fish, using fish-finding equipment. +Obtain required approvals for using poisons or traps, and notify persons in areas where traps and poison are set. +Track animals by checking for signs such as droppings or destruction of vegetation. +Compute positions and plot courses on charts to navigate vessels, using instruments such as compasses, sextants, and charts. +Select, bait, and set traps, and lay poison along trails, according to species, size, habits, and environs of birds or animals and reasons for trapping them. +Attach nets, slings, hooks, blades, or lifting devices to cables, booms, hoists, or dredges. +Participate in animal damage control, wildlife management, disease control, and research activities. +Transport fish to processing plants or to buyers. +Interpret weather and vessel conditions to determine appropriate responses. +Release quarry from traps or nets and transfer to cages. +Kill or stun trapped quarry, using clubs, poisons, guns, or drowning methods. +Wash and sort pelts according to species, color, and quality. +Wash decks, conveyors, knives, and other equipment, using brushes, detergents, and water. +Connect accessories such as floats, weights, flags, lights, or markers to nets, lines, or traps. +Teach or guide individuals or groups unfamiliar with specific hunting methods or types of prey. +Load and unload vessel equipment and supplies, by hand or using hoisting equipment. +Harvest marine life for human or animal consumption, using diving or dredging equipment, traps, barges, rods, reels, or tackle. +Direct fishing or hunting operations, and supervise crew members. +Operate and maintain drone technology for aerial surveillance of hunting and fishing areas. +Oversee the purchase of supplies, gear, and equipment.","Analytical or scientific software— DeerDays; Strat-Tech Deer Hunting Expert; Winchester Ammunition Ballistics Calculator +Data base user interface and query software— Catchlog Trading Catchlog; OLRAC Electronic Logbook Software Solution +Inventory management software— Inventory management systems +Map creation software— MaxSea TIMEZERO; P-Sea WindPlot; Signet Nobeltec Catch; Trimble MyTopo Terrain Navigator Pro +Office suite software— Microsoft Office software +Route navigation software— MaxSea Time Zero Navigator NOAA +Spreadsheet software— Microsoft Excel","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Locate animals for fishing or hunting purposes. +Obtain documentation to authorize activities. +Drive trucks or other vehicles to or at work sites. +Navigate water vessels. +Remove skin or other body parts from animals. +Maintain forestry, hunting, or agricultural equipment. +Position animal trapping or capture equipment. +Capture or kill animals. +Sort forestry or agricultural materials. +Package agricultural products for shipment or further processing. +Communicate safety or hazard information to others. +Obtain written authorization to perform activities. +Attach equipment extensions or accessories. +Protect wildlife or natural areas. +Transport animals, crops, or equipment. +Clean equipment or facilities. +Train workers in farming, forestry, or hunting techniques. +Load agricultural or forestry products for shipment. +Coordinate resource procurement activities. +Direct activities of agricultural, forestry, or fishery employees.","Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Exposed to Very Hot or Cold Temperatures— How often does this job require working in very hot (above 90 F degrees) or very cold (below 32 F degrees) temperatures? +Exposed to Minor Burns, Cuts, Bites, or Stings— How often does this job require exposure to minor burns, cuts, bites, or stings? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Spend Time Standing— How much does this job require standing? +Spend Time Bending or Twisting Your Body— How much does this job require bending or twisting your body? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Telephone Conversations— How often do you have telephone conversations in this job? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Exposed to Extremely Bright or Inadequate Lighting Conditions— How often does this job require working in extremely bright or inadequate lighting conditions? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Outdoors, Under Cover— How often does this job require working outdoors, under cover (like in an open shed)? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Exposed to Hazardous Equipment— How often does this job require exposure to hazardous equipment? +Exposed to Cramped Work Space, Awkward Positions— How often does this job require working in cramped work spaces that requires getting into awkward positions? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Spend Time Keeping or Regaining Balance— How much does this job require keeping or regaining your balance?","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Agricultural Equipment Operators +Bright Outlook +Captains, Mates, and Pilots of Water Vessels +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Farmworkers, Farm, Ranch, and Aquacultural Animals +Fish and Game Wardens +Forest and Conservation Workers +Laborers and Freight, Stock, and Material Movers, Hand +Meat, Poultry, and Fish Cutters and Trimmers +Motorboat Operators +Sailors and Marine Oilers","View the list of Allies +American Fisheries Society +external site +American Sportfishing Association +external site +Association of Fish and Wildlife Agencies +external site +Charter Fisherman's Association +external site +Fur Takers of America +external site +National Trappers Association +external site +National Wild Turkey Federation +external site +National Wildlife Control Operators Association +external site +NOAA Fisheries +external site +Professional Outdoor Media Association +external site +Trout Unlimited +external site +Wildlife Disease Association +external site +Wildlife Society +external site +Midwest Association of Fish and Wildlife Agencies +external site +Southeastern Association of Fish and Wildlife Agencies +external site +Western Association of Fish and Wildlife Agencies +external site",43,41,49,42,29,39,40,34,20,25,33,23,26,38,10,55,21,54,4,38,22,7,14,30,15,24,24,15,45,18,49,1,6 +51-4121.00,"Welders, Cutters, Solderers, and Brazers",https://www.onetonline.org/link/summary/51-4121.00,2025-06-11T19:25:20.611183,"Operate safety equipment and use safe work habits. +Examine workpieces for defects and measure workpieces with straightedges or templates to ensure conformance with specifications. +Weld components in flat, vertical, or overhead positions. +Detect faulty operation of equipment or defective materials and notify supervisors. +Recognize, set up, and operate hand and power tools common to the welding trade, such as shielded metal arc and gas metal arc welding equipment. +Select and install torches, torch tips, filler rods, and flux, according to welding chart specifications or types and thicknesses of metals. +Mark or tag material with proper job number, piece marks, and other identifying marks as required. +Determine required equipment and welding methods, applying knowledge of metallurgy, geometry, and welding techniques. +Prepare all material surfaces to be welded, ensuring that there is no loose or thick scale, slag, rust, moisture, grease, or other foreign matter. +Align and clamp workpieces together, using rules, squares, or hand tools, or position items in fixtures, jigs, or vises. +Connect and turn regulator valves to activate and adjust gas flow and pressure so that desired flames are obtained. +Position and secure workpieces, using hoists, cranes, wire, and banding machines or hand tools. +Melt and apply solder along adjoining edges of workpieces to solder joints, using soldering irons, gas torches, or electric-ultrasonic equipment. +Monitor the fitting, burning, and welding processes to avoid overheating of parts or warping, shrinking, distortion, or expansion of material. +Grind, cut, buff, or bend edges of workpieces to be joined to ensure snug fit, using power grinders and hand tools. +Weld separately or in combination, using aluminum, stainless steel, cast iron, and other alloys. +Chip or grind off excess weld, slag, or spatter, using hand scrapers or power chippers, portable grinders, or arc-cutting equipment. +Develop templates and models for welding projects, using mathematical calculations based on blueprint information. +Repair products by dismantling, straightening, reshaping, and reassembling parts, using cutting torches, straightening presses, and hand tools. +Clean or degrease parts, using wire brushes, portable grinders, or chemical baths. +Hammer out bulges or bends in metal workpieces. +Check grooves, angles, or gap allowances, using micrometers, calipers, and precision measuring instruments. +Melt and apply solder to fill holes, indentations, or seams of fabricated metal products, using soldering equipment. +Ignite torches or start power supplies and strike arcs by touching electrodes to metals being welded, completing electrical circuits. +Guide and direct flames or electrodes on or across workpieces to straighten, bend, melt, or build up metal. +Use fire suppression methods in industrial emergencies. +Preheat workpieces prior to welding or bending, using torches or heating furnaces. +Set up and use ladders and scaffolding as necessary to complete work. +Operate metal shaping, straightening, and bending machines, such as brakes and shears. +Analyze engineering drawings, blueprints, specifications, sketches, work orders, and material safety data sheets to plan layout, assembly, and operations.","Analytical or scientific software— Fred's Tip Cartridge Picker; Scientific Software Group Filter Drain FD; Value Analysis +Calendar and scheduling software— OmniFleet Equipment Maintenance Management +Computer aided design CAD software— EZ Pipe +Data base user interface and query software— Oracle Database; Recordkeeping software +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.","Maintain safety. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate welding equipment. +Notify others of equipment repair or maintenance needs. +Watch operating equipment to detect malfunctions. +Select production equipment according to product specifications. +Clean workpieces or finished products. +Determine metal or plastic production methods. +Mark products, workpieces, or equipment with identifying information. +Align parts or workpieces to ensure proper assembly. +Melt metal, plastic, or other materials to prepare for production. +Solder parts or workpieces. +Adjust equipment controls to regulate gas flow. +Monitor equipment operation to ensure that products are not flawed. +Mount materials or workpieces onto production equipment. +Operate grinding equipment. +Reshape metal workpieces to established specifications. +Cut industrial materials in preparation for fabrication or processing. +Ignite fuel to activate heating equipment. +Trim excess material from workpieces. +Operate firefighting equipment. +Design templates or patterns. +Disassemble equipment for maintenance or repair. +Repair parts or assemblies. +Heat material or workpieces to prepare for or complete production. +Clean production equipment. +Assemble temporary equipment or structures. +Shape metal workpieces with hammers or other small hand tools. +Operate metal or plastic forming equipment. +Review blueprints or other instructions to determine operational methods or sequences.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Time Pressure— 72% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Exposed to Contaminants— 62% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 58% responded “Every day.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Contact With Others— 44% responded “Constant contact with others.” +Duration of Typical Work Week— 65% responded “40 hours.” +Indoors, Not Environmentally Controlled— 59% responded “Every day.” +Spend Time Standing— 40% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 48% responded “Every day.” +Spend Time Making Repetitive Motions— 33% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Frequency of Decision Making— 50% responded “Every day.” +Health and Safety of Other Workers— 28% responded “Very high responsibility.” +Freedom to Make Decisions— 27% responded “Limited freedom.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Consequence of Error— 33% responded “Extremely serious.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Every day.” +Exposed to Hazardous Equipment— 41% responded “Every day.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 46% responded “Every day.” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Spend Time Bending or Twisting Your Body— 36% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Fairly important.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Boilermakers +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Equipment Assemblers +Bright Outlook +Engine and Other Machine Assemblers +Structural Metal Fabricators and Fitters +Tool and Die Makers +Tool Grinders, Filers, and Sharpeners +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +American Welding Society +external site +ASM International +external site +Fabricators and Manufacturers Association +external site +International Association of Bridge, Structural, Ornamental and Reinforcing Iron Workers +external site +International Association of Machinists and Aerospace Workers +external site +IPC +external site +Precision Machined Products Association +external site +International Brotherhood of Boilermakers +external site",37,4,62,47,49,36,38,38,25,11,13,25,24,24,9,18,13,53,4,18,21,3,8,5,8,40,35,29,4,46,2,2,2 +45-4023.00,Log Graders and Scalers,https://www.onetonline.org/link/summary/45-4023.00,2025-06-11T19:17:52.543038,"Evaluate log characteristics and determine grades, using established criteria. +Record data about individual trees or load volumes into tally books or hand-held collection terminals. +Measure felled logs or loads of pulpwood to calculate volume, weight, dimensions, and marketable value, using measuring devices and conversion tables. +Paint identification marks of specified colors on logs to identify grades or species, using spray cans, or call out grades to log markers. +Jab logs with metal ends of scale sticks, and inspect logs to ascertain characteristics or defects such as water damage, splits, knots, broken ends, rotten areas, twists, and curves. +Identify logs of substandard or special grade so that they can be returned to shippers, regraded, recut, or transferred for other processing. +Arrange for hauling of logs to appropriate mill sites. +Weigh log trucks before and after unloading, and record load weights and supplier identities. +Measure log lengths and mark boles for bucking into logs, according to specifications. +Communicate with coworkers by signals to direct log movement. +Drive to sawmills, wharfs, or skids to inspect logs or pulpwood. +Saw felled trees into lengths. +Move logs using heavy equipment such as log loaders.","Customer relationship management CRM software +Data base user interface and query software— AS/400 Database; Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Inventory management software— Atterbury Consultants SuperACE/FLIPS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Evaluate log quality. +Record agricultural or forestry inventory data. +Measure physical characteristics of forestry or agricultural products. +Mark agricultural or forestry products for identification. +Direct material handling or moving activities. +Communicate with other workers to coordinate activities. +Drive passenger vehicles. +Cut trees or logs.","Outdoors, Exposed to All Weather Conditions— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Frequency of Decision Making— 67% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Freedom to Make Decisions— 71% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 62% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Every day.” +Contact With Others— 50% responded “Constant contact with others.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Exposed to Contaminants— 41% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 38% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 44% responded “Extremely important.” +Spend Time Making Repetitive Motions— 36% responded “More than half the time.” +Indoors, Not Environmentally Controlled— 60% responded “Every day.” +Telephone Conversations— 52% responded “Every day.” +Work With or Contribute to a Work Group or Team— 36% responded “Important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 48% responded “Every day.” +Pace Determined by Speed of Equipment— 32% responded “Important.” +Spend Time Standing— 33% responded “About half the time.” +Deal With External Customers or the Public in General— 26% responded “Extremely important.” +Health and Safety of Other Workers— 30% responded “Moderate responsibility.” +Spend Time Walking or Running— 35% responded “More than half the time.” +Spend Time Sitting— 38% responded “Less than half the time.” +Consequence of Error— 34% responded “Fairly serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +E-Mail— 41% responded “Never.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 30% responded “Every day.” +Work Outcomes and Results of Other Workers— 27% responded “Limited responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutting and Slicing Machine Setters, Operators, and Tenders +Graders and Sorters, Agricultural Products +Inspectors, Testers, Sorters, Samplers, and Weighers +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Logging Equipment Operators +Machine Feeders and Offbearers +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Production, Planning, and Expediting Clerks +Weighers, Measurers, Checkers, and Samplers, Recordkeeping +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Forest Resources Association +external site",53,4,70,38,58,51,24,42,28,32,36,27,15,33,11,17,18,43,6,41,18,8,8,13,7,25,17,14,21,18,23,2,5 +41-2011.00,Cashiers,https://www.onetonline.org/link/summary/41-2011.00,2025-06-11T19:14:05.001926,"Receive payment by cash, check, credit cards, vouchers, or automatic debits. +Greet customers entering establishments. +Issue receipts, refunds, credits, or change due to customers. +Assist customers by providing information and resolving their complaints. +Monitor checkout stations to ensure they have adequate cash available and are staffed appropriately. +Establish or identify prices of goods, services, or admission, and tabulate bills, using calculators, cash registers, or optical price scanners. +Answer incoming phone calls. +Answer customers' questions, and provide information on procedures or policies. +Request information or assistance, using paging systems. +Help customers find the location of products. +Process merchandise returns and exchanges. +Maintain clean and orderly checkout areas, and complete other general cleaning duties, such as mopping floors and emptying trash cans. +Calculate total payments received during a time period, and reconcile this with total sales. +Count money in cash drawers at the beginning of shifts to ensure that amounts are correct and that there is adequate change. +Issue trading stamps, and redeem food stamps and coupons. +Post charges against guests' or patients' accounts. +Compute and record totals of transactions. +Weigh items sold by weight to determine prices. +Sort, count, and wrap currency and coins. +Keep periodic balance sheets of amounts and numbers of transactions. +Compile and maintain non-monetary reports and records. +Supervise others and provide on-the-job training. +Assist with duties in other areas of the store, such as monitoring fitting rooms or bagging and carrying out customers' items. +Sell tickets and other items to customers. +Stock shelves, sort and reshelve returned items, and mark prices on items and shelves. +Bag, box, wrap, or gift-wrap merchandise, and prepare packages for shipment. +Cash checks for customers. +Offer customers carry-out service at the completion of transactions.","Accounting software— Bookkeeping software +Data base user interface and query software— Database software; ReliaSoft Prism +Internet browser software— Apple Safari; Microsoft Edge; Mozilla Firefox +Medical software— Electronic medical record EMR software +Office suite software— Microsoft Office software +Operating system software— Handheld computer device software; Microsoft Windows +Point of sale POS software— AFEXDirect +Spreadsheet software— Microsoft Excel","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.","Process sales or other transactions. +Greet customers, patrons, or visitors. +Issue money, credit, or vouchers. +Calculate costs of goods or services. +Reconcile records of sales or other financial transactions. +Answer customer questions about goods or services. +Explain technical product or service information to customers. +Monitor sales activities. +Maintain records of sales or other business transactions. +Answer telephones to direct calls or provide information. +Calculate weights, volumes or other characteristics of materials. +Prepare cash for deposit or disbursement. +Record sales or transactions data. +Provide customers with general information or assistance. +Communicate with other workers to coordinate activities. +Supervise sales or support personnel. +Train sales personnel. +Assist customers to ensure comfort or safety. +Sell products or services. +Package objects for shipping. +Prepare outgoing shipments. +Stock products or parts. +Clean work areas.","Contact With Others— 96% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Telephone Conversations— 78% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 58% responded “Once a week or more but not every day.” +Frequency of Decision Making— 67% responded “Every day.” +Spend Time Standing— 51% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 46% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Freedom to Make Decisions— 50% responded “Limited freedom.” +Importance of Repeating Same Tasks— 27% responded “Extremely important.” +Physical Proximity— 49% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 29% responded “Less than half the time.” +Determine Tasks, Priorities and Goals— 32% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.” +Time Pressure— 35% responded “Once a month or more but not every week.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Counter and Rental Clerks +Customer Service Representatives +Bright Outlook +First-Line Supervisors of Retail Sales Workers +Gambling Cage Workers +Gambling Change Persons and Booth Cashiers +Order Clerks +Pharmacy Aides +Postal Service Clerks +Retail Salespersons +Tellers","View the list of Allies +NACS +external site +National Retail Federation +external site +National Association of Sales Professionals +external site +The United Food and Commercial Workers International Union +external site",76,13,21,59,47,47,41,34,46,35,52,27,14,42,19,38,27,18,11,24,23,12,15,29,11,12,9,9,2,8,8,, +25-1032.00,"Engineering Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1032.00,2025-06-11T18:59:40.476978,"Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Evaluate and grade students' class work, laboratory work, assignments, and papers. +Write grant proposals to procure external research funding. +Supervise undergraduate or graduate teaching, internship, and research work. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Prepare and deliver lectures to undergraduate or graduate students on topics such as mechanics, hydraulics, and robotics. +Initiate, facilitate, and moderate class discussions. +Supervise students' laboratory work. +Compile, administer, and grade examinations, or assign this work to others. +Collaborate with colleagues to address teaching and research issues. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Maintain student attendance records, grades, and other required records. +Maintain regularly scheduled office hours to advise and assist students. +Participate in student recruitment, registration, and placement activities. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Advise students on academic and vocational curricula and on career issues. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Perform administrative duties, such as serving as department head. +Review manuscripts for professional journals. +Participate in campus and community events. +Act as advisers to student organizations. +Provide professional consulting services to government or industry. +Compile bibliographies of specialized materials for outside reading assignments.","Analytical or scientific software— Finite element analysis software; The MathWorks MATLAB +Calendar and scheduling software +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Dassault Systemes CATIA; Dassault Systemes SolidWorks;1 more +Computer aided manufacturing CAM software +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Object or component oriented development software— C++; Oracle Java; Python +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Develop instructional materials. +Evaluate student work. +Write grant proposals. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Supervise student research or internship work. +Teach physical science or mathematics courses at the college level. +Guide class discussions. +Supervise laboratory work. +Administer tests to assess educational needs or progress. +Prepare tests. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Maintain student records. +Advise students on academic or career matters. +Order instructional or library materials or equipment. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Select educational materials or equipment. +Direct department activities. +Serve on institutional or departmental committees. +Edit documents. +Edit written materials. +Proofread documents, records, or other files to ensure accuracy. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies. +Compile specialized bibliographies or lists of materials.","E-Mail— 100% responded “Every day.” +Duration of Typical Work Week— 93% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Determine Tasks, Priorities and Goals— 80% responded “A lot of freedom.” +Freedom to Make Decisions— 74% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Contact With Others— 54% responded “Constant contact with others.” +Level of Competition— 45% responded “Extremely competitive.” +Public Speaking— 73% responded “Once a week or more but not every day.” +Spend Time Sitting— 29% responded “Continually or almost continually.” +Telephone Conversations— 50% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 41% responded “Very important.” +Written Letters and Memos— 32% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Time Pressure— 57% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 34% responded “Important.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Moderate results.” +Frequency of Decision Making— 30% responded “Once a month or more but not every week.” +Conflict Situations— 82% responded “Once a month or more but not every week.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architectural and Engineering Managers +Bright Outlook +Architecture Teachers, Postsecondary +Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Career/Technical Education Teachers, Postsecondary +Chemistry Teachers, Postsecondary +Computer Science Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Materials Scientists +Mathematical Science Teachers, Postsecondary +Physics Teachers, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Association of University Professors +external site +American Chemical Society +external site +American Geophysical Union +external site +American Institute of Aeronautics and Astronautics +external site +American Institute of Chemical Engineers +external site +American Society for Engineering Education +external site +American Society of Civil Engineers +external site +American Society of Mechanical Engineers +external site +Association for Computing Machinery +external site +Council of Graduate Schools +external site +Electrical and Computer Engineering Department Heads Association +external site +Institute of Electrical and Electronics Engineers +external site +National Society of Professional Engineers +external site +Society of Manufacturing Engineers +external site +Society of Women Engineers +external site",39,1,52,84,88,54,29,70,43,47,36,27,56,89,7,33,43,61,4,12,38,16,22,35,23,99,30,79,34,90,14,10,2 +13-1081.02,Logistics Analysts,https://www.onetonline.org/link/summary/13-1081.02,2025-06-11T18:50:01.162876,"Maintain databases of logistics information. +Remotely monitor the flow of vehicles or inventory, using Web-based logistics information systems to track vehicles or containers. +Communicate with or monitor service providers, such as ocean carriers, air freight forwarders, global consolidators, customs brokers, or trucking companies. +Track product flow from origin to final delivery. +Interpret data on logistics elements, such as availability, maintainability, reliability, supply chain management, strategic sourcing or distribution, supplier management, or transportation. +Recommend improvements to existing or planned logistics processes. +Apply analytic methods or tools to understand, predict, or control logistics operations or processes. +Prepare reports on logistics performance measures. +Enter logistics-related data into databases. +Provide ongoing analyses in areas such as transportation costs, parts procurement, back orders, or delivery processes. +Analyze logistics data, using methods such as data mining, data modeling, or cost or benefit analysis. +Monitor inventory transactions at warehouse facilities to assess receiving, storage, shipping, or inventory integrity. +Maintain logistics records in accordance with corporate policies. +Contact carriers for rates or schedules. +Manage systems to ensure that pricing structures adequately reflect logistics costing. +Confer with logistics management teams to determine ways to optimize service levels, maintain supply-chain efficiency, or minimize cost. +Compute reporting metrics, such as on-time delivery rates, order fulfillment rates, or inventory turns. +Identify opportunities for inventory reductions. +Review procedures, such as distribution or inventory management, to ensure maximum efficiency or minimum cost. +Develop or maintain models for logistics uses, such as cost estimating or demand forecasting. +Monitor industry standards, trends, or practices to identify developments in logistics planning or execution. +Write or revise standard operating procedures for logistics processes. +Reorganize shipping schedules to consolidate loads, maximize vehicle usage, or limit the movement of empty vehicles or containers. +Contact potential vendors to determine material availability. +Develop or maintain payment systems to ensure accuracy of vendor payments. +Develop or maintain freight rate databases for use by supply chain departments to determine the most economical modes of transportation. +Route or reroute drivers in real time with remote route navigation software, satellite linkup systems, or global positioning systems (GPS) to improve operational efficiencies. +Determine packaging requirements. +Enter carbon-output or environmental-impact data into spreadsheets or environmental management or auditing software programs. +Compare locations or environmental policies of carriers or suppliers to make transportation decisions with lower environmental impact. +Arrange for sale or lease of excess storage or transport capacity to minimize losses or inefficiencies associated with empty space.","Analytical or scientific software— IBM SPSS Statistics; Minitab; Optimization software; The MathWorks MATLAB;1 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Microsoft Power BI; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Data base reporting software— Reporting software; SAP Crystal Reports +Data base user interface and query software— Amazon Redshift; Microsoft Access; Microsoft SQL Server; Structured query language SQL +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; Oracle PeopleSoft Financials; SAP software;2 more +Financial analysis software— Oracle E-Business Suite Financials +Geographic information system— ESRI ArcLogistics +Graphics or photo imaging software— Graphics software +Inventory management software— Inventory control software +Materials requirements planning logistics and supply chain software— Cadre Technologies Accuplus Integrated Distribution Logistics System; Four Soft 4S VisiLog; Logisuite Forwarder; Oracle E-Business Suite Logistics;6 more +Object or component oriented development software— Advanced business application programming ABAP +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Flow chart software; Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Maintain data in information systems or databases. +Monitor inventories of products or materials. +Monitor organizational processes. +Evaluate logistics methods to reduce environmental impact. +Analyze logistics processes. +Advise others on logistics topics. +Obtain information about goods or services. +Prepare operational reports. +Coordinate logistics or other business operations. +Discuss business strategies, practices, or policies with managers. +Develop business or financial information systems. +Calculate data to inform organizational operations. +Identify opportunities to improve operational efficiency. +Apply mathematical models of financial or business conditions. +Develop financial analysis methods. +Analyze industry trends. +Establish organizational guidelines or policies. +Prepare financial documents. +Calculate specific material, equipment, or labor requirements for production. +Execute sales or other financial transactions.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Contact With Others— 64% responded “Constant contact with others.” +Spend Time Sitting— 68% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Time Pressure— 41% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Very important.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Frequency of Decision Making— 27% responded “Every day.” +Deal With External Customers or the Public in General— 32% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Moderate results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 27% responded “Once a week or more but not every day.” +Conflict Situations— 45% responded “Once a month or more but not every week.” +Written Letters and Memos— 27% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Once a month or more but not every week.” +Physical Proximity— 64% responded “Slightly close (e.g., shared office).”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Industrial Production Managers +Logisticians +Bright Outlook +Logistics Engineers +Management Analysts +Procurement Clerks +Production, Planning, and Expediting Clerks +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Purchasing Managers +Supply Chain Managers +Transportation, Storage, and Distribution Managers","View the list of Allies +American Productivity and Quality Center +external site +American Trucking Associations +external site +Association for Supply Chain Management +external site +Council of Logistics Engineering Professionals +external site +Institute for Supply Management +external site +International Warehouse Logistics Association +external site +MHI +external site +National Customs Brokers and Forwarders Association of America +external site +National Industrial Transportation League +external site +SOLE - The International Society of Logistics +external site +Transportation Intermediaries Association +external site +Warehousing Education and Research Council +external site +Midwest Association for Information Systems +external site +Midwest Association of Rail Shippers +external site +North East Association of Rail Shippers +external site +Pacific Northwest Aerospace Alliance +external site +Pacific Northwest Association of Rail Shippers +external site +Pacific West Fastener Association +external site +Southeast Association of Rail Shippers +external site +Southwest Association of Rail Shippers +external site +Council of Supply Chain Management Professionals +external site +NIGP: The Institute for Public Procurement +external site +Project Management Institute +external site +World Commerce and Contracting +external site",61,10,51,80,66,63,44,54,51,38,19,30,11,72,24,50,44,24,11,71,21,10,15,44,6,35,11,18,8,22,51,2,10 +25-2012.00,"Kindergarten Teachers, Except Special Education",https://www.onetonline.org/link/summary/25-2012.00,2025-06-11T19:01:17.996315,"Establish and enforce rules for behavior and policies and procedures to maintain order among students. +Prepare children for later grades by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Instruct students individually and in groups, adapting teaching methods to meet students' varying needs and interests. +Teach basic skills, such as color, shape, number and letter recognition, personal hygiene, and social skills. +Demonstrate activities to children. +Read books to entire classes or to small groups. +Guide and counsel students with adjustment or academic problems or special academic interests. +Observe and evaluate children's performance, behavior, social development, and physical health. +Provide a variety of materials and resources for children to explore, manipulate, and use, both in learning activities and in imaginative play. +Prepare and implement remedial programs for students requiring extra help. +Identify children showing signs of emotional, developmental, or health-related problems and discuss them with supervisors, parents or guardians, and child development specialists. +Maintain accurate and complete student records and prepare reports on children and activities as required by laws, district policies, and administrative regulations. +Establish clear objectives for all lessons, units, and projects and communicate those objectives to children. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Confer with parents or guardians, other teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Organize and lead activities designed to promote physical, mental, and social development, such as games, arts and crafts, music, and storytelling. +Meet with parents and guardians to discuss their children's progress and to determine their priorities for their children and their resource needs. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Meet with other professionals to discuss individual students' needs and progress. +Instruct and monitor students in the use and care of equipment and materials to prevent injuries and damage. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Assimilate arriving children to the school environment by greeting them, helping them remove outerwear, and selecting activities of interest to them. +Collaborate with other teachers and administrators in the development, evaluation, and revision of kindergarten programs. +Prepare materials, classrooms, and other indoor and outdoor spaces to facilitate creative play, learning and motor-skill activities, and safety. +Prepare, administer, and grade tests and assignments to evaluate children's progress. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Organize and label materials and display children's work in a manner appropriate for their sizes and perceptual skills. +Prepare for assigned classes and show written evidence of preparation upon request of immediate supervisors. +Plan and supervise class projects, field trips, visits by guests, or other experiential activities and guide students in learning from those activities. +Supervise, evaluate, and plan assignments for teacher assistants and volunteers. +Involve parent volunteers and older students in children's activities to facilitate involvement in focused, complex play. +Administer standardized ability and achievement tests and interpret results to determine children's developmental levels and needs. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Attend staff meetings and serve on committees as required. +Select, store, order, issue, and inventory classroom equipment, materials, and supplies. +Perform administrative duties, such as assisting in school libraries, hall and cafeteria monitoring, and bus loading and unloading. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms.","Computer based training software— Children's educational software; Padlet +Desktop communications software— Bloomz +Electronic mail software— Microsoft Outlook +Multi-media educational software— Seesaw +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Establish rules or policies governing student behavior. +Encourage students. +Modify teaching methods or materials to accommodate student needs. +Teach life skills. +Apply multiple teaching methods. +Evaluate student work. +Monitor student behavior, social development, or health. +Monitor student performance. +Advise students on academic or career matters. +Read to students. +Discuss problems or issues with supervisors. +Discuss student progress with parents or guardians. +Set up classroom materials or equipment. +Develop strategies or programs for students with special needs. +Maintain student records. +Prepare reports detailing student activities or performance. +Plan educational activities. +Develop instructional objectives. +Create technology-based learning materials. +Assist students with special educational needs. +Teach others to use technology or equipment. +Provide for basic needs of children. +Collaborate with other teaching professionals to develop educational programs. +Administer tests to assess educational needs or progress. +Arrange childcare or educational settings to ensure physical safety of children. +Prepare tests. +Display student work. +Document lesson plans. +Plan experiential learning activities. +Evaluate performance of educational staff. +Supervise student research or internship work. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Serve on institutional or departmental committees. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment. +Supervise school or student activities.","E-Mail— 93% responded “Every day.” +Contact With Others— 83% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +Physical Proximity— 66% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Frequency of Decision Making— 70% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Spend Time Standing— 50% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Determine Tasks, Priorities and Goals— 46% responded “Some freedom.” +Public Speaking— 54% responded “Every day.” +Telephone Conversations— 46% responded “Once a week or more but not every day.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Exposed to Disease or Infections— 49% responded “Every day.” +Importance of Being Exact or Accurate— 34% responded “Very important.” +Spend Time Walking or Running— 26% responded “More than half the time.” +Conflict Situations— 25% responded “Once a year or more but not every month.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Every day.”","Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Negotiation— Bringing others together and trying to reconcile differences. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Preschool Teachers, Except Special Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education","View the list of Allies +American Montessori Society +external site +Council for the Accreditation of Educator Preparation +external site +International Literacy Association +external site +National Association for the Education of Young Children +external site +National Association of Early Childhood Teacher Educators +external site +National Association of Independent Schools +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",63,9,16,90,72,48,58,92,57,15,11,35,14,56,28,33,41,7,48,18,74,56,58,22,27,22,4,12,32,20,54,40,49 +51-9194.00,Etchers and Engravers,https://www.onetonline.org/link/summary/51-9194.00,2025-06-11T19:28:23.135805,"Inspect etched work for depth of etching, uniformity, and defects, using calibrated microscopes, gauges, fingers, or magnifying lenses. +Examine sketches, diagrams, samples, blueprints, or photographs to decide how designs are to be etched, cut, or engraved onto workpieces. +Clean and polish engraved areas. +Prepare workpieces for etching or engraving by cutting, sanding, cleaning, polishing, or treating them with wax, acid resist, lime, etching powder, or light-sensitive enamel. +Engrave and print patterns, designs, etchings, trademarks, or lettering onto flat or curved surfaces of a wide variety of metal, glass, plastic, or paper items, using hand tools or hand-held power tools. +Prepare etching chemicals according to formulas, diluting acid with water to obtain solutions of specified concentration. +Use computer software to design patterns for engraving. +Expose workpieces to acid to develop etch patterns such as designs, lettering, or figures. +Adjust depths and sizes of cuts by adjusting heights of worktables, or by adjusting machine-arm gauges. +Measure and compute dimensions of lettering, designs, or patterns to be engraved. +Neutralize workpieces to remove acid, wax, or enamel, using water, solvents, brushes, or specialized machines. +Examine engraving for quality of cut, burrs, rough spots, and irregular or incomplete engraving. +Transfer image to workpiece, using contact printer, pantograph stylus, silkscreen printing device, or stamp pad. +Set reduction scales to attain specified sizes of reproduction on workpieces, and set pantograph controls for required heights, depths, and widths of cuts. +Print proofs or examine designs to verify accuracy of engraving, and rework engraving as required. +Position and clamp workpieces, plates, or rollers in holding fixtures. +Remove wax or tape from etched glassware by using a stylus or knife, or by immersing ware in hot water. +Guide stylus over template, causing cutting tool to duplicate design or letters on workpiece. +Start machines and lower cutting tools to beginning points on patterns. +Determine machine settings, and move bars or levers to reproduce designs on rollers or plates. +Remove completed workpieces and place them in trays. +Insert cutting tools or bits into machines and secure them with wrenches. +Sandblast exposed areas of glass to cut designs in surfaces, using spray guns. +Sketch, trace, or scribe layout lines and designs on workpieces, plates, dies, or rollers, using compasses, scribers, gravers, or pencils. +Fill etched characters with opaque paste to improve readability. +Brush or wipe acid over engraving to darken or highlight inscriptions.","Computer aided design CAD and computer aided manufacturing CAM system— Computer aided design and computer aided manufacturing CAD/CAM engraving software +Computer aided manufacturing CAM software— Delcam ArtCAM Express; Gravograph GravoStyle; Western Engravers Supply Vision EXPERT +Graphics or photo imaging software— Adobe Illustrator; Corel CorelDraw Graphics Suite +Operating system software— Microsoft Windows","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Inspect finishes of workpieces or finished products. +Apply protective or decorative finishes to workpieces or products. +Engrave designs, text, or other markings onto materials, workpieces, or products. +Polish materials, workpieces, or finished products. +Cut industrial materials in preparation for fabrication or processing. +Mix substances to create chemical solutions. +Design templates or patterns. +Set equipment controls to meet cutting specifications. +Review blueprints or other instructions to determine operational methods or sequences. +Calculate dimensions of workpieces, products, or equipment. +Measure materials to mark reference points, cutting lines, or other indicators. +Clean workpieces or finished products. +Operate equipment to print images or bind printed images together. +Mount attachments or tools onto production equipment. +Immerse objects or workpieces in cleaning or coating solutions. +Inspected printed materials or other images to verify quality. +Mount materials or workpieces onto production equipment. +Operate cutting equipment. +Trim excess material from workpieces. +Determine production equipment settings. +Remove products or workpieces from production equipment. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Fill cracks, imperfections, or holes in products or workpieces.","Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 51% responded “Continually or almost continually.” +Exposed to Contaminants— 52% responded “Every day.” +Time Pressure— 56% responded “Every day.” +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 45% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 41% responded “Every day.” +Contact With Others— 43% responded “Occasional contact with others.” +Spend Time Standing— 31% responded “Less than half the time.” +Importance of Repeating Same Tasks— 37% responded “Very important.” +Work With or Contribute to a Work Group or Team— 30% responded “Extremely important.” +E-Mail— 47% responded “Every day.” +Duration of Typical Work Week— 41% responded “40 hours.” +Frequency of Decision Making— 37% responded “Every day.” +Consequence of Error— 59% responded “Serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 22% responded “Very important.” +Spend Time Making Repetitive Motions— 40% responded “Less than half the time.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Jewelers and Precious Stone and Metal Workers +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Painting, Coating, and Decorating Workers +Patternmakers, Metal and Plastic +Prepress Technicians and Workers +Stone Cutters and Carvers, Manufacturing +Tool and Die Makers","View the list of Allies +The Photo Chemical Machining Institute +external site",61,,79,42,46,49,21,32,34,13,30,23,34,44,15,22,23,51,5,15,6,1,1,16,,43,4,8,2,51,4,33,4 +17-2111.00,"Health and Safety Engineers, Except Mining Safety Engineers and Inspectors",https://www.onetonline.org/link/summary/17-2111.00,2025-06-11T18:53:51.518071,"Investigate industrial accidents, injuries, or occupational diseases to determine causes and preventive measures. +Conduct research to evaluate safety levels for products. +Evaluate product designs for safety. +Conduct or coordinate worker training in areas such as safety laws and regulations, hazardous condition monitoring, and use of safety equipment. +Maintain and apply knowledge of current policies, regulations, and industrial processes. +Recommend procedures for detection, prevention, and elimination of physical, chemical, or other product hazards. +Report or review findings from accident investigations, facilities inspections, or environmental testing. +Evaluate potential health hazards or damage that could occur from product misuse. +Evaluate adequacy of actions taken to correct health inspection violations. +Interpret safety regulations for others interested in industrial safety, such as safety engineers, labor representatives, and safety inspectors. +Review plans and specifications for construction of new machinery or equipment to determine whether all safety requirements have been met. +Participate in preparation of product usage and precautionary label instructions. +Interview employers and employees to obtain information about work environments and workplace incidents. +Provide expert testimony in litigation cases. +Review employee safety programs to determine their adequacy. +Conduct or direct testing of air quality, noise, temperature, or radiation levels to verify compliance with health and safety regulations. +Provide technical advice and guidance to organizations on how to handle health-related problems and make needed changes. +Develop industry standards of product safety. +Maintain liaisons with outside organizations, such as fire departments, mutual aid societies, and rescue teams, so that emergency responses can be facilitated. +Plan and conduct industrial hygiene research. +Compile, analyze, and interpret statistical data related to occupational illnesses and accidents. +Write and revise safety regulations and codes. +Confer with medical professionals to assess health risks and to develop ways to manage health issues and concerns. +Design and build safety equipment. +Check floors of plants to ensure that they are strong enough to support heavy machinery. +Inspect facilities, machinery, or safety equipment to identify and correct potential hazards, and to ensure safety regulation compliance. +Install safety devices on machinery or direct device installation.","Analytical or scientific software— Computational fluid dynamics CFD software; Root cause analysis software; The MathWorks MATLAB; Virtual interaction simulator software;28 more +Compliance software— Fire safety inspection and testing software; Material safety data sheet MSDS software; Safety integrity level SIL software; Safety, health, and environmental management software;3 more +Computer aided design CAD software— Autodesk AutoCAD; Electronic design automation EDA software; Mathsoft Mathcad; Roof support design software +Computer based training software— Hazardous waste operations and emergency response standard HAZWOPER training software +Customer relationship management CRM software +Data base user interface and query software— Anthropometric databases; Incident tracking software; Microsoft Access; Reliability information software +Development environment software— Eclipse IDE; Microsoft Visual Basic; National Instruments LabVIEW; Software libraries +Document management software— Microsoft SharePoint; Records management software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Microsoft Visio +License management software— Permit administration software +Map creation software— Geological mapping software +Object or component oriented development software— C++; Python +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Multimedia video analysis software +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Investigate safety of work environment. +Research product safety. +Advise others on health and safety issues. +Teach safety standards or environmental compliance methods. +Update technical knowledge. +Document design or operational test results. +Maintain operational records or records systems. +Explain engineering drawings, specifications, or other technical information. +Evaluate designs or specifications to ensure quality. +Prepare procedural documents. +Test facilities for environmental hazards. +Testify at legal or legislative proceedings. +Confer with technical personnel to prepare designs or operational plans. +Develop safety standards, policies, or procedures. +Research human performance or health factors related to engineering or design activities. +Investigate the environmental impact of projects. +Design industrial equipment. +Fabricate devices or components. +Confer with other personnel to resolve design or operational problems. +Inspect facilities or sites to determine if they meet specifications or standards. +Direct installation activities. +Inspect equipment to ensure safety or proper functioning. +Inspect safety equipment to ensure proper functioning. +Install safety or support equipment. +Monitor work environment to ensure safety or adherence to specifications.","E-Mail— How frequently does your job require you to use E-mail? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Telephone Conversations— How often do you have telephone conversations in this job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Written Letters and Memos— How frequently does your job require written letters and memos? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Spend Time Sitting— How much does this job require sitting? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Public Speaking— How frequently does your job require public speaking (one speaker with an audience)? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Environmental Compliance Inspectors +Environmental Engineering Technologists and Technicians +Environmental Engineers +Bright Outlook +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Fire-Prevention and Protection Engineers +Industrial Engineers +Occupational Health and Safety Specialists +Occupational Health and Safety Technicians +Security Management Specialists","View the list of Allies +Air and Waste Management Association +external site +American Conference of Governmental Industrial Hygienists +external site +American Industrial Hygiene Association +external site +American Institute of Chemical Engineers +external site +American Public Health Association +external site +American Society of Mechanical Engineers +external site +American Society of Safety Professionals +external site +ASTM International +external site +Health Physics Society +external site +Human Factors and Ergonomics Society +external site +Institute of Environmental Sciences and Technology +external site +Institute of Industrial and Systems Engineers +external site +International Association for Impact Assessment +external site +International Association of Industrial Accident Boards and Commissions +external site +International Council on Systems Engineering +external site +International System Safety Society +external site +National Environmental Health Association +external site +National Fire Protection Association +external site +National Society of Professional Engineers +external site +Product Safety Engineering Society +external site +Society for Biological Engineering +external site +Society of Environmental Toxicology and Chemistry +external site +Society of Tribologists and Lubrication Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +American Academy of Environmental Engineers and Scientists +external site +Board for Global Environmental Health and Safety Credentialing +external site +Board of Certification in Professional Ergonomics +external site +Board of Certified Safety Professionals +external site +National Association of Safety Professionals +external site +National Council of Examiners for Engineering and Surveying +external site",68,19,59,72,62,68,68,64,55,38,39,51,61,51,24,67,43,64,19,43,52,28,35,32,29,71,53,55,47,60,30,6,20 +13-2054.00,Financial Risk Specialists,https://www.onetonline.org/link/summary/13-2054.00,2025-06-11T18:50:59.368389,"Analyze areas of potential risk to the assets, earning capacity, or success of organizations. +Analyze new legislation to determine impact on risk exposure. +Conduct statistical analyses to quantify risk, using statistical analysis software or econometric models. +Confer with traders to identify and communicate risks associated with specific trading strategies or positions. +Consult financial literature to ensure use of the latest models or statistical techniques. +Contribute to development of risk management systems. +Determine potential environmental impacts of new products or processes on long-term growth and profitability. +Develop contingency plans to deal with emergencies. +Develop or implement risk-assessment models or methodologies. +Devise scenario analyses reflecting possible severe market events. +Devise systems or processes to monitor validity of risk assessments. +Document, and ensure communication of, key risks. +Draw charts and graphs, using computer spreadsheets, to illustrate technical reports. +Evaluate and compare the relative quality of various securities in a given industry. +Evaluate the risks and benefits involved in implementing green building technologies. +Evaluate the risks related to green investments, such as renewable energy company stocks. +Gather risk-related data from internal or external resources. +Identify key risks and mitigating factors of potential investments, such as asset types and values, legal and ownership structures, professional reputations, customer bases, or industry segments. +Inform financial decisions by analyzing financial information to forecast business, industry, or economic conditions. +Interpret data on price, yield, stability, future investment-risk trends, economic influences, and other factors affecting investment programs. +Maintain input or data quality of risk management systems. +Meet with clients to answer queries on subjects such as risk exposure, market scenarios, or values-at-risk calculations. +Monitor developments in the fields of industrial technology, business, finance, and economic theory. +Prepare plans of action for investment, using financial analyses. +Produce reports or presentations that outline findings, explain risk positions, or recommend changes. +Provide statistical modeling advice to other departments. +Recommend investments and investment timing to companies, investment firm staff, or the public. +Recommend ways to control or reduce risk. +Review or draft risk disclosures for offer documents. +Track, measure, or report on aspects of market risk for traded issues.","Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting; Tax software +Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;16 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Charting software— Montgomery Investment Technology Utility XL; TickQuest NeoTicker +Configuration management software— Perforce Helix software +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Salesforce software +Data base management system software— Apache Hive; Apache Pig; Teradata Database +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Reporting software; SAP Crystal Reports +Data base user interface and query software— Amazon Web Services AWS software; Microsoft SQL Server; ServiceNow; Yardi software;5 more +Development environment software— Microsoft Azure software; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; Ruby +Document management software— Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;9 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ivorix Neurostrategy Finance; Matheny Pattern Forecaster Plus; NeuroSolutions for MatLab +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials; Wolfram Research Mathematica Finance Essentials; Wolfram Research Mathematica UnRisk Pricing Engine;73 more +Human resources software— ADP Workforce Now; Human resource management software HRMS +Information retrieval or search software— dailyVest Investment Personalization Platform; LexisNexis; S&P Capital IQ; Standard & Poor's Capital IQ Compustat;4 more +Internet browser software— Web browser software +Object or component oriented development software— C++; Perl; Python; R +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Apple Keynote; DealMaven PresLink for PowerPoint and Word; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Apple AppleWorks; Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Transaction security and virus protection software— McAfee +Word processing software— Google Docs; Microsoft OneNote; Microsoft Word; Report generation software",,"Assess risks to business operations. +Analyze business or financial data. +Analyze risks related to investments in green technology. +Apply mathematical models of financial or business conditions. +Develop business or financial information systems. +Present business-related information to audiences. +Advise others on analytical techniques. +Advise others on business or operational matters. +Analyze industry trends. +Confer with others about financial matters. +Create images of data, locations, or products. +Determine the value of goods or services. +Develop contingency plans to deal with organizational emergencies. +Develop financial analysis methods. +Develop financial or business plans. +Educate clients on financial planning topics. +Evaluate applicable laws and regulations to determine impact on organizational activities. +Gather organizational performance information. +Maintain data in information systems or databases. +Monitor business indicators. +Prepare financial documents, reports, or budgets. +Prepare regulatory or compliance documentation. +Recommend investments to clients. +Update professional knowledge.",,,,,"Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.",,,"Business Intelligence Analysts +Bright Outlook +Credit Analysts +Financial and Investment Analysts +Financial Examiners +Financial Managers +Financial Quantitative Analysts +Investment Fund Managers +Management Analysts +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +Alternative Investment Management Association +external site +American Finance Association +external site +American Risk and Insurance Association +external site +Association of International Risk Intelligence Professionals +external site +Chartered Alternative Investment Analyst Association +external site +Eastern Finance Association +external site +Financial Management Association International +external site +Financial Women's Association +external site +Global Association of Risk Professionals +external site +International Association for Quantitative Finance +external site +ISACA +external site +Midwest Economic Association +external site +National Association for Business Economics +external site +National Association of Credit Management +external site +National Association of Personal Financial Advisors +external site +Professional Risk Managers' International Association +external site +Risk Management Association +external site +Society of Financial Service Professionals +external site +Southern Finance Association +external site +Southern Risk and Insurance Association +external site +The Risk Management Society +external site +University Risk Management and Insurance Association +external site +Western Finance Association +external site +Western Risk and Insurance Association +external site +Mid-Atlantic Association for Financial Professionals +external site +Midwest Finance Association +external site +New England Association for Financial Professionals +external site +Northwest Association for Financial Professionals +external site +Southwestern Finance Association +external site +Association for Financial Professionals +external site +Association of Certified Fraud Examiners +external site +Association of Corporate Treasurers +external site +Certified Financial Planner Board of Standards +external site +CFA Institute +external site +Financial Executives International +external site +Financial Industry Regulatory Authority +external site +Financial Planning Association +external site +International Association of Risk and Compliance Professionals +external site +Investments and Wealth Institute +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-8013.03,Biomass Plant Technicians,https://www.onetonline.org/link/summary/51-8013.03,2025-06-11T19:26:54.560403,"Operate biomass fuel-burning boiler or biomass fuel gasification system equipment in accordance with specifications or instructions. +Perform tests of water chemistry in boilers. +Operate high-pressure steam boiler or water chiller equipment for electrical cogeneration operations. +Operate equipment to heat biomass, using knowledge of controls, combustion, and firing mechanisms. +Operate equipment to start, stop, or regulate biomass-fueled generators, generator units, boilers, engines, or auxiliary systems. +Inspect biomass power plant or processing equipment, recording or reporting damage and mechanical problems. +Record or report operational data, such as readings on meters, instruments, and gauges. +Operate valves, pumps, engines, or generators to control and adjust production of biofuels or biomass-fueled power. +Calculate, measure, load, or mix biomass feedstock for power generation. +Clean work areas to ensure compliance with safety regulations. +Perform routine maintenance or make minor repairs to mechanical, electrical, or electronic equipment in biomass plants. +Measure and monitor raw biomass feedstock, including wood, waste, or refuse materials. +Calibrate liquid flow devices or meters, including fuel, chemical, and water meters. +Assess quality of biomass feedstock. +Read and interpret instruction manuals or technical drawings related to biomass-fueled power or biofuels production equipment or processes. +Operate heavy equipment, such as bulldozers and front-end loaders. +Preprocess feedstock to prepare for biochemical or thermochemical production processes. +Manage parts and supply inventories for biomass plants.","Analytical or scientific software— Energy analysis software +Development environment software— National Instruments LabVIEW +Electronic mail software— Microsoft Outlook +Industrial control software— Distributed control system DCS +Inventory management software— Inventory control software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Operate biomass or biofuel production equipment. +Test fluids to identify contamination or other problems. +Test materials, solutions, or samples. +Record operational or production data. +Inspect sustainable energy production facilities or equipment. +Notify others of equipment repair or maintenance needs. +Operate pumping systems or equipment. +Calculate specific material, equipment, or labor requirements for production. +Load materials into production equipment. +Measure ingredients or substances to be used in production processes. +Clean work areas. +Maintain sustainable energy production equipment. +Measure stock or liquid levels in sustainable fuel production systems. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Prepare biological feedstock for physical, chemical, or biological processing. +Evaluate quality of materials or products. +Study blueprints or other instructions to determine equipment setup requirements. +Operate heavy-duty construction or installation equipment. +Maintain inventories of materials, equipment, or products.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Health and Safety of Other Workers— 77% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 89% responded “Every day.” +Frequency of Decision Making— 73% responded “Every day.” +Exposed to Hazardous Conditions— 87% responded “Every day.” +Exposed to Contaminants— 72% responded “Every day.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Exposed to High Places— 69% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Importance of Repeating Same Tasks— 47% responded “Extremely important.” +Consequence of Error— 63% responded “Extremely serious.” +Contact With Others— 61% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 70% responded “Every day.” +Duration of Typical Work Week +Exposed to Minor Burns, Cuts, Bites, or Stings— 62% responded “Every day.” +Indoors, Environmentally Controlled— 67% responded “Every day.” +Work Outcomes and Results of Other Workers— 59% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 56% responded “Every day.” +Determine Tasks, Priorities and Goals— 54% responded “Some freedom.” +Telephone Conversations— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 52% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Importance of Being Exact or Accurate— 38% responded “Important.” +Indoors, Not Environmentally Controlled— 45% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 46% responded “Every day.” +Pace Determined by Speed of Equipment— 35% responded “Extremely important.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Spend Time Sitting— 50% responded “About half the time.” +Outdoors, Under Cover— 39% responded “Every day.” +Time Pressure— 37% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 34% responded “Less than half the time.” +Degree of Automation— 61% responded “Moderately automated.” +E-Mail— 48% responded “Every day.” +Physical Proximity— 29% responded “Slightly close (e.g., shared office).”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Biofuels Processing Technicians +Chemical Plant and System Operators +Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Geothermal Technicians +Hydroelectric Plant Technicians +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Stationary Engineers and Boiler Operators +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +American Public Power Association +external site +Center for Energy Workforce Development +external site +North American Electric Reliability Corporation +external site +Nuclear Energy Institute +external site +International Brotherhood of Electrical Workers +external site",24,,57,57,47,42,46,52,37,23,10,28,61,51,2,37,23,73,13,28,23,6,11,31,1,53,36,41,23,33,14,,5 +25-2056.00,"Special Education Teachers, Elementary School",https://www.onetonline.org/link/summary/25-2056.00,2025-06-11T19:01:39.621940,"Administer standardized ability and achievement tests to elementary students with special needs. +Attend professional meetings, educational conferences, or teacher training workshops to maintain or improve professional competence. +Collaborate with other teachers or administrators to develop, evaluate, or revise elementary school programs. +Confer with other staff members to plan or schedule lessons promoting learning, following approved curricula. +Confer with parents, administrators, testing specialists, social workers, or other professionals to develop individual educational plans (IEPs) for students' educational, physical, or social development. +Coordinate placement of students with special needs into mainstream classes. +Develop or implement strategies to meet the needs of students with a variety of disabilities. +Encourage students to explore learning opportunities or persevere with challenging tasks to prepare them for later grades. +Establish and communicate clear objectives for all lessons, units, and projects to students. +Establish and enforce rules for behavior and procedures for maintaining order among students. +Guide or counsel students with adjustment problems, academic problems, or special academic interests. +Instruct and monitor students in the use and care of equipment or materials to prevent injuries and damage. +Instruct students with disabilities in academic subjects, using a variety of techniques, such as phonetics, multisensory learning, or repetition to reinforce learning and meet students' varying needs. +Instruct students in daily living skills required for independent maintenance and self-sufficiency, such as hygiene, safety, or food preparation. +Interpret the results of standardized tests to determine students' strengths and areas of need. +Maintain accurate and complete student records as required by laws, district policies, or administrative regulations. +Meet with parents or guardians to discuss their children's progress, advise them on using community resources, or teach skills for dealing with students' impairments. +Modify the general elementary education curriculum for students with disabilities. +Monitor teachers or teacher assistants to ensure adherence to special education program requirements. +Observe and evaluate students' performance, behavior, social development, and physical health. +Organize and display students' work in a manner appropriate for their perceptual skills. +Organize and supervise games or other recreational activities to promote physical, mental, or social development. +Plan or conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Plan or supervise experiential learning activities, such as class projects, field trips, demonstrations, or visits by guest speakers. +Prepare classrooms with a variety of materials or resources for children to explore, manipulate, or use in learning activities or imaginative play. +Prepare objectives, outlines, or other materials for courses of study, following curriculum guidelines or school or state requirements. +Prepare, administer, or grade tests or assignments to evaluate students' progress. +Provide assistive devices, supportive technology, or assistance accessing facilities, such as restrooms. +Teach socially acceptable behavior, employing techniques such as behavior modification or positive reinforcement. +Teach students personal development skills, such as goal setting, independence, or self-advocacy.","Computer based training software— Children's educational software; EasyCBM; Rethink Ed; Scientific Learning Fast ForWord +Data base user interface and query software— American Sign Language Browser; Individualized Educational Program IEP software +Device drivers or system software— Screen magnification software; Screen reader software; Synapse outSPOKEN; The vOICe Learning Edition +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Drawing software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Voice recognition software— goQ WordQ; Nuance Dragon NaturallySpeaking; Voice activated software +Word processing software— Microsoft Word",,"Collaborate with other teaching professionals to develop educational programs. +Develop strategies or programs for students with special needs. +Teach life skills. +Administer tests to assess educational needs or progress. +Develop instructional objectives. +Evaluate student work. +Monitor student performance. +Plan educational activities. +Advise students on academic or career matters. +Assess educational needs of students. +Assist students with special educational needs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Develop instructional materials. +Direct activities of subordinates. +Discuss student progress with parents or guardians. +Display student work. +Encourage students. +Establish rules or policies governing student behavior. +Maintain student records. +Modify teaching methods or materials to accommodate student needs. +Monitor student behavior, social development, or health. +Plan experiential learning activities. +Prepare tests. +Set up classroom materials or equipment. +Teach others to use technology or equipment.",,,,,"Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Adapted Physical Education Specialists +Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Preschool +Special Education Teachers, Secondary School +Teaching Assistants, Special Education +Tutors","View the list of Allies +American Association on Intellectual and Developmental Disabilities +external site +American Educational Research Association +external site +Association for Education and Rehabilitation of the Blind and Visually Impaired +external site +Association of American Educators +external site +Association on Higher Education and Disability +external site +Autism Society +external site +Childhood Education International +external site +Council for Exceptional Children +external site +Council for Learning Disabilities +external site +Council of Administrators of Special Education +external site +Division for Early Childhood +external site +Division on Autism and Developmental Disabilities +external site +International Association of Special Education +external site +International Dyslexia Association +external site +Learning Disabilities Association of America +external site +National Association for Gifted Children +external site +National Association for the Education of Young Children +external site +National Association of Special Education Teachers +external site +Teacher Education Division of the Council for Exceptional Children +external site +Mid-South Educational Research Association +external site +New England Association of Teachers of English +external site +Northeastern Educational Research Association +external site +Southeastern Regional Association of Teacher Educators +external site +Southern Early Childhood Association +external site +Southwest Educational Research Association +external site +American Federation of Teachers, AFL-CIO +external site +Association of Educational Therapists +external site +National Education Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +39-6011.00,Baggage Porters and Bellhops,https://www.onetonline.org/link/summary/39-6011.00,2025-06-11T19:13:33.147426,"Receive and mark baggage by completing and attaching claim checks. +Greet incoming guests and escort them to their rooms. +Transport guests about premises and local areas, or arrange for transportation. +Maintain clean lobbies or entrance areas for travelers or guests. +Transfer luggage, trunks, and packages to and from rooms, loading areas, vehicles, or transportation terminals, by hand or using baggage carts. +Supply guests or travelers with directions, travel information, and other information, such as available services and points of interest. +Explain the operation of room features, such as locks, ventilation systems, and televisions. +Assist travelers and guests with disabilities. +Deliver messages and room service orders, and run errands for guests. +Pick up and return items for laundry and valet service. +Act as part of the security team at transportation terminals, hotels, or similar establishments. +Compute and complete charge slips for services rendered and maintain records. +Page guests in hotel lobbies, dining rooms, or other areas. +Set up conference rooms, display tables, racks, or shelves, and arrange merchandise displays for sales personnel. +Inspect guests' rooms to ensure that they are adequately stocked, orderly, and comfortable. +Complete baggage insurance forms. +Arrange for shipments of baggage, express mail, and parcels by providing weighing and billing services.","Electronic mail software— Microsoft Outlook +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Handle luggage or other possessions for patrons. +Provide escort or transportation. +Clean facilities or work areas. +Greet customers, patrons, or visitors. +Provide attraction or event information to patrons. +Provide patrons with directions to locales or attractions. +Explain regulations, policies, or procedures. +Assist individuals with special needs. +Deliver items. +Monitor patron activities to identify problems or potential problems. +Maintain financial or account records. +Provide notifications to customers or patrons. +Arrange items for use or display. +Inspect facilities. +Prepare administrative documents. +Arrange services or reservations for patrons.","Outdoors, Exposed to All Weather Conditions— 91% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 85% responded “Every day.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Contact With Others— 64% responded “Constant contact with others.” +Deal With External Customers or the Public in General +Freedom to Make Decisions— 59% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Telephone Conversations— 79% responded “Every day.” +Spend Time Standing— 59% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 42% responded “Continually or almost continually.” +Frequency of Decision Making— 61% responded “Every day.” +Determine Tasks, Priorities and Goals— 64% responded “Some freedom.” +Health and Safety of Other Workers— 37% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Important results.” +Outdoors, Under Cover— 28% responded “Never.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Important.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Work Outcomes and Results of Other Workers— 24% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 34% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 24% responded “Less than half the time.” +Conflict Situations— 35% responded “Once a year or more but not every month.” +Consequence of Error— 52% responded “Serious.” +Duration of Typical Work Week— 71% responded “40 hours.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Clarity— The ability to speak clearly so others can understand you. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Concierges +Counter and Rental Clerks +Couriers and Messengers +Bright Outlook +Flight Attendants +Hotel, Motel, and Resort Desk Clerks +Locker Room, Coatroom, and Dressing Room Attendants +Parking Attendants +Passenger Attendants +Reservation and Transportation Ticket Agents and Travel Clerks +Transportation Security Screeners","View the list of Allies +Service Employees International Union +external site +UNITE HERE +external site",90,21,23,67,36,34,60,42,34,27,45,26,12,42,29,34,33,22,11,60,25,10,18,39,16,14,16,12,1,11,35,10,14 +19-3011.00,Economists,https://www.onetonline.org/link/summary/19-3011.00,2025-06-11T18:57:05.572130,"Study economic and statistical data in area of specialization, such as finance, labor, or agriculture. +Compile, analyze, and report data to explain economic phenomena and forecast market trends, applying mathematical models and statistical techniques. +Study the socioeconomic impacts of new public policies, such as proposed legislation, taxes, services, and regulations. +Explain economic impact of policies to the public. +Review documents written by others. +Provide advice and consultation on economic relationships to businesses, public and private agencies, and other employers. +Formulate recommendations, policies, or plans to solve economic problems or to interpret markets. +Supervise research projects and students' study projects. +Conduct research on economic issues, and disseminate research findings through technical reports or scientific articles in journals. +Develop economic guidelines and standards, and prepare points of view used in forecasting trends and formulating economic policy. +Teach theories, principles, and methods of economics. +Testify at regulatory or legislative hearings concerning the estimated effects of changes in legislation or public policy, and present recommendations based on cost-benefit analyses. +Provide litigation support, such as writing reports for expert testimony or testifying as an expert witness. +Forecast production and consumption of renewable resources and supply, consumption, and depletion of non-renewable resources. +Construct and manage economic datasets. +Present research at seminars and conferences.","Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;16 more +Business intelligence and data analysis software— Microsoft Power BI; Tableau +Data base management system software— MySQL; Teradata Database +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Structured query language SQL +Desktop publishing software— LaTeX +Development environment software— Formula translation/translator FORTRAN; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Electronic mail software— Microsoft Outlook +Financial analysis software— Palisade @Risk +Geographic information system— ESRI ArcView +Internet browser software— Microsoft Internet Explorer; Mozilla Firefox; Web browser software +Object or component oriented development software— C++; Oracle Java; Python; R;1 more +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— UNIX; UNIX Shell +Presentation software— Microsoft PowerPoint +Spreadsheet software— Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Web page creation and editing software— MediaWiki +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Review professional literature to maintain professional knowledge. +Forecast economic, political, or social trends. +Conduct research on social issues. +Explain regulations, policies, or procedures. +Present information to the public. +Proofread documents, records, or other files to ensure accuracy. +Review technical documents to plan work. +Advise others on business or operational matters. +Advise others on matters of public policy. +Prepare scientific or technical reports or presentations. +Supervise trainees. +Establish standards for products, processes, or procedures. +Instruct college students in social sciences or humanities disciplines. +Testify at legal or legislative proceedings.","E-Mail— 92% responded “Every day.” +Duration of Typical Work Week— 88% responded “More than 40 hours.” +Spend Time Sitting— 75% responded “Continually or almost continually.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Every day.” +Telephone Conversations— 54% responded “Every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Level of Competition— 50% responded “Highly competitive.” +Work With or Contribute to a Work Group or Team— 52% responded “Very important.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Frequency of Decision Making— 32% responded “Every day.” +Contact With Others— 42% responded “Contact with others about half the time.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Moderate results.” +Work Outcomes and Results of Other Workers— 38% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Public Speaking— 54% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Business Teachers, Postsecondary +Bright Outlook +Data Scientists +Economics Teachers, Postsecondary +Environmental Economists +Financial and Investment Analysts +Financial Quantitative Analysts +Financial Risk Specialists +Investment Fund Managers +Political Scientists +Statisticians","View the list of Allies +National Association for Business Economics +external site +Agricultural and Applied Economics Association +external site +American Economic Association +external site +American Finance Association +external site +American Law and Economics Association +external site +Association for Public Policy Analysis and Management +external site +Financial Management Association International +external site +International Association for Energy Economics +external site +International Association for Feminist Economics +external site +International Economic Development Council +external site +National Association of Forensic Economics +external site +Society of Labor Economists +external site +Southern Economic Association +external site +The Econometric Society +external site +Western Economic Association International +external site",30,2,20,76,89,41,7,53,24,87,20,32,5,70,17,42,44,3,19,13,28,5,38,19,7,21,4,8,7,11,33,2,36 +49-9092.00,Commercial Divers,https://www.onetonline.org/link/summary/49-9092.00,2025-06-11T19:23:15.457881,"Take appropriate safety precautions, such as monitoring dive lengths and depths and registering with authorities before diving expeditions begin. +Check and maintain diving equipment, such as helmets, masks, air tanks, harnesses, or gauges. +Communicate with workers on the surface while underwater, using signal lines or telephones. +Descend into water with the aid of diver helpers, using scuba gear or diving suits. +Obtain information about diving tasks and environmental conditions. +Supervise or train other divers, including hobby divers. +Inspect the condition of underwater steel or wood structures. +Inspect and test docks, ships, buoyage systems, plant intakes or outflows, or underwater pipelines, cables, or sewers, using closed circuit television, still photography, and testing equipment. +Repair ships, bridge foundations, or other structures below the water line, using caulk, bolts, and hand tools. +Recover objects by placing rigging around sunken objects, hooking rigging to crane lines, and operating winches, derricks, or cranes to raise objects. +Operate underwater video, sonar, recording, or related equipment to investigate underwater structures or marine life. +Take test samples or photographs to assess the condition of vessels or structures. +Cut and weld steel, using underwater welding equipment, jigs, and supports. +Install, inspect, clean, or repair piping or valves. +Carry out non-destructive testing, such as tests for cracks on the legs of oil rigs at sea. +Install pilings or footings for piers or bridges. +Salvage wrecked ships or their cargo, using pneumatic power velocity and hydraulic tools and explosive charges, when necessary. +Remove obstructions from strainers or marine railway or launching ways, using pneumatic or power hand tools. +Set or guide placement of pilings or sandbags to provide support for structures, such as docks, bridges, cofferdams, or platforms. +Perform activities related to underwater search and rescue, salvage, recovery, or cleanup operations. +Perform offshore oil or gas exploration or extraction duties, such as conducting underwater surveys or repairing and maintaining drilling rigs or platforms. +Drill holes in rock and rig explosives for underwater demolitions. +Remove rubbish or pollution from the sea.","Analytical or scientific software— Dynamic positioning DP software +Data base user interface and query software— Diving logbook software; Diving table software; Remote operated vehicle ROV dive log software +Internet browser software— Web browser software","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Monitor work areas or procedures to ensure compliance with safety procedures. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Maintain work equipment or machinery. +Communicate with coworkers to coordinate installations or repairs. +Travel to work sites to perform installation, repair or maintenance work. +Gather information about work conditions or locations. +Supervise employees. +Train others in operational procedures. +Inspect systems to determine if they are operating properly. +Test mechanical equipment to ensure proper functioning. +Repair non-engine automotive or vehicle components. +Operate cranes, hoists, or other moving or lifting equipment. +Record images needed to address work issues. +Attach rigging to objects so they can be moved. +Install piping for installation or maintenance activities. +Operate welding equipment. +Repair pipes to stop leaking. +Install structural foundations. +Repair production equipment or tools. +Survey land or bodies of water to measure or determine features. +Repair structural components. +Respond to emergencies to provide assistance. +Drill holes in parts, equipment, or materials. +Decontaminate equipment or sites to remove hazardous or toxic substances.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 77% responded “Every day.” +Contact With Others— 70% responded “Constant contact with others.” +Outdoors, Exposed to All Weather Conditions— 67% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Health and Safety of Other Workers— 63% responded “Very high responsibility.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 44% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Telephone Conversations— 47% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Consequence of Error— 54% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 39% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Extremely important.” +Exposed to Contaminants— 40% responded “Once a week or more but not every day.” +Time Pressure— 39% responded “Every day.” +Spend Time Standing— 46% responded “More than half the time.” +Indoors, Not Environmentally Controlled— 38% responded “Every day.” +Frequency of Decision Making— 45% responded “Every day.” +Duration of Typical Work Week— 47% responded “More than 40 hours.” +Exposed to Cramped Work Space, Awkward Positions— 41% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 35% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 32% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 31% responded “About half the time.” +E-Mail— 38% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 29% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Outdoors, Under Cover— 46% responded “Once a week or more but not every day.” +Level of Competition— 34% responded “Highly competitive.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 28% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 34% responded “Less than half the time.” +Written Letters and Memos— 26% responded “Every day.” +Work Schedules— 72% responded “Irregular (changes with weather conditions, production demands, or contract duration).” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 37% responded “Important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operation and Control— Controlling operations of equipment or systems. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Boilermakers +Dredge Operators +Earth Drillers, Except Oil and Gas +Hoist and Winch Operators +Pipelayers +Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Riggers +Rotary Drill Operators, Oil and Gas +Sailors and Marine Oilers +Ship Engineers","View the list of Allies +American Salvage Association +external site +American Welding Society +external site +Association of Commercial Diving Educators +external site +Association of Diving Contractors International +external site +PADI +external site +National Board of Diving and Hyperbaric Medical Technology +external site +United Brotherhood of Carpenters and Joiners of America +external site",55,,34,50,54,39,53,50,29,14,21,25,30,28,3,33,18,77,4,36,31,15,4,27,44,42,69,64,25,44,31,,5 +51-9111.00,Packaging and Filling Machine Operators and Tenders,https://www.onetonline.org/link/summary/51-9111.00,2025-06-11T19:27:54.665606,"Attach identification labels to finished packaged items, or cut stencils and stencil information on containers, such as lot numbers or shipping destinations. +Sort, grade, weigh, and inspect products, verifying and adjusting product weight or measurement to meet specifications. +Stop or reset machines when malfunctions occur, clear machine jams, and report malfunctions to a supervisor. +Observe machine operations to ensure quality and conformity of filled or packaged products to standards. +Remove finished packaged items from machine and separate rejected items. +Monitor the production line, watching for problems such as pile-ups, jams, or glue that isn't sticking properly. +Inspect and remove defective products and packaging material. +Start machine by engaging controls. +Tend or operate machine that packages product. +Clean, oil, and make minor adjustments or repairs to machinery and equipment, such as opening valves or setting guides. +Regulate machine flow, speed, or temperature. +Adjust machine components and machine tension and pressure according to size or processing angle of product. +Supply materials to spindles, conveyors, hoppers, or other feeding devices and unload packaged product. +Stack finished packaged items, or wrap protective material around each item, and pack the items in cartons or containers. +Package the product in the form in which it will be sent out, for example, filling bags with flour from a chute or spout. +Stock and sort product for packaging or filling machine operation, and replenish packaging supplies, such as wrapping paper, plastic sheet, boxes, cartons, glue, ink, or labels. +Count and record finished and rejected packaged items. +Clean packaging containers, line and pad crates, or assemble cartons to prepare for product packing. +Secure finished packaged items by hand tying, sewing, gluing, stapling, or attaching fastener. +Clean and remove damaged or otherwise inferior materials to prepare raw products for processing.","Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Label making software— Label printing software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Mark products, workpieces, or equipment with identifying information. +Sort materials or products for processing, storing, shipping, or grading. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Weigh finished products. +Remove products or workpieces from production equipment. +Clear equipment jams. +Monitor equipment operation to ensure that products are not flawed. +Notify others of equipment repair or maintenance needs. +Package products for storage or shipment. +Watch operating equipment to detect malfunctions. +Adjust temperature controls of ovens or other heating equipment. +Clean production equipment. +Lubricate production equipment. +Repair production equipment or tools. +Feed materials or products into or through equipment. +Stack finished items for further processing or shipment. +Maintain inventories of materials, equipment, or products. +Count finished products or workpieces. +Prepare materials for processing. +Record operational or production data. +Clean materials to prepare them for production. +Sew clothing or other articles.","Pace Determined by Speed of Equipment— 69% responded “Extremely important.” +Spend Time Standing— 70% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Exposed to Contaminants— 72% responded “Every day.” +Time Pressure— 63% responded “Every day.” +Contact With Others— 57% responded “Constant contact with others.” +Health and Safety of Other Workers— 59% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Frequency of Decision Making— 56% responded “Every day.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Spend Time Bending or Twisting Your Body— 36% responded “More than half the time.” +Spend Time Walking or Running— 42% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Determine Tasks, Priorities and Goals— 32% responded “Limited freedom.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Level of Competition— 29% responded “Moderately competitive.” +Consequence of Error— 29% responded “Very serious.” +Duration of Typical Work Week— 58% responded “40 hours.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 25% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 42% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adhesive Bonding Machine Operators and Tenders +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Machine Feeders and Offbearers +Packers and Packagers, Hand +Paper Goods Machine Setters, Operators, and Tenders +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders","View the list of Allies +Institute of Packaging Professionals +external site +TAPPI +external site +International Brotherhood of Teamsters +external site +The United Food and Commercial Workers International Union +external site",52,35,69,55,52,44,56,55,34,28,34,40,31,38,18,27,26,63,18,30,30,16,17,21,20,29,23,27,13,30,14,10,9 +29-1141.00,Registered Nurses,https://www.onetonline.org/link/summary/29-1141.00,2025-06-11T19:06:08.095906,"Record patients' medical information and vital signs. +Administer medications to patients and monitor patients for reactions or side effects. +Maintain accurate, detailed reports and records. +Monitor, record, and report symptoms or changes in patients' conditions. +Provide health care, first aid, immunizations, or assistance in convalescence or rehabilitation in locations such as schools, hospitals, or industry. +Consult and coordinate with healthcare team members to assess, plan, implement, or evaluate patient care plans. +Direct or supervise less-skilled nursing or healthcare personnel or supervise a particular unit. +Monitor all aspects of patient care, including diet and physical activity. +Instruct individuals, families, or other groups on topics such as health education, disease prevention, or childbirth and develop health improvement programs. +Modify patient treatment plans as indicated by patients' responses and conditions. +Conduct specified laboratory tests. +Observe nurses and visit patients to ensure proper nursing care. +Assess the needs of individuals, families, or communities, including assessment of individuals' home or work environments, to identify potential health or safety problems. +Work with individuals, groups, or families to plan or implement programs designed to improve the overall health of communities. +Prepare patients for and assist with examinations or treatments. +Perform administrative or managerial functions, such as taking responsibility for a unit's staff, budget, planning, or long-range goals. +Order, interpret, and evaluate diagnostic tests to identify and assess patient's condition. +Prescribe or recommend drugs, medical devices, or other forms of treatment, such as physical therapy, inhalation therapy, or related therapeutic procedures. +Direct or coordinate infection control programs, advising or consulting with specified personnel about necessary precautions. +Prepare rooms, sterile instruments, equipment, or supplies and ensure that stock of supplies is maintained. +Administer local, inhalation, intravenous, or other anesthetics. +Provide or arrange for training or instruction of auxiliary personnel or students. +Refer students or patients to specialized health resources or community agencies furnishing assistance. +Perform physical examinations, make tentative diagnoses, and treat patients en route to hospitals or at disaster site triage centers. +Consult with institutions or associations regarding issues or concerns relevant to the practice and profession of nursing. +Inform physician of patient's condition during anesthesia. +Engage in research activities related to nursing.","Business intelligence and data analysis software— Apache Spark +Calendar and scheduling software— Per-Se Technologies ORSOS One-Call +Categorization or classification software— Diagnostic and procedural coding software +Cloud-based data access and sharing software— Google Drive +Data base user interface and query software— Data entry software; Database software; FileMaker Pro; Microsoft Access +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Human resources software— Human resource management software HRMS; Oracle Taleo +Information retrieval or search software— Drug guide software +Medical software— eClinicalWorks EHR software; Epic Systems; Henry Schein Dentrix; MEDITECH software;13 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Timekeeper +Video conferencing software— FaceTime +Video creation and editing software— YouTube +Web page creation and editing software— LinkedIn +Word processing software— Google Docs; Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Record patient medical histories. +Monitor patient conditions during treatments, procedures, or activities. +Administer non-intravenous medications. +Maintain medical facility records. +Inform medical professionals regarding patient conditions and care. +Immunize patients. +Treat acute illnesses, infections, or injuries. +Collaborate with healthcare professionals to plan or provide treatment. +Supervise patient care personnel. +Manage healthcare operations. +Advise medical personnel regarding healthcare issues. +Analyze test data or images to inform diagnosis or treatment. +Direct healthcare delivery programs. +Order medical diagnostic or clinical tests. +Prescribe assistive medical devices or related treatments. +Prescribe medications. +Design public or employee health programs. +Communicate health and wellness information to the public. +Evaluate patient outcomes to determine effectiveness of treatments. +Maintain inventory of medical supplies or equipment. +Prepare medical supplies or equipment for use. +Test biological specimens to gather information about patient conditions. +Assess patient work, living, or social environments. +Administer anesthetics or sedatives to control pain. +Assist healthcare practitioners during examinations or treatments. +Prepare patients physically for medical procedures. +Train caregivers or other non-medical personnel. +Diagnose medical conditions. +Examine patients to assess general physical condition. +Refer patients to other healthcare practitioners or health resources. +Treat medical emergencies. +Advise communities or institutions regarding health or safety issues. +Conduct research to increase knowledge about medical issues.","Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Telephone Conversations— 96% responded “Every day.” +Work With or Contribute to a Work Group or Team— 91% responded “Extremely important.” +Contact With Others— 91% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Deal With External Customers or the Public in General— 74% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 58% responded “Extremely important.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +E-Mail— 79% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Exposed to Disease or Infections— 61% responded “Every day.” +Health and Safety of Other Workers— 66% responded “Very high responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Every day.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Physical Proximity— 45% responded “Very close (near touching).” +Frequency of Decision Making— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Time Pressure— 42% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 51% responded “Every day.” +Consequence of Error— 57% responded “Extremely serious.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 54% responded “Very high responsibility.” +Conflict Situations— 38% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 33% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 65% responded “40 hours.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 33% responded “Continually or almost continually.” +Spend Time Walking or Running— 35% responded “Less than half the time.” +Spend Time Standing— 54% responded “Less than half the time.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Advanced Practice Psychiatric Nurses +Clinical Nurse Specialists +Critical Care Nurses +Licensed Practical and Licensed Vocational Nurses +Nurse Anesthetists +Nurse Midwives +Nurse Practitioners +Nursing Assistants +Physician Assistants","View the list of Allies +American Association of Colleges of Nursing +external site +American Association of Critical-Care Nurses +external site +American Nurses Association +external site +American Society of PeriAnesthesia Nurses +external site +American Society of Registered Nurses +external site +Association of periOperative Registered Nurses +external site +Association of Women's Health, Obstetric and Neonatal Nurses +external site +Emergency Nurses Association +external site +National Association of Clinical Nurse Specialists +external site +National Association of Neonatal Nurses +external site +National Association of Orthopaedic Nurses +external site +National Hospice and Palliative Care Organization +external site +National Student Nurses' Association +external site +Oncology Nursing Society +external site +Sigma Theta Tau International +external site +Society of Gastroenterology Nurses and Associates +external site +AFT Nurses and Health Professionals +external site +Association of Rehabilitation Nurses +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site +National Nurses United +external site",85,13,16,80,61,57,53,55,64,19,22,37,40,40,21,35,33,9,23,18,90,61,49,30,84,13,5,15,51,7,5,,11 +15-2021.00,Mathematicians,https://www.onetonline.org/link/summary/15-2021.00,2025-06-11T18:52:43.554857,"Address the relationships of quantities, magnitudes, and forms through the use of numbers and symbols. +Disseminate research by writing reports, publishing papers, or presenting at professional conferences. +Maintain knowledge in the field by reading professional journals, talking with other mathematicians, and attending professional conferences. +Apply mathematical theories and techniques to the solution of practical problems in business, engineering, the sciences, or other fields. +Conduct research to extend mathematical knowledge in traditional areas, such as algebra, geometry, probability, and logic. +Develop mathematical or statistical models of phenomena to be used for analysis or for computational simulation. +Perform computations and apply methods of numerical analysis to data. +Assemble sets of assumptions, and explore the consequences of each set. +Develop new principles and new relationships between existing mathematical principles to advance mathematical science. +Develop computational methods for solving problems that occur in areas of science and engineering or that come from applications in business or industry. +Design, analyze, and decipher encryption systems designed to transmit military, political, financial, or law-enforcement-related information in code. +Mentor others on mathematical techniques.","Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;48 more +Business intelligence and data analysis software— Tableau +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Salesforce software +Data base management system software— MySQL +Data base user interface and query software— Microsoft Access; Structured query language SQL +Desktop publishing software— MicroPress VTeX +Development environment software— C; Formula translation/translator FORTRAN; Microsoft Visual Basic; Microsoft Visual Studio +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +File versioning software— Version control software +Graphics or photo imaging software— Adobe Photoshop +Internet browser software— Web browser software +Metadata management software— Perforce software +Network security or virtual private network VPN management software— Vormetric Application Encryption +Object or component oriented development software— C#; Oracle Java; Perl; R;3 more +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Bash; Linux; UNIX;2 more +Presentation software— Microsoft PowerPoint +Program testing software— User interface design software +Spreadsheet software— Microsoft Excel +Transaction server software— Web server software +Web platform development software— Cascading style sheets CSS; Hypertext markup language HTML; JavaScript; PHP +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Analyze data to identify trends or relationships among variables. +Prepare analytical reports. +Present research results to others. +Update knowledge about emerging industry or technology trends. +Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Design computer modeling or simulation programs. +Review professional literature to maintain professional knowledge. +Update professional knowledge. +Determine appropriate methods for data analysis. +Develop scientific or mathematical models. +Analyze security of systems, network, or data. +Develop computer or information security policies or procedures.","E-Mail— 92% responded “Every day.” +Importance of Being Exact or Accurate— 79% responded “Extremely important.” +Duration of Typical Work Week— 78% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Once a week or more but not every day.” +Spend Time Sitting— 42% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Telephone Conversations— 35% responded “Once a week or more but not every day.” +Contact With Others— 38% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 42% responded “Very important.” +Level of Competition— 38% responded “Highly competitive.”","Mathematics— Using mathematics to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Astronomers +Bright Outlook +Bioinformatics Scientists +Bioinformatics Technicians +Biostatisticians +Computer and Information Research Scientists +Data Scientists +Mathematical Science Teachers, Postsecondary +Operations Research Analysts +Physicists +Statisticians","View the list of Allies +American Mathematical Society +external site +Society of Actuaries +external site +American Mathematical Association of Two-Year Colleges +external site +American Physical Society +external site +American Statistical Association +external site +Association for Computing Machinery +external site +Association for Women in Mathematics +external site +Conference Board of the Mathematical Sciences +external site +Institute for Operations Research and the Management Sciences +external site +Institute of Electrical and Electronics Engineers +external site +International Association for Cryptologic Research +external site +Mathematical Association of America +external site +Mathematical Programming Society +external site +National Association of Mathematicians +external site +Society for Industrial and Applied Mathematics +external site +Society for Mathematical Biology +external site",21,2,8,70,100,29,16,54,17,19,13,16,21,62,25,15,22,10,7,11,14,3,7,14,14,44,1,43,22,23,6,1,7 +21-1093.00,Social and Human Service Assistants,https://www.onetonline.org/link/summary/21-1093.00,2025-06-11T18:59:03.074059,"Assess clients' cognitive abilities and physical and emotional needs to determine appropriate interventions. +Develop and implement behavioral management and care plans for clients. +Keep records or prepare reports for owner or management concerning visits with clients. +Visit individuals in homes or attend group meetings to provide information on agency services, requirements, or procedures. +Submit reports and review reports or problems with superior. +Interview individuals or family members to compile information on social, educational, criminal, institutional, or drug history. +Provide information or refer individuals to public or private agencies or community services for assistance. +Advise clients regarding food stamps, child care, food, money management, sanitation, or housekeeping. +Oversee day-to-day group activities of residents in institution. +Assist in locating housing for displaced individuals. +Consult with supervisor concerning programs for individual families. +Demonstrate use and care of equipment for tenant use. +Assist in planning food budgets, using charts or sample budgets. +Assist clients with preparation of forms, such as tax or rent forms. +Explain rules established by owner or management, such as sanitation or maintenance requirements or parking regulations. +Observe clients' food selections and recommend alternate economical and nutritional food choices. +Observe and discuss meal preparation and suggest alternate methods of food preparation. +Transport and accompany clients to shopping areas or to appointments, using automobile. +Inform tenants of facilities, such as laundries or playgrounds. +Teach parenting techniques to family members.","Data base user interface and query software— Database software; Microsoft Access +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Electronic medical record EMR software; MEDITECH software; PointClickCare healthcare software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Voice recognition software— Nuance Dragon NaturallySpeaking +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Conduct diagnostic tests to determine patient health. +Examine patients to assess general physical condition. +Develop treatment plans for patients or clients. +Write reports or evaluations. +Maintain social services program records. +Visit individuals in their homes to provide support or information. +Help clients get needed services or resources. +Interview clients to gather information about their backgrounds, needs, or progress. +Present social services program information to the public. +Refer clients to community or social service programs. +Collaborate with other professionals to assess client needs or plan treatments. +Teach life skills or strategies to clients or their families. +Demonstrate activity techniques or equipment use. +Assist clients in handling details of daily life. +Explain regulations, policies, or procedures. +Advise clients or community groups on health issues. +Monitor nutrition related activities of individuals or groups. +Transport clients to appointments. +Provide basic information to guests, visitors, or clients.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Contact With Others— 88% responded “Constant contact with others.” +E-Mail— 81% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Deal With External Customers or the Public in General— 64% responded “Extremely important.” +Written Letters and Memos— 53% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Time Pressure— 51% responded “Every day.” +Determine Tasks, Priorities and Goals— 36% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 57% responded “Very important.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Health and Safety of Other Workers— 40% responded “Very high responsibility.” +Conflict Situations— 45% responded “Once a week or more but not every day.” +Frequency of Decision Making— 46% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Every day.” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 45% responded “Very important.” +Spend Time Sitting— 29% responded “More than half the time.” +Public Speaking— 43% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 27% responded “Very high responsibility.” +Exposed to Disease or Infections— 32% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Persuasion— Persuading others to change their minds or behavior. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Bright Outlook +Community Health Workers +Educational, Guidance, and Career Counselors and Advisors +Health Education Specialists +Healthcare Social Workers +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Rehabilitation Counselors","View the list of Allies +American Counseling Association +external site +American Psychological Association +external site +National Association of Social Workers +external site +National Hospice and Palliative Care Organization +external site +National Organization for Human Services +external site +Employee Assistance Professionals Association +external site",87,1,9,69,28,28,38,54,59,13,11,20,11,55,20,46,21,3,40,17,82,74,57,21,33,3,1,,6,1,10,5,2 +19-1013.00,Soil and Plant Scientists,https://www.onetonline.org/link/summary/19-1013.00,2025-06-11T18:55:49.805757,"Communicate research or project results to other professionals or the public or teach related courses, seminars, or workshops. +Develop methods of conserving or managing soil that can be applied by farmers or forestry companies. +Provide information or recommendations to farmers or other landowners regarding ways in which they can best use land, promote plant growth, or avoid or correct problems such as erosion. +Conduct experiments to develop new or improved varieties of field crops, focusing on characteristics such as yield, quality, disease resistance, nutritional value, or adaptation to specific soils or climates. +Investigate soil problems or poor water quality to determine sources and effects. +Investigate responses of soils to specific management practices to determine the use capabilities of soils and the effects of alternative practices on soil productivity. +Conduct experiments to investigate the underlying mechanisms of plant growth and response to the environment. +Identify degraded or contaminated soils and develop plans to improve their chemical, biological, or physical characteristics. +Develop new or improved methods or products for controlling or eliminating weeds, crop diseases, or insect pests. +Provide advice regarding the development of regulatory standards for land reclamation or soil conservation. +Study soil characteristics to classify soils on the basis of factors such as geographic location, landscape position, or soil properties. +Develop improved measurement techniques, soil conservation methods, soil sampling devices, or related technology. +Conduct research to determine best methods of planting, spraying, cultivating, harvesting, storing, processing, or transporting horticultural products. +Develop environmentally safe methods or products for controlling or eliminating weeds, crop diseases, or pests. +Study ways to improve agricultural sustainability, such as the use of new methods of composting. +Consult with engineers or other technical personnel working on construction projects about the effects of soil problems and possible solutions to these problems. +Perform chemical analyses of the microorganism content of soils to determine microbial reactions or chemical mineralogical relationships to plant growth. +Develop ways of altering soils to suit different types of plants. +Conduct experiments investigating how soil forms, changes, or interacts with land-based ecosystems or living organisms. +Survey undisturbed or disturbed lands for classification, inventory, mapping, environmental impact assessments, environmental protection planning, conservation planning, or reclamation planning. +Plan or supervise waste management programs for composting or farming. +Research technical requirements or environmental impacts of urban green spaces, such as green roof installations. +Conduct experiments regarding causes of bee diseases or factors affecting yields of nectar or pollen. +Identify or classify species of insects or allied forms, such as mites or spiders. +Study insect distribution or habitat and recommend methods to prevent importation or spread of injurious species. +Plan or supervise land conservation or reclamation programs for industrial development projects. +Conduct research into the use of plant species as green fuels or in the production of green fuels.","Analytical or scientific software— European Soil Erosion Model EUROSEM; PC-Progress HYDRUS; STATISTICA; Water Erosion Prediction Project WEPP;12 more +Categorization or classification software— GAEA Technologies WinSieve +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Microsoft Access; National Resources Conservation Service NRCS PEDON Description Program PDP; National Soil Information System NASIS; SoilVision Systems SVOFFICE;3 more +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems +Map creation software— Leica Geosystems ERDAS IMAGINE +Object or component oriented development software— R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Prepare scientific or technical reports or presentations. +Develop sustainable industrial or development methods. +Advise others about land management or conservation. +Research sustainable agricultural processes or practices. +Research hydrologic features or processes. +Research crop management methods. +Analyze environmental data. +Conduct climatological research. +Plan natural resources conservation or restoration programs. +Develop agricultural methods. +Research geological features or processes. +Analyze biological samples. +Collaborate with technical specialists to resolve design or development problems. +Survey land or properties. +Direct natural resources management or conservation programs. +Develop environmental sustainability plans or projects. +Conduct research of processes in natural or industrial ecosystems. +Research impacts of environmental conservation initiatives. +Classify organisms based on their characteristics or behavior. +Research diseases or parasites. +Advise others about environmental management or conservation.","E-Mail— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Every day.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Indoors, Environmentally Controlled— 57% responded “Once a week or more but not every day.” +Telephone Conversations— 43% responded “Every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Contact With Others— 48% responded “Contact with others most of the time.” +Duration of Typical Work Week— 52% responded “40 hours.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Outdoors, Exposed to All Weather Conditions— 55% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 33% responded “Very high responsibility.” +Indoors, Not Environmentally Controlled— 40% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Work Outcomes and Results of Other Workers— 43% responded “Moderate responsibility.” +Written Letters and Memos— 48% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 38% responded “Important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 40% responded “Once a week or more but not every day.” +Level of Competition— 57% responded “Moderately competitive.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 43% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 67% responded “Moderate results.” +Exposed to Very Hot or Cold Temperatures— 62% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 52% responded “Once a month or more but not every week.”","Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Coordination— Adjusting actions in relation to others' actions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Agricultural Engineers +Bright Outlook +Biologists +Conservation Scientists +Environmental Scientists and Specialists, Including Health +Geoscientists, Except Hydrologists and Geographers +Hydrologists +Industrial Ecologists +Microbiologists +Precision Agriculture Technicians +Range Managers","View the list of Allies +American Society of Agronomy +external site +American Association for the Advancement of Science +external site +American Geophysical Union +external site +American Society for Horticultural Science +external site +American Society of Animal Science +external site +American Society of Plant Biologists +external site +Botanical Society of America +external site +Crop Science Society of America +external site +Ecological Society of America +external site +Institute of Food Technologists +external site +International Society for Horticultural Science +external site +International Society of Arboriculture +external site +Society of Wetland Scientists +external site +Soil and Water Conservation Society +external site +Soil Science Society of America +external site +The Clay Minerals Society +external site +Weed Science Society of America +external site +American Registry of Professional Animal Scientists +external site",50,49,41,76,69,54,39,60,45,35,35,39,71,72,17,47,59,45,8,28,24,6,17,38,7,55,25,54,86,43,60,9,18 +25-4031.00,Library Technicians,https://www.onetonline.org/link/summary/25-4031.00,2025-06-11T19:02:07.923524,"Reserve, circulate, renew, and discharge books and other materials. +Answer routine telephone or in-person reference inquiries, referring patrons to librarians for further assistance, when necessary. +Help patrons find and use library resources, such as reference materials, audio-visual equipment, computers, and other electronic resources and provide technical assistance when needed. +Deliver and retrieve items throughout the library by hand or using pushcart. +Process print and non-print library materials to prepare them for inclusion in library collections. +Catalogue and sort books and other print and non-print materials according to procedure and return them to shelves, files, or other designated storage areas. +Enter and update patrons' records on computers. +Provide assistance to teachers and students by locating materials and helping to complete special projects. +Compile and maintain records relating to circulation, materials, and equipment. +Take actions to halt disruption of library activities by problem patrons. +Maintain and troubleshoot problems with library equipment, including computers, photocopiers, and audio-visual equipment. +Check for damaged library materials, such as books or audio-visual equipment, and provide replacements or make repairs. +Collect fines and respond to complaints about fines. +Train other staff, volunteers, or student assistants and schedule and supervise their work. +Conduct reference searches, using printed materials and in-house and online databases. +Compile data and create statistical reports on library usage. +Design posters and special displays to promote use of library facilities or specific reading programs at libraries. +Issue identification cards to borrowers. +Review subject matter of materials to be classified and select classification numbers and headings according to classification systems. +Process interlibrary loans for patrons. +Order all print and non-print library materials, checking prices, figuring costs, preparing order slips, and making payments. +Send out notices about lost or overdue books. +Retrieve information from central databases for storage in a library's computer. +Verify bibliographical data for materials, including author, title, publisher, publication date, and edition. +Plan and conduct children's programs, community outreach programs, and other specialized programs, such as library tours. +Organize and maintain periodicals and reference materials. +Claim missing issues of periodicals and journals. +Compose explanatory summaries of contents of books and other reference materials. +Sort and deliver library mail and packages. +Operate and maintain audio-visual equipment, such as projectors, tape recorders, and videocassette recorders. +Compile bibliographies and prepare abstracts on subjects of interest to particular organizations or groups. +Open and close the library.","Data base user interface and query software— Ex Libris Group Aleph; FileMaker Pro; Microsoft Access; National Library of Medicine Medline;2 more +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Document management software— Adobe Acrobat +Electronic mail software— Email software +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Library software— Online Computer Library Center (OCLC) databases; SirsiDynix Symphony; WebClarity Software BookWhere; WorldCat;4 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Dreamweaver +Word processing software— HandyFile Find and Replace Text Aid Kit; Microsoft Outlook; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Process library materials. +Provide information to the general public. +Help patrons use library or archival resources. +Maintain operational records. +Classify materials according to standard systems. +Distribute instructional or library materials. +Assist other educational professionals with projects or research. +Inspect materials or equipment to determine need for repair or replacement. +Maintain computer equipment or software. +Order instructional or library materials or equipment. +Direct activities of subordinates. +Search information sources to find specific data. +Train staff members. +Plan community programs or activities for the general public. +Organize informational materials. +Develop instructional materials. +Maintain inventories of materials, equipment, or products. +Write articles, books or other original materials in area of expertise. +Deliver items. +Sort mail. +Operate audiovisual equipment. +Compile specialized bibliographies or lists of materials.","Indoors, Environmentally Controlled— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +E-Mail— 88% responded “Every day.” +Telephone Conversations— 60% responded “Every day.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Importance of Repeating Same Tasks— 51% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Contact With Others— 43% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 37% responded “Very important.” +Frequency of Decision Making— 51% responded “Every day.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Spend Time Making Repetitive Motions— 39% responded “More than half the time.” +Spend Time Sitting— 35% responded “About half the time.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Time Pressure— 37% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Moderate results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Continually or almost continually.” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Conflict Situations— 48% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 31% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 25% responded “Important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer User Support Specialists +Database Administrators +Bright Outlook +Document Management Specialists +File Clerks +Library Assistants, Clerical +Office Clerks, General +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive +Stockers and Order Fillers +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education","View the list of Allies +American Association of Law Libraries +external site +American Library Association +external site +Medical Library Association +external site +Special Libraries Association +external site",78,,23,71,40,27,40,54,59,23,21,17,11,58,11,17,46,7,18,7,41,12,29,25,14,13,4,8,5,14,35,19,22 +15-2099.01,Bioinformatics Technicians,https://www.onetonline.org/link/summary/15-2099.01,2025-06-11T18:53:03.564707,"Analyze or manipulate bioinformatics data using software packages, statistical applications, or data mining techniques. +Extend existing software programs, web-based interactive tools, or database queries as sequence management and analysis needs evolve. +Maintain awareness of new and emerging computational methods and technologies. +Conduct quality analyses of data inputs and resulting analyses or predictions. +Enter or retrieve information from structural databases, protein sequence motif databases, mutation databases, genomic databases or gene expression databases. +Develop or maintain applications that process biologically based data into searchable databases for purposes of analysis, calculation, or presentation. +Confer with researchers, clinicians, or information technology staff to determine data needs and programming requirements and to provide assistance with database-related research activities. +Participate in the preparation of reports or scientific publications. +Write computer programs or scripts to be used in querying databases. +Document all database changes, modifications, or problems. +Create data management or error-checking procedures and user manuals. +Develop or apply data mining and machine learning algorithms. +Design or implement web-based tools for querying large-scale biological databases. +Monitor database performance and perform any necessary maintenance, upgrades, or repairs. +Confer with database users about project timelines and changes. +Perform routine system administrative functions, such as troubleshooting, back-ups, or upgrades. +Package bioinformatics data for submission to public repositories. +Train bioinformatics staff or researchers in the use of databases. +Test new or updated software or tools and provide feedback to developers.","Access software— Avaya Identity Engines +Analytical or scientific software— Data visualization software; IBM SPSS Statistics; SAS; The MathWorks MATLAB;11 more +Customer relationship management CRM software +Data base management system software— Microsoft SQL Server +Data base user interface and query software— Microsoft Access; MySQL; Oracle Database; Structured query language SQL +Development environment software— C; Ruby +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Atlassian Bamboo; Jenkins CI +Enterprise resource planning ERP software— SAP software +File versioning software— Apache Subversion SVN; Git +Geographic information system— Esri ArcGIS; Geographic information system GIS software +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Object or component oriented development software— C++; Oracle Java; Perl; R;1 more +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Analyze operational or research data. +Develop computer or online applications. +Develop data analysis or data management procedures. +Maintain current knowledge related to work activities. +Enter information into databases or software programs. +Search files, databases or reference materials to obtain needed information. +Confer with coworkers to coordinate work activities. +Prepare research or technical reports. +Assess database performance. +Maintain computer equipment or software. +Confer with organizational members to accomplish work activities. +Maintain operational records. +Create electronic data backup to prevent loss of information. +Troubleshoot issues with computer applications or systems. +Format digital documents, data, or images. +Train personnel.","E-Mail— 87% responded “Every day.” +Spend Time Sitting— 81% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 43% responded “Every day.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +Contact With Others— 48% responded “Constant contact with others.” +Work Outcomes and Results of Other Workers— 31% responded “Moderate responsibility.” +Duration of Typical Work Week— 30% responded “40 hours.” +Time Pressure— 57% responded “Once a month or more but not every week.” +Level of Competition— 26% responded “Highly competitive.” +Physical Proximity— 70% responded “Slightly close (e.g., shared office).” +Importance of Repeating Same Tasks— 28% responded “Very important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Programming— Writing computer programs for various purposes. +Science— Using scientific rules and methods to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Biological Technicians +Bright Outlook +Cytogenetic Technologists +Data Scientists +Database Administrators +Database Architects +Health Information Technologists and Medical Registrars +Medical and Clinical Laboratory Technologists +Medical Records Specialists +Social Science Research Assistants +Statistical Assistants","View the list of Allies +American Association for the Advancement of Science +external site +American Medical Informatics Association +external site +American Society of Human Genetics +external site +Association for Computing Machinery Special Interest Group on Bioinformatics, Computational Biology, and Biomedical Informatics +external site +Biophysical Society +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +Great Lakes Bioinformatics Consortium +external site +Institute of Electrical and Electronics Engineers +external site +Southeastern Association of Shared Resources +external site +Midwest Association for Information Systems +external site +Southern Association for Information Systems +external site +Society of Clinical Research Associates +external site",40,1,21,75,88,43,23,43,43,12,15,22,44,94,4,14,21,21,1,6,29,14,6,21,38,47,1,34,70,48,11,1,1 +49-3011.00,Aircraft Mechanics and Service Technicians,https://www.onetonline.org/link/summary/49-3011.00,2025-06-11T19:21:41.379962,"Examine and inspect aircraft components, including landing gear, hydraulic systems, and deicers to locate cracks, breaks, leaks, or other problems. +Conduct routine and special inspections as required by regulations. +Inspect completed work to certify that maintenance meets standards and that aircraft are ready for operation. +Read and interpret maintenance manuals, service bulletins, and other specifications to determine the feasibility and method of repairing or replacing malfunctioning or damaged components. +Maintain repair logs, documenting all preventive and corrective aircraft maintenance. +Modify aircraft structures, space vehicles, systems, or components, following drawings, schematics, charts, engineering orders, and technical publications. +Inspect airframes for wear or other defects. +Measure parts for wear, using precision instruments. +Obtain fuel and oil samples and check them for contamination. +Maintain, repair, and rebuild aircraft structures, functional components, and parts, such as wings and fuselage, rigging, hydraulic units, oxygen systems, fuel systems, electrical systems, gaskets, or seals. +Replace or repair worn, defective, or damaged components, using hand tools, gauges, and testing equipment. +Read and interpret pilots' descriptions of problems to diagnose causes. +Test operation of engines and other systems, using test equipment, such as ignition analyzers, compression checkers, distributor timers, or ammeters. +Measure the tension of control cables. +Spread plastic film over areas to be repaired to prevent damage to surrounding areas. +Remove or install aircraft engines, using hoists or forklift trucks. +Assemble and install electrical, plumbing, mechanical, hydraulic, and structural components and accessories, using hand or power tools. +Locate and mark dimensions and reference lines on defective or replacement parts, using templates, scribes, compasses, and steel rules. +Fabricate defective sections or parts, using metal fabricating machines, saws, brakes, shears, and grinders. +Reassemble engines following repair or inspection and reinstall engines in aircraft. +Service and maintain aircraft and related apparatus by performing activities such as flushing crankcases, cleaning screens, and or moving parts. +Clean, refuel, and change oil in line service aircraft. +Trim and shape replacement body sections to specified sizes and fits and secure sections in place, using adhesives, hand tools, and power tools. +Accompany aircraft on flights to make in-flight adjustments and corrections. +Remove or cut out defective parts or drill holes to gain access to internal defects or damage, using drills and punches. +Install and align repaired or replacement parts for subsequent riveting or welding, using clamps and wrenches. +Inventory and requisition or order supplies, parts, materials, and equipment. +Clean, strip, prime, and sand structural surfaces and materials to prepare them for bonding. +Communicate with other workers to coordinate fitting and alignment of heavy parts, or to facilitate processing of repair parts. +Examine engines through specially designed openings while working from ladders or scaffolds, or use hoists or lifts to remove the entire engine from an aircraft. +Check for corrosion, distortion, and invisible cracks in the fuselage, wings, and tail, using x-ray and magnetic inspection equipment. +Disassemble engines and inspect parts, such as turbine blades or cylinders, for corrosion, wear, warping, cracks, and leaks, using precision measuring instruments, x-rays, and magnetic inspection equipment. +Cure bonded structures, using portable or stationary curing equipment. +Listen to operating engines to detect and diagnose malfunctions, such as sticking or burned valves. +Clean engines, sediment bulk and screens, and carburetors, adjusting carburetor float levels. +Determine repair limits for engine hot section parts. +Remove, inspect, repair, and install in-flight refueling stores and external fuel tanks. +Prepare and paint aircraft surfaces.","Accounting software— DatcoMedia EBis +Analytical or scientific software— CaseBank SpotLight; Engine analysis software +Compiler and decompiler software— Disassembler software +Computer aided manufacturing CAM software +Data base user interface and query software— Mxi Technologies Maintenix; Operational Data Store ODS software; Pentagon 2000SQL +Document management software— Technical Data Management System TDMS +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software; Tracware AeroTrac +Facilities management software— Access Software AIRPAX; Maintenance information databases; Maintenance planning software; Maintenance record software +Information retrieval or search software— Computerized aircraft log manager CALM; Technical manual database software +Internet browser software— Web browser software +Inventory management software— Supply system software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Inspect mechanical components of vehicles to identify problems. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Inspect completed work to ensure proper functioning. +Maintain repair or maintenance records. +Read technical information needed to perform maintenance or repairs. +Inspect structural components of vehicles to identify problems. +Operate cranes, hoists, or other moving or lifting equipment. +Repair worn, damaged, or defective mechanical parts. +Test fluids to identify contamination or other problems. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Replace worn, damaged, or defective mechanical parts. +Disassemble equipment to inspect for deficiencies. +Test mechanical equipment to ensure proper functioning. +Apply protective coverings to objects or surfaces near work areas. +Inspect mechanical equipment to locate damage, defects, or wear. +Assemble electrical components, subsystems, or systems. +Install electrical components, equipment, or systems. +Install piping for installation or maintenance activities. +Move large objects using heavy equipment. +Fabricate parts or components. +Lay out work according to specifications. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Service vehicles to maintain functionality. +Lubricate equipment to allow proper functioning. +Reassemble equipment after repair. +Operate heating or drying equipment. +Cut materials according to specifications or needs. +Remove parts or components from equipment. +Align equipment or machinery. +Drill holes in parts, equipment, or materials. +Install machine or equipment replacement parts. +Troubleshoot equipment or systems operation problems. +Observe equipment in operation to detect potential problems. +Maintain inventories of materials, equipment, or products. +Order materials, supplies, or equipment. +Determine operational criteria or specifications. +Communicate with coworkers to coordinate installations or repairs. +Paint surfaces or equipment.","Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets +Frequency of Decision Making— 75% responded “Every day.” +Importance of Being Exact or Accurate— 66% responded “Extremely important.” +Consequence of Error— 72% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 73% responded “Very important results.” +Exposed to Contaminants— 55% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 44% responded “Every day.” +Indoors, Not Environmentally Controlled— 73% responded “Every day.” +Time Pressure— 17% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 26% responded “Some freedom.” +Freedom to Make Decisions— 37% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 51% responded “Continually or almost continually.” +Spend Time Standing— 30% responded “More than half the time.” +Duration of Typical Work Week +Exposed to Cramped Work Space, Awkward Positions— 67% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 30% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 25% responded “Every day.” +Importance of Repeating Same Tasks— 64% responded “Very important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 25% responded “Never.” +Telephone Conversations— 46% responded “Every day.” +Exposed to Hazardous Conditions— 32% responded “Every day.” +Contact With Others— 35% responded “Constant contact with others.” +Outdoors, Exposed to All Weather Conditions— 19% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 58% responded “Very important.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 64% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 18% responded “Every day.” +Indoors, Environmentally Controlled— 30% responded “Never.” +Physical Proximity— 31% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Spend Time Making Repetitive Motions— 27% responded “About half the time.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Aircraft Service Attendants +Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Avionics Technicians +Bus and Truck Mechanics and Diesel Engine Specialists +Electro-Mechanical and Mechatronics Technologists and Technicians +Engine and Other Machine Assemblers +Mobile Heavy Equipment Mechanics, Except Engines +Motorboat Mechanics and Service Technicians +Rail Car Repairers","View the list of Allies +Aeronautical Repair Station Association +external site +Aircraft Mechanics Fraternal Association +external site +Aircraft Owners and Pilots Association +external site +ASTM International +external site +Experimental Aircraft Association +external site +International Association of Machinists and Aerospace Workers +external site +National Business Aviation Association +external site +Professional Aviation Maintenance Association +external site",57,1,45,68,55,48,53,40,39,14,15,20,46,42,7,37,20,93,3,49,29,10,8,29,9,60,24,48,5,48,10,1,1 +51-4194.00,"Tool Grinders, Filers, and Sharpeners",https://www.onetonline.org/link/summary/51-4194.00,2025-06-11T19:25:35.881427,"Monitor machine operations to determine whether adjustments are necessary, stopping machines when problems occur. +Inspect, feel, and measure workpieces to ensure that surfaces and dimensions meet specifications. +Study blueprints or layouts of metal workpieces to determine grinding procedures, and to plan machine setups and operational sequences. +Select and mount grinding wheels on machines, according to specifications, using hand tools and applying knowledge of abrasives and grinding procedures. +Compute numbers, widths, and angles of cutting tools, micrometers, scales, and gauges, and adjust tools to produce specified cuts. +Turn valves to direct flow of coolant against cutting wheels and workpieces during grinding. +Set up and operate grinding or polishing machines to grind metal workpieces, such as dies, parts, and tools. +Dress grinding wheels, according to specifications. +File or finish surfaces of workpieces, using prescribed hand tools. +Perform basic maintenance, such as cleaning and lubricating machine parts. +Remove finished workpieces from machines and place them in boxes or on racks, setting aside pieces that are defective. +Remove and replace worn or broken machine parts, using hand tools. +Fit parts together in pre-assembly to ensure that dimensions are accurate. +Attach workpieces to grinding machines and form specified sections and repair cracks, using welding or brazing equipment. +Duplicate workpiece contours, using tracer attachments. +Inspect dies to detect defects, assess wear, and verify specifications, using micrometers, steel gauge pins, and loupes. +Place workpieces in electroplating solutions or apply pigments to surfaces of workpieces to highlight ridges and grooves. +Straighten workpieces and remove dents, using straightening presses and hammers.","Computer aided design CAD and computer aided manufacturing CAM system— Vero Software Edgecam +Computer aided manufacturing CAM software— ANCA ToolRoom; Dassault Systemes SolidWorks +Data base user interface and query software— Zoller +Electronic mail software— IBM Lotus Notes +Spreadsheet software— Microsoft Excel","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Operate grinding equipment. +Watch operating equipment to detect malfunctions. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Inspect finishes of workpieces or finished products. +Calculate specific material, equipment, or labor requirements for production. +Mount attachments or tools onto production equipment. +Review blueprints or other instructions to determine operational methods or sequences. +Select production equipment according to product specifications. +Set equipment controls to meet cutting specifications. +Study blueprints or other instructions to determine equipment setup requirements. +Adjust equipment controls to regulate coolant flow. +Apply solutions to production equipment. +Clean production equipment. +Lubricate production equipment. +Maintain production or processing equipment. +Package products for storage or shipment. +Remove products or workpieces from production equipment. +Smooth metal surfaces or edges. +Assemble machine tools, parts, or fixtures. +Mount materials or workpieces onto production equipment. +Operate welding equipment. +Remove accessories, tools, or other parts from equipment. +Replace worn equipment components. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Apply protective or decorative finishes to workpieces or products. +Immerse objects or workpieces in cleaning or coating solutions. +Shape metal workpieces with hammers or other small hand tools.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 92% responded “Continually or almost continually.” +Spend Time Standing— 83% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 73% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Pace Determined by Speed of Equipment— 51% responded “Extremely important.” +Exposed to Contaminants— 61% responded “Every day.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Time Pressure— 43% responded “Every day.” +Duration of Typical Work Week— 51% responded “40 hours.” +Health and Safety of Other Workers— 40% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 42% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 54% responded “Every day.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Frequency of Decision Making— 45% responded “Every day.” +Exposed to Hazardous Equipment— 61% responded “Every day.” +Indoors, Not Environmentally Controlled— 59% responded “Every day.” +Contact With Others— 40% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Spend Time Walking or Running— 34% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 29% responded “High responsibility.” +Level of Competition— 36% responded “Moderately competitive.” +Spend Time Bending or Twisting Your Body— 29% responded “Continually or almost continually.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Tool and Die Makers +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +National Tooling and Machining Association +external site",42,10,48,53,62,37,26,43,27,26,22,25,27,29,13,21,15,65,6,26,15,8,9,9,8,37,10,22,11,35,13,6,7 +11-3071.00,"Transportation, Storage, and Distribution Managers",https://www.onetonline.org/link/summary/11-3071.00,2025-06-11T18:47:33.749566,"Supervise the activities of workers engaged in receiving, storing, testing, and shipping products or materials. +Plan, develop, or implement warehouse safety and security programs and activities. +Inspect physical conditions of warehouses, vehicle fleets, or equipment and order testing, maintenance, repairs, or replacements. +Plan, organize, or manage the work of subordinate staff to ensure that the work is accomplished in a manner consistent with organizational requirements. +Collaborate with other departments to integrate logistics with business systems or processes, such as customer sales, order management, accounting, or shipping. +Analyze all aspects of corporate logistics to determine the most cost-effective or efficient means of transporting products or supplies. +Resolve problems concerning transportation, logistics systems, imports or exports, or customer issues. +Develop and document standard and emergency operating procedures for receiving, handling, storing, shipping, or salvaging products or materials. +Monitor operations to ensure that staff members comply with administrative policies and procedures, safety rules, union contracts, environmental policies, or government regulations. +Analyze the financial impact of proposed logistics changes, such as routing, shipping modes, product volumes or mixes, or carriers. +Monitor inventory levels of products or materials in warehouses. +Establish or monitor specific supply chain-based performance measurement systems. +Prepare and manage departmental budgets. +Monitor product import or export processes to ensure compliance with regulatory or legal requirements. +Prepare management recommendations, such as proposed fee and tariff increases or schedule changes. +Interview, select, and train warehouse and supervisory personnel. +Advise sales and billing departments of transportation charges for customers' accounts. +Analyze expenditures and other financial information to develop plans, policies, or budgets for increasing profits or improving services. +Confer with department heads to coordinate warehouse activities, such as production, sales, records control, or purchasing. +Implement specific customer requirements, such as internal reporting or customized transportation metrics. +Maintain metrics, reports, process documentation, customer service logs, or training or safety records. +Examine invoices and shipping manifests for conformity to tariff and customs regulations. +Plan or implement energy saving changes to transportation services, such as reducing routes, optimizing capacities, employing alternate modes of transportation, or minimizing idling. +Evaluate contractors or business partners for operational efficiency or safety or environmental performance records. +Negotiate with carriers, warehouse operators, or insurance company representatives for services and preferential rates. +Develop or implement plans for facility modification or expansion, such as equipment purchase or changes in space allocation or structural design. +Direct inbound or outbound operations, such as transportation or warehouse activities, safety performance, and logistics quality management. +Direct the use of drones and autonomous vehicles for efficient and cost-effective delivery of goods and inventory management. +Plan or implement improvements to internal or external systems or processes. +Recommend or authorize capital expenditures for acquisition of new equipment or property to increase efficiency and services. +Review invoices, work orders, consumption reports, or demand forecasts to estimate peak performance periods and to issue work assignments.","Accounting software— Argos Software ABECAS Insight FMS; Automated expense reporting system software +Analytical or scientific software— Eaton Fleet Advisor; Optimization software; QUALCOMM QTRACS; QUALCOMM ViaWeb;5 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— Oracle Business Intelligence Enterprise Edition +Calendar and scheduling software— Scheduling software +Compliance software— Scanlon Associates LogPak; Shipping Solutions +Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Bentley MicroStation +Data base reporting software— SAP Business Objects +Data base user interface and query software— Database software; Microsoft Access; Microsoft SQL Server; Structured query language SQL;3 more +Electronic mail software— Email software; IBM Lotus Notes; IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software; Transtek Compass ERP;6 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Oracle E-Business Suite Financials +Geographic information system— ESRI ArcLogistics +Graphics or photo imaging software— Graphics software +Inventory management software— Inventory control software; Inventory management systems; MRA Technologies MRATrack Warehouse Management System; Sentai Pinpoint;5 more +Label making software— ABOL Manifest Systems +Materials requirements planning logistics and supply chain software— 3PL Central; TECSYS PointForce Enterprise; USPS.com; Warehouse management system WMS;29 more +Metadata management software— Quest Erwin Data Modeler +Mobile location based services software— Transportation management system TMS software +Office suite software— Microsoft Office software +Operating system software— Hewlett Packard HP-UX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Route navigation software— ALK Technologies FleetSuite; ALK Technologies PC*Miler; Integrated Decision Support Corporation Route Advice; Intergraph GeoMedia Transportation Manager;1 more +Spreadsheet software— Microsoft Excel +Time accounting software— WorkForce Software EmpCenter Time and Attendance +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Supervise employees. +Implement organizational process or policy changes. +Develop safety standards, policies, or procedures. +Inspect condition or functioning of facilities or equipment. +Purchase materials, equipment, or other resources. +Confer with organizational members to accomplish work activities. +Analyze data to inform operational decisions or activities. +Implement transportation changes to reduce environmental impact. +Resolve customer complaints or problems. +Develop emergency response plans or procedures. +Document organizational or operational procedures. +Monitor activities of individuals to ensure safety or compliance with rules. +Analyze financial records to improve efficiency. +Monitor inventories of products or materials. +Monitor organizational procedures to ensure proper functioning. +Prepare operational budgets. +Advise others on business or operational matters. +Monitor organizational compliance with regulations. +Analyze financial records to improve budgeting or planning. +Conduct employee training programs. +Hire personnel. +Interview employees, customers, or others to collect information. +Maintain operational records. +Develop operating strategies, plans, or procedures for green or sustainable operations. +Examine financial records to ensure compliance with policies or regulations. +Monitor performance of organizational members or partners. +Negotiate contracts for transportation, distribution, or logistics services. +Plan facility layouts or designs. +Analyze forecasting data to improve business decisions. +Approve expenditures. +Develop operating strategies, plans, or procedures. +Direct organizational operations, projects, or services.","E-Mail— How frequently does your job require you to use E-mail? +Telephone Conversations— How often do you have telephone conversations in this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Written Letters and Memos— How frequently does your job require written letters and memos? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Conflict Situations— How frequently are there conflict situations the employee has to face in this job? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Spend Time Sitting— How much does this job require sitting? +Dealing With Unpleasant, Angry, or Discourteous People— How frequently does the worker have to deal with unpleasant, angry, or discourteous individuals as part of the job requirements? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable?","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Facilities Managers +General and Operations Managers +Bright Outlook +Industrial Production Managers +Logisticians +Logistics Analysts +Logistics Engineers +Project Management Specialists +Purchasing Managers +Supply Chain Managers +Transportation Planners","View the list of Allies +American Society of Civil Engineers +external site +American Society of Highway Engineers +external site +American Society of Naval Engineers +external site +Association for Supply Chain Management +external site +Community Transportation Association of America +external site +Institute for Supply Management +external site +International Warehouse Logistics Association +external site +NAFA Fleet Management Association +external site +National Association for Pupil Transportation +external site +National Defense Transportation Association +external site +National Freight Transportation Association +external site +National Industrial Transportation League +external site +National Institute of Packaging, Handling, and Logistics Engineers +external site +National Private Truck Council +external site +SOLE - The International Society of Logistics +external site +Solid Waste Association of North America +external site +Warehousing Education and Research Council +external site +Council of Supply Chain Management Professionals +external site +Manufacturing Skill Standards Council +external site",75,26,55,70,65,79,62,53,53,56,45,64,21,55,22,53,39,33,18,87,43,26,28,40,11,37,26,15,12,26,48,5,14 +31-9094.00,Medical Transcriptionists,https://www.onetonline.org/link/summary/31-9094.00,2025-06-11T19:09:53.324543,"Return dictated reports in printed or electronic form for physician's review, signature, and corrections and for inclusion in patients' medical records. +Produce medical reports, correspondence, records, patient-care information, statistics, medical research, and administrative material. +Identify mistakes in reports and check with doctors to obtain the correct information. +Review and edit transcribed reports or dictated material for spelling, grammar, clarity, consistency, and proper medical terminology. +Transcribe dictation for a variety of medical reports, such as patient histories, physical examinations, emergency room visits, operations, chart reviews, consultation, or discharge summaries. +Distinguish between homonyms and recognize inconsistencies and mistakes in medical terms, referring to dictionaries, drug references, and other sources on anatomy, physiology, and medicine. +Set up and maintain medical files and databases, including records such as x-ray, lab, and procedure reports, medical histories, diagnostic workups, admission and discharge summaries, and clinical resumes. +Translate medical jargon and abbreviations into their expanded forms to ensure the accuracy of patient and health care facility records. +Perform data entry and data retrieval services, providing data for inclusion in medical records and for transmission to physicians. +Take dictation using shorthand, a stenotype machine, or headsets and transcribing machines. +Perform a variety of clerical and office tasks, such as handling incoming and outgoing mail, completing and submitting insurance claims, typing, filing, or operating office machines. +Decide which information should be included or excluded in reports. +Receive and screen telephone calls and visitors. +Receive patients, schedule appointments, and maintain patient records. +Answer inquiries concerning the progress of medical cases, within the limits of confidentiality laws.","Accounting software— Patient billing software +Calendar and scheduling software— Calendar software +Data base user interface and query software— Database software; dBASE Plus; FileMaker Pro; Microsoft Access +Desktop communications software— Sylvan Software DropChute Pro +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— Medical terminology databases +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Healthcare common procedure coding system HCPCS; PCC EHR; SpectraMedi EasyFlow;6 more +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft operating system; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spell checkers— Spellex AccuCount; Sylvan Software Complete Medical Pharmaceutical Spell Checker +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Voice recognition software— Crescendo Systems DigiScribe-XL; g-net solutions MTP; Nuance Dragon NaturallySpeaking; Speech recognition software +Web platform development software— Microsoft ASP.NET +Word processing software— Boston Bar Systems Corporation Sonnet; Bytescribe Development Company WavPlayer; Microsoft Word; Sylvan Software ShortCut;5 more","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Prepare medical reports or documents. +Maintain medical records. +Perform clerical work in medical settings. +Record vital statistics or other health information. +Schedule patient procedures or appointments. +Process medical billing information.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Importance of Repeating Same Tasks— 72% responded “Extremely important.” +Contact With Others— 30% responded “Contact with others most of the time.” +E-Mail— 72% responded “Every day.” +Telephone Conversations— 65% responded “Every day.” +Determine Tasks, Priorities and Goals +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 76% responded “Continually or almost continually.” +Time Pressure— 73% responded “Every day.” +Health and Safety of Other Workers— 64% responded “Very high responsibility.” +Frequency of Decision Making +Deal With External Customers or the Public in General— 16% responded “Very important.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 22% responded “Very important.” +Spend Time Sitting— 36% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 23% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Exposed to Disease or Infections— 30% responded “Every day.” +Written Letters and Memos— 37% responded “Every day.” +Physical Proximity— 62% responded “Slightly close (e.g., shared office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Court Reporters and Simultaneous Captioners +Emergency Medical Technicians +Bright Outlook +File Clerks +Health Information Technologists and Medical Registrars +Medical Assistants +Medical Records Specialists +Medical Secretaries and Administrative Assistants +Pharmacy Technicians +Receptionists and Information Clerks +Word Processors and Typists","View the list of Allies +Association for Healthcare Documentation Integrity +external site +American Health Information Management Association +external site",43,,16,89,20,27,7,18,81,5,,12,2,71,3,9,13,8,3,,16,14,7,28,51,3,,3,20,,3,, +49-9052.00,Telecommunications Line Installers and Repairers,https://www.onetonline.org/link/summary/49-9052.00,2025-06-11T19:22:49.348883,"Set up service for customers, installing, connecting, testing, or adjusting equipment. +Travel to customers' premises to install, maintain, or repair audio and visual electronic reception equipment or accessories. +Measure signal strength at utility poles, using electronic test equipment. +Inspect or test lines or cables, recording and analyzing test results, to assess transmission characteristics and locate faults or malfunctions. +Splice cables, using hand tools, epoxy, or mechanical equipment. +Access specific areas to string lines, or install terminal boxes, auxiliary equipment, or appliances, using bucket trucks, climbing poles or ladders, or entering tunnels, trenches, or crawl spaces. +Clean or maintain tools or test equipment. +String cables between structures and lines from poles, towers, or trenches, and pull lines to proper tension. +Pull up cable by hand from large reels mounted on trucks. +Lay underground cable directly in trenches, or string it through conduits running through trenches. +Pull cable through ducts by hand or with winches. +Dig trenches for underground wires or cables. +Explain cable service to subscribers after installation, and collect any installation fees due. +Place insulation over conductors, or seal splices with moisture-proof covering. +Compute impedance of wires from poles to houses to determine additional resistance needed for reducing signals to desired levels. +Install equipment such as amplifiers or repeaters to maintain the strength of communications transmissions. +Use a variety of construction equipment to complete installations, such as digger derricks, trenchers, or cable plows. +Fill and tamp holes, using cement, earth, and tamping devices. +Dig holes for power poles, using power augers or shovels, set poles in place with cranes, and hoist poles upright, using winches.","Cloud-based data access and sharing software— Slack +Computer aided design CAD software— Autodesk AutoCAD +Customer relationship management CRM software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Workforce management system software +Facilities management software— Mapcom systems M4 +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Office suite software— Microsoft Office software +Operating system software— Cisco IOS +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— Ping tools +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Install audio or communications equipment. +Adjust equipment to ensure optimal performance. +Test communications equipment to ensure proper functioning. +Collect payments for goods or services. +Explain use of products or services. +Travel to work sites to perform installation, repair or maintenance work. +Measure equipment outputs. +Analyze test or performance data to assess equipment operation. +Connect electrical components or equipment. +Inspect telecommunications equipment to identify problems. +Climb equipment or structures to access work areas. +Install insulation in equipment or structures. +Lay cables to connect equipment. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Maintain work equipment or machinery. +Calculate requirements for equipment installation or repair projects. +Move large objects using heavy equipment. +Dig holes or trenches. +Compact materials to create level bases. +Operate cranes, hoists, or other moving or lifting equipment.","Outdoors, Exposed to All Weather Conditions— 85% responded “Every day.” +Contact With Others— 81% responded “Constant contact with others.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 87% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 79% responded “Every day.” +Telephone Conversations— 88% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 67% responded “Continually or almost continually.” +Time Pressure— 60% responded “Every day.” +Freedom to Make Decisions— 53% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Exposed to Contaminants— 59% responded “Every day.” +Exposed to Hazardous Equipment— 48% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Every day.” +Frequency of Decision Making— 49% responded “Every day.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Exposed to High Places— 43% responded “Every day.” +Indoors, Not Environmentally Controlled— 54% responded “Every day.” +Spend Time Standing— 47% responded “More than half the time.” +Duration of Typical Work Week— 47% responded “40 hours.” +Exposed to Cramped Work Space, Awkward Positions— 43% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 34% responded “More than half the time.” +Exposed to Hazardous Conditions— 43% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.” +Health and Safety of Other Workers— 30% responded “Moderate responsibility.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Very important results.” +Indoors, Environmentally Controlled— 42% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Outdoors, Under Cover— 31% responded “Every day.” +Importance of Repeating Same Tasks— 33% responded “Very important.” +Physical Proximity— 51% responded “Moderately close (at arm's length).” +Spend Time Bending or Twisting Your Body— 30% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 30% responded “Once a month or more but not every week.” +Consequence of Error— 34% responded “Very serious.” +Level of Competition— 40% responded “Moderately competitive.” +E-Mail— 40% responded “Every day.” +Spend Time Walking or Running— 35% responded “More than half the time.” +Conflict Situations— 26% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Once a month or more but not every week.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 44% responded “Less than half the time.” +Written Letters and Memos— 32% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 28% responded “Every day.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Audiovisual Equipment Installers and Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical Power-Line Installers and Repairers +Electricians +Electronic Equipment Installers and Repairers, Motor Vehicles +Radio, Cellular, and Tower Equipment Installers and Repairers +Security and Fire Alarm Systems Installers +Telecommunications Engineering Specialists +Telecommunications Equipment Installers and Repairers, Except Line Installers","View the list of Allies +American Public Power Association +external site +Center for Energy Workforce Development +external site +Telecommunications Industry Association +external site +Building Industry Consulting Service International +external site +Electrical Training Alliance +external site +The Fiber Optic Association +external site",85,2,43,69,44,48,60,55,28,19,42,31,17,57,12,22,54,56,5,42,20,11,3,87,6,47,41,21,4,43,22,,4 +29-1214.00,Emergency Medicine Physicians,https://www.onetonline.org/link/summary/29-1214.00,2025-06-11T19:06:38.425977,"Analyze records, examination information, or test results to diagnose medical conditions. +Assess patients' pain levels or sedation requirements. +Collect and record patient information, such as medical history or examination results, in electronic or handwritten medical records. +Communicate likely outcomes of medical diseases or traumatic conditions to patients or their representatives. +Conduct primary patient assessments that include information from prior medical care. +Consult with hospitalists and other professionals, such as social workers, regarding patients' hospital admission, continued observation, transition of care, or discharge. +Direct and coordinate activities of nurses, assistants, specialists, residents, and other medical staff. +Discuss patients' treatment plans with physicians and other medical professionals. +Evaluate patients' vital signs or laboratory data to determine emergency intervention needs and priority of treatment. +Identify factors that may affect patient management, such as age, gender, barriers to communication, and underlying disease. +Monitor patients' conditions, and reevaluate treatments, as necessary. +Perform emergency resuscitations on patients. +Perform such medical procedures as emergent cricothyrotomy, endotracheal intubation, and emergency thoracotomy. +Refer patients to specialists or other practitioners. +Select and prescribe medications to address patient needs. +Select, request, perform, or interpret diagnostic procedures, such as laboratory tests, electrocardiograms, emergency ultrasounds, and radiographs. +Stabilize patients in critical condition.",Medical software— Epic Systems; MEDITECH software,,"Analyze patient data to determine patient needs or treatment goals. +Confer with other professionals to plan patient care. +Treat medical emergencies. +Advise patients on effects of health conditions or treatments. +Analyze test data or images to inform diagnosis or treatment. +Collect medical information from patients, family members, or other medical professionals. +Conduct diagnostic tests to determine patient health. +Diagnose medical conditions. +Evaluate patient functioning, capabilities, or health. +Evaluate patient outcomes to determine effectiveness of treatments. +Evaluate treatment options to guide medical decisions. +Monitor patient conditions during treatments, procedures, or activities. +Monitor patient progress or responses to treatments. +Operate on patients to treat conditions. +Order medical diagnostic or clinical tests. +Prescribe medications. +Record patient medical histories. +Refer patients to other healthcare practitioners or health resources. +Supervise patient care personnel.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Anesthesiologists +Family Medicine Physicians +General Internal Medicine Physicians +Hospitalists +Obstetricians and Gynecologists +Pediatric Surgeons +Pediatricians, General +Physical Medicine and Rehabilitation Physicians +Physician Assistants +Bright Outlook +Psychiatrists","View the list of Allies +American Academy of Emergency Medicine +external site +American Academy of Family Physicians +external site +American Association for Physician Leadership +external site +American Association for the Surgery of Trauma +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Emergency Physicians +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Telemedicine Association +external site +American Trauma Society +external site +Association of American Medical Colleges +external site +Emergency Nurses Association +external site +Federation of State Medical Boards +external site +International Association of Emergency Managers +external site +National Association of Emergency Medical Technicians +external site +National Association of EMS Physicians +external site +Society for Academic Emergency Medicine +external site +Society of Critical Care Medicine +external site +Society of Hospital Medicine +external site +Southern Medical Association +external site +World Association for Disaster and Emergency Medicine +external site +Mid-America Orthopaedic Association +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site +Wilderness Medical Society +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-5111.00,Prepress Technicians and Workers,https://www.onetonline.org/link/summary/51-5111.00,2025-06-11T19:25:38.919131,"Generate prepress proofs in digital or other format to approximate the appearance of the final printed piece. +Proofread and perform quality control of text and images. +Enter, position, and alter text size, using computers, to make up and arrange pages so that printed materials can be produced. +Perform ""preflight"" check of required font, graphic, text and image files to ensure completeness prior to delivery to printer. +Operate and maintain laser plate-making equipment that converts electronic data to plates without the use of film. +Enter, store, and retrieve information on computer-aided equipment. +Maintain, adjust, and clean equipment, and perform minor repairs. +Operate presses to print proofs of plates, monitoring printing quality to ensure that it is adequate. +Select proper types of plates according to press run lengths. +Examine finished plates to detect flaws, verify conformity with master plates, and measure dot sizes and centers, using light boxes and microscopes. +Examine unexposed photographic plates to detect flaws or foreign particles prior to printing. +Examine photographic images for obvious imperfections prior to plate making. +Scale copy for reductions and enlargements, using proportion wheels. +Analyze originals to evaluate color density, gradation highlights, middle tones, and shadows, using densitometers and knowledge of light and color. +Set scanners to specific color densities, sizes, screen rulings, and exposure adjustments, using scanner keyboards or computers. +Correct color in photographs or digital images.","Desktop publishing software— Adobe InDesign; Adobe PageMaker; Esko ArtPro; QuarkXPress;1 more +Document management software— Adobe Acrobat; Adobe LifeCycle Enterprise Suite; Global Graphics Software Harlequin +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite;3 more +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— File transfer protocol FTP software; ProjectSend +Office suite software— Microsoft Office software +Operating system software +Optical character reader OCR or scanning software— Hamrick Software VueScan; Multi-line optical character reader OCR software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe Director +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Operate photographic developing or print production equipment. +Inspected printed materials or other images to verify quality. +Enter commands, instructions, or specifications into equipment. +Program equipment to perform production tasks. +Maintain production or processing equipment. +Monitor equipment operation to ensure that products are not flawed. +Select production equipment according to product specifications. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Examine condition of property or products. +Clean production equipment. +Repair production equipment or tools. +Operate digital imaging equipment.","Time Pressure— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +E-Mail— 84% responded “Every day.” +Telephone Conversations— 53% responded “Every day.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Contact With Others— 37% responded “Constant contact with others.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 40% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 37% responded “Extremely important.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 42% responded “Every day.” +Physical Proximity— 51% responded “Slightly close (e.g., shared office).” +Exposed to Contaminants— 34% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Important.” +Degree of Automation— 42% responded “Highly automated.” +Dealing With Unpleasant, Angry, or Discourteous People— 27% responded “Once a month or more but not every week.” +Frequency of Decision Making— 25% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Computer Numerically Controlled Tool Programmers +Bright Outlook +Etchers and Engravers +Extruding and Drawing Machine Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Office Machine Operators, Except Computer +Paper Goods Machine Setters, Operators, and Tenders +Patternmakers, Metal and Plastic +Photographic Process Workers and Processing Machine Operators +Print Binding and Finishing Workers +Printing Press Operators","View the list of Allies +International Brotherhood of Teamsters +external site",56,,58,66,59,40,21,37,48,15,32,14,17,75,3,11,42,28,2,9,13,2,5,18,2,27,5,6,1,63,6,27,3 +43-5053.00,"Postal Service Mail Sorters, Processors, and Processing Machine Operators",https://www.onetonline.org/link/summary/43-5053.00,2025-06-11T19:16:33.170083,"Clear jams in sorting equipment. +Operate various types of equipment, such as computer scanning equipment, addressographs, mimeographs, optical character readers, and bar-code sorters. +Sort odd-sized mail by hand, sort mail that other workers have been unable to sort, and segregate items requiring special handling. +Direct items according to established routing schemes, using computer-controlled keyboards or voice-recognition equipment. +Check items to ensure that addresses are legible and correct, that sufficient postage has been paid or the appropriate documentation is attached, and that items are in a suitable condition for processing. +Bundle, label, and route sorted mail to designated areas, depending on destinations and according to established procedures and deadlines. +Move containers of mail, using equipment, such as forklifts and automated ""trains"". +Open and label mail containers. +Load and unload mail trucks, sometimes lifting containers of mail onto equipment that transports items to sorting stations. +Distribute incoming mail into the correct boxes or pigeonholes. +Rewrap soiled or broken parcels. +Train new workers. +Search directories to find correct addresses for redirected mail. +Cancel letter or parcel post stamps by hand.","Bar coding software— Barcode reader software +Data base management system software— Teradata Database +Data base user interface and query software— Address Management System AMS; Directory software +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Delivery operations information system DOIS; SAP software +Human resources software— Time and Attendance Collection System TACS +Inventory management software— Automated Package Processing System APPS +Map creation software— Delivery Routing System DRS +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Multi-line optical character reader OCR software +Point of sale POS software— NCR Advanced Store +Spreadsheet software— Microsoft Excel +Time accounting software— Electronic Time Clock ETC +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Route mail to correct destinations. +Maintain office equipment in proper operating condition. +Verify shipping documentation. +Package objects for shipping. +Operate computers or computerized equipment. +Attach identification information to products, items or containers. +Operate vehicles or material-moving equipment. +Load materials or equipment. +Unload materials or equipment. +Sort mail. +Distribute incoming mail. +Train personnel. +Obtain personal or financial information about customers or applicants. +Prepare outgoing mail.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Time Pressure— 88% responded “Every day.” +Spend Time Making Repetitive Motions— 66% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 80% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 84% responded “Every day.” +Spend Time Standing— 49% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Exposed to Contaminants— 65% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Pace Determined by Speed of Equipment— 56% responded “Extremely important.” +Contact With Others— 42% responded “Constant contact with others.” +Spend Time Walking or Running— 35% responded “Continually or almost continually.” +Degree of Automation— 51% responded “Highly automated.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 44% responded “Continually or almost continually.” +Duration of Typical Work Week— 59% responded “40 hours.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 58% responded “Every day.” +Physical Proximity— 29% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Every day.” +Frequency of Decision Making— 46% responded “Every day.” +Freedom to Make Decisions— 33% responded “Very little freedom.” +Determine Tasks, Priorities and Goals— 33% responded “Some freedom.” +Health and Safety of Other Workers— 43% responded “Limited responsibility.” +Impact of Decisions on Co-workers or Company Results— 26% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Important.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Data Entry Keyers +File Clerks +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Mail Clerks and Mail Machine Operators, Except Postal Service +Office Machine Operators, Except Computer +Postal Service Clerks +Recycling and Reclamation Workers +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers +Weighers, Measurers, Checkers, and Samplers, Recordkeeping","View the list of Allies +American Postal Workers Union, AFL-CIO +external site +National Association of Letter Carriers +external site +National Postal Mail Handlers Union +external site +United Postmasters and Managers of America +external site",35,3,37,51,19,29,27,20,31,15,5,18,3,23,3,14,17,9,6,27,11,8,11,16,4,7,2,3,3,2,11,,2 +29-9099.01,Midwives,https://www.onetonline.org/link/summary/29-9099.01,2025-06-11T19:09:16.778043,"Monitor maternal condition during labor by checking vital signs, monitoring uterine contractions, or performing physical examinations. +Identify tubal and ectopic pregnancies and refer patients for treatments. +Provide necessary medical care for infants at birth, including emergency care such as resuscitation. +Conduct ongoing prenatal health assessments, tracking changes in physical and emotional health. +Monitor fetal growth and well-being through heartbeat detection, body measurement, and palpation. +Establish and follow emergency or contingency plans for mothers and newborns. +Identify, monitor, or treat pregnancy-related problems such as hypertension, gestational diabetes, pre-term labor, or retarded fetal growth. +Obtain complete health and medical histories from patients including medical, surgical, reproductive, or mental health histories. +Evaluate patients' laboratory and medical records, requesting assistance from other practitioners when necessary. +Maintain documentation of all patients' contacts, reviewing and updating records as necessary. +Assess the status of post-date pregnancies to determine treatments and interventions. +Set up or monitor the administration of oxygen or medications. +Suture perineal lacerations. +Perform post-partum health assessments of mothers and babies at regular intervals. +Test patients' hemoglobin, hematocrit, and blood glucose levels. +Counsel women regarding the nutritional requirements of pregnancy. +Provide information about the physical and emotional processes involved in the pregnancy, labor, birth, and postpartum periods. +Refer patients to specialists for procedures such as ultrasounds or biophysical profiles. +Assist maternal patients to find physical positions that will facilitate childbirth. +Assess birthing environments to ensure cleanliness, safety, and the availability of appropriate supplies. +Incorporate research findings into practice as appropriate. +Estimate patients' due dates and re-evaluate as necessary based on examination results. +Provide comfort and relaxation measures for mothers in labor through interventions such as massage, breathing techniques, hydrotherapy, or music. +Provide, or refer patients to other providers for, education or counseling on topics such as genetic testing, newborn care, contraception, or breastfeeding. +Provide patients with contraceptive and family planning information. +Collect specimens for use in laboratory tests. +Inform patients of how to prepare and supply birth sites. +Respond to breech birth presentations by applying methods such as exercises or external version. +Perform annual gynecologic exams, including pap smears and breast exams. +Develop, implement, or evaluate individualized plans for midwifery care. +Recommend the use of vitamin and mineral supplements to enhance the health of patients and children. +Provide information about community health and social resources. +Compile and evaluate clinical practice statistics. +Treat patients' symptoms with alternative health care methods such as herbs or hydrotherapy. +Complete birth certificates. +Collaborate in research studies. +Test patients for sexually transmitted infections.","Data base user interface and query software— AS/400 Database +Electronic mail software— Email software +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software +Internet browser software— Web browser software +Medical software— MEDITECH software; Patient electronic medical record EMR software; Private Practice +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Examine patients to assess general physical condition. +Monitor patient conditions during treatments, procedures, or activities. +Refer patients to other healthcare practitioners or health resources. +Diagnose medical conditions. +Treat medical emergencies. +Care for women during pregnancy and childbirth. +Develop medical treatment plans. +Evaluate patient functioning, capabilities, or health. +Measure the physical or physiological attributes of patients. +Analyze test data or images to inform diagnosis or treatment. +Collaborate with healthcare professionals to plan or provide treatment. +Collect medical information from patients, family members, or other medical professionals. +Analyze patient data to determine patient needs or treatment goals. +Record patient medical histories. +Prepare medical supplies or equipment for use. +Operate on patients to treat conditions. +Provide health and wellness advice to patients, program participants, or caregivers. +Test biological specimens to gather information about patient conditions. +Communicate detailed medical information to patients or family members. +Position patients for treatment or examination. +Collect biological specimens from patients. +Prepare official health documents or records. +Assess physical conditions of patients to aid in diagnosis or treatment. +Conduct diagnostic tests to determine patient health. +Communicate health and wellness information to the public. +Analyze quantitative data to determine effectiveness of treatments or therapies. +Treat patients using alternative medical procedures. +Conduct research to increase knowledge about medical issues.","Physical Proximity— 83% responded “Very close (near touching).” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Telephone Conversations— 66% responded “Every day.” +E-Mail— 66% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Very important results.” +Contact With Others— 54% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Deal With External Customers or the Public in General— 68% responded “Extremely important.” +Frequency of Decision Making— 65% responded “Every day.” +Consequence of Error— 66% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 47% responded “Every day.” +Exposed to Disease or Infections— 47% responded “Once a week or more but not every day.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Extremely important.” +Duration of Typical Work Week— 44% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 42% responded “High responsibility.” +Spend Time Sitting— 42% responded “More than half the time.” +Health and Safety of Other Workers— 42% responded “Moderate responsibility.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Critical Care Nurses +Emergency Medicine Physicians +Family Medicine Physicians +Licensed Practical and Licensed Vocational Nurses +Nurse Midwives +Nurse Practitioners +Obstetricians and Gynecologists +Pediatricians, General +Registered Nurses","View the list of Allies +American Association of Birth Centers +external site +National Association of Certified Professional Midwives +external site +Midwives Alliance of North America +external site +American College of Nurse-Midwives +external site +North American Registry of Midwives +external site",91,1,8,66,28,51,38,62,39,23,39,43,40,40,25,47,33,11,38,22,79,73,58,25,86,7,1,12,62,1,12,2,10 +11-3111.00,Compensation and Benefits Managers,https://www.onetonline.org/link/summary/11-3111.00,2025-06-11T18:47:39.323495,"Direct preparation and distribution of written and verbal information to inform employees of benefits, compensation, and personnel policies. +Design, evaluate, and modify benefits policies to ensure that programs are current, competitive, and in compliance with legal requirements. +Fulfill all reporting requirements of all relevant government rules and regulations, including the Employee Retirement Income Security Act (ERISA). +Analyze compensation policies, government regulations, and prevailing wage rates to develop competitive compensation plan. +Identify and implement benefits to increase the quality of life for employees by working with brokers and researching benefits issues. +Manage the design and development of tools to assist employees in benefits selection, and to guide managers through compensation decisions. +Administer, direct, and review employee benefit programs, including the integration of benefit programs following mergers and acquisitions. +Mediate between benefits providers and employees, such as by assisting in handling employees' benefits-related questions or taking suggestions. +Plan, direct, supervise, and coordinate work activities of subordinates and staff relating to employment, compensation, labor relations, and employee relations. +Prepare detailed job descriptions and classification systems and define job levels and families, in partnership with other managers. +Develop methods to improve employment policies, processes, and practices, and recommend changes to management. +Formulate policies, procedures and programs for recruitment, testing, placement, classification, orientation, benefits and compensation, and labor and industrial relations. +Study legislation, arbitration decisions, and collective bargaining contracts to assess industry trends. +Plan and conduct new-employee orientations to foster positive attitude toward organizational objectives. +Prepare budgets for personnel operations. +Negotiate bargaining agreements. +Prepare personnel forecasts to project employment needs. +Maintain records and compile statistical reports concerning personnel-related data, such as hires, transfers, performance appraisals, and absenteeism rates. +Analyze statistical data and reports to identify and determine causes of personnel problems, and develop recommendations for improvement of organization's personnel policies and practices. +Contract with vendors to provide employee services, such as food services, transportation, or relocation service. +Advise management on such matters as equal employment opportunity, sexual harassment, and discrimination. +Represent organization at personnel-related hearings and investigations.","Accounting software— Deltek Costpoint; Intuit QuickBooks +Analytical or scientific software— Business analysis software; Relex Weibull +Data base reporting software— AdRelevance +Data base user interface and query software— Microsoft Access; Microsoft Dynamics Marketing; Microsoft SQL Server; Structured query language SQL;1 more +Desktop publishing software— Adobe PageMaker; Quark enterprise publishing software +Document management software— Atlas Business Solutions Staff Files; Document management system software; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software; Workday software;4 more +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Human resources software— ADP Workforce Now; Human resource management software HRMS; Ultimate Software UltiPro; Vantage Point Software HRA;41 more +Internet browser software— Web browser software +Medical software— e-MDs Bill; Healthcare common procedure coding system HCPCS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Experience in Software Webplanner; Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple iMovie +Web page creation and editing software— Adobe Dreamweaver; LinkedIn +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Manage human resources activities. +Administer compensation or benefits programs. +Evaluate program effectiveness. +Maintain regulatory or compliance documentation. +Prepare financial documents, reports, or budgets. +Prepare reports related to compliance matters. +Analyze data to inform personnel decisions. +Monitor external affairs or events affecting business operations. +Liaise between departments or other groups to improve function or communication. +Supervise employees. +Document organizational or operational procedures. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Recommend organizational process or policy changes. +Conduct employee training programs. +Prepare operational budgets. +Negotiate labor disputes. +Maintain knowledge of current developments in area of expertise. +Compile operational data. +Estimate labor requirements. +Maintain personnel records. +Negotiate sales or lease agreements for products or services. +Advise others on legal or regulatory compliance matters. +Represent the organization in external relations.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Spend Time Sitting— 90% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Contact With Others— 48% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Duration of Typical Work Week— 67% responded “More than 40 hours.” +Freedom to Make Decisions— 67% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 48% responded “Very important.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Frequency of Decision Making— 38% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Importance of Repeating Same Tasks— 48% responded “Very important.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Level of Competition— 48% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Conflict Situations— 38% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 33% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Persuasion— Persuading others to change their minds or behavior.","Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Accountants and Auditors +Bright Outlook +Budget Analysts +Compensation, Benefits, and Job Analysis Specialists +Equal Opportunity Representatives and Officers +Financial Examiners +Financial Managers +Human Resources Managers +Human Resources Specialists +Labor Relations Specialists +Treasurers and Controllers","View the list of Allies +American Benefits Council +external site +College and University Professional Association for Human Resources +external site +International Foundation of Employee Benefit Plans +external site +Medical Group Management Association +external site +National Management Association +external site +Society for Human Resource Management +external site +International Society of Certified Employee Benefit Specialists +external site +WorldatWork +external site",69,,10,78,58,75,20,44,51,60,24,84,,45,11,51,47,,14,1,24,20,25,22,9,6,1,,3,11,3,,5 +53-7063.00,Machine Feeders and Offbearers,https://www.onetonline.org/link/summary/53-7063.00,2025-06-11T19:30:43.637600,"Inspect materials and products for defects, and to ensure conformance to specifications. +Record production and operational data, such as amount of materials processed. +Push dual control buttons and move controls to start, stop, or adjust machinery and equipment. +Weigh or measure materials or products to ensure conformance to specifications. +Identify and mark materials, products, and samples, following instructions. +Clean and maintain machinery, equipment, and work areas to ensure proper functioning and safe working conditions. +Load materials and products into machines and equipment, or onto conveyors, using hand tools and moving devices. +Transfer materials and products to and from machinery and equipment, using industrial trucks or hand trucks. +Fasten, package, or stack materials and products, using hand tools and fastening equipment. +Remove materials and products from machines and equipment, and place them in boxes, trucks or conveyors, using hand tools and moving devices. +Shovel or scoop materials into containers, machines, or equipment for processing, storage, or transport. +Open and close gates of belt and pneumatic conveyors on machines that are fed directly from preceding machines. +Add chemicals, solutions, or ingredients to machines or equipment as required by the manufacturing process.","Electronic mail software— Microsoft Outlook +Industrial control software— Machine operation software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Time accounting software— Work time tracking software","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Inspect items for damage or defects. +Inspect work to ensure standards are met. +Record operational or production data. +Operate conveyors or other industrial material moving equipment. +Measure product or material dimensions. +Weigh materials to ensure compliance with specifications. +Mark materials or objects for identification. +Clean facilities or work areas. +Clean machinery or equipment. +Load materials into equipment for processing. +Package materials or products. +Move materials, equipment, or supplies. +Shovel materials.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 94% responded “Every day.” +Spend Time Standing— 67% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 63% responded “Every day.” +Pace Determined by Speed of Equipment— 46% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Important.” +Contact With Others— 38% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 35% responded “Very important.” +Duration of Typical Work Week— 57% responded “40 hours.” +Exposed to Contaminants— 57% responded “Every day.” +Time Pressure— 46% responded “Every day.” +Spend Time Making Repetitive Motions— 44% responded “Continually or almost continually.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Spend Time Walking or Running— 27% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Very important.” +Importance of Repeating Same Tasks— 37% responded “Important.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 36% responded “Less than half the time.” +Consequence of Error— 26% responded “Serious.” +Exposed to Hazardous Equipment— 44% responded “Never.” +Freedom to Make Decisions— 33% responded “Limited freedom.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Adhesive Bonding Machine Operators and Tenders +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Packers and Packagers, Hand +Paper Goods Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +MHI +external site +Warehousing Education and Research Council +external site",31,17,61,48,51,38,43,42,39,26,18,32,17,35,8,22,24,53,11,32,18,11,11,17,12,30,13,13,7,28,11,5,5 +53-7062.00,"Laborers and Freight, Stock, and Material Movers, Hand",https://www.onetonline.org/link/summary/53-7062.00,2025-06-11T19:30:36.063502,"Maintain equipment storage areas to ensure that inventory is protected. +Read work orders or receive oral instructions to determine work assignments or material or equipment needs. +Move freight, stock, or other materials to and from storage or production areas, loading docks, delivery vehicles, ships, or containers, by hand or using trucks, tractors, or other equipment. +Install protective devices, such as bracing, padding, or strapping, to prevent shifting or damage to items being transported. +Sort cargo before loading and unloading. +Attach identifying tags to containers or mark them with identifying information. +Record numbers of units handled or moved, using daily production sheets or work tickets. +Attach slings, hooks, or other devices to lift cargo and guide loads. +Carry needed tools or supplies from storage or trucks and return them after use. +Pack containers and re-pack damaged containers. +Assemble product containers or crates, using hand tools and precut lumber. +Adjust controls to guide, position, or move equipment, such as cranes, booms, or cameras. +Connect electrical equipment to power sources so that it can be tested before use. +Inspect products for damage or leaks.","Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Data entry software; Oracle Database +Desktop publishing software— Microsoft Publisher +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Machine control software +Internet browser software— Apple Safari; Microsoft Edge; Mozilla Firefox +Inventory management software— Inventory management systems; Inventory tracking software +Materials requirements planning logistics and supply chain software— Warehouse management system WMS +Office suite software— Microsoft Office software +Operating system software— Handheld computer device software +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Word processing software— Google Docs; Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Secure cargo. +Monitor cargo area conditions. +Sort materials or objects for processing or transport. +Mark materials or objects for identification. +Receive information or instructions for performing work assignments. +Review work orders or schedules to determine operations or procedures. +Move materials, equipment, or supplies. +Record operational or production data. +Operate cranes, hoists, or other moving or lifting equipment. +Package materials or products. +Assemble wood products. +Connect cables or electrical lines.","Exposed to Contaminants— 84% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 80% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 58% responded “Every day.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 76% responded “Every day.” +Exposed to Hazardous Equipment— 13% responded “Never.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 47% responded “Every day.” +Importance of Repeating Same Tasks— 53% responded “Extremely important.” +Spend Time Standing— 23% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 58% responded “Every day.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +In an Open Vehicle or Operating Equipment +Frequency of Decision Making— 51% responded “Every day.” +Outdoors, Under Cover— 16% responded “Never.” +Contact With Others— 57% responded “Constant contact with others.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 44% responded “Every day.” +Freedom to Make Decisions— 42% responded “Limited freedom.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Consequence of Error— 45% responded “Extremely serious.” +Exposed to Hazardous Conditions— 11% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Indoors, Not Environmentally Controlled— 61% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Important.” +Exposed to Cramped Work Space, Awkward Positions— 46% responded “Once a week or more but not every day.” +Pace Determined by Speed of Equipment— 34% responded “Important.” +Spend Time Bending or Twisting Your Body— 45% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Every day.” +Level of Competition— 38% responded “Moderately competitive.”",Coordination— Adjusting actions in relation to others' actions.,"Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Conveyor Operators and Tenders +Helpers--Production Workers +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Machine Feeders and Offbearers +Maintenance Workers, Machinery +Bright Outlook +Packaging and Filling Machine Operators and Tenders +Packers and Packagers, Hand +Recycling and Reclamation Workers +Tank Car, Truck, and Ship Loaders","View the list of Allies +Industrial Truck Association +external site +MHI +external site +Warehousing Education and Research Council +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +Laborers' International Union of North America +external site",60,13,53,49,51,61,55,43,44,30,18,44,14,26,9,17,6,19,4,54,18,5,4,8,4,15,11,22,6,8,10,,1 +19-2041.02,Environmental Restoration Planners,https://www.onetonline.org/link/summary/19-2041.02,2025-06-11T18:56:50.396869,"Develop environmental restoration project schedules and budgets. +Provide technical direction on environmental planning to energy engineers, biologists, geologists, or other professionals working to develop restoration plans or strategies. +Create habitat management or restoration plans, such as native tree restoration and weed control. +Conduct site assessments to certify a habitat or to ascertain environmental damage or restoration needs. +Collect and analyze data to determine environmental conditions and restoration needs. +Supervise and provide technical guidance, training, or assistance to employees working in the field to restore habitats. +Plan environmental restoration projects, using biological databases, environmental strategies, and planning software. +Communicate findings of environmental studies or proposals for environmental remediation to other restoration professionals. +Apply for permits required for the implementation of environmental remediation projects. +Inspect active remediation sites to ensure compliance with environmental or safety policies, standards, or regulations. +Develop natural resource management plans, using knowledge of environmental planning or state and federal environmental regulatory requirements. +Identify environmental mitigation alternatives, ensuring compliance with applicable standards, laws, or regulations. +Identify short- and long-term impacts of environmental remediation activities. +Notify regulatory or permitting agencies of deviations from implemented remediation plans. +Write grants to obtain funding for restoration projects. +Plan or supervise environmental studies to achieve compliance with environmental regulations in construction, modification, operation, acquisition, or divestiture of facilities such as power plants. +Review existing environmental remediation designs. +Develop and communicate recommendations for landowners to maintain or restore environmental conditions. +Conduct feasibility and cost-benefit studies for environmental remediation projects. +Conduct environmental impact studies to examine the ecological effects of pollutants, disease, human activities, nature, and climate change. +Create environmental models or simulations, using geographic information system (GIS) data and knowledge of particular ecosystems or ecological regions. +Create diagrams to communicate environmental remediation planning, using geographic information systems (GIS), computer-aided design (CAD), or other mapping or diagramming software. +Develop environmental management or restoration plans for sites with power transmission lines, natural gas pipelines, fuel refineries, geothermal plants, wind farms, or solar farms.","Analytical or scientific software— HEC-RAS; IWR-PLAN +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D +Customer relationship management CRM software— Microsoft Dynamics CRM +Data base user interface and query software— Microsoft Access +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics +Geographic information system— ESRI ArcGIS software; ESRI ArcMap; Geographic information system GIS software; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Plan natural resources conservation or restoration programs. +Advise others about environmental management or conservation. +Inspect condition of natural environments. +Analyze environmental data. +Collect environmental data or samples. +Supervise scientific or technical personnel. +Train personnel in technical or scientific procedures. +Communicate results of environmental research. +Assess compliance with environmental laws. +Develop plans to manage natural or renewable resources. +Prepare documentation for permits or licenses. +Identify sustainable business practices. +Research impacts of environmental conservation initiatives. +Communicate with government agencies. +Direct natural resources management or conservation programs. +Plan environmental research. +Prepare proposals or grant applications to obtain project funding. +Write grant proposals. +Review environmental permits, plans, or reports. +Advise others about land management or conservation. +Research environmental impact of industrial or development activities. +Develop mathematical models of environmental conditions. +Create images or other visual displays.","E-Mail— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Contact With Others— 64% responded “Contact with others most of the time.” +Duration of Typical Work Week— 52% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 55% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 50% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 32% responded “Important.” +Written Letters and Memos— 41% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 45% responded “Once a week or more but not every day.” +Spend Time Sitting— 45% responded “More than half the time.” +Time Pressure— 52% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 55% responded “Moderate responsibility.” +Level of Competition— 50% responded “Moderately competitive.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Moderate results.” +Importance of Being Exact or Accurate— 41% responded “Important.” +Health and Safety of Other Workers— 45% responded “Moderate responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Far Vision— The ability to see details at a distance. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Chief Sustainability Officers +Climate Change Policy Analysts +Conservation Scientists +Environmental Engineers +Environmental Scientists and Specialists, Including Health +Hydrologists +Industrial Ecologists +Range Managers +Water Resource Specialists","View the list of Allies +American Geosciences Institute +external site +American Rivers +external site +Ecological Society of America +external site +Environmental and Water Resources Institute +external site +National Environmental Health Association +external site +National Oceanic and Atmospheric Administration +external site +Society for Ecological Restoration +external site +Society of American Foresters +external site +Society of Wetland Scientists +external site +University Corporation for Atmospheric Research +external site",61,6,25,74,66,63,38,44,39,42,32,30,47,60,10,61,40,21,13,19,16,6,26,18,1,60,51,42,93,68,69,4,35 +49-3053.00,Outdoor Power Equipment and Other Small Engine Mechanics,https://www.onetonline.org/link/summary/49-3053.00,2025-06-11T19:22:10.912508,"Record repairs made, time spent, and parts used. +Test and inspect engines to determine malfunctions, to locate missing and broken parts, and to verify repairs, using diagnostic instruments. +Dismantle engines, using hand tools, and examine parts for defects. +Repair and maintain gasoline engines used to power equipment such as portable saws, lawn mowers, generators, and compressors. +Adjust points, valves, carburetors, distributors, and spark plug gaps, using feeler gauges. +Repair or replace defective parts such as magnetos, water pumps, gears, pistons, and carburetors, using hand tools. +Perform routine maintenance such as cleaning and oiling parts, honing cylinders, and tuning ignition systems. +Reassemble engines after repair or maintenance work is complete. +Replace motors. +Obtain problem descriptions from customers, and prepare cost estimates for repairs. +Show customers how to maintain equipment. +Remove engines from equipment, and position and bolt engines to repair stands. +Sell parts and equipment. +Grind, ream, rebore, and re-tap parts to obtain specified clearances, using grinders, lathes, taps, reamers, boring machines, and micrometers.","Analytical or scientific software— Land & Sea DYNO-MAX; VersaDyne small engine test system +Data base user interface and query software— Ideal Computer Systems Ideal OPE; RepairTRAX; Smart Equipment Repair +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Point of sale POS software— Sale processing software +Spreadsheet software— Microsoft Excel","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Maintain repair or maintenance records. +Inspect mechanical components of vehicles to identify problems. +Test mechanical equipment to ensure proper functioning. +Adjust vehicle components according to specifications. +Disassemble equipment to inspect for deficiencies. +Maintain work equipment or machinery. +Repair defective engines or engine components. +Replace worn, damaged, or defective mechanical parts. +Repair worn, damaged, or defective mechanical parts. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Lubricate equipment to allow proper functioning. +Service vehicles to maintain functionality. +Reassemble equipment after repair. +Confer with customers or users to assess problems. +Estimate costs for labor or materials. +Train customers in the use of products. +Bolt objects into place. +Disassemble equipment for maintenance or repair. +Position equipment using hand tools, power tools, or heavy equipment. +Sell products or services. +Grind parts to required dimensions.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 77% responded “Continually or almost continually.” +Spend Time Standing— 61% responded “Continually or almost continually.” +Contact With Others— 76% responded “Constant contact with others.” +Freedom to Make Decisions— 32% responded “Some freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 25% responded “Once a week or more but not every day.” +Exposed to Contaminants— 66% responded “Every day.” +Exposed to Hazardous Equipment— 65% responded “Every day.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Indoors, Not Environmentally Controlled— 75% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 16% responded “Minor results.” +In an Open Vehicle or Operating Equipment— 56% responded “Every day.” +Telephone Conversations— 17% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 36% responded “Important.” +Determine Tasks, Priorities and Goals— 40% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 19% responded “Never.” +Time Pressure— 19% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 36% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 28% responded “Not important at all.” +Frequency of Decision Making— 15% responded “Once a month or more but not every week.” +Consequence of Error— 30% responded “Extremely serious.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 26% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 26% responded “Every day.” +Physical Proximity— 49% responded “Slightly close (e.g., shared office).” +Spend Time Making Repetitive Motions— 34% responded “Less than half the time.” +Importance of Repeating Same Tasks— 15% responded “Very important.” +Spend Time Walking or Running— 36% responded “Less than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 32% responded “Once a week or more but not every day.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Automotive Service Technicians and Mechanics +Bus and Truck Mechanics and Diesel Engine Specialists +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Farm Equipment Mechanics and Service Technicians +Bright Outlook +Industrial Machinery Mechanics +Maintenance Workers, Machinery +Mobile Heavy Equipment Mechanics, Except Engines +Motorboat Mechanics and Service Technicians +Motorcycle Mechanics","View the list of Allies +Outdoor Power Equipment Aftermarket Association +external site +Outdoor Power Equipment Institute +external site",62,15,46,61,42,48,43,54,34,34,53,32,37,49,12,40,30,84,13,54,28,27,26,32,17,55,32,47,17,44,37,8,16 +15-1244.00,Network and Computer Systems Administrators,https://www.onetonline.org/link/summary/15-1244.00,2025-06-11T18:51:51.387758,"Maintain and administer computer networks and related computing environments, including computer hardware, systems software, applications software, and all configurations. +Perform data backups and disaster recovery operations. +Diagnose, troubleshoot, and resolve hardware, software, or other network and system problems, and replace defective components when necessary. +Configure, monitor, and maintain email applications or virus protection software. +Operate master consoles to monitor the performance of computer systems and networks and to coordinate computer network access and use. +Monitor network performance to determine whether adjustments are needed and where changes will be needed in the future. +Plan, coordinate, and implement network security measures to protect data, software, and hardware. +Analyze equipment performance records to determine the need for repair or replacement. +Confer with network users about solutions to existing system problems. +Recommend changes to improve systems and network configurations, and determine hardware or software requirements related to such changes. +Design, configure, and test computer hardware, networking software and operating system software. +Perform routine network startup and shutdown procedures, and maintain control records. +Load computer tapes and disks, and install software and printer paper or forms. +Train people in computer system use. +Maintain logs related to network functions, as well as maintenance and repair records. +Gather data pertaining to customer needs, and use the information to identify, predict, interpret, and evaluate system and network requirements. +Coordinate with vendors and with company personnel to facilitate purchases. +Implement and provide technical support for voice services and equipment, such as private branch exchange, voice mail system, and telecom system. +Maintain an inventory of parts for emergency repairs. +Research new technologies by attending seminars, reading trade articles, or taking classes, and implement or recommend the implementation of new technologies.","Access software— Access management software; Citrix cloud computing software; Mac HelpMate; Remote desktop control software;1 more +Administration software— Cisco Systems CiscoWorks; Hewlett-Packard HP Network Node Manager; Network management software; Network shutdown software;5 more +Analytical or scientific software— Root cause analysis software; SAS; StataCorp Stata +Application server software— Docker; GitHub; Oracle WebLogic Server; Red Hat OpenShift;2 more +Authentication server software— Password management software +Backup or archival software— System and data disaster recovery software; Veritas NetBackup +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Splunk Enterprise +Cloud-based protection or security software— SolarWinds +Clustering software— VMware +Communications server software— IBM Domino +Compiler and decompiler software— Command interpreters +Computer aided design CAD software— Computer aided design and drafting CADD software; Dassault Systemes CATIA +Computer based training software— Moodle +Computer imaging software— Symantec Ghost Solution Suite +Configuration management software— Chef; Patch and update management software; Perforce Helix software; Puppet;3 more +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; Oracle PL/SQL;9 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Blackboard software; ServiceNow; Transact-SQL;9 more +Desktop communications software— ParentSquare; Secure shell SSH software; Skype +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Go; Microsoft PowerShell;14 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; Systems integration software;3 more +Enterprise resource planning ERP software— Microsoft Dynamics; NetSuite ERP; Oracle JD Edwards EnterpriseOne; SAP software;7 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Gateway software— Microsoft Windows Terminal Services Access Manager +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— TKSoftware RCM software +Helpdesk or call center software— Help desk software +Human resources software— Human resource management software HRMS; Oracle Taleo +Industrial control software— Supervisory control and data acquisition SCADA software +Internet directory services software— Active directory software; Domain name system DNS; Microsoft Active Directory; Network addressable storage NAS software;1 more +Internet protocol IP multimedia subsystem software— Open source routing protocols OSPF; Voice over internet protocol VoIP system software +Medical software— Epic Systems +Metadata management software— Quest Erwin Data Modeler +Network monitoring software— Nagios; Quest Foglight; Remote monitoring software; Wireshark;23 more +Network operating system enhancement software— Management information base MIB software; Network, server and operating system optimization software; Operating system process control software +Network security and virtual private network VPN equipment software— Firewall software; Network intrusion detection software; Virtual private networking VPN software +Network security or virtual private network VPN management software— Intrusion prevention system IPS; Network and system vulnerability assessment software; OpenService Open NerveCenter; Security incident management software;1 more +Object or component oriented development software— C#; jQuery; Perl; Swift;7 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;10 more +Optical network management software +Pattern design software— Diagramming software +Platform interconnectivity software— Virtual network computing VNC software +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Computer system diagnostics software; Hewlett Packard LoadRunner +Project management software— Atlassian Confluence; Microsoft Project; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management +Requirements analysis and system architecture software— Requirements management software +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3; Storage area network SAN software +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— Honeypot; McAfee; NortonLifeLock cybersecurity software; Root kit detection software;3 more +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex +Web page creation and editing software— Adobe Dreamweaver; Google Sites +Web platform development software— Apache Tomcat; Django; Microsoft ASP.NET; Node.js;15 more","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Maintain computer networks to enhance performance and user access. +Implement security measures for computer or information systems. +Create electronic data backup to prevent loss of information. +Resolve computer network problems. +Resolve computer software problems. +Troubleshoot issues with computer applications or systems. +Monitor the performance of computer networks. +Develop computer or information security policies or procedures. +Analyze data to identify or resolve operational problems. +Provide technical support for computer network issues. +Analyze project data to determine specifications or requirements. +Identify information technology project resource requirements. +Recommend changes to improve computer or information systems. +Collaborate with others to resolve information technology issues. +Design integrated computer systems. +Test computer hardware performance. +Test software performance. +Document operational activities. +Install computer hardware. +Train others in computer interface or software use. +Document network-related activities or tasks. +Collect data about customer needs. +Coordinate resource procurement activities. +Conduct research to gain information about products or processes. +Maintain the inventory of equipment. +Update knowledge about emerging industry or technology trends.","Indoors, Environmentally Controlled— 96% responded “Every day.” +E-Mail— 90% responded “Every day.” +Telephone Conversations— 71% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Contact With Others— 67% responded “Constant contact with others.” +Spend Time Sitting— 50% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Importance of Being Exact or Accurate— 71% responded “Very important.” +Time Pressure— 42% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 49% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Moderate results.” +Importance of Repeating Same Tasks— 39% responded “Important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Every day.” +Physical Proximity— 44% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 29% responded “Every day.” +Level of Competition— 39% responded “Moderately competitive.” +Spend Time Making Repetitive Motions— 29% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Once a year or more but not every month.” +Frequency of Decision Making— 28% responded “Once a year or more but not every month.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Programming— Writing computer programs for various purposes. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operations Analysis— Analyzing needs and product requirements to create a design. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Operation and Control— Controlling operations of equipment or systems. +Repairing— Repairing machines or systems using the needed tools. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Network Architects +Bright Outlook +Computer Network Support Specialists +Computer Systems Analysts +Computer Systems Engineers/Architects +Computer User Support Specialists +Database Administrators +Database Architects +Information Security Analysts +Information Security Engineers +Software Developers","View the list of Allies +American Library Association +external site +Association for Computing Machinery +external site +Healthcare Information and Management Systems Society +external site +IEEE Computer Society +external site +National Center for Women and Information Technology +external site +USENIX +external site +CompTIA +external site +Building Industry Consulting Service International +external site",66,5,32,71,55,49,37,46,53,27,17,30,9,98,13,28,45,34,7,12,17,6,11,55,8,65,16,15,3,45,16,2,5 +39-4021.00,Funeral Attendants,https://www.onetonline.org/link/summary/39-4021.00,2025-06-11T19:13:13.604329,"Greet people at the funeral home. +Perform a variety of tasks during funerals to assist funeral directors and to ensure that services run smoothly and as planned. +Close caskets at appropriate point in services. +Direct or escort mourners to parlors or chapels in which wakes or funerals are being held. +Place caskets in parlors or chapels prior to wakes or funerals. +Offer assistance to mourners as they enter or exit limousines. +Clean funeral parlors or chapels. +Arrange floral offerings or lights around caskets. +Clean and drive funeral vehicles, such as cars or hearses, in funeral processions. +Act as pallbearers. +Supervise funeral processions and assist with cemetery parking. +Deliver floral arrangements or other items to family members of the deceased. +Carry flowers to hearses or limousines for transportation to places of interment. +Perform general maintenance tasks for funeral homes, such as maintaining equipment or caring for funeral grounds. +Issue and store funeral equipment. +Provide advice to mourners on how to make charitable donations in honor of the deceased. +Embalm, dress, cosmeticize, and casket the deceased. +Prepare obituaries for newspapers. +Obtain burial permits and register deaths. +Transport the deceased to the funeral home. +Obtain doctors' signatures on death certificate and complete other paperwork, such as insurance claims forms. +Assist with cremations and the processing and packaging of cremated remains. +Attend to the needs of the bereaved, such as by offering comfort, counseling, or after-care programs. +Perform various administrative tasks, such as typing documents or answering telephone calls.","Accounting software— Bookkeeping software +Human resources software— iCIMS Talent Cloud software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Apply makeup to alter or enhance appearance. +Embalm corpses. +Perform administrative or clerical tasks. +Prepare administrative documents. +Transport biological or other medical materials. +Write informational material. +Greet customers, patrons, or visitors. +Identify opportunities to improve operational efficiency. +Handle caskets. +Provide counsel, comfort, or encouragement to individuals or families. +Provide escort or transportation. +Provide patrons with directions to locales or attractions. +Assist patrons with entering or exiting vehicles or other forms of transportation. +Arrange items for use or display. +Clean facilities or work areas. +Clean tools or equipment. +Drive vehicles to transport patrons. +Direct funeral or mortuary activities. +Deliver items. +Maintain facilities. +Assign resources or facilities to patrons or employees.","Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Contact With Others— 54% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Deal With External Customers or the Public in General— 42% responded “Extremely important.” +Indoors, Environmentally Controlled— 46% responded “Every day.” +Telephone Conversations— 61% responded “Every day.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 40% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 44% responded “Once a week or more but not every day.” +Frequency of Decision Making— 34% responded “Every day.” +Spend Time Standing— 53% responded “About half the time.” +E-Mail— 45% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Outdoors, Exposed to All Weather Conditions— 38% responded “Once a week or more but not every day.” +Physical Proximity— 34% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 27% responded “Very little freedom.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Crematory Operators +Embalmers +First-Line Supervisors of Personal Service Workers +Bright Outlook +Funeral Home Managers +Home Health Aides +Morticians, Undertakers, and Funeral Arrangers +Orderlies +Passenger Attendants +Personal Care Aides +Ushers, Lobby Attendants, and Ticket Takers","View the list of Allies +Cremation Association of North America +external site +National Funeral Directors Association +external site",85,5,33,72,36,37,33,32,60,26,37,29,27,47,16,42,42,19,25,51,31,28,26,32,20,19,11,12,23,14,14,11,13 +11-1011.03,Chief Sustainability Officers,https://www.onetonline.org/link/summary/11-1011.03,2025-06-11T18:46:27.727059,"Monitor and evaluate effectiveness of sustainability programs. +Develop or execute strategies to address issues such as energy use, resource conservation, recycling, pollution reduction, waste elimination, transportation, education, and building design. +Develop, or oversee the development of, sustainability evaluation or monitoring systems. +Supervise employees or volunteers working on sustainability projects. +Develop sustainability reports, presentations, or proposals for supplier, employee, academia, media, government, public interest, or other groups. +Develop, or oversee the development of, marketing or outreach media for sustainability projects or events. +Identify and evaluate pilot projects or programs to enhance the sustainability research agenda. +Create and maintain sustainability program documents, such as schedules and budgets. +Formulate or implement sustainability campaign or marketing strategies. +Research environmental sustainability issues, concerns, or stakeholder interests. +Direct sustainability program operations to ensure compliance with environmental or governmental regulations. +Evaluate and approve proposals for sustainability projects, considering factors such as cost effectiveness, technical feasibility, and integration with other initiatives. +Develop methodologies to assess the viability or success of sustainability initiatives. +Review sustainability program objectives, progress, or status to ensure compliance with policies, standards, regulations, or laws. +Write and distribute financial or environmental impact reports. +Write project proposals, grant applications, or other documents to pursue funding for environmental initiatives. +Identify educational, training, or other development opportunities for sustainability employees or volunteers. +Conduct risk assessments related to sustainability and the environment.","Business intelligence and data analysis software— Tableau +Calendar and scheduling software— Scheduling software +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Microsoft Access; Structure query language SQL +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Management information systems MIS; Microsoft Dynamics GP; SAP software +Graphics or photo imaging software— Adobe Photoshop +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Teleconferencing software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Evaluate program effectiveness. +Develop sustainable organizational policies or practices. +Implement organizational process or policy changes. +Manage control system activities in organizations. +Supervise workers performing environmentally sustainable activities. +Prepare operational progress or status reports. +Present sustainable products or services information to the public. +Develop marketing plans or strategies for environmental initiatives. +Manage outreach activities. +Identify opportunities for green initiatives. +Maintain operational records for green energy processes or other environmentally-sustainable activities. +Schedule activities or facility use. +Identify environmental concerns. +Direct organizational operations, projects, or services. +Evaluate environmental or sustainability projects. +Analyze data to determine project feasibility. +Develop procedures to evaluate organizational activities. +Evaluate green operations or programs for compliance with standards or regulations. +Prepare financial documents, reports, or budgets. +Prepare proposals or grant applications to obtain project funding. +Evaluate capabilities or training needs. +Support the professional development of others. +Analyze risks related to investments in green technology.","E-Mail— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Telephone Conversations— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Duration of Typical Work Week— 78% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Contact With Others— 52% responded “Constant contact with others.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Important results.” +Spend Time Sitting— 59% responded “More than half the time.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Level of Competition— 48% responded “Highly competitive.” +Frequency of Decision Making— 30% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 33% responded “Very important.” +Time Pressure— 41% responded “Once a month or more but not every week.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Conflict Situations— 41% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Chief Executives +Climate Change Policy Analysts +Conservation Scientists +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +Industrial Ecologists +Sustainability Specialists +Urban and Regional Planners +Wind Energy Development Managers","View the list of Allies +Association for the Advancement of Sustainability in Higher Education +external site +Alliance to Save Energy +external site +American Institute of Architects +external site +American Planning Association +external site +American Society for Environmental History +external site +American Solar Energy Society +external site +American Sustainable Business Network +external site +ASHRAE +external site +Association for Environmental Studies and Sciences +external site +Environmental and Energy Study Institute +external site +Financial Management Association International +external site +Global Council for Science and the Environment +external site +International Society of Sustainability Professionals +external site +National Association for Environmental, Health, Safety, and Sustainability Management +external site +National Association of Environmental Professionals +external site +National Environmental Health Association +external site +National Management Association +external site +Net Impact +external site +North American Association for Environmental Education +external site +Society of Environmental Journalists +external site +Sustainability Management Association +external site +Sustainable Brands +external site +Sustainable Development Solutions Network +external site +Sustainable Packaging Coalition +external site +Sustainable Purchasing Leadership Council +external site +The Sustainability Consortium +external site +USGBC +external site +Mid-Atlantic Renewable Energy Association +external site +Midwest Energy Efficiency Alliance +external site +Midwest Renewable Energy Association +external site +Northeast Recycling Council +external site +Northeast Sustainable Energy Association +external site +Northwest Energy Efficiency Alliance +external site +Southeast Energy Efficiency Alliance +external site +Southeastern Association of Fish and Wildlife Agencies +external site +Southern Alliance for Clean Energy +external site +Western Association of Fish and Wildlife Agencies +external site +American Management Association +external site +Association of Climate Change Officers +external site +Financial Executives International +external site +Green Building Certification +external site +National Council of Architectural Registration Boards +external site",60,27,30,83,50,79,39,60,41,55,54,50,34,48,21,67,64,36,28,53,48,20,50,22,8,49,62,33,45,46,52,16,33 +29-1151.00,Nurse Anesthetists,https://www.onetonline.org/link/summary/29-1151.00,2025-06-11T19:06:18.695560,"Manage patients' airway or pulmonary status, using techniques such as endotracheal intubation, mechanical ventilation, pharmacological support, respiratory therapy, and extubation. +Respond to emergency situations by providing airway management, administering emergency fluids or drugs, or using basic or advanced cardiac life support techniques. +Monitor patients' responses, including skin color, pupil dilation, pulse, heart rate, blood pressure, respiration, ventilation, or urine output, using invasive and noninvasive techniques. +Select, order, or administer anesthetics, adjuvant drugs, accessory drugs, fluids or blood products as necessary. +Select, prepare, or use equipment, monitors, supplies, or drugs for the administration of anesthetics. +Assess patients' medical histories to predict anesthesia response. +Perform or manage regional anesthetic techniques, such as local, spinal, epidural, caudal, nerve blocks and intravenous blocks. +Develop anesthesia care plans. +Obtain informed consent from patients for anesthesia procedures. +Prepare prescribed solutions and administer local, intravenous, spinal, or other anesthetics, following specified methods and procedures. +Perform pre-anesthetic screenings, including physical evaluations and patient interviews, and document results. +Calibrate and test anesthesia equipment. +Evaluate patients' post-surgical or post-anesthesia responses, taking appropriate corrective actions or requesting consultation if complications occur. +Administer post-anesthesia medications or fluids to support patients' cardiovascular systems. +Select and prescribe post-anesthesia medications or treatments to patients. +Perform or evaluate the results of diagnostic tests, such as radiographs (x-rays) and electrocardiograms (EKGs). +Select, order, or administer pre-anesthetic medications. +Insert peripheral or central intravenous catheters. +Insert arterial catheters or perform arterial punctures to obtain arterial blood samples. +Discharge patients from post-anesthesia care. +Read current literature, talk with colleagues, and participate in professional organizations or conferences to keep abreast of developments in nursing. +Request anesthesia equipment repairs, adjustments, or safety tests. +Instruct nurses, residents, interns, students, or other staff on topics such as anesthetic techniques, pain management and emergency responses. +Disassemble and clean anesthesia equipment.","Medical software— eClinicalWorks EHR software; Epic Systems; GE Healthcare Centricity EMR; MEDITECH software;17 more +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Implement advanced life support techniques. +Administer intravenous medications. +Treat medical emergencies. +Monitor patient conditions during treatments, procedures, or activities. +Prescribe medications. +Administer blood or other fluids intravenously. +Prepare medications or medical solutions. +Prepare medical supplies or equipment for use. +Select medical equipment for addressing patient needs. +Administer anesthetics or sedatives to control pain. +Analyze patient data to determine patient needs or treatment goals. +Process healthcare paperwork. +Develop medical treatment plans. +Maintain medical equipment or instruments. +Collect medical information from patients, family members, or other medical professionals. +Examine medical instruments or equipment to ensure proper operation. +Examine patients to assess general physical condition. +Record patient medical histories. +Collaborate with healthcare professionals to plan or provide treatment. +Analyze test data or images to inform diagnosis or treatment. +Operate diagnostic imaging equipment. +Administer basic health care or medical treatments. +Operate diagnostic or therapeutic medical instruments or equipment. +Collect biological specimens from patients. +Maintain medical or professional knowledge. +Train medical providers. +Clean medical equipment or facilities.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Exposed to Disease or Infections— 85% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 96% responded “Every day.” +Work With or Contribute to a Work Group or Team— 88% responded “Extremely important.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +Consequence of Error— 81% responded “Extremely serious.” +Freedom to Make Decisions— 78% responded “A lot of freedom.” +Contact With Others— 85% responded “Constant contact with others.” +Exposed to Contaminants— 77% responded “Every day.” +Physical Proximity— 58% responded “Very close (near touching).” +Level of Competition— 54% responded “Extremely competitive.” +Health and Safety of Other Workers— 63% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 74% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 60% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Telephone Conversations— 62% responded “Every day.” +Duration of Typical Work Week— 63% responded “More than 40 hours.” +Frequency of Decision Making— 65% responded “Every day.” +Importance of Repeating Same Tasks— 58% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Time Pressure— 63% responded “Every day.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +E-Mail— 44% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 41% responded “Every day.” +Exposed to Radiation— 59% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 30% responded “Once a week or more but not every day.” +Spend Time Standing— 60% responded “About half the time.” +Spend Time Sitting— 48% responded “About half the time.” +Spend Time Making Repetitive Motions— 33% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anesthesiologist Assistants +Bright Outlook +Anesthesiologists +Clinical Nurse Specialists +Critical Care Nurses +Licensed Practical and Licensed Vocational Nurses +Nurse Midwives +Nurse Practitioners +Physician Assistants +Registered Nurses +Surgical Assistants","View the list of Allies +American Association of Nurse Anesthesiology +external site +American Association of Colleges of Nursing +external site +American Association of Critical-Care Nurses +external site +American Association of Nurse Practitioners +external site +American Nurses Association +external site +Sigma Theta Tau International Honor Society of Nursing +external site +American College of Nurse-Midwives +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",91,4,32,80,82,56,53,82,34,38,21,52,83,60,26,55,38,44,30,12,76,51,49,38,96,52,11,75,91,19,13,4,12 +43-9031.00,Desktop Publishers,https://www.onetonline.org/link/summary/43-9031.00,2025-06-11T19:17:00.614636,"Operate desktop publishing software and equipment to design, lay out, and produce camera-ready copy. +Position text and art elements from a variety of databases in a visually appealing way to design print or web pages, using knowledge of type styles and size and layout patterns. +Check preliminary and final proofs for errors and make necessary corrections. +View monitors for visual representation of work in progress and for instructions and feedback throughout process, making modifications as necessary. +Enter text into computer keyboard and select the size and style of type, column width, and appropriate spacing for printed materials. +Prepare sample layouts for approval, using computer software. +Import text and art elements, such as electronic clip art or electronic files from photographs that have been scanned or produced with a digital camera, using computer software. +Study layout or other design instructions to determine work to be done and sequence of operations. +Select number of colors and determine color separations. +Convert various types of files for printing or for the Internet, using computer software. +Enter digitized data into electronic prepress system computer memory, using scanner, camera, keyboard, or mouse. +Edit graphics and photos, using pixel or bitmap editing, airbrushing, masking, or image retouching. +Enter data, such as coordinates of images and color specifications, into system to retouch and make color corrections. +Transmit, deliver, or mail publication master to printer for production into film and plates. +Collaborate with graphic artists, editors and writers to produce master copies according to design specifications. +Store copies of publications on paper, magnetic tape, film, or diskette. +Create special effects such as vignettes, mosaics, and image combining, and add elements such as sound and animation to electronic publications. +Load floppy disks or tapes containing information into system.","Customer relationship management CRM software— Salesforce software +Data base management system software— MySQL +Data base user interface and query software— Microsoft Access; WordWeb +Data conversion software— AlgoLab Raster to Vector Conversion Toolkit; GTX RastorCAD; Potrace; Trix TracTrix;1 more +Desktop publishing software— Adobe InDesign; Microsoft Publisher; QuarkXPress; Serif PagePlus;9 more +Development environment software— Adobe PostScript; Microsoft Visual Basic; Scalable vector graphics SVG +Document management software— Adobe Acrobat; Color management software; Microsoft SharePoint; Microsoft SharePoint Server;1 more +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Graphics card driver software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Graphics software;16 more +Information retrieval or search software— Online image and graphics database software +Internet browser software +Map creation software— Mapping software +Network security or virtual private network VPN management software— Virtual private networking VPN software +Object or component oriented development software— Oracle Java; Perl; Python; Sun Microsystems Java;1 more +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software; OpenOffice.org +Operating system software— Apple macOS; Microsoft operating system; Microsoft Windows; UNIX;1 more +Optical character reader OCR or scanning software— Corel CorelScan; Corel OCR-Trace 8; Nuance OmniPage Professional; PANTONE ColorVision ProfilerPlus +Presentation software— Microsoft PowerPoint +Printer driver software +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spell checkers— Spelling and grammar checking software +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Corel WebDraw +Voice recognition software— Nuance Dragon NaturallySpeaking +Web page creation and editing software— Actuate DocBook; Adobe Dreamweaver; Social media software +Web platform development software— Cascading style sheets CSS; Hypertext markup language HTML; jQuery; PHP;1 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Format digital documents, data, or images. +Enter information into databases or software programs. +Monitor operational quality or safety. +Proofread documents, records, or other files to ensure accuracy. +Operate computers or computerized equipment. +Deliver items. +Send information, materials or documentation. +Read work orders to determine material or setup requirements. +Confer with coworkers to coordinate work activities. +Select resources needed to accomplish tasks. +Store records or related materials.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 94% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Spend Time Sitting— 74% responded “Continually or almost continually.” +Time Pressure— 64% responded “Every day.” +Importance of Being Exact or Accurate— 30% responded “Very important.” +Contact With Others— 48% responded “Constant contact with others.” +Telephone Conversations— 45% responded “Every day.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Freedom to Make Decisions— 48% responded “Limited freedom.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 40% responded “More than half the time.” +Duration of Typical Work Week— 14% responded “Less than 40 hours.” +Importance of Repeating Same Tasks— 33% responded “Very important.” +Frequency of Decision Making— 26% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Deal With External Customers or the Public in General— 35% responded “Extremely important.” +Physical Proximity— 71% responded “Slightly close (e.g., shared office).”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Editors +Film and Video Editors +Graphic Designers +Office Machine Operators, Except Computer +Prepress Technicians and Workers +Proofreaders and Copy Markers +Special Effects Artists and Animators +Web Administrators +Bright Outlook +Web and Digital Interface Designers +Web Developers","View the list of Allies +PRINTING United Alliance +external site +The Society of Publication Designers +external site",27,1,44,60,38,27,9,30,46,5,21,7,2,74,5,11,65,3,9,4,17,5,13,10,9,3,1,1,1,39,12,29,8 +21-1023.00,Mental Health and Substance Abuse Social Workers,https://www.onetonline.org/link/summary/21-1023.00,2025-06-11T18:58:55.092676,"Counsel clients in individual or group sessions to assist them in dealing with substance abuse, mental or physical illness, poverty, unemployment, or physical abuse. +Collaborate with counselors, physicians, or nurses to plan or coordinate treatment, drawing on social work experience and patient needs. +Monitor, evaluate, and record client progress with respect to treatment goals. +Interview clients, review records, conduct assessments, or confer with other professionals to evaluate the mental or physical condition of clients or patients. +Supervise or direct other workers who provide services to clients or patients. +Modify treatment plans according to changes in client status. +Assist clients in adhering to treatment plans, such as setting up appointments, arranging for transportation to appointments, or providing support. +Educate clients or community members about mental or physical illness, abuse, medication, or available community resources. +Counsel or aid family members to assist them in understanding, dealing with, or supporting the client or patient. +Increase social work knowledge by reviewing current literature, conducting social research, or attending seminars, training workshops, or classes. +Refer patient, client, or family to community resources for housing or treatment to assist in recovery from mental or physical illness, following through to ensure service efficacy. +Plan or conduct programs to prevent substance abuse, combat social problems, or improve health or counseling services in community. +Develop or advise on social policy or assist in community development.","Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software +Desktop publishing software— Adobe PageMaker; Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Microsoft Internet Explorer; Netscape Navigator; Web browser software +Medical software— Client records software; Medical condition coding software; Medical procedure coding software; Social Work Software ClientTouch;3 more +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Information presentation software; Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Counsel clients or patients regarding personal issues. +Counsel clients or patients with substance abuse issues. +Collaborate with other professionals to assess client needs or plan treatments. +Maintain client records. +Monitor clients to evaluate treatment progress. +Collect information about clients. +Interview clients to gather information about their backgrounds, needs, or progress. +Supervise workers providing client or patient services. +Modify treatment plans to accommodate client needs. +Assist clients in handling details of daily life. +Counsel family members of clients or patients. +Lead classes or community events. +Conduct research on social issues. +Maintain professional social services knowledge. +Refer clients to community or social service programs. +Plan programs to address community health issues. +Advise others on social or educational issues.","Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +E-Mail— 89% responded “Every day.” +Contact With Others— 84% responded “Constant contact with others.” +Telephone Conversations— 80% responded “Every day.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Time Pressure— 57% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 46% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 42% responded “A lot of freedom.” +Spend Time Sitting— 51% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Extremely important.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Frequency of Decision Making— 39% responded “Every day.” +Conflict Situations— 36% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 72% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Important results.” +Importance of Repeating Same Tasks— 31% responded “Important.” +Physical Proximity— 39% responded “Moderately close (at arm's length).” +Written Letters and Memos— 34% responded “Once a month or more but not every week.” +Dealing with Violent or Physically Aggressive People— 41% responded “Once a month or more but not every week.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Clinical Neuropsychologists +Healthcare Social Workers +Marriage and Family Therapists +Mental Health Counselors +Psychiatrists +Rehabilitation Counselors +Substance Abuse and Behavioral Disorder Counselors","View the list of Allies +American Association for Marriage and Family Therapy +external site +American Counseling Association +external site +American Group Psychotherapy Association +external site +American Psychological Association +external site +Association for Community Organization and Social Administration +external site +Association for Play Therapy +external site +NAADAC +external site +National Association of Social Workers +external site +National Head Start Association +external site +Association of Social Work Boards +external site +Council on Social Work Education +external site +National Board for Certified Counselors +external site",70,3,3,73,20,50,58,67,49,6,12,39,9,45,13,49,41,3,50,21,92,96,65,20,51,3,2,,19,2,12,8,11 +25-1065.00,"Political Science Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1065.00,2025-06-11T19:00:15.613942,"Prepare and deliver lectures to undergraduate or graduate students on topics such as classical political thought, international relations, and democracy and citizenship. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Evaluate and grade students' class work, assignments, and papers. +Initiate, facilitate, and moderate classroom discussions. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Compile, administer, and grade examinations, or assign this work to others. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Supervise undergraduate or graduate teaching, internship, and research work. +Maintain student attendance records, grades, and other required records. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Select and obtain materials and supplies, such as textbooks. +Collaborate with colleagues to address teaching and research issues. +Perform administrative duties, such as serving as department head. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in student recruitment, registration, and placement activities. +Act as advisers to student organizations. +Write grant proposals to procure external research funding. +Participate in campus and community events. +Provide professional consulting services to government or industry.","Analytical or scientific software— Empirisoft MediaLab; poLCA; W-NOMINATE; WinBUGS;1 more +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data mining software— ContextMiner +Development environment software— C; Formula translation/translator FORTRAN +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Evaluate student work. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Teach social science courses at the college level. +Guide class discussions. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Administer tests to assess educational needs or progress. +Develop instructional materials. +Prepare tests. +Maintain student records. +Supervise student research or internship work. +Advise students on academic or career matters. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Serve on institutional or departmental committees. +Compile specialized bibliographies or lists of materials. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Write grant proposals. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 76% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 75% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Public Speaking— 70% responded “Once a week or more but not every day.” +Frequency of Decision Making— 53% responded “Every day.” +Contact With Others— 47% responded “Contact with others most of the time.” +Spend Time Sitting— 57% responded “More than half the time.” +Telephone Conversations— 40% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 58% responded “Very important.” +Level of Competition— 38% responded “Highly competitive.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Deal With External Customers or the Public in General— 36% responded “Extremely important.” +Time Pressure— 34% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Fairly important.” +Written Letters and Memos— 59% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Communications Teachers, Postsecondary +Criminal Justice and Law Enforcement Teachers, Postsecondary +Economics Teachers, Postsecondary +Education Teachers, Postsecondary +History Teachers, Postsecondary +Law Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Political Scientists +Sociology Teachers, Postsecondary","View the list of Allies +American Academy of Political and Social Science +external site +American Association of University Professors +external site +American Political Science Association +external site +American Society for Public Administration +external site +Council of Graduate Schools +external site +International Political Science Association +external site +International Society of Political Psychology +external site +International Studies Association +external site +Latin American Studies Association +external site +Law and Society Association +external site +Organization of American Historians +external site +Southern Political Science Association +external site +Midwest Political Science Association +external site +Northeastern Political Science Association +external site +Western Political Science Association +external site +National Education Association +external site",48,,8,90,45,37,24,82,33,29,11,36,3,46,40,86,42,1,51,6,42,16,57,13,3,1,,1,5,7,51,10,65 +15-1299.04,Penetration Testers,https://www.onetonline.org/link/summary/15-1299.04,2025-06-11T18:52:19.411174,"Assess the physical security of servers, systems, or network devices to identify vulnerability to temperature, vandalism, or natural disasters. +Collect stakeholder data to evaluate risk and to develop mitigation strategies. +Conduct network and security system audits, using established criteria. +Configure information systems to incorporate principles of least functionality and least access. +Design security solutions to address known device vulnerabilities. +Develop and execute tests that simulate the techniques of known cyber threat actors. +Develop infiltration tests that exploit device vulnerabilities. +Develop presentations on threat intelligence. +Develop security penetration testing processes, such as wireless, data networks, and telecommunication security tests. +Discuss security solutions with information technology teams or management. +Document penetration test findings. +Evaluate vulnerability assessments of local computing environments, networks, infrastructures, or enclave boundaries. +Gather cyber intelligence to identify vulnerabilities. +Identify new threat tactics, techniques, or procedures used by cyber threat actors. +Identify security system weaknesses, using penetration tests. +Investigate security incidents, using computer forensics, network forensics, root cause analysis, or malware analysis. +Keep up with new penetration testing tools and methods. +Maintain up-to-date knowledge of hacking trends. +Prepare and submit reports describing the results of security fixes. +Test the security of systems by attempting to gain access to networks, Web-based applications, or computers. +Update corporate policies to improve cyber security. +Write audit reports to communicate technical and procedural findings and recommend solutions.","Application server software— Docker; GitHub; Kubernetes +Cloud-based management software— Google Cloud software +Cloud-based protection or security software— Qualys Cloud Platform +Compiler and decompiler software— Hex-Rays IDA Pro; Vector 35 Binary Ninja +Computer aided design CAD software— Ghidra +Configuration management software— IBM Terraform +Data base management system software— Database management systems +Data base user interface and query software— Amazon Web Services AWS software; Microsoft SQL Server; ServiceNow; Structured query language SQL +Development environment software— Go; Microsoft PowerShell; Oracle Java 2 Platform Enterprise Edition J2EE; Ruby;8 more +Enterprise resource planning ERP software— Management information systems MIS +Enterprise system management software— Splunk Enterprise +Expert system software— Ansible software +Internet directory services software— Microsoft Active Directory +Network monitoring software— IBM QRadar SIEM; Wireshark +Network security and virtual private network VPN equipment software— Firewall software +Object or component oriented development software— C#; C++; Oracle Java; Perl;2 more +Office suite software— Microsoft Office software +Operating system software— Apple iOS; Bash; Google Android; Shell script;4 more +Program testing software— Kali Linux; MITRE ATT&CK software; System testing software +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— Invicti Acunetix; Metasploit; Rapid7 software; Tenable Nessus;4 more +Transaction server software— IBM Middleware; Web server software +Web platform development software— JavaScript; Microsoft Active Server Pages ASP; PHP; RESTful API;1 more",,"Develop testing routines or procedures. +Analyze security of systems, network, or data. +Prepare scientific or technical reports or presentations. +Stay informed about current developments in field of specialization. +Analyze risks to minimize losses or damages. +Develop computer or information security policies or procedures. +Develop computer or information systems. +Develop organizational policies or programs. +Discuss design or technical features of products or services with technical personnel. +Evaluate characteristics of equipment or systems. +Examine records or other types of data to investigate criminal activities. +Interpret design or operational test results. +Investigate illegal or suspicious activities. +Prepare analytical reports. +Prepare technical or operational reports. +Search files, databases or reference materials to obtain needed information. +Test computer system operations to ensure proper functioning. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Blockchain Engineers +Bright Outlook +Computer Network Support Specialists +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Information Security Analysts +Information Security Engineers +Software Developers +Software Quality Assurance Analysts and Testers +Validation Engineers","View the list of Allies +ASIS International +external site +Association for Computing Machinery +external site +Cybersecurity Collaborative +external site +Digital Forensics Association +external site +Federation of Security Professionals +external site +High Technology Crime Investigation Association +external site +IEEE Computer Society +external site +Information Systems Security Association International +external site +InfraGard +external site +International Association for Cryptologic Research +external site +International Association of IT Asset Managers +external site +International Association of Privacy Professionals +external site +International Association of Professional Security Consultants +external site +Internet Society +external site +ISACA +external site +National Cybersecurity Alliance +external site +Network Professional Association +external site +North American Network Operators' Group +external site +Open Worldwide Application Security Project +external site +Security Industry Association +external site +Society for Information Management +external site +Society for Innovation, Technology, and Modernisation +external site +Midwest Cyber Security Alliance +external site +Northeast Regional Computing Program +external site +Southwest CyberSec Forum +external site +CompTIA +external site +EC-Council +external site +Association of Certified Fraud Examiners +external site +Association of Information Security Professionals +external site +Cloud Security Alliance +external site +ISC2 +external site +SANS Institute +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-6041.00,Shoe and Leather Workers and Repairers,https://www.onetonline.org/link/summary/51-6041.00,2025-06-11T19:25:54.858182,"Dye, soak, polish, paint, stamp, stitch, stain, buff, or engrave leather or other materials to obtain desired effects, decorations, or shapes. +Cut out parts, following patterns or outlines, using knives, shears, scissors, or machine presses. +Construct, decorate, or repair leather products according to specifications, using sewing machines, needles and thread, leather lacing, glue, clamps, hand tools, or rivets. +Repair and recondition leather products such as trunks, luggage, shoes, saddles, belts, purses, and baseball gloves. +Align and stitch or glue materials such as fabric, fleece, leather, or wood, to join parts. +Inspect articles for defects, and remove damaged or worn parts, using hand tools. +Drill or punch holes and insert or attach metal rings, handles, and fastening hardware, such as buckles. +Prepare inserts, heel pads, and lifts from casts of customers' feet. +Dress and otherwise finish boots or shoes, as by trimming the edges of new soles and heels to the shoe shape. +Attach insoles to shoe lasts, affix shoe uppers, and apply heels and outsoles. +Clean and polish shoes. +Cement, nail, or sew soles and heels to shoes. +Check the texture, color, and strength of leather to ensure that it is adequate for a particular purpose. +Shape shoe heels with a knife, and sand them on a buffing wheel for smoothness. +Place shoes on lasts to remove soles and heels, using knives or pliers. +Repair or replace soles, heels, and other parts of footwear, using sewing, buffing and other shoe repair machines, materials, and equipment. +Cut, insert, position, and secure paddings, cushioning, or linings, using stitches or glue. +Estimate the costs of requested products or services such as custom footwear or footwear repair, and receive payment from customers. +Draw patterns, using measurements, designs, plaster casts, or customer specifications, and position or outline patterns on work pieces. +Nail heel and toe cleats onto shoes. +Re-sew seams, and replace handles and linings of suitcases or handbags. +Stretch shoes, dampening parts and inserting and twisting parts, using an adjustable stretcher. +Read prescriptions or specifications, and take measurements to establish the type of product to be made, using calipers, tape measures, or rules. +Attach accessories or ornamentation to decorate or protect products. +Make, modify, and repair orthopedic or therapeutic footwear according to doctors' prescriptions, or modify existing footwear for people with foot problems and special needs. +Select materials and patterns, and trace patterns onto materials to be cut out.","Accounting software— Bookkeeping software; Financial accounting software +Inventory management software— Inventory tracking software +Point of sale POS software— Sale processing software +Spreadsheet software— Microsoft Excel","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Assemble garments or textile products. +Trim excess material from workpieces. +Apply water or solutions to fabrics or apparel. +Polish materials, workpieces, or finished products. +Repair textiles or apparel. +Sew clothing or other articles. +Prepare fabrics or materials for processing or production. +Adjust fabrics or other materials during garment production. +Evaluate quality of materials or products. +Mount materials or workpieces onto production equipment. +Operate sewing equipment. +Attach decorative or functional accessories to products. +Cut fabrics. +Estimate costs of products, services, or materials. +Design templates or patterns. +Position patterns on equipment, materials, or workpieces. +Align parts or workpieces to ensure proper assembly. +Inspect garments for defects, damage, or stains. +Drill holes in parts, equipment, or materials. +Measure clients to ensure proper product fit. +Read work orders or other instructions to determine product specifications or materials requirements. +Construct customized assistive medical or dental devices. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Select production input materials.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 100% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Exposed to Contaminants— 78% responded “Every day.” +Exposed to Hazardous Equipment— 78% responded “Every day.” +Freedom to Make Decisions +Indoors, Environmentally Controlled— 79% responded “Every day.” +Spend Time Standing— 68% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 75% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 11% responded “About half the time.” +Contact With Others +Importance of Being Exact or Accurate— 19% responded “Important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 64% responded “Every day.” +Time Pressure— 12% responded “Once a month or more but not every week.” +Telephone Conversations— 69% responded “Every day.” +Frequency of Decision Making— 24% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 24% responded “Not important at all.” +Impact of Decisions on Co-workers or Company Results— 19% responded “Moderate results.” +Duration of Typical Work Week— 23% responded “Less than 40 hours.” +Spend Time Walking or Running— 17% responded “More than half the time.” +Level of Competition— 18% responded “Not at all competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutters and Trimmers, Hand +Furniture Finishers +Grinding and Polishing Workers, Hand +Jewelers and Precious Stone and Metal Workers +Molders, Shapers, and Casters, Except Metal and Plastic +Sewers, Hand +Sewing Machine Operators +Shoe Machine Operators and Tenders +Tailors, Dressmakers, and Custom Sewers +Upholsterers","View the list of Allies +The United Food and Commercial Workers International Union +external site",50,2,56,22,16,35,15,29,8,23,40,17,20,8,3,14,2,48,9,12,16,1,2,8,2,25,7,6,5,22,4,, +27-3031.00,Public Relations Specialists,https://www.onetonline.org/link/summary/27-3031.00,2025-06-11T19:03:41.830079,"Respond to requests for information from the media or designate an appropriate spokesperson or information source. +Plan or direct development or communication of programs to maintain favorable public or stockholder perceptions of an organization's accomplishments, agenda, or environmental responsibility. +Post and update content on the company's Web site and social media outlets. +Write press releases or other media communications to promote clients. +Establish or maintain cooperative relationships with representatives of community, consumer, employee, or public interest groups. +Confer with other managers to identify trends or key group interests or concerns or to provide advice on business decisions. +Coach client representatives in effective communication with the public or with employees. +Study the objectives, promotional policies, or needs of organizations to develop public relations strategies that will influence public opinion or promote ideas, products, or services. +Prepare or edit organizational publications, such as employee newsletters or stockholders' reports, for internal or external audiences. +Arrange public appearances, lectures, contests, or exhibits for clients to increase product or service awareness or to promote goodwill. +Plan or conduct market or public opinion research to test products or determine potential for product success, communicating results to client or management. +Develop plans or materials to communicate organizational activities that are beneficial to the environment, public safety, or other important social issues. +Confer with production or support personnel to produce or coordinate production of advertisements or promotions. +Consult with advertising agencies or staff to arrange promotional campaigns in all types of media for products, organizations, or individuals. +Prepare or deliver speeches to further public relations objectives. +Coordinate public responses to environmental management incidents or conflicts. +Develop marketing campaigns for environmental technologies or services. +Purchase advertising space or time as required to promote client's product or agenda.","Cloud-based data access and sharing software— Google Drive +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Microsoft Dynamics; Oracle Eloqua; Salesforce software +Data base reporting software— Oracle Business Intelligence Discoverer +Data base user interface and query software— Airtable; Cision CisionPoint; FileMaker Pro; Google;1 more +Data mining software— Google Analytics +Desktop communications software— ParentSquare +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Adobe ActionScript +Document management software— Adobe Acrobat; Adobe Acrobat Reader; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Canva; JamBoard;3 more +Information retrieval or search software— LexisNexis +Instant messaging software— Twitter +Internet browser software— Web browser software +Multi-media educational software— Nearpod +Network conferencing software— LogMeIn GoToWebinar; Slido interaction software +Network monitoring software— Wireshark +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Apple Keynote; Google Slides; Mentimeter; Microsoft PowerPoint +Project management software— Microsoft Project +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex +Video creation and editing software— Adobe After Effects; Apple Final Cut Express; Apple Final Cut Pro; YouTube;1 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; Website management software; WordPress;5 more +Web platform development software— Cascading style sheets CSS; Drupal; Hypertext markup language HTML; JavaScript;2 more +Word processing software— 3M Post-it App; Adobe Acrobat Writer; Google Docs; Microsoft Word","Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Provide educational information to the public. +Develop promotional strategies or plans. +Write advertising or promotional material. +Collaborate with others in marketing activities. +Coach others. +Write informational material. +Edit written materials. +Coordinate logistics for productions or events. +Conduct market research. +Inform viewers, listeners, or audiences. +Promote products, activities, or organizations.","E-Mail— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Time Pressure— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Contact With Others— 52% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Frequency of Decision Making— 48% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Determine Tasks, Priorities and Goals— 68% responded “Some freedom.” +Spend Time Sitting— 35% responded “More than half the time.” +Level of Competition— 55% responded “Highly competitive.” +Freedom to Make Decisions— 67% responded “Some freedom.” +Deal With External Customers or the Public in General— 32% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 45% responded “High responsibility.” +Written Letters and Memos— 29% responded “Every day.” +Conflict Situations— 45% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Advertising and Promotions Managers +Advertising Sales Agents +Agents and Business Managers of Artists, Performers, and Athletes +Bright Outlook +Fundraisers +Fundraising Managers +Market Research Analysts and Marketing Specialists +Marketing Managers +Media Programming Directors +Public Relations Managers +Writers and Authors","View the list of Allies +American Advertising Federation +external site +American Marketing Association +external site +City-County Communications and Marketing Association +external site +Council for Advancement and Support of Education +external site +Institute for Public Relations +external site +International Association of Business Communicators +external site +National Council for Marketing and Public Relations +external site +National School Public Relations Association +external site +Public Relations Society of America +external site +Public Relations Student Society of America +external site +Society for Healthcare Strategy and Market Development of the American Hospital Association +external site +Society for Human Resource Management +external site",74,1,22,93,31,74,22,44,49,33,73,44,1,63,21,31,98,2,23,11,39,8,41,31,1,7,2,4,5,30,30,14,18 +47-2061.00,Construction Laborers,https://www.onetonline.org/link/summary/47-2061.00,2025-06-11T19:18:32.025697,"Tend pumps, compressors, or generators to provide power for tools, machinery, or equipment or to heat or move materials, such as asphalt. +Lubricate, clean, or repair machinery, equipment, or tools. +Signal equipment operators to facilitate alignment, movement, or adjustment of machinery, equipment, or materials. +Read plans, instructions, or specifications to determine work activities. +Measure, mark, or record openings or distances to layout areas where construction work will be performed. +Clean or prepare construction sites to eliminate possible hazards. +Dig ditches or trenches, backfill excavations, or compact and level earth to grade specifications, using picks, shovels, pneumatic tampers, or rakes. +Load, unload, or identify building materials, machinery, or tools, distributing them to the appropriate locations, according to project plans or specifications. +Position, join, align, or seal structural components, such as concrete wall sections or pipes. +Perform site activities required of green certified construction practices, such as implementing waste management procedures, identifying materials for reuse, or installing erosion or sedimentation control mechanisms. +Control traffic passing near, in, or around work zones. +Install sewer, water, or storm drain pipes, using pipe-laying machinery or laser guidance equipment. +Operate or maintain air monitoring or other sampling devices in confined or hazardous environments. +Smooth or finish freshly poured cement or concrete, using floats, trowels, screeds, or powered cement finishing tools. +Erect or dismantle scaffolding, shoring, braces, traffic barricades, ramps, or other temporary structures. +Provide assistance to craft workers, such as carpenters, plasterers, or masons. +Spray materials, such as water, sand, steam, vinyl, paint, or stucco, through hoses to clean, coat, or seal surfaces. +Raze buildings or salvage useful materials. +Mop, brush, or spread paints, cleaning solutions, or other compounds over surfaces to clean them or to provide protection. +Position or dismantle forms for pouring concrete, using saws, hammers, nails, or bolts. +Grind, scrape, sand, or polish surfaces, such as concrete, marble, terrazzo, or wood flooring, using abrasive tools or machines. +Place, consolidate, or protect case-in-place concrete or masonry structures. +Mix ingredients to create compounds for covering or cleaning surfaces. +Mix, pour, or spread concrete, using portable cement mixers. +Operate jackhammers or drills to break up concrete or pavement. +Apply caulking compounds by hand or caulking guns to protect against entry of water or air. +Tend machines that pump concrete, grout, cement, sand, plaster, or stucco through spray guns for application to ceilings or walls.","Computer aided design CAD software— Autodesk Revit +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Operate pumps or compressors. +Clean equipment or facilities. +Maintain construction tools or equipment. +Signal equipment operators to indicate proper equipment positioning. +Install plumbing or piping. +Position structural components. +Install green structural components, equipment or systems. +Direct vehicle traffic. +Review blueprints or specifications to determine work requirements. +Finish concrete surfaces. +Test air quality at work sites. +Clean work sites. +Compact materials to create level bases. +Dig holes or trenches. +Mark reference points on construction materials. +Measure work site dimensions. +Assemble temporary equipment or structures. +Dismantle equipment or temporary structures. +Load or unload materials used in construction or extraction. +Move construction or extraction materials to locations where they are needed. +Assist skilled construction or extraction personnel. +Apply paint to surfaces. +Apply sealants or other protective coatings. +Clean surfaces in preparation for work activities. +Remove worn, damaged or outdated materials from work areas. +Position construction forms or molds. +Smooth surfaces with abrasive materials or tools. +Install masonry materials. +Protect structures or surfaces near work areas to avoid damage. +Mix substances or compounds needed for work activities. +Break up rock, asphalt, or concrete. +Pour materials into or on designated areas. +Spread concrete or other aggregate mixtures.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 81% responded “Every day.” +Spend Time Standing— 68% responded “Continually or almost continually.” +Contact With Others— 58% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures +Exposed to Hazardous Equipment— 19% responded “Once a week or more but not every day.” +Telephone Conversations— 53% responded “Once a week or more but not every day.” +Exposed to Contaminants— 16% responded “Once a year or more but not every month.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 16% responded “About half the time.” +Work With or Contribute to a Work Group or Team— 46% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Every day.” +Time Pressure— 83% responded “Once a week or more but not every day.” +Frequency of Decision Making— 41% responded “Every day.” +Consequence of Error— 38% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Importance of Being Exact or Accurate— 42% responded “Very important.” +Health and Safety of Other Workers— 27% responded “High responsibility.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 29% responded “Every day.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Freedom to Make Decisions— 50% responded “Some freedom.” +Work Schedules— 53% responded “Irregular (changes with weather conditions, production demands, or contract duration).” +Exposed to Cramped Work Space, Awkward Positions— 60% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 38% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 40% responded “Once a month or more but not every week.” +Determine Tasks, Priorities and Goals— 35% responded “Some freedom.” +Pace Determined by Speed of Equipment— 26% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 16% responded “Not important at all.” +Work Outcomes and Results of Other Workers— 26% responded “Moderate responsibility.” +Duration of Typical Work Week— 66% responded “40 hours.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 35% responded “Once a week or more but not every day.” +In an Open Vehicle or Operating Equipment— 26% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Brickmasons and Blockmasons +Carpenters +Cement Masons and Concrete Finishers +Excavating and Loading Machine and Dragline Operators, Surface Mining +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Maintenance Workers, Machinery +Bright Outlook +Paving, Surfacing, and Tamping Equipment Operators +Pipelayers +Structural Iron and Steel Workers +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +American Subcontractors Association +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +International Brotherhood of Electrical Workers +external site +Laborers' International Union of North America +external site +LIUNA Training and Education Fund +external site +National Center for Construction Education and Research +external site",45,6,23,27,30,32,54,34,16,11,9,13,12,13,11,11,14,51,18,21,13,11,11,11,12,27,75,15,10,31,12,10,11 +43-9071.00,"Office Machine Operators, Except Computer",https://www.onetonline.org/link/summary/43-9071.00,2025-06-11T19:17:13.625341,"Read job orders to determine the type of work to be done, the quantities to be produced, and the materials needed. +Deliver completed work. +Place original copies in feed trays, feed originals into feed rolls, or position originals on tables beneath camera lenses. +Sort, assemble, and proof completed work. +Operate office machines such as high speed business photocopiers, readers, scanners, addressing machines, stencil-cutting machines, microfilm readers or printers, folding and inserting machines, bursters, and binder machines. +Complete records of production, including work volumes and outputs, materials used, and any backlogs. +Compute prices for services and receive payment, or provide supervisors with billing information. +Set up and adjust machines, regulating factors such as speed, ink flow, focus, and number of copies. +Load machines with materials such as blank paper or film. +Monitor machine operation, and make adjustments as necessary to ensure proper operation. +Clean machines, perform minor repairs, and report major repair needs. +File and store completed documents. +Operate auxiliary machines such as collators, pad and tablet making machines, staplers, and paper punching, folding, cutting, and perforating machines. +Maintain stock of supplies, and requisition any needed items. +Prepare and process papers for use in scanning, microfilming, and microfiche. +Clean and file master copies or plates. +Cut copies apart and write identifying information, such as page numbers or titles, on copies. +Move heat units and clamping frames over screen beds to form Braille impressions on pages, raising frames to release individual copies.","Data base user interface and query software— Microsoft Access +Desktop communications software— Eko +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Multi-line optical character reader OCR software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Read work orders to determine material or setup requirements. +Operate office equipment. +Deliver items. +Compile data or documentation. +Sort materials or products. +Calculate costs of goods or services. +Collect deposits, payments or fees. +Provide information to coworkers. +Record production information. +Adjust office equipment to ensure proper operation. +Monitor equipment operation to ensure proper functioning. +Clean facilities or equipment. +Maintain office equipment in proper operating condition. +Report maintenance or equipment problems to appropriate personnel. +Store records or related materials. +Order materials, supplies, or equipment. +Attach identification information to products, items or containers.","E-Mail— 63% responded “Every day.” +Time Pressure— 65% responded “Every day.” +Telephone Conversations— 61% responded “Every day.” +Contact With Others— 51% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 36% responded “Every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Importance of Being Exact or Accurate— 25% responded “Extremely important.” +Deal With External Customers or the Public in General— 36% responded “Extremely important.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 29% responded “Limited freedom.” +Physical Proximity— 57% responded “Slightly close (e.g., shared office).” +Spend Time Standing— 38% responded “About half the time.” +Importance of Repeating Same Tasks— 18% responded “Extremely important.” +Pace Determined by Speed of Equipment— 45% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Never.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 31% responded “Less than half the time.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles.","Coin, Vending, and Amusement Machine Servicers and Repairers +Computer, Automated Teller, and Office Machine Repairers +Data Entry Keyers +Mail Clerks and Mail Machine Operators, Except Postal Service +Paper Goods Machine Setters, Operators, and Tenders +Photographic Process Workers and Processing Machine Operators +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Prepress Technicians and Workers +Print Binding and Finishing Workers +Printing Press Operators","View the list of Allies +Service Employees International Union +external site",69,,61,72,48,30,21,23,42,18,16,17,Not available,51,5,12,33,33,11,8,22,6,13,29,1,14,6,15,,30,6,15,3 +21-1094.00,Community Health Workers,https://www.onetonline.org/link/summary/21-1094.00,2025-06-11T18:59:05.843724,"Maintain updated client records with plans, notes, appropriate forms, or related information. +Advise clients or community groups on issues related to improving general health, such as diet or exercise. +Identify or contact members of high-risk or otherwise targeted groups, such as members of minority populations, low-income populations, or pregnant women. +Contact clients in person, by phone, or in writing to ensure they have completed required or recommended actions. +Distribute flyers, brochures, or other informational or educational documents to inform members of a targeted community. +Refer community members to needed health services. +Attend community meetings or health fairs to understand community issues or build relationships with community members. +Perform basic diagnostic procedures, such as blood pressure screening, breast cancer screening, or communicable disease screening. +Advise clients or community groups on issues related to diagnostic screenings, such as breast cancer screening, pap smears, glaucoma tests, or diabetes screenings. +Advise clients or community groups on issues related to risk or prevention of conditions, such as lead poisoning, human immunodeficiency virus (HIV), prenatal substance abuse, or domestic violence. +Administer immunizations or other basic preventive treatments. +Identify the particular health care needs of individuals in a community or target area. +Advise clients or community groups on issues related to self-care, such as diabetes management. +Conduct home visits for pregnant women, newborn infants, or other high-risk individuals to monitor their progress or assess their needs. +Transport or accompany clients to scheduled health appointments or referral sites. +Advocate for individual or community health needs with government agencies or health service providers. +Report incidences of child or elder abuse, neglect, or threats of harm to authorities, as required. +Teach classes or otherwise disseminate medical or dental health information to school groups, community groups, or targeted families or individuals, in a manner consistent with cultural norms. +Advise clients or community groups on issues related to sanitation or hygiene, such as flossing or hand washing. +Collect information from individuals to compile vital statistics about the general health of community members. +Assist families to apply for social services, including Medicaid or Women, Infants, and Children (WIC). +Advise clients or community groups on issues related to social or intellectual development, such as education, childcare, or problem solving. +Provide basic health services, such as first aid. +Interpret, translate, or provide cultural mediation related to health services or information for community members. +Monitor nutrition of children, elderly, or other high-risk groups. +Advise clients or community groups to ensure parental understanding of the importance of childhood immunizations and how to access immunization services. +Develop plans or formal contracts for individuals, families, or community groups to improve overall health. +Provide feedback to health service providers regarding improving service accessibility or acceptability.","Data base user interface and query software— Client databases; Microsoft Access +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— SmugMug Flickr +Internet browser software— Web browser software +Medical software— Electronic health record EHR software +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Apple macOS +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Provide basic health care services. +Maintain client records. +Advise clients or community groups on health issues. +Assess individual or community needs for educational or social services. +Visit individuals in their homes to provide support or information. +Transport clients to appointments. +Provide educational materials to community members. +Confer with clients to discuss treatment plans or progress. +Monitor clients to evaluate treatment progress. +Refer clients to community or social service programs. +Advocate for individual or community needs. +Recommend legal actions. +Collect information about community health needs. +Lead classes or community events. +Advise others on social or educational issues. +Help clients get needed services or resources. +Develop working relationships with others to facilitate program activities. +Interpret cultural or religious information for others. +Monitor nutrition related activities of individuals or groups. +Plan programs to address community health issues.","E-Mail— 77% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Contact With Others— 65% responded “Constant contact with others.” +Telephone Conversations +Work With or Contribute to a Work Group or Team— 34% responded “Very important.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Physical Proximity— 11% responded “I work with others but not closely (e.g., private office).” +Freedom to Make Decisions— 40% responded “Limited freedom.” +Importance of Being Exact or Accurate— 42% responded “Very important.” +Deal With External Customers or the Public in General— 35% responded “Extremely important.” +Frequency of Decision Making— 24% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Public Speaking +Time Pressure— 56% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 43% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Spend Time Standing— 17% responded “Less than half the time.” +Exposed to Disease or Infections— 30% responded “Once a year or more but not every month.” +Dealing With Unpleasant, Angry, or Discourteous People— 28% responded “Once a week or more but not every day.” +Conflict Situations— 32% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 48% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles.","Child, Family, and School Social Workers +Fitness and Wellness Coordinators +Bright Outlook +Health Education Specialists +Healthcare Social Workers +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Patient Representatives +Rehabilitation Counselors +Social and Community Service Managers +Social and Human Service Assistants","View the list of Allies +American Association of Healthcare Administrative Management +external site +American Association of Public Health Physicians +external site +American College Health Association +external site +American Psychological Association +external site +American Public Health Association +external site +Association of State and Territorial Health Officials +external site +Association on Higher Education and Disability +external site +National Association of Community Health Workers +external site +National Council on Aging +external site +National Rural Health Association +external site +Society for Public Health Education +external site +Mid-Atlantic Association of Community Health Centers +external site +Northeast Association of Occupational Health Nurses +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +Wellness Council of America +external site",88,14,30,74,40,68,47,71,59,20,42,50,25,50,36,36,37,2,38,19,64,49,37,27,65,3,,1,42,15,13,7,5 +29-1124.00,Radiation Therapists,https://www.onetonline.org/link/summary/29-1124.00,2025-06-11T19:05:29.792236,"Position patients for treatment with accuracy, according to prescription. +Administer prescribed doses of radiation to specific body parts, using radiation therapy equipment according to established practices and standards. +Follow principles of radiation protection for patient, self, and others. +Review prescription, diagnosis, patient chart, and identification. +Conduct most treatment sessions independently, in accordance with the long-term treatment plan and under the general direction of the patient's physician. +Enter data into computer and set controls to operate or adjust equipment or regulate dosage. +Check radiation therapy equipment to ensure proper operation. +Observe and reassure patients during treatment and report unusual reactions to physician or turn equipment off if unexpected adverse reactions occur. +Educate, prepare, and reassure patients and their families by answering questions, providing physical assistance, and reinforcing physicians' advice regarding treatment reactions or post-treatment care. +Maintain records, reports, or files as required, including such information as radiation dosages, equipment settings, or patients' reactions. +Check for side effects, such as skin irritation, nausea, or hair loss to assess patients' reaction to treatment. +Prepare or construct equipment, such as immobilization, treatment, or protection devices. +Help physicians, radiation oncologists, or clinical physicists to prepare physical or technical aspects of radiation treatment plans, using information about patient condition and anatomy. +Calculate actual treatment dosages delivered during each session. +Photograph treated area of patient and process film. +Act as liaison with physicist and supportive care personnel. +Schedule patients for treatment times. +Provide assistance to other healthcare personnel during dosimetry procedures and tumor localization. +Train or supervise student or subordinate radiotherapy technologists. +Implement appropriate follow-up care plans. +Store, sterilize, or prepare the special applicators containing the radioactive substance implanted by the physician. +Assist in the preparation of sealed radioactive materials, such as cobalt, radium, cesium, or isotopes, for use in radiation treatments.","Development environment software— Eclipse IDE +Graphics or photo imaging software— Image processing software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Electronic medical record EMR software; Epic Systems; Radiation dose calculation software;10 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Administer cancer treatments. +Operate diagnostic or therapeutic medical instruments or equipment. +Position patients for treatment or examination. +Protect patients or staff members using safety equipment. +Verify accuracy of patient information. +Adjust settings or positions of medical equipment. +Enter patient or treatment data into computers. +Examine medical instruments or equipment to ensure proper operation. +Inform medical professionals regarding patient conditions and care. +Monitor patient conditions during treatments, procedures, or activities. +Explain medical procedures or test results to patients or family members. +Interact with patients to build rapport or provide emotional support. +Maintain medical facility records. +Examine patients to assess general physical condition. +Fabricate medical devices. +Calculate numerical data for medical activities. +Develop medical treatment plans. +Operate diagnostic imaging equipment. +Process x-rays or other medical images. +Assist healthcare practitioners during examinations or treatments. +Schedule patient procedures or appointments. +Supervise patient care personnel. +Train medical providers. +Prepare medications or medical solutions. +Sterilize medical equipment or instruments.","Contact With Others— 98% responded “Constant contact with others.” +Physical Proximity— 92% responded “Very close (near touching).” +Importance of Being Exact or Accurate— 90% responded “Extremely important.” +Exposed to Disease or Infections— 87% responded “Every day.” +E-Mail— 75% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +Importance of Repeating Same Tasks— 74% responded “Extremely important.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Consequence of Error— 83% responded “Extremely serious.” +Time Pressure— 71% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 73% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 72% responded “Very important results.” +Freedom to Make Decisions— 51% responded “Some freedom.” +Frequency of Decision Making— 73% responded “Every day.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +Spend Time Walking or Running— 41% responded “More than half the time.” +Level of Competition— 43% responded “Extremely competitive.” +Spend Time Standing— 37% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Pace Determined by Speed of Equipment— 50% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Conflict Situations— 42% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 36% responded “More than half the time.” +Written Letters and Memos— 34% responded “Every day.” +Exposed to Radiation— 55% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Every day.” +Duration of Typical Work Week— 70% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operation and Control— Controlling operations of equipment or systems. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Magnetic Resonance Imaging Technologists +Medical Dosimetrists +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Occupational Therapy Assistants +Radiologic Technologists and Technicians +Respiratory Therapists +Surgical Assistants","View the list of Allies +American Association for Women in Radiology +external site +American Association of Medical Dosimetrists +external site +American Association of Physicists in Medicine +external site +American Institute of Ultrasound in Medicine +external site +American Society for Radiation Oncology +external site +American Society of Radiologic Technologists +external site +Association of Educators in Imaging and Radiologic Sciences +external site +International Organization for Medical Physics +external site +International Radiation Protection Association +external site +International Society for Magnetic Resonance in Medicine +external site +International Society of Radiographers and Radiological Technologists +external site +Radiation Research Society +external site +Radiological Society of North America +external site +Society for Pediatric Radiology +external site +Society for Radiation Oncology Administrators +external site +Society of Diagnostic Medical Sonography +external site +Society of Interventional Radiology +external site +The American Roentgen Ray Society +external site +World Federation of Nuclear Medicine and Biology +external site +Central Chapter Society of Nuclear Medicine and Molecular Imaging +external site +Mid-Atlantic Chapter of the American Association of Physicists in Medicine +external site +Mid-Eastern Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Midwest Chapter of the American Association of Physicists in Medicine +external site +New England Chapter of the American Association of Physicists in Medicine +external site +Northwest Chapter of the American Association of Physicists in Medicine +external site +Pacific Northwest Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Society of Nuclear Medicine and Molecular Imaging - New England Chapter Technologist Section +external site +Southeast Chapter of the American Association of Physicists in Medicine +external site +Southeastern Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Southwest Regional Chapter of American Association of Physicists in Medicine +external site +Southwestern Chapter, Society of Nuclear Medicine and Molecular Imaging +external site +American College of Radiation Oncology +external site +American College of Radiology +external site +American Registry of Magnetic Resonance Imaging Technologists +external site +American Registry of Radiologic Technologists +external site +Joint Review Committee on Education in Radiologic Technology +external site",89,,13,76,66,46,40,63,52,15,10,33,32,63,21,28,25,37,29,20,59,59,34,28,74,33,6,69,59,15,6,2,3 +53-1042.01,Recycling Coordinators,https://www.onetonline.org/link/summary/53-1042.01,2025-06-11T19:28:50.282363,"Oversee recycling pick-up or drop-off programs to ensure compliance with community ordinances. +Maintain logs of recycling materials received or shipped to processing companies. +Supervise recycling technicians, community service workers, or other recycling operations employees or volunteers. +Review customer requests for service to determine service needs and deploy appropriate resources to provide service. +Provide training to recycling technicians or community service workers on topics such as safety, solid waste processing, or general recycling operations. +Identify or investigate new opportunities for materials to be collected and recycled. +Assign truck drivers or recycling technicians to routes. +Create or manage recycling operations budgets. +Prepare bills of lading, statements of shipping records, or customer receipts related to recycling or hazardous material services. +Inspect physical condition of recycling or hazardous waste facility for compliance with safety, quality, and service standards. +Negotiate contracts with waste management or other firms. +Coordinate shipments of recycling materials with shipping brokers or processing companies. +Operate recycling processing equipment, such as sorters, balers, crushers, and granulators to sort and process materials. +Operate fork lifts, skid loaders, or trucks to move or store recyclable materials. +Schedule movement of recycling materials into and out of storage areas. +Oversee campaigns to promote recycling or waste reduction programs in communities or private companies. +Coordinate recycling collection schedules to optimize service and efficiency. +Develop community or corporate recycling plans and goals to minimize waste and conform to resource constraints. +Prepare grant applications to fund recycling programs or program enhancements. +Investigate violations of solid waste or recycling ordinances. +Implement grant-funded projects, monitoring and reporting progress in accordance with sponsoring agency requirements. +Make presentations to educate the public on how to recycle or on the environmental advantages of recycling. +Design community solid and hazardous waste management programs.","Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Microsoft Access; Operational databases +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Direct material handling or moving activities. +Direct passenger or freight transport activities. +Record details of deliveries or shipments. +Plan work operations. +Inspect facilities to ensure compliance with safety, quality, or service standards. +Negotiate contracts for transportation, distribution, or logistics services. +Review customer information. +Operate packing or other material processing equipment. +Operate vehicles or material-moving equipment. +Plan implementation or promotion of recycling programs. +Schedule operational activities. +Train transportation or material moving personnel. +Develop program goals or plans. +Investigate crimes committed within organizations. +Explain regulations, policies, or procedures.","Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +E-Mail— 89% responded “Every day.” +Determine Tasks, Priorities and Goals— 74% responded “A lot of freedom.” +Contact With Others— 69% responded “Constant contact with others.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Frequency of Decision Making— 49% responded “Every day.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Outdoors, Exposed to All Weather Conditions— 45% responded “Every day.” +Exposed to Contaminants— 63% responded “Every day.” +Work Outcomes and Results of Other Workers— 41% responded “Very high responsibility.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 58% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Indoors, Not Environmentally Controlled— 52% responded “Every day.” +Time Pressure— 43% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 42% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Once a week or more but not every day.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 37% responded “Every day.” +Indoors, Environmentally Controlled— 54% responded “Every day.” +Spend Time Sitting— 54% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 32% responded “Important.” +Conflict Situations— 47% responded “Once a month or more but not every week.” +Physical Proximity— 72% responded “Slightly close (e.g., shared office).” +Consequence of Error— 36% responded “Very serious.” +Outdoors, Under Cover— 32% responded “Once a year or more but not every month.”","Speaking— Talking to others to convey information effectively. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Production and Operating Workers +Production, Planning, and Expediting Clerks +Recycling and Reclamation Workers +Refuse and Recyclable Material Collectors","View the list of Allies +National Waste and Recycling Association +external site",79,6,65,63,64,74,61,67,69,45,39,58,15,58,21,47,30,40,4,54,33,11,21,26,8,33,29,11,13,15,19,3,8 +47-3014.00,"Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons",https://www.onetonline.org/link/summary/47-3014.00,2025-06-11T19:19:46.834657,"Clean work areas and equipment. +Perform support duties to assist painters, paperhangers, plasterers, or masons. +Apply protective coverings, such as masking tape, to articles or areas that could be damaged or stained by work processes. +Erect scaffolding. +Fill cracks or breaks in surfaces of plaster articles or areas with putty or epoxy compounds. +Supply or hold tools and materials. +Smooth surfaces of articles to be painted, using sanding and buffing tools and equipment. +Mix plaster, and carry plaster to plasterers. +Place articles to be stripped into stripping tanks. +Remove articles such as cabinets, metal furniture, and paint containers from stripping tanks after prescribed periods of time. +Pour specified amounts of chemical solutions into stripping tanks.","Accounting software— A-Systems JobView +Office suite software— Apple iWork; Microsoft Office software +Project management software— Construction Software Center EasyEst; Evergreen Technology Eagle Bid Estimating; Sage Construction Anywhere; Turtle Creek Software Goldenseal;2 more +Spreadsheet software— Microsoft Excel +Word processing software","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Clean equipment or facilities. +Assist skilled construction or extraction personnel. +Protect structures or surfaces near work areas to avoid damage. +Smooth surfaces with abrasive materials or tools. +Assemble temporary equipment or structures. +Mix substances or compounds needed for work activities. +Move construction or extraction materials to locations where they are needed. +Apply material to fill gaps in surfaces. +Clean surfaces in preparation for work activities. +Move products, materials, or equipment between work areas. +Pour materials into or on designated areas.","Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 74% responded “Extremely important.” +Spend Time Standing— 68% responded “Continually or almost continually.” +Contact With Others— 73% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 62% responded “Every day.” +Spend Time Making Repetitive Motions— 45% responded “More than half the time.” +Outdoors, Exposed to All Weather Conditions— 60% responded “Every day.” +Frequency of Decision Making— 48% responded “Every day.” +Spend Time Bending or Twisting Your Body— 41% responded “More than half the time.” +Time Pressure— 34% responded “Every day.” +Health and Safety of Other Workers— 37% responded “High responsibility.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 30% responded “Continually or almost continually.” +Telephone Conversations— 36% responded “Once a week or more but not every day.” +Exposed to High Places— 30% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 41% responded “Moderate responsibility.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Importance of Being Exact or Accurate— 30% responded “Important.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 40% responded “Less than half the time.” +Duration of Typical Work Week— 92% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 31% responded “Important.”","Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Carpenters +Helpers--Electricians +Helpers--Extraction Workers +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Helpers--Production Workers +Helpers--Roofers +Painters, Construction and Maintenance +Plasterers and Stucco Masons","View the list of Allies +American Subcontractors Association +external site +Associated Builders and Contractors +external site +Association of the Wall and Ceiling Industry +external site +Construction Specifications Institute +external site +National Association of Home Builders +external site +National Association of the Remodeling Industry +external site +Northwest Wall and Ceiling Bureau +external site +Western Wall & Ceiling Contractors Association +external site +International Union of Painters and Allied Trades +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site",30,4,18,53,30,32,30,26,19,14,17,22,16,5,19,8,2,22,3,25,10,2,3,4,3,21,53,11,2,29,5,1,1 +47-2161.00,Plasterers and Stucco Masons,https://www.onetonline.org/link/summary/47-2161.00,2025-06-11T19:19:19.465046,"Cover surfaces such as windows, doors, or sidewalks to protect from splashing. +Clean job sites. +Mix mortar and plaster to desired consistency or direct workers who perform mixing. +Apply coats of plaster or stucco to walls, ceilings, or partitions of buildings, using trowels, brushes, or spray guns. +Set up scaffolds. +Determine materials needed to complete the job and place orders accordingly. +Apply weatherproof, decorative coverings to exterior surfaces of buildings, such as by troweling or spraying on coats of stucco. +Clean and prepare surfaces for applications of plaster, cement, stucco, or similar materials, such as by drywall taping. +Create decorative textures in finish coat, using brushes or trowels, sand, pebbles, or stones. +Apply insulation to building exteriors by installing prefabricated insulation systems over existing walls or by covering the outer wall with insulation board, reinforcing mesh, and a base coat. +Rough the undercoat surface with a scratcher so the finish coat will adhere. +Cure freshly plastered surfaces. +Install guide wires on exterior surfaces of buildings to indicate thickness of plaster or stucco and nail wire mesh, lath, or similar materials to the outside surface to hold stucco in place. +Spray acoustic materials or texture finish over walls or ceilings. +Mold or install ornamental plaster pieces, panels, or trim.","Accounting software— A-Systems JobView; Turtle Creek Software Goldenseal +Computer aided design CAD software— Autodesk 3ds Max Design +Computer aided manufacturing CAM software— Dassault Systemes CATIA +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Oracle Database +Development environment software— Embedded systems development software +Enterprise resource planning ERP software— IBM Maximo Asset Management +Graphics or photo imaging software— Autodesk Maya; Corel Paint Shop Pro; Corel Painter +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft operating system +Project management software— Construction Software Center EasyEst; Cost estimating software; Sage Construction Anywhere +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Protect structures or surfaces near work areas to avoid damage. +Clean equipment or facilities. +Mix substances or compounds needed for work activities. +Apply decorative or textured finishes or coverings. +Assemble temporary equipment or structures. +Estimate materials requirements for projects. +Order construction or extraction materials or equipment. +Mark reference points on construction materials. +Prepare surfaces for finishing. +Clean surfaces in preparation for work activities. +Install insulation in equipment or structures. +Fabricate parts or components. +Install trim or paneling.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 92% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Spend Time Standing— 62% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 72% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Very important.” +Importance of Being Exact or Accurate— 78% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 47% responded “Every day.” +Contact With Others— 33% responded “Contact with others most of the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 47% responded “Every day.” +Frequency of Decision Making— 16% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 34% responded “About half the time.” +Exposed to Hazardous Equipment— 43% responded “Every day.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 48% responded “Every day.” +Spend Time Bending or Twisting Your Body— 48% responded “About half the time.” +Exposed to High Places— 55% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Important results.” +Physical Proximity— 71% responded “Moderately close (at arm's length).” +Telephone Conversations— 27% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Freedom to Make Decisions— 25% responded “Some freedom.” +Time Pressure— 33% responded “Once a week or more but not every day.” +Level of Competition— 42% responded “Moderately competitive.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 39% responded “About half the time.” +Pace Determined by Speed of Equipment— 59% responded “Very important.” +Spend Time Walking or Running— 64% responded “About half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 43% responded “Every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 32% responded “Less than half the time.” +Determine Tasks, Priorities and Goals— 46% responded “Very little freedom.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Brickmasons and Blockmasons +Cement Masons and Concrete Finishers +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Insulation Workers, Floor, Ceiling, and Wall +Painters, Construction and Maintenance +Roofers +Tile and Stone Setters","View the list of Allies +Association of the Wall and Ceiling Industry +external site +EIFS Industry Members Association +external site +Operative Plasterers' and Cement Masons' International Association +external site +International Union of Bricklayers and Allied Craftworkers +external site",51,11,38,52,48,56,49,36,19,25,33,32,17,11,13,21,8,46,11,33,22,14,17,10,19,22,77,15,12,56,15,8,5 +13-1041.00,Compliance Officers,https://www.onetonline.org/link/summary/13-1041.00,2025-06-11T18:49:24.800606,"Warn violators of infractions or penalties. +Evaluate applications, records, or documents to gather information about eligibility or liability issues. +Advise licensees or other individuals or groups concerning licensing, permit, or passport regulations. +Prepare reports of activities, evaluations, recommendations, or decisions. +Report law or regulation violations to appropriate boards or agencies. +Confer with or interview officials, technical or professional specialists, or applicants to obtain information or to clarify facts relevant to licensing decisions. +Issue licenses to individuals meeting standards. +Collect fees for licenses. +Administer oral, written, road, or flight tests to license applicants. +Visit establishments to verify that valid licenses or permits are displayed and that licensing standards are being upheld. +Score tests and observe equipment operation and control to rate ability of applicants. +Prepare correspondence to inform concerned parties of licensing decisions or appeals processes. +Identify compliance issues that require follow-up or investigation. +Keep informed regarding pending industry changes, trends, or best practices. +Provide assistance to internal or external auditors in compliance reviews. +Verify that all firm and regulatory policies and procedures have been documented, implemented, and communicated.","Computer based training software— Driving simulators +Data base user interface and query software— Commercial driver's license information system CDLIS; Database software; Microsoft Access; Traffic record databases;3 more +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Digital imaging system software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Document scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Review license or permit applications. +Collect payments for goods or services. +Inform individuals or organizations of status or findings. +Administer personnel recruitment or hiring activities. +Examine financial records. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Advise others on legal or regulatory compliance matters. +Prepare research reports. +Communicate with government agencies. +Conduct eligibility or selection interviews. +Communicate organizational policies and procedures. +Evaluate information related to legal matters in public or personal records. +Implement organizational process or policy changes. +Maintain knowledge of current developments in area of expertise. +Stay informed about current developments in field of specialization. +Update knowledge about emerging industry or technology trends. +Verify accuracy of records.","Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Telephone Conversations— How often do you have telephone conversations in this job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Dealing With Unpleasant, Angry, or Discourteous People— How frequently does the worker have to deal with unpleasant, angry, or discourteous individuals as part of the job requirements? +E-Mail— How frequently does your job require you to use E-mail? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Spend Time Sitting— How much does this job require sitting? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Written Letters and Memos— How frequently does your job require written letters and memos? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Conflict Situations— How frequently are there conflict situations the employee has to face in this job? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Exposed to Extremely Bright or Inadequate Lighting Conditions— How often does this job require working in extremely bright or inadequate lighting conditions? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Exposed to Disease or Infections— How often does this job require exposure to disease/infections?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Claims Adjusters, Examiners, and Investigators +Compliance Managers +Bright Outlook +Customs Brokers +Eligibility Interviewers, Government Programs +Environmental Compliance Inspectors +Equal Opportunity Representatives and Officers +Government Property Inspectors and Investigators +Legal Secretaries and Administrative Assistants +Paralegals and Legal Assistants +Regulatory Affairs Specialists","View the list of Allies +AICPA and CIMA +external site +American Association of Healthcare Administrative Management +external site +American Bankers Association +external site +American Bar Association +external site +American National Standards Institute +external site +American Society for Public Administration +external site +American Society for Quality +external site +Environmental Law Institute +external site +Fraternal Order of Police +external site +Global Association of Risk Professionals +external site +GoWest Credit Union Association +external site +Institute of Internal Auditors +external site +International Association of Financial Crimes Investigators +external site +International Association of Law Enforcement Intelligence Analysts +external site +International Association of Privacy Professionals +external site +National Association for Business Economics +external site +National Association of Federally-Insured Credit Unions +external site +National Association of Insurance and Financial Advisors +external site +National Contract Management Association +external site +Professional Risk Managers' International Association +external site +Society for Human Resource Management +external site +Society of Quality Assurance +external site +The Risk Management Society +external site +Association of Certified E-Discovery Specialists +external site +Association of Certified Fraud Examiners +external site +Board of Certified Safety Professionals +external site +Environmental Assessment Association +external site +Financial Industry Regulatory Authority +external site +Health Care Compliance Association +external site +International Association of Risk and Compliance Professionals +external site +Society of Corporate Compliance and Ethics +external site +World Commerce and Contracting +external site",74,,16,75,38,54,59,50,53,18,3,14,13,56,26,78,33,16,24,29,40,30,28,41,25,8,9,11,13,4,15,4,10 +41-3031.00,"Securities, Commodities, and Financial Services Sales Agents",https://www.onetonline.org/link/summary/41-3031.00,2025-06-11T19:14:23.410100,"Make bids or offers to buy or sell securities. +Monitor markets or positions. +Agree on buying or selling prices at optimal levels for clients. +Keep accurate records of transactions. +Buy or sell stocks, bonds, commodity futures, foreign currencies, or other securities on behalf of investment dealers. +Complete sales order tickets and submit for processing of client-requested transactions. +Report all positions or trading results. +Interview clients to determine clients' assets, liabilities, cash flow, insurance coverage, tax status, or financial objectives. +Discuss financial options with clients and keep them informed about transactions. +Identify opportunities or develop channels for purchase or sale of securities or commodities. +Develop financial plans, based on analysis of clients' financial status. +Review all securities transactions to ensure accuracy of information and conformance to governing agency regulations. +Devise trading, option, or hedge strategies. +Determine customers' financial services needs and prepare proposals to sell services that address these needs. +Track and analyze factors that affect price movement, such as trade policies, weather conditions, political developments, or supply and demand changes. +Inform other traders, managers, or customers of market conditions, including volume, price, competition, or dynamics. +Offer advice on the purchase or sale of particular securities. +Contact prospective customers to present information and explain available services. +Explain stock market terms or trading practices to clients. +Calculate costs for billings or commissions. +Prepare financial reports to monitor client or corporate finances. +Supply the latest price quotes on any security, as well as information on the activities or financial positions of the corporations issuing these securities. +Supervise support staff and ensure proper execution of contracts. +Relay buy or sell orders to securities exchanges or to firm trading departments. +Evaluate costs and revenue of agreements to determine continued profitability. +Sell services or equipment, such as trusts, investments, or check processing services. +Negotiate prices or contracts for securities or commodities sales or purchases. +Prepare and send requests for price quotations to all companies in a particular market. +Price securities or commodities based on market conditions. +Purchase or sell financial derivatives for customers.","Accounting software— Fund accounting software; Sage 50 Accounting +Analytical or scientific software— The MathWorks MATLAB +Business intelligence and data analysis software— IBM Cognos Impromptu +Calendar and scheduling software— Scheduling software +Compliance software— Regulatory agency compliance software +Customer relationship management CRM software— CSI Complex Systems ClientTrade; Microsoft Dynamics; Oracle Siebel CRM; Salesforce software +Data base user interface and query software— Database management software; FileMaker Pro; Microsoft Access; Web-based information systems;1 more +Desktop communications software— ADP/Vantra VOLTS; Imagine Software Imagine Trading System +Development environment software— Microsoft Visual Basic +Document management software— Microsoft SharePoint +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics GP; Oracle PeopleSoft; Oracle PeopleSoft Financials; SAP software;1 more +Financial analysis software— Bloomberg Professional; Oracle E-Business Suite Financials; Triple Point Commodity XL; Web-based trading systems;23 more +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Object or component oriented development software— C++; Oracle Java; Python; R +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Project management software +Spreadsheet software— Microsoft Excel +Transaction server software— Customer information control system CICS +Web page creation and editing software— LinkedIn +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Negotiate prices or other sales terms. +Monitor market conditions or trends. +Maintain records of sales or other business transactions. +Sell products or services. +Prepare financial documents, reports, or budgets. +Prepare sales or other contracts. +Process sales or other transactions. +Gather customer or product information to determine customer needs. +Explain financial information to customers. +Identify investment opportunities or strategies. +Develop professional relationships or networks. +Customize financial products or services to meet customer needs. +Review accuracy of sales or other transactions. +Monitor sales activities. +Supervise sales or support personnel. +Analyze market conditions or trends. +Develop proposals for current or prospective customers. +Share sales-related or market information with colleagues. +Coordinate activities with suppliers, contractors, clients, or other departments. +Contact current or potential customers to promote products or services. +Explain technical product or service information to customers. +Calculate costs of goods or services. +Estimate costs or terms of sales. +Analyze business or financial data. +Gather information in order to provide services to clients. +Negotiate purchases or contracts. +Purchase products or services.","E-Mail— 97% responded “Every day.” +Telephone Conversations— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Contact With Others— 78% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Frequency of Decision Making— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Spend Time Sitting— 46% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Level of Competition— 50% responded “Highly competitive.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 44% responded “More than 40 hours.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Consequence of Error— 27% responded “Very serious.” +Importance of Repeating Same Tasks— 23% responded “Important.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Very important.” +Physical Proximity— 40% responded “I work with others but not closely (e.g., private office).” +Work Outcomes and Results of Other Workers— 22% responded “No responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brokerage Clerks +Credit Analysts +Financial and Investment Analysts +Bright Outlook +Financial Risk Specialists +Investment Fund Managers +Loan Officers +New Accounts Clerks +Personal Financial Advisors +Real Estate Brokers +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +AICPA and CIMA +external site +National Association of Insurance and Financial Advisors +external site +NFA +external site +North American Securities Administrators Association +external site +Security Traders Association +external site +U.S. Chamber of Commerce +external site +Association for Financial Professionals +external site +Certified Financial Planner Board of Standards +external site +CFA Institute +external site +Financial Industry Regulatory Authority +external site",83,10,26,71,68,61,22,41,50,73,68,41,5,63,14,53,42,9,17,26,40,14,21,34,5,19,12,4,8,9,19,5,18 +51-4193.00,"Plating Machine Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4193.00,2025-06-11T19:25:32.711633,"Immerse workpieces in coating solutions or liquid metal or plastic for specified times. +Adjust dials to regulate flow of current and voltage supplied to terminals to control plating processes. +Inspect coated or plated areas for defects, such as air bubbles or uneven coverage. +Set up, operate, or tend plating or coating machines to coat metal or plastic products with chromium, zinc, copper, cadmium, nickel, or other metal to protect or decorate surfaces. +Observe gauges to ensure that machines are operating properly, making adjustments or stopping machines when problems occur. +Remove objects from solutions at periodic intervals and observe objects to verify conformance to specifications. +Maintain production records. +Remove excess materials or impurities from objects, using air hoses or grinding machines. +Examine completed objects to determine thicknesses of metal deposits, or measure thicknesses by using instruments such as micrometers. +Rinse coated objects in cleansing liquids and dry them with cloths, centrifugal driers, or by tumbling in sawdust-filled barrels. +Determine sizes and compositions of objects to be plated, and amounts of electrical current and time required. +Test machinery to ensure that it is operating properly. +Measure or weigh materials, using rulers, calculators, and scales. +Measure, mark, and mask areas to be excluded from plating. +Immerse objects to be coated or plated into cleaning solutions, or spray objects with conductive solutions to prepare them for plating. +Read production schedules to determine setups of equipment and machines. +Suspend objects, such as parts or molds from cathode rods, or negative terminals, and immerse objects in plating solutions. +Suspend sticks or pieces of plating metal from anodes, or positive terminals, and immerse metal in plating solutions. +Adjust controls to set temperatures of coating substances and speeds of machines and equipment. +Monitor and measure thicknesses of electroplating on component parts to verify conformance to specifications, using micrometers. +Operate hoists to place workpieces onto machine feed carriages or spindles. +Position and feed materials into processing machines, by hand or by using automated equipment. +Position objects to be plated in frames, or suspend them from positive or negative terminals of power supplies. +Operate sandblasting equipment to roughen and clean surfaces of workpieces. +Clean and maintain equipment, using water hoses and scrapers. +Clean workpieces, using wire brushes. +Mix and test solutions, and turn valves to fill tanks with solutions. +Replace worn parts and adjust equipment components, using hand tools. +Place plated or coated materials on racks and transfer them to ovens to dry for specified periods of time. +Measure and set stops, rolls, brushes, and guides on automatic feeders and conveying equipment or coating machines, using micrometers, rules, and hand tools. +Position containers to receive parts, and load or unload materials in containers, using dollies or handtrucks. +Perform equipment maintenance, such as cleaning tanks and lubricating moving parts of conveyors. +Preheat workpieces in ovens.","Compliance software— Hazardous materials management HMS software +Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Procurement software— Oracle Advanced Procurement +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Immerse objects or workpieces in cleaning or coating solutions. +Adjust flow of electricity to tools or production equipment. +Operate painting or coating equipment. +Inspect finishes of workpieces or finished products. +Monitor equipment operation to ensure proper functioning. +Record operational or production data. +Remove products or workpieces from production equipment. +Operate grinding equipment. +Trim excess material from workpieces. +Conduct test runs of production equipment. +Determine metal or plastic production methods. +Measure ingredients or substances to be used in production processes. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Measure materials to mark reference points, cutting lines, or other indicators. +Apply protective or decorative finishes to workpieces or products. +Study blueprints or other instructions to determine equipment setup requirements. +Clean workpieces or finished products. +Feed materials or products into or through equipment. +Mount materials or workpieces onto production equipment. +Operate cranes, hoists, or other moving or lifting equipment. +Clean production equipment. +Maintain production or processing equipment. +Adjust equipment controls to regulate flow of production materials or products. +Load items into ovens or furnaces. +Mix substances to create chemical solutions. +Replace worn equipment components. +Set equipment guides, stops, spacers, or other fixtures. +Load materials into production equipment. +Position containers to receive materials or workpieces. +Lubricate production equipment. +Heat material or workpieces to prepare for or complete production.","Time Pressure— 94% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 93% responded “Every day.” +Exposed to Contaminants— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 73% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Spend Time Standing— 53% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Exposed to Hazardous Conditions— 73% responded “Every day.” +Indoors, Not Environmentally Controlled— 78% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 44% responded “Very high responsibility.” +Contact With Others— 44% responded “Constant contact with others.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Exposed to Very Hot or Cold Temperatures— 64% responded “Every day.” +Duration of Typical Work Week— 66% responded “40 hours.” +Health and Safety of Other Workers— 43% responded “Moderate responsibility.” +Spend Time Walking or Running— 30% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Spend Time Making Repetitive Motions— 35% responded “More than half the time.” +Pace Determined by Speed of Equipment— 48% responded “Very important.” +Consequence of Error— 36% responded “Very serious.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 44% responded “Every day.” +Frequency of Decision Making— 50% responded “Every day.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Exposed to Hazardous Equipment— 52% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a year or more but not every month.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 49% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Adhesive Bonding Machine Operators and Tenders +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Textile Bleaching and Dyeing Machine Operators and Tenders +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Association for Surface Finishing +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site",53,15,79,60,63,45,51,56,35,34,44,42,61,33,10,53,25,58,5,51,26,20,19,27,21,57,31,50,18,52,21,4,23 +25-9042.00,"Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education",https://www.onetonline.org/link/summary/25-9042.00,2025-06-11T19:02:17.795974,"Supervise students in classrooms, halls, cafeterias, school yards, and gymnasiums, or on field trips. +Tutor and assist children individually or in small groups to help them master assignments and to reinforce learning concepts presented by teachers. +Enforce administration policies and rules governing students. +Teach social skills to students. +Instruct and monitor students in the use and care of equipment and materials to prevent injuries and damage. +Discuss assigned duties with classroom teachers to coordinate instructional efforts. +Present subject matter to students under the direction and guidance of teachers, using lectures, discussions, supervised role-playing methods, or by reading aloud. +Clean classrooms. +Observe students' performance, and record relevant data to assess progress. +Organize and label materials and display students' work in a manner appropriate for their eye levels and perceptual skills. +Organize and supervise games and other recreational activities to promote physical, mental, and social development. +Attend staff meetings and serve on committees, as required. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Prepare lesson materials, bulletin board displays, exhibits, equipment, and demonstrations. +Conduct demonstrations to teach skills, such as sports, dancing, and handicrafts. +Distribute teaching materials, such as textbooks, workbooks, papers, and pencils, to students. +Type, file, and duplicate materials. +Laminate teaching materials to increase their durability under repeated use. +Requisition and stock teaching materials and supplies. +Take class attendance and maintain attendance records. +Participate in teacher-parent conferences regarding students' progress or problems. +Assist in bus loading and unloading. +Maintain computers in classrooms and laboratories, and assist students with hardware and software use. +Grade homework and tests, and compute and record results, using answer sheets or electronic marking devices. +Plan, prepare, and develop various teaching aids, such as bibliographies, charts, and graphs. +Operate and maintain audio-visual equipment. +Distribute tests and homework assignments and collect them when they are completed. +Collect money from students for school-related projects.","Calendar and scheduling software— High School Scheduling and Transcript HSST +Computer based training software— Appletree; Padlet; Quizlet; Schoology;2 more +Data base user interface and query software— Automate the Schools ATS; Blackboard software; Student information systems SIS software +Desktop communications software— ClassDojo; ParentSquare; Tadpoles +Device drivers or system software— Screen magnification software; Screen reader software +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Multi-media educational software— Kahoot!; Seesaw +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spell checkers— Hand held spell checkers +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Flipgrid; Loom +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Supervise school or student activities. +Tutor students who need extra assistance. +Maintain student records. +Enforce rules or policies governing student behavior. +Monitor student performance. +Teach daily living skills or behaviors. +Teach life skills. +Teach others to use technology or equipment. +Collaborate with other teaching professionals to develop educational programs. +Lead classes or community events. +Discuss student progress with parents or guardians. +Clean facilities or work areas. +Maintain clean work areas. +Display student work. +Plan educational activities. +Serve on institutional or departmental committees. +Maintain computer equipment or software. +Develop instructional materials. +Create technology-based learning materials. +Evaluate student work. +Teach physical education. +Distribute instructional or library materials. +Operate audiovisual equipment. +Maintain inventories of materials, equipment, or products. +Set up classroom materials or equipment. +Collect deposits, payments or fees.","Contact With Others— 92% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Physical Proximity— 79% responded “Very close (near touching).” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Frequency of Decision Making— 69% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 45% responded “Every day.” +Health and Safety of Other Workers— 35% responded “Limited responsibility.” +Spend Time Standing— 29% responded “Continually or almost continually.” +E-Mail— 41% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Every day.” +Exposed to Disease or Infections— 61% responded “Once a week or more but not every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 42% responded “Continually or almost continually.” +Freedom to Make Decisions— 36% responded “Very little freedom.” +Spend Time Walking or Running— 42% responded “Less than half the time.” +Deal With External Customers or the Public in General— 34% responded “Extremely important.” +Conflict Situations— 31% responded “Every day.” +Importance of Being Exact or Accurate— 24% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,"Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Self-Enrichment Teachers +Special Education Teachers, Elementary School +Special Education Teachers, Secondary School +Substitute Teachers, Short-Term +Teaching Assistants, Postsecondary +Teaching Assistants, Special Education +Tutors","View the list of Allies +American Educational Research Association +external site +American Montessori Society +external site +Association for Early Learning Leaders +external site +Association for Middle Level Education +external site +Association of American Educators +external site +Association of Teacher Educators +external site +Childhood Education International +external site +National Association for Bilingual Education +external site +National Association for the Education of Young Children +external site +National Association of Early Childhood Teacher Educators +external site +National Resource Center for Paraeducators, Related Service Providers, and Interveners +external site +Teacher Education Division of the Council for Exceptional Children +external site +Mid-South Educational Research Association +external site +Mid-Western Educational Research Association +external site +Northeastern Educational Research Association +external site +Southeastern Association of Educational Opportunity Program Personnel +external site +Southern Early Childhood Association +external site +Southwest Educational Research Association +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",78,27,22,70,63,48,58,62,54,20,29,29,34,45,41,29,29,14,24,20,69,49,52,21,21,21,24,13,35,22,50,27,38 +25-1071.00,"Health Specialties Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1071.00,2025-06-11T19:00:24.452414,"Prepare course materials, such as syllabi, homework assignments, and handouts. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Evaluate and grade students' class work, assignments, and papers. +Supervise laboratory sessions. +Compile, administer, and grade examinations, or assign this work to others. +Maintain student attendance records, grades, and other required records. +Initiate, facilitate, and moderate classroom discussions. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Supervise undergraduate or graduate teaching, internship, and research work. +Participate in student recruitment, registration, and placement activities. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Collaborate with colleagues to address teaching and research issues. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Advise students on academic and vocational curricula and on career issues. +Maintain regularly scheduled office hours to advise and assist students. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Participate in campus and community events. +Prepare and deliver lectures to undergraduate or graduate students on topics such as public health, stress management, and work site health promotion. +Perform administrative duties, such as serving as department head. +Write grant proposals to procure external research funding. +Act as advisers to student organizations. +Compile bibliographies of specialized materials for outside reading assignments.","Analytical or scientific software— IBM SPSS Statistics; SAS +Calendar and scheduling software +Compliance software— Material safety data sheet MSDS software +Computer based training software— Adobe Presenter; Articulate Rapid E-Learning Studio; Blackboard Learn; Learning management system LMS;3 more +Data base user interface and query software— Blackboard software; EcoLogic ADAM Indoor Air Quality and Analytical Data Management; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— Geographic information system GIS software +Graphics or photo imaging software— TechSmith Snagit +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Medical software— Dental software; Healthcare common procedure coding system HCPCS; InteractElsevier Netter's 3D Interactive Anatomy; Medical procedure coding software;2 more +Multi-media educational software— Turning Technologies TurningPoint +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Develop instructional materials. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Evaluate student work. +Supervise laboratory work. +Administer tests to assess educational needs or progress. +Maintain student records. +Prepare tests. +Teach physical science or mathematics courses at the college level. +Guide class discussions. +Direct department activities. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Supervise student research or internship work. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Write grant proposals. +Advise students on academic or career matters. +Research topics in area of expertise. +Serve on institutional or departmental committees. +Write articles, books or other original materials in area of expertise. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +E-Mail— 90% responded “Every day.” +Freedom to Make Decisions— 86% responded “A lot of freedom.” +Contact With Others— 76% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Telephone Conversations— 49% responded “Every day.” +Public Speaking— 53% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 61% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 70% responded “Important results.” +Frequency of Decision Making— 40% responded “Every day.” +Spend Time Sitting— 38% responded “More than half the time.” +Importance of Being Exact or Accurate— 67% responded “Very important.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 46% responded “More than 40 hours.” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Written Letters and Memos— 48% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Physical Proximity— 51% responded “I work with others but not closely (e.g., private office).” +Conflict Situations— 39% responded “Once a month or more but not every week.” +Level of Competition— 43% responded “Moderately competitive.”","Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biological Science Teachers, Postsecondary +Bright Outlook +Career/Technical Education Teachers, Postsecondary +Clinical Nurse Specialists +Education Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Health Education Specialists +Nursing Instructors and Teachers, Postsecondary +Psychology Teachers, Postsecondary +Recreation and Fitness Studies Teachers, Postsecondary +Social Work Teachers, Postsecondary","View the list of Allies +Academy of Nutrition and Dietetics +external site +American Association for the Advancement of Science +external site +American Association of Colleges of Pharmacy +external site +American Dental Association +external site +American Dental Education Association +external site +American Dental Hygienists' Association +external site +American Nurses Association +external site +American Occupational Therapy Association +external site +American Physical Therapy Association +external site +American Public Health Association +external site +American Society of Health-System Pharmacists +external site +Council of Graduate Schools +external site +National Athletic Trainers' Association +external site +American College of Sports Medicine +external site +National League for Nursing +external site",60,10,30,90,55,67,60,92,68,34,37,59,52,67,15,52,55,26,38,15,69,57,47,27,81,28,13,28,83,15,18,17,22 +43-9111.00,Statistical Assistants,https://www.onetonline.org/link/summary/43-9111.00,2025-06-11T19:17:19.104932,"Compute and analyze data, using statistical formulas and computers or calculators. +Check source data to verify completeness and accuracy. +Enter data into computers for use in analyses or reports. +Compile reports, charts, or graphs that describe and interpret findings of analyses. +Participate in the publication of data or information. +File data and related information, and maintain and update databases. +Organize paperwork, such as survey forms or reports, for distribution or analysis. +Code data prior to computer entry, using lists of codes. +Compile statistics from source materials, such as production or sales records, quality-control or test records, time sheets, or survey sheets. +Interview people and keep track of their responses. +Check survey responses for errors, such as the use of pens instead of pencils, and set aside response forms that cannot be used. +Select statistical tests for analyzing data. +Discuss data presentation requirements with clients. +Send out surveys. +Present results of statistical analyses to stakeholders. +Write code for statistical applications.","Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;7 more +Business intelligence and data analysis software— Tableau +Computer aided design CAD software— Bentley MicroStation +Customer relationship management CRM software— Avidian Technologies Prophet +Data base management system software— Oracle PL/SQL +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Database software; Microsoft Access; QSR International NVivo; Structured query language SQL;1 more +Development environment software— A programming language APL; Microsoft Visual Basic; Microsoft Visual Studio; Software development tools +Document management software— Hyland OnBase Enterprise Content Management +Electronic mail software— Microsoft Outlook +Financial analysis software— GGY AXIS; PolySystems Asset Delphi; Towers Perrin MoSes +Graphics or photo imaging software— Harvard Graphics +Internet browser software— Web browser software +Object or component oriented development software— C#; C++; Oracle Java; R;1 more +Office suite software— Corel WordPerfect Office Suite; Google Workspace software; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Analyze operational or research data. +Check data for recording errors. +Compile data or documentation. +Enter information into databases or software programs. +Interview employees, customers, or others to collect information. +File documents or records. +Prepare research or technical reports. +Develop data analysis or data management procedures. +Code data or other information. +Confer with clients to determine needs. +Send information, materials or documentation.","E-Mail— 99% responded “Every day.” +Spend Time Sitting— 80% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Telephone Conversations— 62% responded “Every day.” +Work With or Contribute to a Work Group or Team— 38% responded “Very important.” +Contact With Others— 41% responded “Constant contact with others.” +Freedom to Make Decisions— 36% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Spend Time Making Repetitive Motions— 50% responded “More than half the time.” +Time Pressure— 51% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 49% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Frequency of Decision Making— 35% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 29% responded “Very important.” +Level of Competition— 36% responded “Moderately competitive.”","Mathematics— Using mathematics to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Programming— Writing computer programs for various purposes.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bioinformatics Technicians +Bright Outlook +Bookkeeping, Accounting, and Auditing Clerks +Business Intelligence Analysts +Clinical Data Managers +Data Scientists +Database Architects +Document Management Specialists +Health Information Technologists and Medical Registrars +Social Science Research Assistants +Statisticians","View the list of Allies +American Statistical Association +external site",60,21,31,76,75,48,37,54,50,44,27,38,8,71,13,47,35,11,12,23,22,11,26,20,7,34,18,8,11,20,19,1,14 +19-2032.00,Materials Scientists,https://www.onetonline.org/link/summary/19-2032.00,2025-06-11T18:56:41.399282,"Conduct research on the structures and properties of materials, such as metals, alloys, polymers, and ceramics, to obtain information that could be used to develop new products or enhance existing ones. +Test metals to determine conformance to specifications of mechanical strength, strength-weight ratio, ductility, magnetic and electrical properties, and resistance to abrasion, corrosion, heat, and cold. +Test material samples for tolerance under tension, compression, and shear to determine the cause of metal failures. +Determine ways to strengthen or combine materials or develop new materials with new or specific properties for use in a variety of products and applications. +Prepare reports, manuscripts, proposals, and technical manuals for use by other scientists and requestors, such as sponsors and customers. +Plan laboratory experiments to confirm feasibility of processes and techniques used in the production of materials with special characteristics. +Recommend materials for reliable performance in various environments. +Supervise and monitor production processes to ensure efficient use of equipment, timely changes to specifications, and project completion within time frame and budget. +Research methods of processing, forming, and firing materials to develop such products as ceramic dental fillings, unbreakable dinner plates, and telescope lenses. +Perform experiments and computer modeling to study the nature, structure, and physical and chemical properties of metals and their alloys, and their responses to applied forces. +Devise testing methods to evaluate the effects of various conditions on particular materials. +Test individual parts and products to ensure that manufacturer and governmental quality and safety standards are met. +Confer with customers to determine how to tailor materials to their needs. +Visit suppliers of materials or users of products to gather specific information. +Write research papers for publication in scientific journals. +Teach in colleges and universities. +Review and select materials for products to meet product design and cost requirements.","Analytical or scientific software— Bruker AXS LEPTOS; IBM SPSS Statistics; PANalytical X'Pert Epitaxy; VAMP/VASP;22 more +Data base user interface and query software— International Centre for Diffraction Data ICDD DDView +Development environment software— National Instruments LabVIEW +Electronic mail software— Email software +Internet browser software— Web browser software +Object or component oriented development software— Python; R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Conduct research to gain information about products or processes. +Test quality of materials or finished products. +Develop new or advanced products or production methods. +Prepare scientific or technical reports or presentations. +Design research studies to obtain scientific information. +Advise others on the development or use of new technologies. +Monitor operational procedures in technical environments to ensure conformance to standards. +Develop theories or models of physical phenomena. +Devise research or testing protocols. +Confer with clients to exchange information. +Collect information from people through observation, interviews, or surveys. +Instruct college students in physical or life sciences. +Write articles, books or other original materials in area of expertise.","E-Mail— 90% responded “Every day.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Every day.” +Telephone Conversations— 43% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 48% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Duration of Typical Work Week— 57% responded “40 hours.” +Contact With Others— 38% responded “Contact with others most of the time.” +Spend Time Sitting— 70% responded “More than half the time.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 67% responded “Some freedom.” +Health and Safety of Other Workers— 29% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Level of Competition— 38% responded “Moderately competitive.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Moderate results.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Consequence of Error— 29% responded “Fairly serious.” +Deal With External Customers or the Public in General— 24% responded “Extremely important.” +Exposed to Hazardous Conditions— 33% responded “Once a month or more but not every week.” +Physical Proximity— 76% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 33% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Chemical Engineers +Bright Outlook +Chemists +Electrical Engineers +Manufacturing Engineers +Materials Engineers +Mechanical Engineers +Mechatronics Engineers +Microsystems Engineers +Nanosystems Engineers +Photonics Technicians","View the list of Allies +American Association for the Advancement of Science +external site +American Ceramic Society +external site +American Chemical Society +external site +American Institute of Chemical Engineers +external site +American Physical Society +external site +ASM International +external site +AVS: Science and Technology of Materials, Interfacing, and Processing +external site +Institute of Electrical and Electronics Engineers +external site +Materials Research Society +external site +Minerals, Metals and Materials Society +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for the Advancement of Material and Process Engineering +external site +Society of Plastics Engineers +external site +The Electrochemical Society +external site +Material Science Technology Education +external site",33,15,68,60,84,45,24,50,32,26,30,26,91,69,17,26,25,61,5,22,16,7,6,26,19,94,28,85,31,66,11,5,13 +19-1031.03,Park Naturalists,https://www.onetonline.org/link/summary/19-1031.03,2025-06-11T18:56:21.941926,"Provide visitor services, such as explaining regulations, answering visitor requests, needs and complaints, and providing information about the park and surrounding areas. +Assist with operations of general facilities, such as visitor centers. +Confer with park staff to determine subjects and schedules for park programs. +Conduct field trips to point out scientific, historic, and natural features of parks, forests, historic sites, or other attractions. +Plan and organize public events at the park. +Prepare and present illustrated lectures and interpretive talks about park features. +Plan, organize and direct activities of seasonal staff members. +Perform emergency duties to protect human life, government property, and natural features of park. +Train staff on park programs. +Develop environmental educational programs and curricula for schools. +Construct historical, scientific, and nature visitor-center displays. +Research stories regarding the area's natural history or environment. +Prepare brochures and write newspaper articles. +Compile and maintain official park photographic and information files. +Take photographs and motion pictures for use in lectures and publications and to develop displays. +Plan and develop audio-visual devices for public programs. +Perform routine maintenance on park structures. +Provide care for park program animals. +Interview specialists in desired fields to obtain and develop data for park information programs. +Survey park to determine forest conditions and distribution and abundance of fauna and flora.","Desktop publishing software— Adobe PageMaker +Document management software— Adobe Acrobat +Electronic mail software— Email software; MicroFocus GroupWise; Microsoft Outlook +Internet browser software— Web browser software +Map creation software— Mapping software +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Provide technical information or assistance to public. +Plan special events. +Train personnel to enhance job skills. +Train staff members. +Develop educational programs. +Conduct historical research. +Care for animals. +Monitor animal behavior or condition. +Compile geographic or related data. +Document events or evidence, using photographic or audiovisual equipment. +Collect information from people through observation, interviews, or surveys. +Measure environmental characteristics.","E-Mail— 89% responded “Every day.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Telephone Conversations— 72% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Contact With Others— 57% responded “Contact with others most of the time.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Public Speaking— 38% responded “Once a month or more but not every week.” +Outdoors, Exposed to All Weather Conditions— 41% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 47% responded “Limited freedom.” +Indoors, Not Environmentally Controlled— 36% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Physical Proximity— 57% responded “Moderately close (at arm's length).” +Outdoors, Under Cover— 46% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 26% responded “High responsibility.” +Frequency of Decision Making— 39% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 35% responded “Once a year or more but not every month.” +Spend Time Sitting— 45% responded “About half the time.” +Spend Time Standing— 56% responded “About half the time.” +Duration of Typical Work Week— 69% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 41% responded “High responsibility.” +Written Letters and Memos— 39% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Conservation Scientists +Bright Outlook +Environmental Scientists and Specialists, Including Health +Fish and Game Wardens +Forest and Conservation Technicians +Foresters +Forestry and Conservation Science Teachers, Postsecondary +Historians +Range Managers +Recreation Workers +Tour Guides and Escorts","View the list of Allies +American Association for State and Local History +external site +Association of National Park Rangers +external site +Forest Stewards Guild +external site +National Association for Interpretation +external site +National Recreation and Park Association +external site +North American Association for Environmental Education +external site +Society for Range Management +external site +Society of American Foresters +external site +The Association for Living History, Farm and Agricultural Museums +external site",88,15,22,70,36,45,65,76,42,27,33,48,26,49,18,58,60,24,27,38,42,32,47,39,29,28,17,19,65,30,56,24,59 +11-2011.00,Advertising and Promotions Managers,https://www.onetonline.org/link/summary/11-2011.00,2025-06-11T18:46:41.360016,"Plan and prepare advertising and promotional material to increase sales of products or services, working with customers, company officials, sales departments, and advertising agencies. +Inspect layouts and advertising copy, and edit scripts, audio, video, and other promotional material for adherence to specifications. +Confer with department heads or staff to discuss topics such as contracts, selection of advertising media, or product to be advertised. +Coordinate with the media to disseminate advertising. +Coordinate activities of departments, such as sales, graphic arts, media, finance, and research. +Plan and execute advertising policies and strategies for organizations. +Direct, motivate, and monitor the mobilization of a campaign team to advance campaign goals. +Prepare budgets and submit estimates for program costs as part of campaign plan development. +Contact organizations to explain services and facilities offered. +Monitor and analyze sales promotion results to determine cost effectiveness of promotion campaigns. +Identify and develop contacts for promotional campaigns and industry programs that meet identified buyer targets, such as dealers, distributors, or consumers. +Track program budgets, expenses, and campaign response rates to evaluate each campaign, based on program objectives and industry norms. +Read trade journals and professional literature to stay informed on trends, innovations, and changes that affect media planning. +Manage sales team, including setting goals, providing incentives, and evaluating employee performance. +Prepare and negotiate advertising and sales contracts. +Formulate plans to extend business with established accounts and to transact business as agent for advertising accounts. +Train and direct workers engaged in developing and producing advertisements. +Assemble and communicate with a strong, diverse coalition of organizations or public figures, securing their cooperation, support, and action, to further campaign goals. +Provide presentation and product demonstration support during the introduction of new products and services to field staff and customers. +Represent company at trade association meetings to promote products. +Direct and coordinate product research and development. +Analyze marketing or sales trends to forecast future conditions. +Analyze the effectiveness of marketing tactics or channels. +Attend or participate in conferences, community events, and promotional events related to products or technologies. +Conduct research on consumer opinions and buying habits, and identify target audiences for products, services, or technologies. +Coordinate with marketing team members, graphic artists, and other workers to develop and implement marketing programs. +Develop communications materials, advertisements, presentations, or public relations initiatives to promote awareness of products and services. +Develop comprehensive marketing strategies, using knowledge of products and technologies, markets, and regulations. +Devise or evaluate methods and procedures for collecting data, such as surveys, opinion polls, and questionnaires. +Maintain portfolios of marketing campaigns, strategies, and other marketing products or ideas.","Analytical or scientific software— Business analysis software; Data visualization software; Google Analytics; WebTrends Analytics;1 more +Business intelligence and data analysis software— Actuate BIRT; Google DoubleClick; Tableau +Calendar and scheduling software— Scheduling software +Customer relationship management CRM software— Constant Contact; MarketSharp; Oracle Eloqua; Salesforce software +Data base management system software— Microsoft SQL Server +Data base reporting software— AdRelevance +Data base user interface and query software— Database software; Microsoft Access; PaloAlto Advertising Plan Pro; Structure query language SQL;1 more +Desktop publishing software— Adobe InDesign; Adobe PageMaker; Microsoft Publisher; Quark enterprise publishing software +Document management software— Adobe Acrobat; Adobe Acrobat Reader; Data warehousing software; Microsoft SharePoint +Electronic mail software— Email software; IBM Lotus Notes; MailChimp; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; Hootsuite +Enterprise resource planning ERP software— Brainworks; Microsoft Dynamics; SAP software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Information retrieval or search software— Pinterest +Instant messaging software— Twitter +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Experience in Software Webplanner; Microsoft Project +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation; Webtrends software +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; Avid Media Composer; YouTube;3 more +Web page creation and editing software— Adobe Dreamweaver; Adobe Experience Manager (AEM); Facebook; WordPress;3 more +Web platform development software— Drupal; Hypertext markup language HTML; JavaScript +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Develop promotional materials. +Examine marketing materials to ensure compliance with policies or regulations. +Confer with organizational members to accomplish work activities. +Coordinate operational activities with external stakeholders. +Evaluate employee performance. +Supervise employees. +Direct organizational operations, projects, or services. +Direct financial operations. +Direct sales, marketing, or customer service activities. +Develop marketing plans or strategies. +Coordinate special events or programs. +Implement organizational process or policy changes. +Monitor performance of organizational members or partners. +Negotiate sales or lease agreements for products or services. +Prepare financial documents, reports, or budgets. +Prepare operational budgets. +Conduct employee training programs. +Establish interpersonal business relationships to facilitate work activities. +Analyze data to assess operational or project effectiveness. +Promote products, services, or programs. +Manage organizational or project budgets. +Advise customers on technical or procedural issues. +Represent the organization in external relations. +Manage operations, research, or logistics projects. +Maintain knowledge of current developments in area of expertise. +Analyze market research data. +Analyze forecasting data to improve business decisions. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Conduct market research. +Develop marketing plans or strategies for environmental initiatives. +Develop procedures to evaluate organizational activities. +Evaluate program effectiveness. +Maintain operational records for green energy processes or other environmentally-sustainable activities.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Telephone Conversations— 80% responded “Every day.” +Contact With Others— 71% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Time Pressure— 57% responded “Every day.” +Frequency of Decision Making— 53% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Spend Time Sitting— 48% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 64% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Very important.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Duration of Typical Work Week— 63% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 39% responded “Very high responsibility.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Level of Competition— 38% responded “Highly competitive.” +Conflict Situations— 36% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Advertising Sales Agents +Fundraisers +Bright Outlook +Fundraising Managers +Market Research Analysts and Marketing Specialists +Marketing Managers +Online Merchants +Public Relations Managers +Public Relations Specialists +Sales Managers +Search Marketing Strategists","View the list of Allies +Ad Council +external site +Advertising and Marketing Independent Network +external site +American Advertising Federation +external site +American Association of Advertising Agencies +external site +Association of National Advertisers +external site +Inland Press Association +external site +International News Media Association +external site +National Apartment Association +external site +National Council for Marketing and Public Relations +external site +National Newspaper Association +external site +News Media Alliance +external site +Public Relations Society of America +external site +SMEI +external site",79,1,40,85,54,78,37,49,56,51,92,40,6,58,15,31,84,10,22,24,47,19,38,35,11,23,11,9,6,45,25,34,17 +25-2059.01,Adapted Physical Education Specialists,https://www.onetonline.org/link/summary/25-2059.01,2025-06-11T19:01:46.205100,"Adapt instructional techniques to the age and skill levels of students. +Instruct students, using adapted physical education techniques, to improve physical fitness, gross motor skills, perceptual motor skills, or sports and game achievement. +Provide individual or small groups of students with adapted physical education instruction that meets desired physical needs or goals. +Provide students positive feedback to encourage them and help them develop an appreciation for physical education. +Establish and maintain standards of behavior to create safe, orderly, and effective environments for learning. +Provide adapted physical education services to students with intellectual disabilities, autism, traumatic brain injury, orthopedic impairments, or other disabling condition. +Assess students' physical progress or needs. +Assist in screening or placement of students in adapted physical education programs. +Evaluate the motor needs of individual students to determine their need for adapted physical education services. +Collaborate with other educational personnel to provide inclusive activities or programs for children with disabilities. +Maintain thorough student records to document attendance, participation, or progress, ensuring confidentiality of all records. +Advise education professionals of students' physical abilities or disabilities and the accommodations required to enhance their school performance. +Communicate behavioral observations and student progress reports to students, parents, teachers, or administrators. +Write or modify individualized education plans (IEPs) for students with intellectual or physical disabilities. +Write reports to summarize student performance, social growth, or physical development. +Prepare lesson plans in accordance with individualized education plans (IEPs) and the functional abilities or needs of students. +Attend in-service training, workshops, or meetings to keep abreast of current practices or trends in adapted physical education. +Review adapted physical education programs or practices to ensure compliance with government or other regulations. +Request or order physical education equipment, following standard procedures. +Maintain inventory of instructional equipment, materials, or aids.","Data base user interface and query software— Database software; Individualized Educational Program IEP software; Student record software +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Modify teaching methods or materials to accommodate student needs. +Teach physical education. +Encourage students. +Establish rules or policies governing student behavior. +Assist students with special educational needs. +Assess educational needs of students. +Administer tests to assess educational needs or progress. +Collaborate with other professionals to develop education or assistance programs. +Advise educators on curricula, instructional methods, or policies. +Maintain student records. +Develop strategies or programs for students with special needs. +Discuss problems or issues with supervisors. +Discuss student progress with parents or guardians. +Prepare reports detailing student activities or performance. +Document lesson plans. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Determine operational compliance with regulations or standards. +Evaluate effectiveness of educational programs. +Order instructional or library materials or equipment. +Maintain inventories of materials, equipment, or products.","Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +E-Mail— 81% responded “Every day.” +Physical Proximity— 76% responded “Very close (near touching).” +Freedom to Make Decisions— 55% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Spend Time Standing— 57% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Contact With Others— 52% responded “Constant contact with others.” +Spend Time Walking or Running— 33% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 52% responded “Every day.” +Health and Safety of Other Workers— 33% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 38% responded “Every day.” +Duration of Typical Work Week— 48% responded “40 hours.” +Frequency of Decision Making— 37% responded “Every day.” +Telephone Conversations— 57% responded “Once a week or more but not every day.” +Time Pressure— 33% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 30% responded “Moderate responsibility.” +Deal With External Customers or the Public in General— 38% responded “Important.” +Public Speaking— 38% responded “Every day.” +Conflict Situations— 52% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 38% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Moderate results.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 40% responded “Less than half the time.” +Dealing with Violent or Physically Aggressive People— 43% responded “Once a year or more but not every month.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.”","Instructing— Teaching others how to do something. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Instructional Coordinators +Recreation and Fitness Studies Teachers, Postsecondary +School Psychologists +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Preschool +Special Education Teachers, Secondary School +Teaching Assistants, Special Education","View the list of Allies +Council for Exceptional Children +external site +International Federation of Adapted Physical Activity +external site +National Consortium for Physical Education for Individuals with Disabilities +external site +North American Federation of Adapted Physical Activity +external site +Society of Health and Physical Educators +external site",53,3,11,61,32,38,43,88,44,10,8,18,12,42,30,44,41,16,30,28,73,54,38,22,38,22,7,24,32,14,10,24,16 +25-1122.00,"Communications Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1122.00,2025-06-11T19:00:50.885145,"Evaluate and grade students' class work, assignments, and papers. +Initiate, facilitate, and moderate classroom discussions. +Compile, administer, and grade examinations, or assign this work to others. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Prepare and deliver lectures to undergraduate or graduate students on topics such as public speaking, media criticism, and oral traditions. +Maintain student attendance records, grades, and other required records. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Select and obtain materials and supplies, such as textbooks. +Collaborate with colleagues to address teaching and research issues. +Participate in student recruitment, registration, and placement activities. +Keep abreast of developments and technological advances in the communication field by reading current literature, talking with colleagues, and participating in professional conferences. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in campus and community events. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Act as advisers to student organizations. +Perform administrative duties, such as serving as department head. +Supervise undergraduate or graduate teaching, internship, and research work. +Compile bibliographies of specialized materials for outside reading assignments. +Write grant proposals to procure external research funding. +Provide professional consulting services to government or industry.","Analytical or scientific software— Data visualization software +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— Blackboard software +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Music or sound editing software— Adobe Audition; Audacity; Avid Technology Pro Tools; WideOrbit +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple Final Cut Pro; Avid Technology Media Composer; Video editing software; Video production software +Web page creation and editing software— LinkedIn +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Evaluate student work. +Guide class discussions. +Administer tests to assess educational needs or progress. +Prepare tests. +Develop instructional materials. +Teach social science courses at the college level. +Maintain student records. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Supervise student research or internship work. +Research topics in area of expertise. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Serve on institutional or departmental committees. +Plan community programs or activities for the general public. +Write articles, books or other original materials in area of expertise. +Compile specialized bibliographies or lists of materials. +Write grant proposals. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 93% responded “Every day.” +Freedom to Make Decisions— 85% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Contact With Others— 58% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Public Speaking— 51% responded “Every day.” +Frequency of Decision Making— 43% responded “Every day.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Spend Time Sitting— 39% responded “About half the time.” +Work With or Contribute to a Work Group or Team— 39% responded “Extremely important.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Telephone Conversations— 47% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Extremely important.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Level of Competition— 29% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Minor results.” +Duration of Typical Work Week— 54% responded “More than 40 hours.” +Physical Proximity— 33% responded “I work with others but not closely (e.g., private office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.","Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Education Teachers, Postsecondary +English Language and Literature Teachers, Postsecondary +Instructional Coordinators +Library Science Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Political Science Teachers, Postsecondary +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +American Association of University Professors +external site +American Forensic Association +external site +Association for Education in Journalism and Mass Communication +external site +Association for Theatre in Higher Education +external site +Association for Women in Communications +external site +Broadcast Education Association +external site +College Media Association +external site +Council of Graduate Schools +external site +Eastern Communication Association +external site +International Communication Association +external site +National Association for Multi-Ethnicity in Communications +external site +National Communication Association +external site +National Council of Teachers of English +external site +Society of Professional Journalists +external site +Southern States Communication Association +external site +Western States Communication Association +external site",64,4,4,99,26,57,39,92,58,16,25,37,1,71,35,38,81,1,64,13,73,43,70,47,3,12,2,2,4,15,35,52,58 +33-3052.00,Transit and Railroad Police,https://www.onetonline.org/link/summary/33-3052.00,2025-06-11T19:10:58.735739,"Prepare reports documenting investigation activities and results. +Monitor transit areas and conduct security checks to protect railroad properties, patrons, and employees. +Apprehend or remove trespassers or thieves from railroad property or coordinate with law enforcement agencies in apprehensions and removals. +Direct security activities at derailments, fires, floods, or strikes involving railroad property. +Patrol railroad yards, cars, stations, or other facilities to protect company property or shipments and to maintain order. +Investigate or direct investigations of freight theft, suspicious damage or loss of passengers' valuables, or other crimes on railroad property. +Examine credentials of unauthorized persons attempting to enter secured areas. +Enforce traffic laws regarding the transit system and reprimand individuals who violate them. +Provide training to the public or law enforcement personnel in railroad safety or security. +Plan or implement special safety or preventive programs, such as fire or accident prevention. +Direct or coordinate the daily activities or training of security staff. +Interview neighbors, associates, or former employers of job applicants to verify personal references or to obtain work history data.","Data base user interface and query software— Integrated Automated Fingerprint Identification System IAFIS; Law enforcement information databases; National Crime Information Center (NCIC) database +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— SmugMug Flickr +Internet browser software— Web browser software +Map creation software— Crime mapping software; MapInfo Professional; MapInfo StreetPro +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Prepare investigation or incident reports. +Maintain surveillance of individuals or establishments. +Apprehend criminal suspects. +Collaborate with law enforcement or security agencies to respond to incidents. +Direct law enforcement activities. +Direct security operations. +Investigate illegal or suspicious activities. +Patrol properties to maintain safety. +Examine personal documentation to ensure that it is valid. +Enforce rules or regulations. +Provide safety training. +Direct employee training programs. +Interview people to obtain information about actions or status of individuals. +Develop fire safety or prevention programs or plans. +Direct fire fighting or prevention activities.","E-Mail— 96% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 95% responded “Every day.” +Contact With Others— 70% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 85% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 75% responded “Every day.” +Health and Safety of Other Workers— 60% responded “Very high responsibility.” +Telephone Conversations— 21% responded “Once a week or more but not every day.” +Frequency of Decision Making— 66% responded “Every day.” +Freedom to Make Decisions— 69% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Extremely important.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 13% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 61% responded “Every day.” +Conflict Situations— 44% responded “Every day.” +Determine Tasks, Priorities and Goals— 22% responded “Limited freedom.” +Physical Proximity— 28% responded “Slightly close (e.g., shared office).” +Dealing With Unpleasant, Angry, or Discourteous People— 27% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 52% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Exposed to Contaminants— 26% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Very important results.” +Written Letters and Memos— 21% responded “Once a week or more but not every day.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 48% responded “Once a week or more but not every day.” +Consequence of Error— 48% responded “Extremely serious.” +Dealing with Violent or Physically Aggressive People +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Every day.” +Work Outcomes and Results of Other Workers— 24% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 29% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 36% responded “Important.” +Exposed to Disease or Infections— 23% responded “Once a year or more but not every month.” +Exposed to Very Hot or Cold Temperatures— 34% responded “Once a month or more but not every week.” +Level of Competition— 32% responded “Moderately competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 26% responded “Continually or almost continually.” +Spend Time Sitting— 54% responded “About half the time.” +Spend Time Standing— 70% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Compliance Officers +Customs and Border Protection Officers +Detectives and Criminal Investigators +Fire Inspectors and Investigators +First-Line Supervisors of Police and Detectives +First-Line Supervisors of Security Workers +Police and Sheriff's Patrol Officers +Private Detectives and Investigators +Security Guards +Bright Outlook +Transportation Security Screeners","View the list of Allies +International Association of Chiefs of Police +external site",78,4,18,85,41,62,98,64,47,23,12,44,27,62,32,93,52,23,36,67,63,48,47,61,33,26,13,23,16,25,63,6,27 +53-3053.00,Shuttle Drivers and Chauffeurs,https://www.onetonline.org/link/summary/53-3053.00,2025-06-11T19:29:25.433600,"Arrange to pick up particular customers or groups on a regular schedule. +Check the condition of a vehicle's tires, brakes, windshield wipers, lights, oil, fuel, water, and safety equipment to ensure that everything is in working order. +Collect fares or vouchers from passengers, and make change or issue receipts as necessary. +Communicate with dispatchers by radio, telephone, or computer to exchange information and receive requests for passenger service. +Complete accident reports when necessary. +Comply with traffic regulations to operate vehicles in a safe and courteous manner. +Drive shuttle busses, limousines, company cars, or privately owned vehicles to transport passengers. +Follow relevant safety regulations and state laws governing vehicle operation, and ensure that passengers follow safety regulations. +Maintain knowledge of first-aid procedures. +Notify dispatchers or company mechanics of vehicle problems. +Operate vehicles with specialized equipment, such as wheelchair lifts, to transport and secure passengers with special needs. +Perform errands for customers or employers, such as delivering or picking up mail and packages. +Perform minor vehicle repairs, such as cleaning spark plugs, or take vehicles to mechanics for servicing. +Perform routine vehicle maintenance, such as regulating tire pressure and adding gasoline, oil, and water. +Pick up and drop off passengers at regularly scheduled neighborhood locations, following strict time schedules. +Pick up or meet passengers according to requests, appointments, or schedules. +Prepare and submit reports that may include the number of passengers or trips, hours worked, mileage driven fuel consumed, or fares received. +Provide passengers with assistance entering and exiting vehicles, and help them with any luggage. +Provide passengers with information or advice about the local area, points of interest, hotels, or restaurants. +Read maps and follow written and verbal geographic directions. +Record vehicle routes. +Regulate heating, lighting, and ventilation systems for passenger comfort. +Report any vehicle malfunctions or needed repairs. +Report delays, accidents, or other traffic and transportation situations, using telephones or mobile two-way radios. +Test vehicle equipment, such as lights, brakes, horns, or windshield wipers, to ensure proper operation. +Vacuum and clean interiors, and wash and polish exteriors of automobiles.","Data base user interface and query software— Actsoft Comet Tracker; Penchant Software dispatchOffice; TranWare Enterprise Suite +Internet browser software— Web browser software +Map creation software— AOL MapQuest +Mobile location based services software— Digital Dispatch; Global positioning system GPS software; Piccolo Software PiccoloTaxi; TSS Wireless Fleet Management Suite;5 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook",,"Drive passenger vehicles. +Clean vehicles or vehicle components. +Follow safety procedures for vehicle operation. +Inspect motor vehicles. +Maintain vehicles in good working condition. +Record operational details of travel. +Report vehicle or equipment malfunctions. +Assist customers to ensure comfort or safety. +Assist passengers during vehicle boarding. +Collect fares or payment from customers. +Communicate with others to coordinate vehicle movement. +Greet customers, patrons, or visitors. +Maintain professional knowledge or certifications. +Move materials, equipment, or supplies. +Notify others of emergencies, problems, or hazards. +Prepare accident or incident reports. +Provide transportation information to passengers or customers. +Read maps to determine routes. +Receive information or instructions for performing work assignments. +Schedule operational activities.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Bus Drivers, School +Bus Drivers, Transit and Intercity +Dispatchers, Except Police, Fire, and Ambulance +Heavy and Tractor-Trailer Truck Drivers +Bright Outlook +Light Truck Drivers +Parking Attendants +Passenger Attendants +Railroad Conductors and Yardmasters +Subway and Streetcar Operators +Taxi Drivers","View the list of Allies +Airport Ground Transportation Association +external site +American Bus Association +external site +American Public Transportation Association +external site +Association for Commuter Transportation +external site +Community Transportation Association of America +external site +International Association of Public Transport +external site +National Highway Traffic Safety Administration +external site +National Limousine Association +external site +Owner-Operator Independent Drivers Association +external site +Transportation Intermediaries Association +external site +New England Bus Association +external site +South West Transit Association +external site +International Brotherhood of Teamsters +external site +United Motorcoach Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +25-1192.00,"Family and Consumer Sciences Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1192.00,2025-06-11T19:01:07.036780,"Evaluate and grade students' class work, laboratory work, projects, assignments, and papers. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Prepare and deliver lectures to undergraduate or graduate students on topics such as food science, nutrition, and child care. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Initiate, facilitate, and moderate classroom discussions. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Compile, administer, and grade examinations, or assign this work to others. +Maintain student attendance records, grades, and other required records. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Supervise undergraduate or graduate teaching, internship, and research work. +Select and obtain materials and supplies, such as textbooks. +Collaborate with colleagues to address teaching and research issues. +Participate in student recruitment, registration, and placement activities. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in campus and community events. +Compile bibliographies of specialized materials for outside reading assignments. +Conduct faculty performance evaluations. +Perform administrative duties, such as serving as department head. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Act as advisers to student organizations. +Write grant proposals to procure external research funding. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Data base management system software— Database management systems +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Web page creation and editing software— Social computing tools +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Evaluate student work. +Develop instructional materials. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Teach social science courses at the college level. +Guide class discussions. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Administer tests to assess educational needs or progress. +Prepare tests. +Maintain student records. +Advise students on academic or career matters. +Supervise student research or internship work. +Evaluate performance of educational staff. +Monitor performance of organizational members or partners. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Research topics in area of expertise. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Write articles, books or other original materials in area of expertise. +Serve on institutional or departmental committees. +Write grant proposals. +Plan community programs or activities for the general public. +Compile specialized bibliographies or lists of materials. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 88% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 63% responded “A lot of freedom.” +Freedom to Make Decisions— 56% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Frequency of Decision Making— 60% responded “Every day.” +Telephone Conversations— 58% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Extremely important.” +Time Pressure— 61% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Importance of Being Exact or Accurate— 33% responded “Extremely important.” +Written Letters and Memos— 39% responded “Every day.” +Spend Time Sitting— 45% responded “More than half the time.” +Deal With External Customers or the Public in General— 38% responded “Very important.” +Level of Competition— 40% responded “Highly competitive.” +Importance of Repeating Same Tasks— 36% responded “Important.” +Public Speaking— 41% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Agricultural Sciences Teachers, Postsecondary +Career/Technical Education Teachers, Middle School +Career/Technical Education Teachers, Secondary School +Education Teachers, Postsecondary +Health Specialties Teachers, Postsecondary +Bright Outlook +Instructional Coordinators +Recreation and Fitness Studies Teachers, Postsecondary +Secondary School Teachers, Except Special and Career/Technical Education +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +Academy of Nutrition and Dietetics +external site +ACSD +external site +American Association of Family and Consumer Sciences +external site +American Sociological Association +external site +Association for Career and Technical Education +external site +Institute of Food Technologists +external site +Interior Design Educators Council +external site +International Textile and Apparel Association +external site +Kappa Omicron Nu +external site +National Association for the Education of Young Children +external site +National Council on Family Relations +external site +Society for Nutrition Education and Behavior +external site +Society for Research in Child Development +external site",69,24,26,89,62,64,47,82,60,27,37,43,23,61,26,52,54,7,45,25,65,41,57,31,24,20,14,6,26,27,20,18,27 +29-2061.00,Licensed Practical and Licensed Vocational Nurses,https://www.onetonline.org/link/summary/29-2061.00,2025-06-11T19:08:42.458956,"Observe patients, charting and reporting changes in patients' conditions, such as adverse reactions to medication or treatment, and taking any necessary action. +Measure and record patients' vital signs, such as height, weight, temperature, blood pressure, pulse, or respiration. +Administer prescribed medications or start intravenous fluids, noting times and amounts on patients' charts. +Provide basic patient care or treatments, such as taking temperatures or blood pressures, dressing wounds, treating bedsores, giving enemas or douches, rubbing with alcohol, massaging, or performing catheterizations. +Answer patients' calls and determine how to assist them. +Supervise nurses' aides or assistants. +Evaluate nursing intervention outcomes, conferring with other healthcare team members as necessary. +Work as part of a healthcare team to assess patient needs, plan and modify care, and implement interventions. +Record food and fluid intake and output. +Assemble and use equipment, such as catheters, tracheotomy tubes, or oxygen suppliers. +Collect samples, such as blood, urine, or sputum from patients, and perform routine laboratory tests on samples. +Prepare or examine food trays for conformance to prescribed diet. +Help patients with bathing, dressing, maintaining personal hygiene, moving in bed, or standing and walking. +Prepare patients for examinations, tests, or treatments and explain procedures. +Apply compresses, ice bags, or hot water bottles. +Provide medical treatment or personal care to patients in private home settings, such as cooking, keeping rooms orderly, seeing that patients are comfortable and in good spirits, or instructing family members in simple nursing tasks. +Sterilize equipment and supplies, using germicides, sterilizer, or autoclave. +Make appointments, keep records, or perform other clerical duties in doctors' offices or clinics. +Set up equipment and prepare medical treatment rooms. +Wash and dress bodies of deceased persons. +Clean rooms and make beds. +Inventory and requisition supplies and instruments.","Calendar and scheduling software— Scheduling software +Categorization or classification software— Diagnostic and procedural coding software +Cloud-based data access and sharing software— Google Drive +Electronic mail software— Microsoft Exchange; Microsoft Outlook +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Medical software— eClinicalWorks EHR software; Epic Systems; Medical procedure coding software; MEDITECH software;8 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime; Zoom +Video creation and editing software— YouTube +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Record patient medical histories. +Monitor patient conditions during treatments, procedures, or activities. +Measure the physical or physiological attributes of patients. +Administer basic health care or medical treatments. +Administer intravenous medications. +Apply bandages, dressings, or splints. +Assist patients with hygiene or daily living activities. +Supervise patient care personnel. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Collaborate with healthcare professionals to plan or provide treatment. +Analyze quantitative data to determine effectiveness of treatments or therapies. +Sterilize medical equipment or instruments. +Prepare medical supplies or equipment for use. +Operate diagnostic or therapeutic medical instruments or equipment. +Maintain medical facility records. +Perform clerical work in medical settings. +Schedule patient procedures or appointments. +Collect biological specimens from patients. +Test biological specimens to gather information about patient conditions. +Manage preparation of special meals or diets. +Explain medical procedures or test results to patients or family members. +Prepare patients physically for medical procedures. +Treat patients using physical therapy techniques. +Clean medical equipment or facilities. +Maintain inventory of medical supplies or equipment. +Order medical supplies or equipment.","Contact With Others— 83% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 84% responded “Extremely important.” +Telephone Conversations— 84% responded “Every day.” +Exposed to Disease or Infections— 80% responded “Every day.” +Physical Proximity— 75% responded “Very close (near touching).” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Time Pressure— 67% responded “Every day.” +Frequency of Decision Making— 69% responded “Every day.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Very important results.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 68% responded “Every day.” +Determine Tasks, Priorities and Goals— 38% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 39% responded “Very high responsibility.” +E-Mail— 52% responded “Every day.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Spend Time Standing— 46% responded “About half the time.” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Spend Time Walking or Running— 34% responded “More than half the time.” +Written Letters and Memos— 29% responded “Every day.” +Conflict Situations— 46% responded “Once a month or more but not every week.” +Consequence of Error— 39% responded “Extremely serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 30% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 29% responded “Less than half the time.” +Spend Time Bending or Twisting Your Body— 37% responded “Less than half the time.”","Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Clinical Nurse Specialists +Critical Care Nurses +Emergency Medical Technicians +Home Health Aides +Medical Assistants +Nurse Practitioners +Nursing Assistants +Paramedics +Registered Nurses","View the list of Allies +American Nurses Association +external site +National Association of Licensed Practical Nurses +external site +American Health Information Management Association +external site +National Association for Practical Nurse Education and Service +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",75,7,9,73,51,58,45,55,49,25,15,32,30,49,28,31,33,9,29,15,68,53,34,40,67,9,,12,38,3,6,2,1 +11-9013.00,"Farmers, Ranchers, and Other Agricultural Managers",https://www.onetonline.org/link/summary/11-9013.00,2025-06-11T18:47:45.920704,"Collect and record growth, production, and environmental data. +Manage nurseries that grow horticultural plants for sale to trade or retail customers, for display or exhibition, or for research. +Direct and monitor trapping and spawning of fish, egg incubation, and fry rearing, applying knowledge of management and fish culturing techniques. +Direct and monitor the transfer of mature fish to lakes, ponds, streams, or commercial tanks. +Determine how to allocate resources and to respond to unanticipated problems, such as insect infestation, drought, and fire. +Determine plant growing conditions, such as greenhouses, hydroponics, or natural settings, and set planting and care schedules. +Devise and participate in activities to improve fish hatching and growth rates, and to prevent disease in hatcheries. +Position and regulate plant irrigation systems, and program environmental and irrigation control computers. +Prepare reports required by state and federal laws. +Inspect facilities and equipment for signs of disrepair, and perform necessary maintenance work. +Maintain financial, operational, production, or employment records for farms or ranches. +Coordinate clerical, record-keeping, inventory, requisitioning, and marketing activities. +Direct the breeding or raising of stock, such as cattle, poultry, or honeybees, using recognized breeding practices to ensure stock improvement. +Negotiate with buyers for the sale, storage, or shipment of crops or livestock. +Coordinate the selection and maintenance of brood stock. +Analyze soil to determine types or quantities of fertilizer required for maximum crop production. +Provide information to customers on the care of trees, shrubs, flowers, plants, and lawns. +Analyze market conditions to determine acreage allocations. +Supervise the construction of farm or ranch structures, such as buildings, fences, drainage systems, wells, or roads. +Replace chemical insecticides with environmentally friendly practices, such as adding pest-repelling plants to fields. +Conduct inspections to determine crop maturity or condition or to detect disease or insect infestation. +Conduct or supervise stock examinations to identify diseases or parasites. +Determine types or quantities of crops, plants, or livestock to be grown and raised, based on budgets, federal incentives, market conditions, executive directives, projected sales volumes, or soil conditions. +Determine, administer, and execute policies relating to operations administration and standards, facility maintenance, and safety. +Direct crop production operations, such as planning, tilling, planting, fertilizing, cultivating, spraying, and harvesting. +Evaluate marketing or sales alternatives for products. +Hire, supervise, and train support workers. +Monitor activities, such as irrigation, chemical application, harvesting, milking, breeding, and grading, to ensure adherence to safety regulations or standards. +Monitor environments to ensure maintenance of optimum animal or plant life. +Obtain financing for and purchase necessary machinery, land, supplies, or livestock.","Accounting software— AgData Blue Skies Accounting; Datatech The Farmer's Office; Specialized Data Systems Ultra Farm; Vertical Solutions Easy-Farm Accounting;2 more +Analytical or scientific software— MapShots EASi Suite; SST Development Group SSToolbox; Statistical analysis software; Sunrise Software CropSave +Calendar and scheduling software— Staff scheduling software +Cloud-based data access and sharing software— Atlassian Confluence +Data base user interface and query software— Ag Leader Technology SMS Advanced; Cattlesoft CattleMax; Microsoft Access; Trimble Farm Works;17 more +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— International Response Technologies CowChip - Ranch House; Midwest MicroSystems Cow Sense; Oracle NetSuite; SAP software;12 more +Geographic information system— DIVA-GIS; ESRI ArcPad; Geographic information system GIS systems; TatukGIS Editor;1 more +Graphics or photo imaging software— Adobe Photoshop +Industrial control software— AGCO Advanced Technology Solutions Fieldstar; ZedX AgFleet +Internet browser software— Web browser software +Map creation software— Geographic resources analysis support system GRASS; Global Mapper Software Global Mapper; MapInfo; Trimble AgGPS EZ-Map;1 more +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— AquaSoft Farm Manager +Spreadsheet software— Microsoft Excel +Time accounting software— Countryside Data Ag Payroll; Payroll software; Time reporting software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Maintain operational records. +Compile operational data. +Manage agricultural or forestry operations. +Analyze financial records to improve budgeting or planning. +Determine resource needs. +Develop emergency response plans or procedures. +Develop agricultural methods. +Perform manual agricultural, aquacultural, or horticultural tasks. +Maintain regulatory or compliance documentation. +Prepare reports related to compliance matters. +Inspect condition or functioning of facilities or equipment. +Maintain personnel records. +Perform manual service or maintenance tasks. +Direct organizational operations, projects, or services. +Direct administrative or support services. +Direct sales, marketing, or customer service activities. +Negotiate contracts for transportation, distribution, or logistics services. +Negotiate sales or lease agreements for products or services. +Test materials, solutions, or samples. +Advise customers on technical or procedural issues. +Analyze data to inform operational decisions or activities. +Manage construction activities. +Conduct employee training programs. +Develop marketing plans or strategies. +Develop organizational policies or programs. +Direct activities of agricultural, forestry, or fishery employees. +Estimate labor or resource requirements for forestry, fishing, or agricultural operations. +Evaluate quality of plants or crops. +Examine animals to detect illness, injury or other problems. +Hire personnel. +Monitor operational quality or safety. +Monitor organizational compliance with regulations. +Purchase materials, equipment, or other resources. +Submit financial applications. +Supervise employees.","Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Telephone Conversations— How often do you have telephone conversations in this job? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Outdoors, Under Cover— How often does this job require working outdoors, under cover (like in an open shed)? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +In an Open Vehicle or Operating Equipment— How often does this job require working in an open vehicle or operating equipment (like a tractor)? +Exposed to Very Hot or Cold Temperatures— How often does this job require working in very hot (above 90 F degrees) or very cold (below 32 F degrees) temperatures? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Spend Time Standing— How much does this job require standing? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +E-Mail— How frequently does your job require you to use E-mail? +Exposed to Minor Burns, Cuts, Bites, or Stings— How often does this job require exposure to minor burns, cuts, bites, or stings? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable?","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Engineers +Bright Outlook +Agricultural Sciences Teachers, Postsecondary +Agricultural Technicians +Biofuels Production Managers +Buyers and Purchasing Agents, Farm Products +First-Line Supervisors of Farming, Fishing, and Forestry Workers +Food Scientists and Technologists +Precision Agriculture Technicians +Range Managers +Soil and Plant Scientists","View the list of Allies +American Farm Bureau Federation +external site +American Fisheries Society +external site +American Horticultural Society +external site +American Mushroom Institute +external site +American Society for Horticultural Science +external site +AmericanHort +external site +Americas Tilapia Alliance +external site +Aquacultural Engineering Society +external site +Center for Rural Affairs +external site +East Coast Shellfish Growers Association +external site +International Plant Propagators' Society +external site +National Aquaculture Association +external site +National Association of State Aquaculture Coordinators +external site +The Conservation Fund +external site +U.S. Apple Association +external site +World Aquaculture Society +external site +Pacific Coast Shellfish Growers Association +external site +Western Regional Aquaculture Center +external site +American Society of Farm Managers and Rural Appraisers +external site",56,59,73,60,66,78,47,56,43,57,57,60,53,39,18,47,29,56,19,49,37,15,21,22,16,48,45,30,71,42,34,3,12 +33-9092.00,"Lifeguards, Ski Patrol, and Other Recreational Protective Service Workers",https://www.onetonline.org/link/summary/33-9092.00,2025-06-11T19:11:15.593997,"Patrol or monitor recreational areas, such as trails, slopes, or swimming areas, on foot, in vehicles, or from towers. +Rescue distressed persons, using rescue techniques and equipment. +Contact emergency medical personnel in case of serious injury. +Examine injured persons and administer first aid or cardiopulmonary resuscitation, if necessary, using training and medical supplies and equipment. +Warn recreational participants of inclement weather, unsafe areas, or illegal conduct. +Maintain quality of pool water by testing chemical levels. +Complete and maintain records of weather and beach conditions, emergency medical treatments performed, and other relevant incident information. +Instruct participants in skiing, swimming, or other recreational activities and provide safety precaution information. +Inspect recreational equipment, such as rope tows, T-bars, J-bars, or chair lifts, for safety hazards and damage or wear. +Inspect recreational facilities for cleanliness. +Observe activities in assigned areas, using binoculars, to detect hazards, disturbances, or safety infractions. +Operate underwater recovery units. +Provide assistance with staff selection, training, and supervision. +Provide assistance in the safe use of equipment, such as ski lifts. +Participate in recreational demonstrations to entertain resort guests.","Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Instant messaging software— GroupMe +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Patrol natural areas to ensure safety or enforce regulations. +Rescue people from hazardous situations. +Request emergency personnel. +Administer first aid. +Inspect facilities for cleanliness. +Warn individuals about rule violations or safety concerns. +Maintain operational records. +Record information about environmental conditions. +Monitor environmental conditions to detect hazards. +Observe individuals' activities to gather information or compile evidence. +Operate ships or other watercraft. +Provide safety training. +Inspect equipment to ensure safety or proper functioning. +Train employees in proper work procedures. +Assist customers to ensure comfort or safety. +Participate in athletic events.","Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Health and Safety of Other Workers +E-Mail +Frequency of Decision Making— 49% responded “Every day.” +Consequence of Error— 61% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 18% responded “Important.” +Indoors, Environmentally Controlled— 54% responded “Every day.” +Freedom to Make Decisions— 36% responded “Limited freedom.” +Determine Tasks, Priorities and Goals— 27% responded “A lot of freedom.” +Outdoors, Exposed to All Weather Conditions— 63% responded “Every day.” +Importance of Being Exact or Accurate— 18% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 25% responded “Never.” +Telephone Conversations— 31% responded “Every day.” +Exposed to Disease or Infections— 44% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 22% responded “Never.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 28% responded “Never.” +Coordinate or Lead Others in Accomplishing Work Activities— 13% responded “Important.” +Spend Time Sitting— 24% responded “More than half the time.” +Exposed to Contaminants— 32% responded “Never.” +Outdoors, Under Cover +Spend Time Standing— 39% responded “About half the time.” +Conflict Situations— 36% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 40% responded “Never.” +Time Pressure— 35% responded “Once a month or more but not every week.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles.","Ambulance Drivers and Attendants, Except Emergency Medical Technicians +Emergency Medical Technicians +Bright Outlook +Firefighters +First-Line Supervisors of Firefighting and Prevention Workers +Forest Fire Inspectors and Prevention Specialists +Occupational Health and Safety Specialists +Occupational Health and Safety Technicians +Paramedics +Recreation Workers +Security Guards","View the list of Allies +American Avalanche Association +external site +American Heart Association +external site +American Red Cross +external site +National Ski Patrol +external site +United States Lifesaving Association +external site +NAUI +external site +Wilderness Medical Associates International +external site",75,,15,61,27,42,66,52,31,13,19,32,37,28,34,32,30,27,16,24,49,36,30,30,51,13,14,21,27,11,19,9,6 +47-1011.00,First-Line Supervisors of Construction Trades and Extraction Workers,https://www.onetonline.org/link/summary/47-1011.00,2025-06-11T19:17:55.953752,"Inspect work progress, equipment, or construction sites to verify safety or to ensure that specifications are met. +Read specifications, such as blueprints, to determine construction requirements or to plan procedures. +Supervise, coordinate, or schedule the activities of construction or extractive workers. +Assign work to employees, based on material or worker requirements of specific jobs. +Coordinate work activities with other construction project activities. +Estimate material or worker requirements to complete jobs. +Analyze worker or production problems and recommend solutions, such as improving production methods or implementing motivational plans. +Order or requisition materials or supplies. +Train workers in construction methods, operation of equipment, safety procedures, or company policies. +Locate, measure, and mark site locations or placement of structures or equipment, using measuring and marking equipment. +Confer with managerial or technical personnel, other departments, or contractors to resolve problems or to coordinate activities. +Arrange for repairs of equipment or machinery. +Provide assistance to workers engaged in construction or extraction activities, using hand tools or other equipment. +Record information, such as personnel, production, or operational data on specified forms or reports. +Suggest or initiate personnel actions, such as promotions, transfers, or hires.","Analytical or scientific software— Procore software +Calendar and scheduling software— FranklinCovey TabletPlanner; Scheduling software +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Mi-Co Mi-Forms; QuickBase business management software; Sage 300 Construction and Real Estate +Development environment software— Prolog +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Facilities management software +Graphics or photo imaging software— Graphics software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Oracle Primavera P6 Enterprise Portfolio Project Management; Oracle Primavera Systems;1 more +Spreadsheet software— Microsoft Excel +Video conferencing software— Microsoft NetMeeting +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Evaluate projects to determine compliance with technical specifications. +Inspect equipment or tools to be used in construction or excavation. +Monitor construction operations. +Direct construction or extraction personnel. +Coordinate construction project activities. +Review blueprints or specifications to determine work requirements. +Estimate construction project labor requirements. +Estimate materials requirements for projects. +Order construction or extraction materials or equipment. +Train construction or extraction personnel. +Communicate with other construction or extraction personnel to discuss project details. +Mark reference points on construction materials. +Measure work site dimensions. +Assist skilled construction or extraction personnel. +Record operational or environmental data.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Contact With Others— 97% responded “Constant contact with others.” +Telephone Conversations— 94% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 90% responded “Every day.” +Frequency of Decision Making— 86% responded “Every day.” +Health and Safety of Other Workers— 78% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 66% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Very important results.” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +E-Mail— 63% responded “Every day.” +Work Outcomes and Results of Other Workers— 50% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 59% responded “Every day.” +Duration of Typical Work Week— 63% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 67% responded “Every day.” +Exposed to Hazardous Equipment— 61% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Time Pressure— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Exposed to Contaminants— 49% responded “Every day.” +Physical Proximity— 68% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 47% responded “Extremely important.” +Conflict Situations— 53% responded “Once a week or more but not every day.” +Level of Competition— 41% responded “Highly competitive.” +Written Letters and Memos— 41% responded “Once a week or more but not every day.” +Spend Time Standing— 34% responded “Continually or almost continually.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 37% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Once a week or more but not every day.” +Consequence of Error— 29% responded “Very serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 39% responded “Less than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “Less than half the time.” +Spend Time Walking or Running— 41% responded “Less than half the time.”","Coordination— Adjusting actions in relation to others' actions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Construction and Building Inspectors +Construction Managers +Bright Outlook +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers +Solar Energy Installation Managers","View the list of Allies +American Subcontractors Association +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Construction Management Association of America +external site +American Council for Construction Education +external site +American Institute of Constructors +external site +International Union of Operating Engineers +external site",68,2,46,68,58,78,60,46,44,35,38,51,25,31,9,41,24,74,6,33,46,23,17,27,22,54,78,43,16,61,35,1,8 +51-4062.00,"Patternmakers, Metal and Plastic",https://www.onetonline.org/link/summary/51-4062.00,2025-06-11T19:25:05.376465,"Verify conformance of patterns or template dimensions to specifications, using measuring instruments such as calipers, scales, and micrometers. +Set up and operate machine tools, such as milling machines, lathes, drill presses, and grinders, to machine castings or patterns. +Repair and rework templates and patterns. +Assemble pattern sections, using hand tools, bolts, screws, rivets, glue, or welding equipment. +Read and interpret blueprints or drawings of parts to be cast or patterns to be made, compute dimensions, and plan operational sequences. +Construct platforms, fixtures, and jigs for holding and placing patterns. +Clean and finish patterns or templates, using emery cloths, files, scrapers, and power grinders. +Mark identification numbers or symbols onto patterns or templates. +Program computerized numerical control machine tools. +Create computer models of patterns or parts, using modeling software. +Design and create templates, patterns, or coreboxes according to work orders, sample parts, or mockups. +Lay out and draw or scribe patterns onto material, using compasses, protractors, rulers, scribes, or other instruments. +Paint or lacquer patterns. +Select pattern materials such as wood, resin, and fiberglass. +Apply plastic-impregnated fabrics or coats of sealing wax or lacquer to patterns used to produce plastic.","Computer aided design CAD software— 3D Systems Geomagic Design X; Autodesk AutoCAD +Computer aided manufacturing CAM software— Delcam PowerMILL; Mastercam computer-aided design and manufacturing software +Electronic mail software— Microsoft Outlook +Spreadsheet software— Microsoft Excel","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Program equipment to perform production tasks. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate grinding equipment. +Design templates or patterns. +Construct patterns, templates, or other work aids. +Operate welding equipment. +Repair templates, patterns, or molds. +Calculate dimensions of workpieces, products, or equipment. +Plan production or operational procedures or sequences. +Review blueprints or other instructions to determine operational methods or sequences. +Clean workpieces or finished products. +Smooth metal surfaces or edges. +Mark products, workpieces, or equipment with identifying information. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Apply protective or decorative finishes to workpieces or products. +Select production input materials. +Apply solutions to production equipment.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 53% responded “Continually or almost continually.” +Time Pressure— 57% responded “Every day.” +Contact With Others— 72% responded “Constant contact with others.” +Exposed to Contaminants— 77% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 13% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 49% responded “Very important.” +Importance of Being Exact or Accurate— 62% responded “Very important.” +Duration of Typical Work Week +Exposed to Hazardous Equipment— 67% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Spend Time Standing— 36% responded “More than half the time.” +Telephone Conversations— 57% responded “Every day.” +E-Mail— 58% responded “Every day.” +Freedom to Make Decisions— 38% responded “A lot of freedom.” +Physical Proximity +Work Outcomes and Results of Other Workers— 37% responded “Very high responsibility.” +Health and Safety of Other Workers— 18% responded “No responsibility.” +Indoors, Environmentally Controlled +Pace Determined by Speed of Equipment— 36% responded “Extremely important.” +Consequence of Error— 40% responded “Serious.” +Level of Competition— 42% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Extremely important.” +Spend Time Making Repetitive Motions— 26% responded “More than half the time.” +Written Letters and Memos— 42% responded “Every day.” +Frequency of Decision Making— 32% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Important results.” +Spend Time Walking or Running— 45% responded “More than half the time.” +Conflict Situations— 32% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 30% responded “Very important.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Etchers and Engravers +Fabric and Apparel Patternmakers +Grinding and Polishing Workers, Hand +Layout Workers, Metal and Plastic +Model Makers, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Patternmakers, Wood +Structural Metal Fabricators and Fitters +Tool and Die Makers","View the list of Allies +American Foundry Society +external site +American Mold Builders Association +external site +Association for Manufacturing Technology +external site +Association of Professional Model Makers +external site +Fabricators and Manufacturers Association +external site +International Association of Machinists and Aerospace Workers +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +Society of Manufacturing Engineers +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",46,,65,40,59,41,19,38,39,23,16,24,19,33,,7,5,61,3,21,6,,,5,,52,4,23,,58,,1, +47-3016.00,Helpers--Roofers,https://www.onetonline.org/link/summary/47-3016.00,2025-06-11T19:19:52.680894,"Check to ensure that completed roofs are watertight. +Sweep and clean roofs to prepare them for the application of new roofing materials. +Locate worn or torn areas in roofs. +Clean work areas and equipment. +Maintain tools and equipment. +Cover roofs with layers of roofing felt or asphalt strips before installing tile, slate, or composition materials. +Remove old roofing materials. +Unload materials and tools from work trucks, and unroll roofing as directed. +Set ladders, scaffolds, and hoists in place for taking supplies to roofs. +Place tiles, nail them to roof boards, and cover nailheads with roofing cement. +Provide assistance to skilled roofers installing and repairing roofs, flashings, and surfaces. +Attach roofing paper and composition shingles, using nails. +Perform emergency leak repairs and general maintenance for a variety of roof types. +Attach sheets of metal to roof boards or building frameworks when installing metal roofs. +Hoist tar and roofing materials to roofs, using ropes and pulleys, or carry materials up ladders. +Apply shingles, gravel, or asphalt over the top layer of tar to protect the roofing material. +Chop tar into small pieces, and heat chopped tar in kettles. +Clear drains and downspouts and clean gutters.","Analytical or scientific software— Energy cost evaluation software; Exele TopView; Humidity and vapor drive calculation software; Roofing Calculator +Computer aided design CAD software— AppliCad Roof Wizard; DigiTools Roof CAD; Ziatek RoofDraw +Data base user interface and query software— Insight Direct ServiceCEO; Roof Pro Estimate Software Roof Pro; RoofLogic; Wintac Pro +Project management software— Maintenance record software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Clean surfaces in preparation for work activities. +Inspect completed work to ensure proper installation. +Locate equipment or materials in need of repair or replacement. +Clean work sites. +Clean equipment or facilities. +Install roofing materials. +Maintain construction tools or equipment. +Remove worn, damaged or outdated materials from work areas. +Load or unload materials used in construction or extraction. +Assemble temporary equipment or structures. +Apply sealants or other protective coatings. +Assist skilled construction or extraction personnel. +Move construction or extraction materials to locations where they are needed. +Mix substances or compounds needed for work activities. +Spread sand, dirt or other loose materials onto surfaces.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Spend Time Standing— 75% responded “Continually or almost continually.” +Exposed to High Places— 81% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 80% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Health and Safety of Other Workers— 49% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 40% responded “More than half the time.” +Exposed to Contaminants— 50% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 40% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 68% responded “Every day.” +Spend Time Making Repetitive Motions— 47% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Spend Time Walking or Running— 34% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 37% responded “Once a week or more but not every day.” +Consequence of Error— 32% responded “Very serious.” +Contact With Others— 42% responded “Constant contact with others.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 35% responded “Every day.” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +Exposed to Hazardous Equipment— 30% responded “Once a week or more but not every day.” +Level of Competition— 35% responded “Highly competitive.” +Freedom to Make Decisions— 31% responded “Limited freedom.” +Work Outcomes and Results of Other Workers— 27% responded “Moderate responsibility.” +Time Pressure— 33% responded “Never.” +Duration of Typical Work Week— 35% responded “More than 40 hours.” +Exposed to Radiation— 38% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 34% responded “Never.” +Deal With External Customers or the Public in General— 42% responded “Very important.”","Coordination— Adjusting actions in relation to others' actions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Carpenters +Drywall and Ceiling Tile Installers +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Carpenters +Helpers--Electricians +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Insulation Workers, Floor, Ceiling, and Wall +Plasterers and Stucco Masons +Roofers","View the list of Allies +American Subcontractors Association +external site +Associated Builders and Contractors +external site +National Association of Home Builders +external site +National Roofing Contractors Association +external site +Midwest Roofing Contractors Association +external site +North East Roofing Contractors Association +external site +Western States Roofing Contractors Association +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site +United Union of Roofers, Waterproofers and Allied Workers +external site",63,5,25,46,60,66,60,50,22,22,33,41,28,8,24,14,13,57,17,57,26,15,18,22,45,20,71,27,8,35,13,6,5 +29-1011.00,Chiropractors,https://www.onetonline.org/link/summary/29-1011.00,2025-06-11T19:04:18.163338,"Evaluate the functioning of the neuromuscularskeletal system and the spine using systems of chiropractic diagnosis. +Diagnose health problems by reviewing patients' health and medical histories, questioning, observing, and examining patients and interpreting x-rays. +Perform a series of manual adjustments to the spine or other articulations of the body to correct the musculoskeletal system. +Obtain and record patients' medical histories. +Maintain accurate case histories of patients. +Advise patients about recommended courses of treatment. +Analyze x-rays to locate the sources of patients' difficulties and to rule out fractures or diseases as sources of problems. +Counsel patients about nutrition, exercise, sleeping habits, stress management, or other matters. +Consult with or refer patients to appropriate health practitioners when necessary. +Recommend and arrange for diagnostic procedures, such as blood chemistry tests, saliva tests, x-rays, or other imaging procedures. +Suggest and apply the use of supports such as straps, tapes, bandages, or braces if necessary. +Provide guidance to patients on exercises they can perform to improve mobility. +Take x-rays.","Accounting software— Billing software; EZClaim medical billing software +Calendar and scheduling software— Scheduling software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— InPhase Technologies Group InPhase Concept +Medical software— Advantage Software Chiropractic Advantage; ChiroSoft; Softworx Solutions ChiroWrite; Versatile Software Systems VersaSoft Chiro;22 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Examine patients to assess general physical condition. +Record patient medical histories. +Collect medical information from patients, family members, or other medical professionals. +Diagnose medical conditions. +Gather medical information from patient histories. +Treat patients using physical therapy techniques. +Advise patients on effects of health conditions or treatments. +Analyze test data or images to inform diagnosis or treatment. +Provide health and wellness advice to patients, program participants, or caregivers. +Collaborate with healthcare professionals to plan or provide treatment. +Refer patients to other healthcare practitioners or health resources. +Schedule patient procedures or appointments. +Apply bandages, dressings, or splints. +Recommend types of assistive devices.","Contact With Others— 100% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Determine Tasks, Priorities and Goals— 96% responded “A lot of freedom.” +Freedom to Make Decisions— 96% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Physical Proximity— 92% responded “Very close (near touching).” +Telephone Conversations— 85% responded “Every day.” +Importance of Being Exact or Accurate— 80% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 73% responded “Very important results.” +Frequency of Decision Making— 80% responded “Every day.” +E-Mail— 63% responded “Every day.” +Importance of Repeating Same Tasks— 59% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 71% responded “Continually or almost continually.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 44% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 39% responded “Continually or almost continually.” +Consequence of Error— 48% responded “Extremely serious.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +Time Pressure— 51% responded “Every day.” +Spend Time Standing— 61% responded “More than half the time.” +Health and Safety of Other Workers— 34% responded “Limited responsibility.” +Spend Time Bending or Twisting Your Body— 37% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Level of Competition— 35% responded “Moderately competitive.” +Exposed to Disease or Infections— 33% responded “Every day.” +Conflict Situations— 31% responded “Once a year or more but not every month.” +Duration of Typical Work Week— 34% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Persuasion— Persuading others to change their minds or behavior.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acupuncturists +Bright Outlook +Cardiologists +Dermatologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Naturopathic Physicians +Neurologists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians","View the list of Allies +Academy of Advanced Practice Chiropractic Medicine +external site +American Chiropractic Association +external site +Association of Chiropractic Colleges +external site +Foundation for Chiropractic Education +external site +Gonstead Clinical Studies Society +external site +International Chiropractic Pediatric Association +external site +International Chiropractors Association +external site +World Chiropractic Alliance +external site +World Federation of Chiropractic +external site +Council on Chiropractic Education +external site +Federation of Chiropractic Licensing Boards +external site +National Board of Chiropractic Examiners +external site",77,4,30,78,41,69,38,61,62,49,59,62,33,55,20,43,34,26,38,7,71,61,49,23,84,30,4,25,74,21,15,4,15 +53-3031.00,Driver/Sales Workers,https://www.onetonline.org/link/summary/53-3031.00,2025-06-11T19:29:12.769687,"Drive trucks to deliver such items as food, medical supplies, or newspapers. +Inform regular customers of new products or services and price changes. +Record sales or delivery information on daily sales or delivery record. +Listen to and resolve customers' complaints regarding products or services. +Collect money from customers, make change, and record transactions on customer receipts. +Maintain trucks and food-dispensing equipment and clean inside of machines that dispense food or beverages. +Arrange merchandise and sales promotion displays or issue sales promotion materials to customers. +Collect coins from vending machines, refill machines, and remove aged merchandise. +Write customer orders and sales contracts according to company guidelines. +Review lists of dealers, customers, or station drops and load trucks. +Sell food specialties, such as sandwiches and beverages, to office workers and patrons of sports events.","Communications server software— IBM Domino +Data base user interface and query software— MobiTech Systems Route Sales Trakker; Regulussoft Route Accounting; Soft Essentials Vending Essentials +Inventory management software— Computer Directions Route Sales Tracker +Map creation software— GEOCOMtms A.Maze Planning; Route planning software +Office suite software— Microsoft Office software +Project management software— bMobile Technology Route Manager; bMobile Technology Sales +Spreadsheet software— Microsoft Excel","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Operate vehicles or material-moving equipment. +Sell products or services. +Collect payments for goods or services. +Provide transportation information to passengers or customers. +Record sales or transactions data. +Record details of deliveries or shipments. +Resolve issues affecting transportation operations. +Clean machinery or equipment. +Collect fares or payment from customers. +Maintain vehicles in good working condition. +Load shipments, belongings, or materials. +Review customer information.","Outdoors, Exposed to All Weather Conditions— 100% responded “Every day.” +Time Pressure— 92% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 76% responded “Continually or almost continually.” +Duration of Typical Work Week— 81% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 76% responded “Extremely important.” +Contact With Others +Deal With External Customers or the Public in General +Spend Time Making Repetitive Motions— 64% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 23% responded “Important.” +Spend Time Bending or Twisting Your Body— 59% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 78% responded “Every day.” +Determine Tasks, Priorities and Goals— 29% responded “A lot of freedom.” +Spend Time Walking or Running— 24% responded “Continually or almost continually.” +Telephone Conversations +Exposed to Extremely Bright or Inadequate Lighting Conditions— 56% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 14% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Frequency of Decision Making— 39% responded “Every day.” +Spend Time Standing— 18% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 27% responded “Never.” +Exposed to Contaminants— 40% responded “Every day.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Exposed to Cramped Work Space, Awkward Positions +Spend Time Keeping or Regaining Balance— 26% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 19% responded “Every day.” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 18% responded “Less than half the time.” +Work With or Contribute to a Work Group or Team +Indoors, Environmentally Controlled +Consequence of Error— 32% responded “Extremely serious.” +Written Letters and Memos— 28% responded “Once a week or more but not every day.” +Level of Competition— 21% responded “Extremely competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Buyers and Purchasing Agents, Farm Products +Bright Outlook +Counter and Rental Clerks +Couriers and Messengers +Dispatchers, Except Police, Fire, and Ambulance +Door-to-Door Sales Workers, News and Street Vendors, and Related Workers +Heavy and Tractor-Trailer Truck Drivers +Light Truck Drivers +Postal Service Mail Carriers +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers","View the list of Allies +American Trucking Associations +external site +International Brotherhood of Teamsters +external site",79,66,48,62,48,51,55,24,28,29,49,28,1,37,10,33,20,25,1,62,12,5,5,19,1,22,7,8,1,7,24,1,1 +35-2013.00,"Cooks, Private Household",https://www.onetonline.org/link/summary/35-2013.00,2025-06-11T19:11:39.475030,"Peel, wash, trim, and cook vegetables and meats, and bake breads and pastries. +Cool, package, label, and freeze foods for later consumption and provide instructions for reheating. +Plan menus according to employers' needs and diet restrictions. +Shop for or order food and kitchen supplies and equipment. +Prepare meals in private homes according to employers' recipes or tastes, handling all meals for the family and possibly for other household staff. +Keep records pertaining to menus, finances, and other business-related issues. +Stock, organize, and clean kitchens and cooking utensils. +Direct the operation and organization of kitchens and all food-related activities, including the presentation and serving of food. +Specialize in preparing fancy dishes or food for special diets. +Plan and prepare food for parties, holiday meals, luncheons, special functions, and other social events. +Create and explore new cuisines. +Serve meals and snacks to employing families and their guests. +Travel with employers to vacation homes to provide meal preparation at those locations.","Accounting software— Cost tracking software; Intuit QuickBooks +Calendar and scheduling software— Work scheduling software +Data base user interface and query software— APPCA Personal Chef Office; Cooking e-books +Electronic mail software— Email software +Internet browser software— Web browser software +Inventory management software— Food inventory software +Video creation and editing software— YouTube +Web page creation and editing software— WordPress","Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Prepare foods for cooking or serving. +Prepare breads or doughs. +Plan menu options. +Order materials, supplies, or equipment. +Cook foods. +Compile data or documentation. +Store supplies or goods in kitchens or storage areas. +Coordinate activities of food service staff. +Plan special events. +Create new recipes or food presentations. +Serve food or beverages.","Spend Time Standing— 81% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 81% responded “Continually or almost continually.” +E-Mail— 58% responded “Once a week or more but not every day.” +Time Pressure— 50% responded “Every day.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 54% responded “Every day.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +Telephone Conversations— 42% responded “Once a week or more but not every day.” +Contact With Others— 42% responded “Contact with others most of the time.” +Face-to-Face Discussions with Individuals and Within Teams— 38% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 46% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Importance of Being Exact or Accurate— 42% responded “Very important.” +Frequency of Decision Making— 35% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 38% responded “Once a year or more but not every month.” +Health and Safety of Other Workers— 27% responded “Very high responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 44% responded “Every day.” +Level of Competition— 54% responded “Moderately competitive.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Bakers +Baristas +Bright Outlook +Chefs and Head Cooks +Cooks, Fast Food +Cooks, Institution and Cafeteria +Cooks, Restaurant +Cooks, Short Order +Fast Food and Counter Workers +Food Preparation Workers +Food Service Managers","View the list of Allies +American Personal and Private Chef Association +external site +National Restaurant Association +external site +United States Personal Chef Association +external site +Women Chefs and Restaurateurs +external site +American Culinary Federation +external site",90,78,50,47,50,53,37,40,38,41,68,23,37,33,14,20,37,13,6,31,21,8,12,19,12,10,6,15,18,17,9,10,8 +17-3029.01,Non-Destructive Testing Specialists,https://www.onetonline.org/link/summary/17-3029.01,2025-06-11T18:55:36.749108,"Interpret the results of all methods of non-destructive testing (NDT), such as acoustic emission, electromagnetic, leak, liquid penetrant, magnetic particle, neutron radiographic, radiographic, thermal or infrared, ultrasonic, vibration analysis, and visual testing. +Interpret or evaluate test results in accordance with applicable codes, standards, specifications, or procedures. +Identify defects in solid materials, using ultrasonic testing techniques. +Make radiographic images to detect flaws in objects while leaving objects intact. +Prepare reports on non-destructive testing results. +Select, calibrate, or operate equipment used in the non-destructive testing of products or materials. +Visually examine materials, structures, or components for signs of corrosion, metal fatigue, cracks, or other flaws, using tools and equipment such as endoscopes, closed-circuit television systems, and fiber optics. +Examine structures or vehicles such as aircraft, trains, nuclear reactors, bridges, dams, and pipelines, using non-destructive testing techniques. +Document non-destructive testing methods, processes, or results. +Produce images of objects on film, using radiographic techniques. +Supervise or direct the work of non-destructive testing trainees or staff. +Conduct liquid penetrant tests to locate surface cracks by coating objects with fluorescent dyes, cleaning excess penetrant, and applying developer. +Map the presence of imperfections within objects, using sonic measurements. +Develop or use new non-destructive testing methods, such as acoustic emission testing, leak testing, and thermal or infrared testing. +Identify defects in concrete or other building materials, using thermal or infrared testing. +Evaluate material properties, using radio astronomy, voltage and amperage measurement, or rheometric flow measurement. +Operate drones for remote inspection of large or hard-to-reach structures, such as wind turbines, bridges, or tall buildings.","Analytical or scientific software— Fractal Concept SoftScan; GE Sensing & Inspection Technologies Rhythm UT; National Instruments NI Vision Builder for Automated Inspection AI; Visualization Sciences Group VSG Avizo Fire;1 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA +Computer aided manufacturing CAM software— National Instruments NI Motion Assistant +Data base user interface and query software— Microsoft Access +Development environment software— National Instruments LabVIEW +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Geographic information system GIS systems +Graphics or photo imaging software— Visualization Sciences Group VSG Open Inventor +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Measure physical or chemical properties of materials or objects. +Interpret design or operational test results. +Test characteristics of materials or structures. +Document design or operational test results. +Calibrate scientific or technical equipment. +Inspect finished products to locate flaws. +Operate industrial equipment. +Select tools, equipment, or technologies for use in operations or projects. +Inspect equipment or systems. +Supervise engineering or other technical personnel. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Devise research or testing protocols.","Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +E-Mail— 64% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 77% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Telephone Conversations— 50% responded “Every day.” +Duration of Typical Work Week— 73% responded “More than 40 hours.” +Time Pressure— 59% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Frequency of Decision Making— 50% responded “Every day.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Once a week or more but not every day.” +Contact With Others— 50% responded “Contact with others most of the time.” +Deal With External Customers or the Public in General— 55% responded “Very important.” +Indoors, Environmentally Controlled— 45% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 55% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 71% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Outdoors, Under Cover— 50% responded “Once a week or more but not every day.” +Consequence of Error— 38% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Very important.” +Importance of Repeating Same Tasks— 41% responded “Very important.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 32% responded “Every day.” +Physical Proximity— 33% responded “Moderately close (at arm's length).” +Exposed to Cramped Work Space, Awkward Positions— 45% responded “Once a week or more but not every day.” +Level of Competition— 55% responded “Moderately competitive.” +Exposed to Radiation— 27% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Exposed to Contaminants— 36% responded “Once a week or more but not every day.” +Exposed to High Places— 38% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 36% responded “More than half the time.” +Exposed to Hazardous Equipment— 36% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Once a year or more but not every month.” +Exposed to Hazardous Conditions— 36% responded “Once a week or more but not every day.” +Spend Time Standing— 45% responded “About half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 36% responded “Once a week or more but not every day.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Automotive Engineering Technicians +Calibration Technologists and Technicians +Chemical Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Inspectors, Testers, Sorters, Samplers, and Weighers +Mechanical Engineering Technologists and Technicians +Nuclear Monitoring Technicians +Robotics Technicians","View the list of Allies +NDT.net +external site +American Society for Nondestructive Testing +external site +American Society for Quality +external site +American Society of Mechanical Engineers +external site +American Welding Society +external site +ASM International +external site +Association for Materials Protection and Performance +external site +ASTM International +external site +The Society for Protective Coatings +external site",61,4,61,73,74,55,55,68,44,29,39,39,41,67,17,33,26,58,10,43,22,9,14,37,6,77,54,71,13,54,21,2,10 +11-3051.00,Industrial Production Managers,https://www.onetonline.org/link/summary/11-3051.00,2025-06-11T18:47:14.808917,"Set and monitor product standards, examining samples of raw products or directing testing during processing, to ensure finished products are of prescribed quality. +Direct or coordinate production, processing, distribution, or marketing activities of industrial organizations. +Review processing schedules or production orders to make decisions concerning inventory requirements, staffing requirements, work procedures, or duty assignments, considering budgetary limitations and time constraints. +Review operations and confer with technical or administrative staff to resolve production or processing problems. +Hire, train, evaluate, or discharge staff or resolve personnel grievances. +Develop or implement production tracking or quality control systems, analyzing production, quality control, maintenance, or other operational reports to detect production problems. +Prepare and maintain production reports or personnel records. +Review plans and confer with research or support staff to develop new products or processes. +Develop budgets or approve expenditures for supplies, materials, or human resources, ensuring that materials, labor, or equipment are used efficiently to meet production targets. +Maintain current knowledge of the quality control field, relying on current literature pertaining to materials use, technological advances, or statistical studies. +Coordinate or recommend procedures for facility or equipment maintenance or modification, including the replacement of machines. +Initiate or coordinate inventory or cost control programs. +Negotiate materials prices with suppliers. +Conduct site audits to ensure adherence to safety and environmental regulations. +Develop or enforce procedures for normal operation of manufacturing systems. +Implement operational and emergency procedures. +Maintain records to demonstrate compliance with safety and environmental laws, regulations, or policies. +Monitor permit requirements for updates. +Optimize operational costs and productivity consistent with safety and environmental rules and regulations. +Prepare reports on operations and system productivity or efficiency. +Supervise subordinate employees.","Accounting software— Intuit QuickBooks +Analytical or scientific software— Landfill gas analysis software; Landtec System Software LFG Pro; Minitab +Business intelligence and data analysis software— Qlik Tech QlikView +Calendar and scheduling software— Computer integrated manufacturing CIM software; Employee scheduling software; WorkSchedule.net +Computer aided design CAD software— Autodesk AutoCAD; PTC Creo Parametric +Data base user interface and query software— Database software; Exact Software JobBOSS; FileMaker Pro; Scadex Technologies MAESTRO +Desktop communications software— Eko +Desktop publishing software— Adobe InDesign +Development environment software— IBM Rational ClearQuest +Document management software— Adobe Acrobat; QUMAS quality management solution software +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; ProcessPro Premier; SAP software;3 more +Facilities management software— ABB Optimize IT Predict & Control; Computerized maintenance management system CMMS; Plant management software +Financial analysis software— Financial planning software +Graphics or photo imaging software— Adobe Photoshop; JamBoard +Human resources software— Clockware; Computer integrated manufacturing CIM time manager software; Employee performance management system +Industrial control software— AVEVA InTouch HMI; Prosys Open Platform Communications unified architecture software; Schneider Electric CitectSCADA; Supervisory control and data acquisition SCADA software;6 more +Internet browser software— Web browser software +Inventory management software— Computer integrated manufacturing CIM warehouse shipping manager software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; YouTube +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Analyze data to inform operational decisions or activities. +Develop operating strategies, plans, or procedures. +Direct organizational operations, projects, or services. +Direct sales, marketing, or customer service activities. +Evaluate quality of materials or products. +Confer with organizational members to accomplish work activities. +Conduct employee training programs. +Evaluate employee performance. +Hire personnel. +Monitor organizational procedures to ensure proper functioning. +Develop organizational methods or procedures. +Implement organizational process or policy changes. +Maintain personnel records. +Prepare operational progress or status reports. +Approve expenditures. +Develop specifications for new products or processes. +Prepare operational budgets. +Negotiate sales or lease agreements for products or services. +Maintain knowledge of current developments in area of expertise. +Direct facility maintenance or repair activities. +Recommend organizational process or policy changes. +Manage control system activities in organizations. +Conduct environmental audits. +Design industrial processing systems. +Direct operational or production activities. +Implement design or process improvements. +Maintain regulatory or compliance documentation. +Monitor external affairs or events affecting business operations. +Prepare operational reports. +Respond to emergencies to provide assistance. +Supervise employees.","E-Mail— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Contact With Others— 72% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 84% responded “Every day.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Health and Safety of Other Workers— 66% responded “Very high responsibility.” +Telephone Conversations— 70% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 70% responded “Very high responsibility.” +Frequency of Decision Making— 66% responded “Every day.” +Duration of Typical Work Week— 73% responded “More than 40 hours.” +Freedom to Make Decisions— 56% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Time Pressure— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Very important.” +Indoors, Not Environmentally Controlled— 59% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Every day.” +Exposed to Contaminants— 49% responded “Every day.” +Indoors, Environmentally Controlled— 58% responded “Every day.” +Spend Time Standing— 37% responded “About half the time.” +Exposed to Hazardous Equipment— 39% responded “Every day.” +Pace Determined by Speed of Equipment— 31% responded “Extremely important.” +Physical Proximity— 46% responded “Slightly close (e.g., shared office).” +Conflict Situations— 36% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 30% responded “Important.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Consequence of Error— 30% responded “Serious.” +Level of Competition— 30% responded “Moderately competitive.” +Spend Time Walking or Running— 31% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a year or more but not every month.”","Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Negotiation— Bringing others together and trying to reconcile differences. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels Production Managers +Biomass Power Plant Managers +Construction Managers +Bright Outlook +General and Operations Managers +Geothermal Production Managers +Hydroelectric Production Managers +Project Management Specialists +Quality Control Systems Managers +Supply Chain Managers +Transportation, Storage, and Distribution Managers","View the list of Allies +American Foundry Society +external site +American Institute of Chemical Engineers +external site +American Society for Quality +external site +ASM International +external site +Association for Supply Chain Management +external site +National Wooden Pallet and Container Association +external site +Society of Manufacturing Engineers +external site +Society of Petroleum Engineers +external site +American Management Association +external site",64,8,85,57,60,77,48,60,49,38,28,60,27,49,18,36,33,57,14,37,44,18,23,29,10,55,23,24,12,40,21,,4 +29-1122.01,"Low Vision Therapists, Orientation and Mobility Specialists, and Vision Rehabilitation Therapists",https://www.onetonline.org/link/summary/29-1122.01,2025-06-11T19:05:21.399489,"Teach cane skills, including cane use with a guide, diagonal techniques, and two-point touches. +Recommend appropriate mobility devices or systems, such as human guides, dog guides, long canes, electronic travel aids (ETAs), and other adaptive mobility devices (AMDs). +Train clients with visual impairments to use mobility devices or systems, such as human guides, dog guides, electronic travel aids (ETAs), and other adaptive mobility devices (AMDs). +Develop rehabilitation or instructional plans collaboratively with clients, based on results of assessments, needs, and goals. +Write reports or complete forms to document assessments, training, progress, or follow-up outcomes. +Train clients to use tactile, auditory, kinesthetic, olfactory, and proprioceptive information. +Assess clients' functioning in areas such as vision, orientation and mobility skills, social and emotional issues, cognition, physical abilities, and personal goals. +Teach clients to travel independently, using a variety of actual or simulated travel situations or exercises. +Teach self-advocacy skills to clients. +Provide consultation, support, or education to groups such as parents and teachers. +Teach independent living skills or techniques, such as adaptive eating, medication management, diabetes management, and personal management. +Monitor clients' progress to determine whether changes in rehabilitation plans are needed. +Identify visual impairments related to basic life skills in areas such as self care, literacy, communication, health management, home management, and meal preparation. +Design instructional programs to improve communication, using devices such as slates and styluses, braillers, keyboards, adaptive handwriting devices, talking book machines, digital books, and optical character readers (OCRs). +Train clients to use adaptive equipment, such as large print, reading stands, lamps, writing implements, software, and electronic devices. +Participate in professional development activities, such as reading literature, continuing education, attending conferences, and collaborating with colleagues. +Obtain, distribute, or maintain low vision devices. +Collaborate with specialists, such as rehabilitation counselors, speech pathologists, and occupational therapists, to provide client solutions. +Refer clients to services, such as eye care, health care, rehabilitation, and counseling, to enhance visual and life functioning or when condition exceeds scope of practice. +Administer tests and interpret test results to develop rehabilitation plans for clients. +Train clients to read or write Braille.","Analytical or scientific software— Arkenstone Atlas Speaks +Computer based training software— American Printing House for the Blind Talking Typer +Data base reporting software— Oracle Hyperion +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; Oracle Database +Development environment software— Ruby +Device drivers or system software— Ai Squared ZoomText; American Printing House for the Blind Learn Keys; Freedom Scientific MAGic; ZoomWare Screen Magnifier;2 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle NetSuite; Oracle PeopleSoft; SAP software; Workday software +Internet browser software +Object or component oriented development software— Oracle Java; Python +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Instruct patients in the use of assistive equipment. +Recommend types of assistive devices. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Develop treatment plans that use non-medical therapies. +Prepare reports summarizing patient diagnostic or care activities. +Evaluate patient functioning, capabilities, or health. +Advocate for individual or community needs. +Teach life skills or strategies to clients or their families. +Train caregivers or other non-medical personnel. +Monitor patient progress or responses to treatments. +Diagnose medical conditions. +Prepare healthcare training materials. +Maintain medical or professional knowledge. +Maintain medical equipment or instruments. +Collaborate with healthcare professionals to plan or provide treatment. +Analyze patient data to determine patient needs or treatment goals. +Refer patients to other healthcare practitioners or health resources.","E-Mail— 87% responded “Every day.” +Determine Tasks, Priorities and Goals— 70% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Freedom to Make Decisions— 77% responded “A lot of freedom.” +Physical Proximity— 61% responded “Very close (near touching).” +Contact With Others— 52% responded “Constant contact with others.” +Telephone Conversations— 48% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 61% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 43% responded “Every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Deal With External Customers or the Public in General— 35% responded “Very important.” +Frequency of Decision Making— 39% responded “Every day.” +Spend Time Standing— 48% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Spend Time Walking or Running— 48% responded “More than half the time.” +Indoors, Environmentally Controlled— 35% responded “Every day.” +Written Letters and Memos— 43% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Once a week or more but not every day.” +Consequence of Error— 30% responded “Extremely serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adapted Physical Education Specialists +Mental Health Counselors +Bright Outlook +Occupational Therapists +Occupational Therapy Aides +Occupational Therapy Assistants +Physical Therapists +Recreational Therapists +Rehabilitation Counselors +Special Education Teachers, Kindergarten +Speech-Language Pathologists","View the list of Allies +American Occupational Therapy Association +external site +Association for Education and Rehabilitation of the Blind and Visually Impaired +external site +Council for Exceptional Children +external site +Academy for Certification of Vision Rehabilitation and Education Professionals +external site +National Board for Certification in Occupational Therapy +external site +National Education Association +external site",65,8,7,82,25,31,60,79,37,10,13,13,4,44,24,40,31,11,29,68,71,63,50,19,38,15,6,6,12,8,40,4,11 +49-3051.00,Motorboat Mechanics and Service Technicians,https://www.onetonline.org/link/summary/49-3051.00,2025-06-11T19:22:05.832174,"Start motors and monitor performance for signs of malfunctioning, such as smoke, excessive vibration, or misfiring. +Document inspection and test results and work performed or to be performed. +Mount motors to boats, and operate boats at various speeds on waterways to conduct operational tests. +Repair engine mechanical equipment, such as power tilts, bilge pumps, or power take-offs. +Perform routine engine maintenance on motorboats, such as changing oil and filters. +Replace parts, such as gears, magneto points, piston rings, or spark plugs, and reassemble engines. +Idle motors and observe thermometers to determine the effectiveness of cooling systems. +Inspect and repair or adjust propellers or propeller shafts. +Adjust carburetor mixtures, electrical point settings, or timing while motors are running in water-filled test tanks. +Set starter locks and align and repair steering or throttle controls, using gauges, screwdrivers, or wrenches. +Disassemble and inspect motors to locate defective parts, using mechanic's hand tools and gauges. +Adjust generators and replace faulty wiring, using hand tools and soldering irons. +Repair or rework parts, using machine tools such as lathes, mills, drills, or grinders. +Explain repair procedures to customers.","Analytical or scientific software— CDI Electronics M.E.D.S.; Engine diagnostic scanners; Outboard engine diagnostic software; Rinda Technologies DIACOM Marine +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Observe equipment in operation to detect potential problems. +Document test results. +Position equipment using hand tools, power tools, or heavy equipment. +Repair defective engines or engine components. +Replace worn, damaged, or defective mechanical parts. +Service vehicles to maintain functionality. +Inspect mechanical components of vehicles to identify problems. +Adjust vehicle components according to specifications. +Align equipment or machinery. +Disassemble equipment for maintenance or repair. +Repair non-engine automotive or vehicle components. +Adjust equipment to ensure optimal performance. +Repair electrical circuits or wiring. +Repair worn, damaged, or defective mechanical parts.","Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 80% responded “Every day.” +In an Open Vehicle or Operating Equipment— 63% responded “Every day.” +Exposed to Contaminants— 71% responded “Every day.” +Frequency of Decision Making— 66% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 69% responded “Every day.” +Telephone Conversations— 60% responded “Every day.” +Freedom to Make Decisions— 59% responded “A lot of freedom.” +Contact With Others— 53% responded “Constant contact with others.” +Spend Time Standing— 50% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 42% responded “Every day.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Extremely important.” +Outdoors, Under Cover— 45% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 52% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 34% responded “Every day.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 34% responded “A lot of freedom.” +Duration of Typical Work Week— 53% responded “More than 40 hours.” +Exposed to Hazardous Equipment— 44% responded “Every day.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 44% responded “Every day.” +Consequence of Error— 33% responded “Extremely serious.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers— 38% responded “Moderate responsibility.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 28% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 28% responded “Limited responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 27% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 33% responded “More than half the time.” +Level of Competition— 31% responded “Highly competitive.” +Spend Time Bending or Twisting Your Body— 37% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Fairly important.” +Exposed to Hazardous Conditions— 33% responded “Once a week or more but not every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 32% responded “Less than half the time.” +Conflict Situations— 33% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a year or more but not every month.”","Repairing— Repairing machines or systems using the needed tools. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Aircraft Mechanics and Service Technicians +Automotive Service Technicians and Mechanics +Bus and Truck Mechanics and Diesel Engine Specialists +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Mobile Heavy Equipment Mechanics, Except Engines +Bright Outlook +Motorcycle Mechanics +Outdoor Power Equipment and Other Small Engine Mechanics +Ship Engineers","View the list of Allies +American Boat Builders and Repairers Association +external site",73,5,35,62,59,52,40,49,43,29,36,26,38,63,3,35,23,95,5,52,23,6,13,23,5,57,37,51,17,43,23,3,5 +51-9141.00,Semiconductor Processing Technicians,https://www.onetonline.org/link/summary/51-9141.00,2025-06-11T19:28:03.357204,"Manipulate valves, switches, and buttons, or key commands into control panels to start semiconductor processing cycles. +Maintain processing, production, and inspection information and reports. +Inspect materials, components, or products for surface defects and measure circuitry, using electronic test equipment, precision measuring instruments, microscope, and standard procedures. +Clean semiconductor wafers using cleaning equipment, such as chemical baths, automatic wafer cleaners, or blow-off wands. +Study work orders, instructions, formulas, and processing charts to determine specifications and sequence of operations. +Load and unload equipment chambers and transport finished product to storage or to area for further processing. +Clean and maintain equipment, including replacing etching and rinsing solutions and cleaning bath containers and work area. +Place semiconductor wafers in processing containers or equipment holders, using vacuum wand or tweezers. +Set, adjust, and readjust computerized or mechanical equipment controls to regulate power level, temperature, vacuum, and rotation speed of furnace, according to crystal growing specifications. +Etch, lap, polish, or grind wafers or ingots to form circuitry and change conductive properties, using etching, lapping, polishing, or grinding equipment. +Load semiconductor material into furnace. +Monitor operation and adjust controls of processing machines and equipment to produce compositions with specific electronic properties, using computer terminals. +Count, sort, and weigh processed items. +Calculate etching time based on thickness of material to be removed from wafers or crystals. +Inspect equipment for leaks, diagnose malfunctions, and request repairs. +Align photo mask pattern on photoresist layer, expose pattern to ultraviolet light, and develop pattern, using specialized equipment. +Stamp, etch, or scribe identifying information on finished component according to specifications. +Scribe or separate wafers into dice. +Connect reactor to computer, using hand tools and power tools. +Measure and weigh amounts of crystal growing materials, mix and grind materials, load materials into container, and monitor processing procedures to help identify crystal growing problems.","Analytical or scientific software— yieldWerx +Data base user interface and query software— Database software +Development environment software— National Instruments TestStand +Enterprise resource planning ERP software— SAP software +Industrial control software— Camstar Systems Camstar Semiconductor Suite; Eyelit Manufacturing +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Enter commands, instructions, or specifications into equipment. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Record operational or production data. +Assemble precision electronics or optical equipment. +Adjust flow of electricity to tools or production equipment. +Adjust temperature controls of ovens or other heating equipment. +Clean workpieces or finished products. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Load items into ovens or furnaces. +Monitor equipment operation to ensure that products are not flawed. +Load materials into production equipment. +Move products, materials, or equipment between work areas. +Count finished products or workpieces. +Sort materials or products for processing, storing, shipping, or grading. +Weigh finished products. +Calculate specific material, equipment, or labor requirements for production. +Diagnose equipment malfunctions. +Inspect production equipment. +Notify others of equipment repair or maintenance needs. +Maintain production or processing equipment. +Mount materials or workpieces onto production equipment. +Engrave designs, text, or other markings onto materials, workpieces, or products. +Cut industrial materials in preparation for fabrication or processing. +Install instrumentation or electronic equipment or systems. +Measure ingredients or substances to be used in production processes. +Mix substances to create chemical solutions.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Importance of Being Exact or Accurate— 39% responded “Extremely important.” +Exposed to Contaminants— 67% responded “Every day.” +Exposed to Hazardous Conditions— 66% responded “Every day.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Consequence of Error— 48% responded “Extremely serious.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 49% responded “Continually or almost continually.” +Time Pressure— 57% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 43% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Telephone Conversations— 28% responded “Every day.” +Contact With Others— 45% responded “Contact with others most of the time.” +Duration of Typical Work Week— 70% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Once a week or more but not every day.” +Spend Time Standing— 34% responded “About half the time.” +Pace Determined by Speed of Equipment— 43% responded “Very important.” +Physical Proximity— 49% responded “Slightly close (e.g., shared office).” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Freedom to Make Decisions— 35% responded “Limited freedom.” +Spend Time Walking or Running— 60% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 14% responded “Very little freedom.” +Frequency of Decision Making— 26% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 26% responded “Minor results.” +Spend Time Making Repetitive Motions— 45% responded “Less than half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 38% responded “Every day.” +Level of Competition— 50% responded “Moderately competitive.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adhesive Bonding Machine Operators and Tenders +Chemical Plant and System Operators +Electrical and Electronic Equipment Assemblers +Bright Outlook +Electromechanical Equipment Assemblers +Extruding and Drawing Machine Setters, Operators, and Tenders, Metal and Plastic +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Microsystems Engineers +Plating Machine Setters, Operators, and Tenders, Metal and Plastic +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +American Association for Crystal Growth +external site +Electron Devices Society +external site +Semiconductor Equipment and Materials International +external site +Semiconductor Industry Association +external site",49,8,73,70,47,35,60,57,21,17,16,22,56,59,13,15,32,35,19,19,14,24,7,26,27,42,9,12,5,17,8,7,4 +11-9072.00,"Entertainment and Recreation Managers, Except Gambling",https://www.onetonline.org/link/summary/11-9072.00,2025-06-11T18:48:13.076668,"Administer first aid in emergency situations. +Assign tasks and work hours to staff. +Calculate and record department expenses and revenue. +Clean equipment and areas of amusement park, cruise ship, or other recreational facility. +Explain rules and regulations of facilities and entertainment attractions to customers. +Inspect equipment, such as rides, games, and vehicles, to detect wear and damage. +Interview and hire associates to fill staff vacancies. +Operate, drive, or explain the use of mechanical equipment in amusement parks, cruise ships, or other recreational facilities. +Plan programs of events or schedules of activities. +Plan, organize, or lead group activities for customers, such as exercise routines, athletic events, or arts and crafts. +Resolve customer complaints regarding worker performance or services rendered. +Store and retrieve equipment, such as vehicles, radios, and ride components. +Talk to coworkers using electronic devices, such as computers and radios. +Talk to customers to convey information about events or activities. +Train workers in company procedures or policy. +Write and present strategies for recreational facility programming using customer or employee data. +Write budgets to plan recreational activities or programs.","Accounting software— Intuit QuickBooks +Analytical or scientific software— IBM SPSS Statistics; SAS +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Computer based training software— Blackboard software +Customer relationship management CRM software— Salesforce software +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Airtable; Microsoft Access; Oracle Database +Desktop communications software— Eko +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;3 more +Human resources software— ADP Workforce Now; Oracle Taleo +Instant messaging software— Blink; GroupMe +Network conferencing software— LogMeIn GoToWebinar +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Hewlett-Packard HP OpenVMS; Linux; Microsoft Windows +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Microsoft Project; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting +Video creation and editing software— Flipgrid; Loom; YouTube +Web page creation and editing software— Facebook; LinkedIn; Social media sites +Word processing software— Evernote; Google Docs; Microsoft Word",,"Explain regulations, policies, or procedures. +Provide attraction or event information to patrons. +Apply bandages, dressings, or splints. +Assign duties or work schedules to employees. +Clean equipment or supplies. +Clean facilities or sites. +Conduct eligibility or selection interviews. +Confer with personnel to coordinate business operations. +Develop organizational policies or programs. +Exchange information with colleagues. +Explain use of products or services. +Hire personnel. +Inspect condition or functioning of facilities or equipment. +Lead classes or community events. +Maintain supply or equipment inventories. +Operate vehicles or material-moving equipment. +Plan community programs or activities for the general public. +Plan conferences, programs, or special events. +Prepare financial documents, reports, or budgets. +Reconcile records of sales or other financial transactions. +Resolve customer complaints or problems. +Train service staff.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"Facilities Managers +Fitness and Wellness Coordinators +Bright Outlook +General and Operations Managers +Lodging Managers +Meeting, Convention, and Event Planners +Park Naturalists +Recreation and Fitness Studies Teachers, Postsecondary +Recreation Workers +Recreational Therapists +Social and Community Service Managers","View the list of Allies +American Academy for Park and Recreation Administration +external site +American Camp Association +external site +Association for Challenge Course Technology +external site +Association of Outdoor Recreation and Education +external site +Cruise Lines International Association +external site +Event Service Professionals Association +external site +Hospitality Sales and Marketing Association International +external site +International Association of Venue Managers +external site +International Entertainment Buyers Association +external site +International Festivals and Events Association +external site +International Live Events Association +external site +National Association of Activity Professionals +external site +National Recreation and Park Association +external site +National Tour Association +external site +Outdoor Industry Association +external site +Professional Convention Management Association +external site +Association of Midwest Museums +external site +Mid-Atlantic Association of Museums +external site +Midwest Association of Fish and Wildlife Agencies +external site +Mountain-Plains Museums Association +external site +New England Museum Association +external site +Northeast Campground Association +external site +Southeast Festivals and Events Association +external site +Southeastern Association of Fish and Wildlife Agencies +external site +Southeastern Museums Conference +external site +Western Association of Fish and Wildlife Agencies +external site +Association of Zoos and Aquariums +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +53-5031.00,Ship Engineers,https://www.onetonline.org/link/summary/53-5031.00,2025-06-11T19:29:53.784117,"Monitor engine, machinery, or equipment indicators when vessels are underway, and report abnormalities to appropriate shipboard staff. +Monitor the availability, use, or condition of lifesaving equipment or pollution preventatives to ensure that international regulations are followed. +Monitor and test operations of engines or other equipment so that malfunctions and their causes can be identified. +Start engines to propel ships, and regulate engines and power transmissions to control speeds of ships, according to directions from captains or bridge computers. +Perform or participate in emergency drills, as required. +Perform general marine vessel maintenance or repair work, such as repairing leaks, finishing interiors, refueling, or maintaining decks. +Maintain or repair engines, electric motors, pumps, winches, or other mechanical or electrical equipment, or assist other crew members with maintenance or repair duties. +Maintain complete records of engineering department activities, including machine operations. +Operate or maintain off-loading liquid pumps or valves. +Maintain electrical power, heating, ventilation, refrigeration, water, or sewerage systems. +Install engine controls, propeller shafts, or propellers. +Clean engine parts and keep engine rooms clean. +Record orders for changes in ship speed or direction, and note gauge readings or test data, such as revolutions per minute or voltage output, in engineering logs or bellbooks. +Order and receive engine room stores, such as oil or spare parts, maintain inventories, and record usage of supplies. +Act as a liaison between a ship's captain and shore personnel to ensure that schedules and budgets are maintained and that the ship is operated safely and efficiently. +Supervise marine engine technicians engaged in the maintenance or repair of mechanical or electrical marine vessels, and inspect their work to ensure that it is performed properly. +Fabricate engine replacement parts, such as valves, stay rods, or bolts, using metalworking machinery. +Use drone technology for ship inspections, maintenance, or other tasks.","Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Kongsberg Maritime K-LOG Electronic Logbooks; Microsoft Access; Oracle Database +Document management software— Marine Software Marine Safety Manager +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Electronic data interchange EDI software +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS; Damen DAMOS; Marine Software Marine Planned Maintenance +Helpdesk or call center software— Computer aided dispatch software +Industrial control software— Wonderware software +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Monitor engine operation or functioning. +Report vehicle or equipment malfunctions. +Monitor availability of equipment or supplies. +Operate ships or other watercraft. +Maintain watercraft engines or machinery. +Direct emergency management activities. +Record operational or production data. +Control pumps or pumping equipment. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Clean facilities or work areas. +Clean machinery or equipment. +Record operational details of travel. +Acquire supplies or equipment. +Communicate with others to coordinate vehicle movement. +Direct maintenance or repair activities. +Fabricate products or components using machine tools.","Health and Safety of Other Workers— 76% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 81% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 67% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Very important results.” +Consequence of Error— 80% responded “Extremely serious.” +Indoors, Not Environmentally Controlled— 64% responded “Every day.” +Outdoors, Exposed to All Weather Conditions +Work With or Contribute to a Work Group or Team— 60% responded “Very important.” +Exposed to Hazardous Equipment— 57% responded “Every day.” +Exposed to Contaminants— 57% responded “Every day.” +Frequency of Decision Making— 58% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 42% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Every day.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Contact With Others— 43% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Exposed to Hazardous Conditions— 50% responded “Every day.” +Importance of Repeating Same Tasks— 44% responded “Very important.” +Telephone Conversations— 48% responded “Every day.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Time Pressure— 35% responded “Every day.” +Outdoors, Under Cover— 27% responded “Once a week or more but not every day.” +Physical Proximity— 41% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Very important.” +Importance of Being Exact or Accurate— 33% responded “Important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 31% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Exposed to Whole Body Vibration— 31% responded “Every day.” +E-Mail— 33% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 34% responded “Once a week or more but not every day.” +Spend Time Standing— 34% responded “More than half the time.” +Indoors, Environmentally Controlled— 38% responded “Every day.” +Conflict Situations— 52% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 22% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aircraft Mechanics and Service Technicians +Avionics Technicians +Bright Outlook +Bus and Truck Mechanics and Diesel Engine Specialists +Hydroelectric Plant Technicians +Locomotive Engineers +Maintenance and Repair Workers, General +Marine Engineers and Naval Architects +Motorboat Mechanics and Service Technicians +Sailors and Marine Oilers +Stationary Engineers and Boiler Operators","View the list of Allies +American Waterways Operators +external site +Passenger Vessel Association +external site +Society of Marine Port Engineers +external site +American Maritime Officers +external site +Inlandboatmen's Union of the Pacific +external site +Marine Engineers' Beneficial Association +external site +Seafarers International Union +external site",39,7,34,64,56,49,62,43,39,16,6,32,44,55,6,31,17,88,7,57,33,16,11,38,30,63,49,40,15,32,40,5,10 +43-3031.00,"Bookkeeping, Accounting, and Auditing Clerks",https://www.onetonline.org/link/summary/43-3031.00,2025-06-11T19:15:12.968848,"Operate computers programmed with accounting software to record, store, and analyze information. +Check figures, postings, and documents for correct entry, mathematical accuracy, and proper codes. +Comply with federal, state, and company policies, procedures, and regulations. +Operate 10-key calculators, typewriters, and copy machines to perform calculations and produce documents. +Receive, record, and bank cash, checks, and vouchers. +Code documents according to company procedures. +Perform financial calculations, such as amounts due, interest charges, balances, discounts, equity, and principal. +Reconcile or note and report discrepancies found in records. +Perform general office duties, such as filing, answering telephones, and handling routine correspondence. +Access computerized financial information to answer general questions as well as those related to specific accounts. +Classify, record, and summarize numerical and financial data to compile and keep financial records, using journals and ledgers or computers. +Debit, credit, and total accounts on computer spreadsheets and databases, using specialized accounting software. +Match order forms with invoices, and record the necessary information. +Prepare and process payroll information. +Prepare bank deposits by compiling data from cashiers, verifying and balancing receipts, and sending cash, checks, or other forms of payment to banks. +Calculate and prepare checks for utilities, taxes, and other payments. +Monitor status of loans and accounts to ensure that payments are up to date. +Reconcile records of bank transactions. +Compile budget data and documents, based on estimated revenues and expenses and previous budgets. +Compare computer printouts to manually maintained journals to determine if they match. +Transfer details from separate journals to general ledgers or data processing sheets. +Complete and submit tax forms and returns, workers' compensation forms, pension contribution forms, and other government documents. +Calculate, prepare, and issue bills, invoices, account statements, and other financial statements according to established procedures. +Calculate costs of materials, overhead, and other expenses, based on estimates, quotations and price lists. +Prepare purchase orders and expense reports. +Prepare trial balances of books. +Compile statistical, financial, accounting, or auditing reports and tables pertaining to such matters as cash receipts, expenditures, accounts payable and receivable, and profits and losses. +Maintain inventory records.","Accounting software— Intuit QuickBooks; Sage 50 Accounting; SAP Concur; Tax software;32 more +Business intelligence and data analysis software— IBM Cognos Impromptu +Cloud-based data access and sharing software— Dropbox; Google Drive +Compliance software— Corporate Responsibility System Technologies Limited CRSTL Compliance Positioning System; Financial compliance software; Intrax ProcedureNet; Sage EDP Payroll Tax;3 more +Customer relationship management CRM software— Act!; Blackbaud The Raiser's Edge +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Database software; Microsoft Access; Oracle Database; Yardi software;3 more +Desktop communications software— Skype +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat; Document management system software; Microsoft SharePoint; OmniRIM Records Management Suite;2 more +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— SAP BusinessObjects Data Integrator +Enterprise resource planning ERP software— AcornSystems Corporate Performance Management; Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software;12 more +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials; RSM McGladrey Advanced Practice Solutions Paperless Audit; RSM McGladrey Auditor Assistant;6 more +Human resources software— ADP Workforce Now; Human resource management software HRMS +Information retrieval or search software— LexisNexis +Internet browser software— Microsoft Internet Explorer +Medical software— Epic Systems; Medical condition coding software; Medical procedure coding software; MEDITECH software;1 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— HCSS HeavyBid; HCSS HeavyJob; Microsoft Project +Spreadsheet software— Microsoft Excel +Time accounting software— ADP Pay eXpert; HMS; Payroll software +Transaction server software— Customer information control system CICS; Tumbleweed SecureTransport +Video conferencing software— FaceTime +Word processing software— Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Operate computers or computerized equipment. +Execute sales or other financial transactions. +Verify accuracy of financial or transactional data. +Compile data or documentation. +Prepare cash for deposit or disbursement. +Monitor organizational compliance with regulations. +Collect deposits, payments or fees. +Operate office equipment. +Calculate financial data. +Reconcile records of sales or other financial transactions. +Monitor financial information. +Code data or other information. +Answer telephones to direct calls or provide information. +File documents or records. +Search files, databases or reference materials to obtain needed information. +Convert data among multiple digital or analog formats. +Maintain financial or account records. +Prepare documentation for contracts, transactions, or regulatory compliance. +Calculate costs of goods or services. +Maintain inventory records.","E-Mail— 94% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +Importance of Repeating Same Tasks— 68% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Contact With Others— 66% responded “Constant contact with others.” +Spend Time Sitting— 64% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 64% responded “Continually or almost continually.” +Frequency of Decision Making— 60% responded “Every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 35% responded “A lot of freedom.” +Written Letters and Memos— 46% responded “Every day.” +Freedom to Make Decisions— 34% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Every day.” +Conflict Situations— 31% responded “Once a month or more but not every week.”","Mathematics— Using mathematics to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Billing and Posting Clerks +Brokerage Clerks +Credit Authorizers, Checkers, and Clerks +File Clerks +Insurance Claims and Policy Processing Clerks +Loan Interviewers and Clerks +New Accounts Clerks +Office Clerks, General +Bright Outlook +Payroll and Timekeeping Clerks +Tellers","View the list of Allies +American Institute of Professional Bookkeepers +external site",80,5,17,59,71,47,18,42,72,59,21,29,3,54,4,26,19,12,4,7,20,6,10,25,5,3,3,3,,3,14,, +47-5051.00,"Rock Splitters, Quarry",https://www.onetonline.org/link/summary/47-5051.00,2025-06-11T19:20:56.147022,"Locate grain line patterns to determine how rocks will split when cut. +Remove pieces of stone from larger masses, using jackhammers, wedges, and other tools. +Insert wedges and feathers into holes, and drive wedges with sledgehammers to split stone sections from masses. +Mark dimensions or outlines on stone prior to cutting, using rules and chalk lines. +Cut slabs of stone into sheets that will be used for floors or counters. +Set charges of explosives to split rock. +Drill holes along outlines, using jackhammers. +Drill holes into sides of stones broken from masses, insert dogs or attach slings, and direct removal of stones. +Cut grooves along outlines, using chisels.","Analytical or scientific software— Minitab +Application server software— Apache HTTP Server +Computer aided design CAD software— Autodesk AutoCAD +Enterprise resource planning ERP software— SAP software +Facilities management software— Maintenance reporting software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Time accounting software— Time reporting software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.","Cut tile, stone, or other masonry materials. +Break up rock, asphalt, or concrete. +Examine physical characteristics of natural stone or stone products. +Operate detonation equipment. +Direct construction or extraction personnel. +Drill holes in earth or rock. +Mark reference points on construction materials.","Outdoors, Exposed to All Weather Conditions— 92% responded “Every day.” +Exposed to Contaminants— 71% responded “Every day.” +Spend Time Standing— 60% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 49% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Every day.” +Work With or Contribute to a Work Group or Team— 32% responded “Extremely important.” +Exposed to Hazardous Equipment— 48% responded “Every day.” +Exposed to Whole Body Vibration— 48% responded “Every day.” +Importance of Being Exact or Accurate— 60% responded “Very important.” +In an Open Vehicle or Operating Equipment— 43% responded “Every day.” +Health and Safety of Other Workers— 42% responded “High responsibility.” +Spend Time Bending or Twisting Your Body— 39% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 57% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 32% responded “Every day.” +Freedom to Make Decisions— 38% responded “Limited freedom.” +Consequence of Error— 28% responded “Extremely serious.” +Contact With Others— 35% responded “Contact with others most of the time.” +Duration of Typical Work Week— 75% responded “40 hours.” +Exposed to High Places— 36% responded “Never.” +Pace Determined by Speed of Equipment— 26% responded “Fairly important.” +Spend Time Making Repetitive Motions— 26% responded “About half the time.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.",,"Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Cement Masons and Concrete Finishers +Construction Laborers +Bright Outlook +Cutters and Trimmers, Hand +Earth Drillers, Except Oil and Gas +Foundry Mold and Coremakers +Grinding and Polishing Workers, Hand +Helpers--Extraction Workers +Rotary Drill Operators, Oil and Gas +Sawing Machine Setters, Operators, and Tenders, Wood +Stone Cutters and Carvers, Manufacturing","View the list of Allies +American Institute of Professional Geologists +external site +American Society of Concrete Contractors +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Association of American State Geologists +external site +International Masonry Institute +external site +Mason Contractors Association of America +external site +National Association of Home Builders +external site +National Association of Women in Construction +external site +National Mining Association +external site +National Stone, Sand and Gravel Association +external site +Natural Stone Institute +external site +Operative Plasterers' and Cement Masons' International Association +external site +Society for Mining, Metallurgy and Exploration +external site +American Concrete Institute +external site +United Steelworkers +external site",39,16,49,41,45,44,44,44,31,31,32,40,30,29,29,28,27,47,24,39,30,36,18,25,32,27,35,29,20,30,17,12,17 +27-1014.00,Special Effects Artists and Animators,https://www.onetonline.org/link/summary/27-1014.00,2025-06-11T19:02:35.787313,"Design complex graphics and animation, using independent judgment, creativity, and computer equipment. +Create basic designs, drawings, and illustrations for product labels, cartons, direct mail, or television. +Participate in design and production of multimedia campaigns, handling budgeting and scheduling, and assisting with such responsibilities as production coordination, background design, and progress tracking. +Create two-dimensional and three-dimensional images depicting objects in motion or illustrating a process, using computer animation or modeling programs. +Make objects or characters appear lifelike by manipulating light, color, texture, shadow, and transparency, or manipulating static images to give the illusion of motion. +Apply story development, directing, cinematography, and editing to animation to create storyboards that show the flow of the animation and map out key scenes and characters. +Implement and maintain configuration control systems. +Script, plan, and create animated narrative sequences under tight deadlines, using computer software and hand drawing techniques. +Develop briefings, brochures, multimedia presentations, web pages, promotional products, technical illustrations, and computer artwork for use in products, technical manuals, literature, newsletters, and slide shows. +Assemble, typeset, scan, and produce digital camera-ready art or film negatives and printer's proofs. +Convert real objects to animated objects through modeling, using techniques such as optical scanning. +Create pen-and-paper images to be scanned, edited, colored, textured, or animated by computer. +Use models to simulate the behavior of animated objects in the finished sequence.","Computer aided design CAD software— Autodesk 3ds Max Design; Autodesk AutoCAD Civil 3D; AutoDesSys form Z; solidThinking;2 more +Configuration management software— Perforce Helix software +Desktop publishing software— Adobe InDesign; QuarkXPress +Development environment software— Adobe ActionScript; C; Unity Technologies Unity; XML User Interface XUI;8 more +Document management software— Adobe Acrobat +Enterprise application integration software— Extensible markup language XML +Graphical user interface development software— Figma +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Trimble SketchUp Pro;65 more +Object or component oriented development software— C++; jQuery; Object-oriented programming languages; Python +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; Pixar RenderMan Studio; YouTube;7 more +Web page creation and editing software— Adobe Dreamweaver; Google Sites; Social media sites +Web platform development software— AJAX; Cascading style sheets CSS; Drupal; PHP;6 more +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Create computer-generated graphics or animation. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Coordinate logistics for productions or events. +Draw detailed or technical illustrations. +Prepare production storyboards. +Convert data among multiple digital or analog formats.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Spend Time Sitting— 69% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Work With or Contribute to a Work Group or Team +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Time Pressure +Frequency of Decision Making— 18% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 71% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 15% responded “More than half the time.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 58% responded “Very high responsibility.” +Contact With Others— 58% responded “Constant contact with others.” +Telephone Conversations— 39% responded “Once a week or more but not every day.” +Level of Competition +Determine Tasks, Priorities and Goals— 32% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Important results.” +Deal With External Customers or the Public in General— 30% responded “Fairly important.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Consequence of Error— 28% responded “Fairly serious.” +Physical Proximity— 26% responded “Moderately close (at arm's length).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Art Directors +Commercial and Industrial Designers +Desktop Publishers +Film and Video Editors +Graphic Designers +Media Technical Directors/Managers +Bright Outlook +Photographers +Producers and Directors +Video Game Designers +Web and Digital Interface Designers","View the list of Allies +ACM SIGGRAPH +external site +American Film Institute +external site +Association for Computing Machinery +external site +Comic Art Professional Society +external site +National Association of Schools of Art and Design +external site +National Cartoonists Society +external site +Professional Association for Design +external site +Promax International BPME +external site +The One Club for Creativity +external site +Visual Effects Society +external site +Women in Film +external site +International Cinematographers Guild +external site +The Animation Guild +external site",74,,54,85,37,49,18,30,45,21,72,26,,99,15,29,78,13,10,11,24,7,19,61,4,55,4,8,12,81,50,47,11 +17-1022.00,Surveyors,https://www.onetonline.org/link/summary/17-1022.00,2025-06-11T18:53:14.157519,"Direct or conduct surveys to establish legal boundaries for properties, based on legal deeds and titles. +Prepare and maintain sketches, maps, reports, and legal descriptions of surveys to describe, certify, and assume liability for work performed. +Write descriptions of property boundary surveys for use in deeds, leases, or other legal documents. +Verify the accuracy of survey data, including measurements and calculations conducted at survey sites. +Search legal records, survey records, and land titles to obtain information about property boundaries in areas to be surveyed. +Record the results of surveys, including the shape, contour, location, elevation, and dimensions of land or land features. +Prepare, or supervise preparation of, all data, charts, plots, maps, records, and documents related to surveys. +Compute geodetic measurements and interpret survey data to determine positions, shapes, and elevations of geomorphic and topographic features. +Calculate heights, depths, relative positions, property lines, and other characteristics of terrain. +Plan and conduct ground surveys designed to establish baselines, elevations, and other geodetic measurements. +Establish fixed points for use in making maps, using geodetic and engineering instruments. +Determine longitudes and latitudes of important features and boundaries in survey areas, using theodolites, transits, levels, and satellite-based global positioning systems (GPS). +Train assistants and helpers, and direct their work in such activities as performing surveys or drafting maps. +Coordinate findings with the work of engineering and architectural personnel, clients, and others concerned with projects. +Analyze survey objectives and specifications to prepare survey proposals or to direct others in survey proposal preparation. +Testify as an expert witness in court cases on land survey issues, such as property boundaries. +Adjust surveying instruments to maintain their accuracy. +Develop criteria for survey methods and procedures. +Survey bodies of water to determine navigable channels and to secure data for construction of breakwaters, piers, and other marine structures. +Direct aerial surveys of specified geographical areas. +Conduct research in surveying and mapping methods, using knowledge of photogrammetric map compilation and electronic data processing. +Locate and mark sites selected for geophysical prospecting activities, such as efforts to locate petroleum or other mineral products. +Determine specifications for equipment to be used for aerial photography, as well as altitudes from which to photograph terrain. +Develop criteria for the design and modification of survey instruments.","Analytical or scientific software— HYPACK MAX; MicroSurvey FieldGenius; Sokkia Spectrum Survey Suite; Survey software;6 more +Application server software— CloudWorks +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Computer aided design and drafting software CADD;5 more +Data base user interface and query software— Data logging software +Data conversion software— Cyclone +Document management software— Data transfer software +Geographic information system— Cadcorp desktop GIS; ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems;1 more +Graphics or photo imaging software— Bentley GeoPak Bridge +Information retrieval or search software— Topographic database software +Internet browser software +Map creation software— Bentley Systems InRoads Suite; Geomechanical design analysis GDA software; PC-Mapper software; Sokkia Imap;3 more +Mobile location based services software— Global positioning system GPS software +Office suite software— Latitude software; Microsoft Office software +Project management software— Crones & Associations Project Tracker Pro; Project analysis and costing software; Project data integration software +Route navigation software— NOAA Shoreline Data Explorer +Spreadsheet software— Microsoft Excel +Time accounting software— Sharetech Tabs Plus +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Direct surveying activities. +Create maps. +Document technical design details. +Verify mathematical calculations. +Survey land or bodies of water to measure or determine features. +Gather physical survey data. +Calculate geographic positions from survey data. +Train personnel on proper operational procedures. +Coordinate activities with suppliers, contractors, clients, or other departments. +Analyze physical, survey, or geographic data. +Testify at legal or legislative proceedings. +Calibrate scientific or technical equipment. +Determine operational criteria or specifications. +Conduct research to gain information about products or processes. +Research topics in area of expertise.","E-Mail— 100% responded “Every day.” +Importance of Being Exact or Accurate— 79% responded “Extremely important.” +Telephone Conversations— 75% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 60% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Time Pressure— 70% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Frequency of Decision Making— 45% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Duration of Typical Work Week— 55% responded “40 hours.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 60% responded “High responsibility.” +Importance of Repeating Same Tasks— 45% responded “Very important.” +Indoors, Environmentally Controlled— 47% responded “Every day.” +Deal With External Customers or the Public in General— 40% responded “Important.” +Coordinate or Lead Others in Accomplishing Work Activities— 65% responded “Very important.” +Determine Tasks, Priorities and Goals— 65% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 60% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 30% responded “Every day.” +Consequence of Error— 30% responded “Very serious.” +Exposed to Very Hot or Cold Temperatures— 45% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 45% responded “Once a month or more but not every week.” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +Level of Competition— 40% responded “Highly competitive.” +Spend Time Standing— 45% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 35% responded “Less than half the time.” +Spend Time Sitting— 40% responded “About half the time.” +Exposed to Hazardous Equipment— 35% responded “Once a week or more but not every day.”","Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Appraisers and Assessors of Real Estate +Architectural and Civil Drafters +Cartographers and Photogrammetrists +Bright Outlook +Civil Engineering Technologists and Technicians +Civil Engineers +Construction and Building Inspectors +Geodetic Surveyors +Geological Technicians, Except Hydrologic Technicians +Mining and Geological Engineers, Including Mining Safety Engineers +Surveying and Mapping Technicians","View the list of Allies +American Society for Photogrammetry and Remote Sensing +external site +American Association for Geodetic Surveying +external site +American Society of Civil Engineers +external site +National Association of County Surveyors +external site +National Society of Professional Surveyors +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",68,1,48,62,93,66,49,59,51,46,49,51,11,74,3,61,26,30,4,38,16,6,9,30,3,81,67,35,13,68,76,,35 +39-4011.00,Embalmers,https://www.onetonline.org/link/summary/39-4011.00,2025-06-11T19:13:07.879673,"Conform to laws of health and sanitation and ensure that legal requirements concerning embalming are met. +Apply cosmetics to impart lifelike appearance to the deceased. +Join lips, using needles and thread or wire. +Close incisions, using needles and sutures. +Incise stomach and abdominal walls and probe internal organs, using trocar, to withdraw blood and waste matter from organs. +Clean and disinfect areas in which bodies are prepared and embalmed. +Dress bodies and place them in caskets. +Make incisions in arms or thighs and drain blood from circulatory system and replace it with embalming fluid, using pump. +Remove the deceased from place of death and transport to funeral home. +Perform the duties of funeral directors, including coordinating funeral activities. +Attach trocar to pump-tube, start pump, and repeat probing to force embalming fluid into organs. +Reshape or reconstruct disfigured or maimed bodies when necessary, using dermasurgery techniques and materials such as clay, cotton, plaster of Paris, and wax. +Pack body orifices with cotton saturated with embalming fluid to prevent escape of gases or waste matter. +Conduct interviews to arrange for the preparation of obituary notices, to assist with the selection of caskets or urns, and to determine the location and time of burials or cremations. +Insert convex celluloid or cotton between eyeballs and eyelids to prevent slipping and sinking of eyelids. +Assist with placing caskets in hearses and organize cemetery processions. +Maintain records, such as itemized lists of clothing or valuables delivered with body and names of persons embalmed. +Wash and dry bodies, using germicidal soap and towels or hot air dryers. +Arrange for transporting the deceased to another state for interment. +Perform special procedures necessary for remains that are to be transported to other states or overseas, or where death was caused by infectious disease. +Supervise funeral attendants and other funeral home staff. +Serve as pallbearers, attend visiting rooms, and provide other assistance to the bereaved. +Direct casket and floral display placement and arrange guest seating. +Arrange funeral home equipment and perform general maintenance. +Assist coroners at death scenes or at autopsies, file police reports, and testify at inquests or in court, if employed by a coroner. +Press diaphragm to evacuate air from lungs.","Data base user interface and query software— Belmar & Associates Mortware; Custom Data Systems Sterling Management Software; HMIS Advantage; Twin Tier Technologies MIMS;1 more +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Monitor operations to ensure compliance with safety or security policies or regulations. +Embalm corpses. +Apply makeup to alter or enhance appearance. +Clean facilities or equipment. +Clean work areas. +Apply decorative or textured finishes or coverings. +Transport biological or other medical materials. +Direct funeral or mortuary activities. +Collect information from people through observation, interviews, or surveys. +Handle caskets. +Maintain client information or service records. +Apply cleansing or conditioning agents to client hair, scalp, or skin. +Supervise service workers. +Arrange items for use or display. +Perform basic equipment maintenance. +Assist practitioners to perform medical procedures. +File documents or records. +Testify at legal or legislative proceedings.","Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Time Pressure— 74% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Deal With External Customers or the Public in General— 74% responded “Extremely important.” +E-Mail— 67% responded “Every day.” +Contact With Others— 67% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 71% responded “Extremely important.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 75% responded “Extremely important.” +Exposed to Disease or Infections— 54% responded “Every day.” +Exposed to Contaminants— 47% responded “Every day.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Exposed to Hazardous Conditions— 58% responded “Every day.” +Physical Proximity— 32% responded “Moderately close (at arm's length).” +Written Letters and Memos— 49% responded “Every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Consequence of Error— 48% responded “Extremely serious.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 63% responded “Once a week or more but not every day.” +Conflict Situations— 26% responded “Every day.” +Duration of Typical Work Week +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 40% responded “Every day.” +Health and Safety of Other Workers— 28% responded “Limited responsibility.” +Outdoors, Exposed to All Weather Conditions— 73% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 34% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “More than half the time.” +Importance of Repeating Same Tasks— 32% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Public Speaking— 28% responded “Once a month or more but not every week.” +Spend Time Standing— 53% responded “About half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 34% responded “Once a year or more but not every month.” +Exposed to Very Hot or Cold Temperatures— 34% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Crematory Operators +Funeral Attendants +Funeral Home Managers +Home Health Aides +Bright Outlook +Licensed Practical and Licensed Vocational Nurses +Morticians, Undertakers, and Funeral Arrangers +Nursing Assistants +Phlebotomists +Surgical Assistants +Surgical Technologists","View the list of Allies +International Order of the Golden Rule +external site +National Funeral Directors and Morticians Association +external site +National Funeral Directors Association +external site +Selected Independent Funeral Homes +external site +Academy of Professional Funeral Service Practice +external site",92,,29,62,38,55,45,50,54,30,28,26,66,46,17,60,31,18,52,36,65,49,41,31,44,26,10,21,56,8,15,6,4 +17-2111.02,Fire-Prevention and Protection Engineers,https://www.onetonline.org/link/summary/17-2111.02,2025-06-11T18:53:53.903120,"Advise architects, builders, and other construction personnel on fire prevention equipment and techniques and on fire code and standard interpretation and compliance. +Inspect buildings or building designs to determine fire protection system requirements and potential problems in areas such as water supplies, exit locations, and construction materials. +Design fire detection equipment, alarm systems, and fire extinguishing devices and systems. +Prepare and write reports detailing specific fire prevention and protection issues, such as work performed, revised codes or standards, and proposed review schedules. +Consult with authorities to discuss safety regulations and to recommend changes as necessary. +Direct the purchase, modification, installation, testing, maintenance, and operation of fire prevention and protection systems. +Determine causes of fires and ways in which they could have been prevented. +Develop plans for the prevention of destruction by fire, wind, and water. +Develop training materials and conduct training sessions on fire protection. +Attend workshops, seminars, or conferences to present or obtain information regarding fire prevention and protection. +Evaluate fire department performance and the laws and regulations affecting fire prevention or fire safety. +Study the relationships between ignition sources and materials to determine how fires start. +Conduct research on fire retardants and the fire safety of materials and devices. +Review building plans to verify compliance with fire code.","Administration software— Network flow modeling software +Analytical or scientific software— A Large Outdoor Fire plume Trajectory model Flat Terrain ALOFT-FT; ANSYS simulation software; Berkeley Algorithm for Breaking Window Glass in a Compartment Fire BREAK1; Simulation of fires in enclosures SOFIE software;30 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Bentley MicroStation; Computational Dynamics STAR-CD;1 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Advise others on health and safety issues. +Inspect facilities or sites to determine if they meet specifications or standards. +Develop fire safety or prevention programs or plans. +Prepare technical or operational reports. +Coordinate safety or regulatory compliance activities. +Direct equipment maintenance or repair activities. +Direct installation activities. +Determine causes of operational problems or failures. +Prepare detailed work plans. +Teach safety standards or environmental compliance methods. +Update technical knowledge. +Evaluate applicable laws and regulations to determine impact on organizational activities. +Research topics in area of expertise. +Conduct research to inform art, designs, or other work. +Examine debris to obtain information about causes of fires.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 45% responded “Very important.” +Contact With Others— 45% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 60% responded “Very important.” +Written Letters and Memos— 40% responded “Every day.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Frequency of Decision Making— 40% responded “Every day.” +Time Pressure— 60% responded “Once a week or more but not every day.” +Spend Time Sitting— 60% responded “More than half the time.” +Health and Safety of Other Workers— 40% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Deal With External Customers or the Public in General— 50% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 45% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 30% responded “Moderate responsibility.” +Level of Competition— 55% responded “Moderately competitive.” +Physical Proximity— 60% responded “Slightly close (e.g., shared office).”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operations Analysis— Analyzing needs and product requirements to create a design. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Persuasion— Persuading others to change their minds or behavior. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles.","Construction and Building Inspectors +Environmental Engineers +Bright Outlook +Fire Inspectors and Investigators +Firefighters +First-Line Supervisors of Firefighting and Prevention Workers +Forest Fire Inspectors and Prevention Specialists +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Nuclear Engineers +Occupational Health and Safety Specialists +Security Management Specialists","View the list of Allies +American Industrial Hygiene Association +external site +American Institute of Chemical Engineers +external site +American Society of Safety Professionals +external site +ASHRAE +external site +Institution of Fire Engineers USA Branch +external site +International Association for Fire Safety Science +external site +International Code Council +external site +International Council on Systems Engineering +external site +National Fire Protection Association +external site +National Society of Professional Engineers +external site +Society of Fire Protection Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +Board for Global Environmental Health and Safety Credentialing +external site +Board of Certified Safety Professionals +external site +National Council of Examiners for Engineering and Surveying +external site",65,5,35,78,80,53,70,45,44,38,40,40,63,50,11,59,36,58,3,18,33,1,14,31,6,92,85,74,15,91,23,1,8 +53-7073.00,Wellhead Pumpers,https://www.onetonline.org/link/summary/53-7073.00,2025-06-11T19:30:56.374237,"Monitor pumps and flow lines for gas and fluid leaks. +Gauge oil and gas production. +Start compressor engines and divert oil from storage tanks into compressor units and auxiliary equipment to recover natural gas from oil. +Monitor control panels during pumping operations to ensure that materials are being pumped at the correct pressure, density, rate, and concentration. +Operate engines and pumps to shut off wells according to production schedules, and to switch flow of oil into storage tanks. +Repair gas and oil meters and gauges. +Perform routine maintenance on vehicles and equipment. +Open valves to return compressed gas to bottoms of specified wells to repressurize them and force oil to surface. +Change water filters. +Prepare trucks and equipment necessary for the type of pumping service required. +Attach pumps and hoses to wellheads. +Mix acids, chemicals, or dry cement as required for a specific job. +Unload and assemble pipes and pumping equipment, using hand tools. +Supervise oil pumpers and other workers engaged in producing oil from wells. +Conduct regular inspections of equipment using drones or other advanced technology.","Data base user interface and query software— Operational databases +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Moxa software; Supervisory control and data acquisition SCADA software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Inspect gas systems or components to identify leaks or other potential hazards. +Monitor equipment operation to ensure proper functioning. +Calculate weights, volumes or other characteristics of materials. +Measure equipment outputs. +Control pumps or pumping equipment. +Monitor equipment gauges or displays to ensure proper operation. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Install machine or equipment replacement parts. +Repair precision devices or workpieces. +Set up laboratory or field equipment. +Maintain vehicles in good working condition. +Connect hoses to equipment or machinery. +Prepare chemicals for work application. +Direct material handling or moving activities.","Exposed to Contaminants— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 97% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 97% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Exposed to Hazardous Conditions— 76% responded “Every day.” +Determine Tasks, Priorities and Goals— 59% responded “A lot of freedom.” +Exposed to Very Hot or Cold Temperatures— 54% responded “Every day.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams +Frequency of Decision Making— 22% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 75% responded “Every day.” +Contact With Others— 40% responded “Contact with others most of the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 11% responded “Once a week or more but not every day.” +E-Mail— 22% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Duration of Typical Work Week +Work With or Contribute to a Work Group or Team— 34% responded “Important.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Consequence of Error— 43% responded “Serious.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 42% responded “Every day.” +Importance of Repeating Same Tasks— 50% responded “Very important.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 38% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “About half the time.” +Exposed to Cramped Work Space, Awkward Positions— 37% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 54% responded “Every day.” +Work Outcomes and Results of Other Workers— 25% responded “Limited responsibility.” +Level of Competition— 56% responded “Moderately competitive.” +Written Letters and Memos— 29% responded “Never.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Fairly important.” +Exposed to High Places— 31% responded “Every day.” +Health and Safety of Other Workers— 19% responded “No responsibility.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Hydroelectric Plant Technicians +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Pump Operators, Except Wellhead Pumpers +Rotary Drill Operators, Oil and Gas +Roustabouts, Oil and Gas +Bright Outlook +Service Unit Operators, Oil and Gas +Stationary Engineers and Boiler Operators","View the list of Allies +American Petroleum Institute +external site +Independent Petroleum Association of America +external site",22,4,45,43,51,37,39,34,46,12,8,35,46,39,4,35,8,67,4,32,14,7,7,17,18,33,35,34,22,36,12,1,4 +33-9099.02,Retail Loss Prevention Specialists,https://www.onetonline.org/link/summary/33-9099.02,2025-06-11T19:11:24.119241,"Investigate known or suspected internal theft, external theft, or vendor fraud. +Implement or monitor processes to reduce property or financial losses. +Identify and report merchandise or stock shortages. +Maintain documentation or reports on security-related incidents or investigations. +Apprehend shoplifters in accordance with guidelines. +Verify proper functioning of physical security systems, such as closed-circuit televisions, alarms, sensor tag systems, or locks. +Identify and report safety concerns to maintain a safe shopping and working environment. +Conduct store audits to identify problem areas or procedural deficiencies. +Monitor compliance with standard operating procedures for loss prevention, physical security, or risk management. +Inspect buildings, equipment, or access points to determine security risks. +Perform covert surveillance of areas susceptible to loss, such loading docks, distribution centers, or warehouses. +Prepare written reports on investigations. +Collaborate with law enforcement agencies to report or investigate crimes. +Testify in civil or criminal court proceedings. +Recommend methods to reduce potential financial fraud losses. +Train establishment personnel in loss prevention activities. +Coordinate with risk management, human resources, or other departments to assist in company programs, investigations, or training. +Respond to critical incidents, such as catastrophic events, violent weather, or civil disorders. +Recommend new or improved processes or equipment to reduce risk exposure. +Direct work of contract security officers or other loss prevention agents. +Conduct employee background investigations and review reports with operational or human resources managers. +Use drone technology for surveillance and loss prevention.","Analytical or scientific software— Aspect Loss Prevention Aspect EliteLP; Epicor Loss Prevention +Data base user interface and query software— Case management system software; Database software; Microsoft Access; Structured query language SQL +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Investigate crimes committed within organizations. +Monitor operations to ensure compliance with safety or security policies or regulations. +Communicate situation details to appropriate personnel. +Inspect equipment to ensure safety or proper functioning. +Apprehend criminal suspects. +Maintain operational records. +Inspect facilities to ensure compliance with security or safety regulations. +Maintain surveillance of individuals or establishments. +Prepare investigation or incident reports. +Collaborate with law enforcement or security agencies to respond to incidents. +Testify at legal or legislative proceedings. +Recommend improvements to increase safety or reduce risks. +Train employees in proper work procedures. +Collaborate with outside groups to develop programs or projects. +Respond to emergencies to provide assistance. +Direct security operations. +Investigate personal characteristics or activities of individuals.","Contact With Others— 78% responded “Constant contact with others.” +Telephone Conversations— 80% responded “Every day.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +E-Mail— 70% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Very important results.” +Frequency of Decision Making— 50% responded “Every day.” +Health and Safety of Other Workers— 47% responded “Very high responsibility.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Importance of Repeating Same Tasks— 45% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 71% responded “Once a week or more but not every day.” +Conflict Situations— 72% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Important.” +Level of Competition— 48% responded “Highly competitive.” +Consequence of Error— 36% responded “Extremely serious.” +Time Pressure— 46% responded “Once a month or more but not every week.” +Dealing with Violent or Physically Aggressive People— 50% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “About half the time.” +Duration of Typical Work Week— 43% responded “40 hours.” +Spend Time Sitting— 33% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Public Speaking— 37% responded “Once a year or more but not every month.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Compliance Managers +Bright Outlook +Detectives and Criminal Investigators +Financial Risk Specialists +First-Line Supervisors of Security Workers +Fraud Examiners, Investigators and Analysts +Gambling Surveillance Officers and Gambling Investigators +Loss Prevention Managers +Private Detectives and Investigators +Security Guards +Security Managers","View the list of Allies +ASIS International +external site +Coalition of Law Enforcement and Retail +external site +Jewelers Security Alliance +external site +National Retail Federation +external site",67,9,38,77,50,64,92,67,56,33,29,57,16,62,31,75,29,26,24,25,46,35,29,39,25,23,14,13,6,19,16,2,7 +29-1212.00,Cardiologists,https://www.onetonline.org/link/summary/29-1212.00,2025-06-11T19:06:33.791785,"Administer emergency cardiac care for life-threatening heart problems, such as cardiac arrest and heart attack. +Advise patients and community members concerning diet, activity, hygiene, or disease prevention. +Answer questions that patients have about their health and well-being. +Calculate valve areas from blood flow velocity measurements. +Compare measurements of heart wall thickness and chamber sizes to standards to identify abnormalities, using the results of an echocardiogram. +Conduct electrocardiogram (EKG), phonocardiogram, echocardiogram, or other cardiovascular tests to record patients' cardiac activity, using specialized electronic test equipment, recording devices, or laboratory instruments. +Conduct exercise electrocardiogram tests to monitor cardiovascular activity under stress. +Conduct research to develop or test medications, treatments, or procedures that prevent or control disease or injury. +Conduct tests of the pulmonary system, using a spirometer or other respiratory testing equipment. +Design and explain treatment plans, based on patient information such as medical history, reports, and examination results. +Diagnose cardiovascular conditions, using cardiac catheterization. +Diagnose medical conditions of patients, using records, reports, test results, or examination information. +Explain procedures and discuss test results or prescribed treatments with patients. +Inject contrast media into patients' blood vessels. +Monitor patient progress following cardiac surgery. +Monitor patients' conditions and progress, and reevaluate treatments, as necessary. +Observe ultrasound display screen, and listen to signals to record vascular information, such as blood pressure, limb volume changes, oxygen saturation, and cerebral circulation. +Obtain and record patient information, including patient identification, medical history, and examination results. +Operate diagnostic imaging equipment to produce contrast-enhanced radiographs of heart and cardiovascular system. +Order medical tests, such as echocardiograms, electrocardiograms, and angiograms. +Perform minimally invasive surgical procedures, such as implanting pacemakers and defibrillators. +Perform vascular procedures, such as balloon angioplasty and stents. +Prescribe heart medication to treat or prevent heart problems. +Recommend surgeons or surgical procedures. +Supervise or train cardiology technologists or students. +Talk to other physicians about patients to create a treatment plan.","Medical software— Epic Systems; MEDITECH software +Transaction security and virus protection software— Watchman Monitoring",,"Test patient heart or lung functioning. +Analyze test data or images to inform diagnosis or treatment. +Operate diagnostic or therapeutic medical instruments or equipment. +Operate on patients to treat conditions. +Provide health and wellness advice to patients, program participants, or caregivers. +Administer medical substances for imaging or other procedures. +Advise communities or institutions regarding health or safety issues. +Assess physical conditions of patients to aid in diagnosis or treatment. +Calculate numerical data for medical activities. +Collect medical information from patients, family members, or other medical professionals. +Conduct diagnostic tests to determine patient health. +Conduct research to increase knowledge about medical issues. +Confer with clients to discuss treatment plans or progress. +Confer with other professionals to plan patient care. +Develop medical treatment plans. +Explain medical procedures or test results to patients or family members. +Monitor patient progress or responses to treatments. +Monitor patients following surgeries or other treatments. +Operate diagnostic imaging equipment. +Order medical diagnostic or clinical tests. +Prescribe medications. +Record patient medical histories. +Refer patients to other healthcare practitioners or health resources. +Supervise patient care personnel. +Train medical providers. +Treat medical emergencies.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Anesthesiologists +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Neurologists +Bright Outlook +Ophthalmologists, Except Pediatric +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Radiologists +Urologists","View the list of Allies +American Academy of Family Physicians +external site +American Association of Cardiovascular and Pulmonary Rehabilitation +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Cardiology +external site +American College of Obstetricians and Gynecologists +external site +American Heart Association +external site +American Medical Association +external site +American Osteopathic Association +external site +American Society of Echocardiography +external site +American Society of Nuclear Cardiology +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +Society of Cardiovascular Anesthesiologists +external site +Southern Medical Association +external site +World Heart Federation +external site +Northwest Association for Biomedical Research +external site +Southeastern Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Southwestern Association of Clinical Microbiology +external site +American Board of Internal Medicine: Cardiovascular Disease +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site +Cardiovascular Credentialing International +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-4051.00,Metal-Refining Furnace Operators and Tenders,https://www.onetonline.org/link/summary/51-4051.00,2025-06-11T19:24:57.490299,"Regulate supplies of fuel and air, or control flow of electric current and water coolant to heat furnaces and adjust temperatures. +Draw smelted metal samples from furnaces or kettles for analysis, and calculate types and amounts of materials needed to ensure that materials meet specifications. +Weigh materials to be charged into furnaces, using scales. +Record production data, and maintain production logs. +Observe air and temperature gauges or metal color and fluidity, and turn fuel valves or adjust controls to maintain required temperatures. +Operate controls to move or discharge metal workpieces from furnaces. +Inspect furnaces and equipment to locate defects and wear. +Drain, transfer, or remove molten metal from furnaces, and place it into molds, using hoists, pumps, or ladles. +Kindle fires, and shovel fuel and other materials into furnaces or onto conveyors by hand, with hoists, or by directing crane operators. +Prepare material to load into furnaces, including cleaning, crushing, or applying chemicals, by using crushing machines, shovels, rakes, or sprayers. +Remove impurities from the surface of molten metal, using strainers. +Observe operations inside furnaces, using television screens, to ensure that problems do not occur. +Sprinkle chemicals over molten metal to bring impurities to the surface. +Direct work crews in the cleaning and repair of furnace walls and flooring. +Scrape accumulations of metal oxides from floors, molds, and crucibles, and sift and store them for reclamation.","Data base user interface and query software— Process safety management software +Industrial control software— Process control software +Inventory management software— Production tracking system software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Adjust equipment controls to regulate gas flow. +Adjust equipment controls to regulate coolant flow. +Adjust flow of electricity to tools or production equipment. +Calculate specific material, equipment, or labor requirements for production. +Collect samples of materials or products for testing. +Measure ingredients or substances to be used in production processes. +Clean materials to prepare them for production. +Record operational or production data. +Adjust temperature controls of ovens or other heating equipment. +Monitor instruments to ensure proper production conditions. +Operate cranes, hoists, or other moving or lifting equipment. +Inspect production equipment. +Skim impurities from molten metal. +Place materials into molds. +Ignite fuel to activate heating equipment. +Load materials into production equipment. +Signal others to coordinate work activities. +Watch operating equipment to detect malfunctions. +Direct operational or production activities. +Clean production equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Contaminants— 97% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 92% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 84% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 88% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 55% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 66% responded “Extremely important.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Exposed to Hazardous Conditions— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Importance of Being Exact or Accurate— 51% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 25% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 58% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Spend Time Standing— 46% responded “Continually or almost continually.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 60% responded “Every day.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 71% responded “Every day.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 40% responded “Important.” +Consequence of Error— 58% responded “Extremely serious.” +Exposed to Hazardous Equipment— 56% responded “Every day.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 26% responded “A lot of freedom.” +Contact With Others— 47% responded “Constant contact with others.” +Frequency of Decision Making— 42% responded “Every day.” +Time Pressure— 35% responded “Every day.” +Spend Time Bending or Twisting Your Body— 39% responded “Less than half the time.” +Spend Time Walking or Running— 24% responded “Continually or almost continually.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Chemical Equipment Operators and Tenders +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Stationary Engineers and Boiler Operators +Welders, Cutters, Solderers, and Brazers +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Coil Coating Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",45,1,75,41,44,54,55,50,32,31,40,34,44,32,17,16,24,67,7,26,19,11,9,27,5,40,12,37,11,30,11,1,7 +51-4032.00,"Drilling and Boring Machine Tool Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4032.00,2025-06-11T19:24:43.390028,"Verify conformance of machined work to specifications, using measuring instruments, such as calipers, micrometers, or fixed or telescoping gauges. +Study machining instructions, job orders, or blueprints to determine dimensional or finish specifications, sequences of operations, setups, or tooling requirements. +Move machine controls to lower tools to workpieces and to engage automatic feeds. +Verify that workpiece reference lines are parallel to the axis of table rotation, using dial indicators mounted in spindles. +Establish zero reference points on workpieces, such as at the intersections of two edges or over hole locations. +Change worn cutting tools, using wrenches. +Select and set cutting speeds, feed rates, depths of cuts, and cutting tools, according to machining instructions or knowledge of metal properties. +Position and secure workpieces on tables, using bolts, jigs, clamps, shims, or other holding devices. +Observe drilling or boring machine operations to detect any problems. +Lift workpieces onto work tables either manually or with hoists or direct crane operators to lift and position workpieces. +Turn valves and direct flow of coolants or cutting oil over cutting areas. +Install tools in spindles. +Perform minor assembly, such as fastening parts with nuts, bolts, or screws, using power tools or hand tools. +Operate single- or multiple-spindle drill presses to bore holes so that machining operations can be performed on metal or plastic workpieces. +Lay out reference lines and machining locations on work, using layout tools, and applying knowledge of shop math and layout techniques. +Sharpen cutting tools, using bench grinders. +Operate tracing attachments to duplicate contours from templates or models.","Enterprise resource planning ERP software— SAP software +Industrial control software— Computerized numerical control CNC software +Inventory management software— Automated inventory software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Study blueprints or other instructions to determine equipment setup requirements. +Drill holes in parts, equipment, or materials. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Align parts or workpieces to ensure proper assembly. +Replace worn equipment components. +Set equipment controls to meet cutting specifications. +Mount materials or workpieces onto production equipment. +Watch operating equipment to detect malfunctions. +Lift materials or workpieces using cranes or other lifting equipment. +Signal others to coordinate work activities. +Adjust equipment controls to regulate coolant flow. +Mount attachments or tools onto production equipment. +Assemble metal or plastic parts or products. +Operate grinding equipment. +Sharpen cutting or grinding tools.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 93% responded “Every day.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Duration of Typical Work Week— 79% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Time Pressure— 51% responded “Every day.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Exposed to Contaminants— 61% responded “Every day.” +Contact With Others— 51% responded “Constant contact with others.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 54% responded “Every day.” +Spend Time Standing— 50% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Pace Determined by Speed of Equipment— 52% responded “Extremely important.” +Indoors, Environmentally Controlled— 27% responded “Never.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Frequency of Decision Making— 54% responded “Every day.” +Consequence of Error— 29% responded “Extremely serious.” +Health and Safety of Other Workers— 39% responded “High responsibility.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.” +Spend Time Making Repetitive Motions— 32% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Physical Proximity— 49% responded “Slightly close (e.g., shared office).”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Computer Numerically Controlled Tool Operators +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Tool and Die Makers +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +International Association of Machinists and Aerospace Workers +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site",45,,85,75,85,50,40,58,25,13,16,23,27,49,7,17,17,83,12,29,17,10,5,15,7,63,37,44,8,56,6,1,6 +19-3091.00,Anthropologists and Archeologists,https://www.onetonline.org/link/summary/19-3091.00,2025-06-11T18:57:32.629630,"Collect information and make judgments through observation, interviews, and review of documents. +Teach or mentor undergraduate and graduate students in anthropology or archeology. +Write about and present research findings for a variety of specialized and general audiences. +Plan and direct research to characterize and compare the economic, demographic, health care, social, political, linguistic, and religious institutions of distinct cultural groups, communities, and organizations. +Create data records for use in describing and analyzing social patterns and processes, using photography, videography, and audio recordings. +Train others in the application of ethnographic research methods to solve problems in organizational effectiveness, communications, technology development, policy making, and program planning. +Identify culturally specific beliefs and practices affecting health status and access to services for distinct populations and communities, in collaboration with medical and public health officials. +Apply traditional ecological knowledge and assessments of culturally distinctive land and resource management institutions to assist in the resolution of conflicts over habitat protection and resource enhancement. +Lead field training sites and train field staff, students, and volunteers in excavation methods. +Conduct participatory action research in communities and organizations to assess how work is done and to design work systems, technologies, and environments. +Develop and test theories concerning the origin and development of past cultures. +Research, survey, or assess sites of past societies and cultures in search of answers to specific research questions. +Write grant proposals to obtain funding for research. +Advise government agencies, private organizations, and communities regarding proposed programs, plans, and policies and their potential impacts on cultural institutions, organizations, and communities. +Organize public exhibits and displays to promote public awareness of diverse and distinctive cultural traditions. +Collaborate with economic development planners to decide on the implementation of proposed development policies, plans, and programs based on culturally institutionalized barriers and facilitating circumstances. +Develop intervention procedures, using techniques such as individual and focus group interviews, consultations, and participant observation of social interaction. +Enhance the cultural sensitivity of elementary and secondary curricula and classroom interactions in collaboration with educators and teachers. +Study archival collections of primary historical sources to help explain the origins and development of cultural patterns. +Formulate general rules that describe and predict the development and behavior of cultures and social institutions. +Record the exact locations and conditions of artifacts uncovered in diggings or surveys, using drawings and photographs as necessary. +Assess archeological sites for resource management, development, or conservation purposes and recommend methods for site protection. +Gather and analyze artifacts and skeletal remains to increase knowledge of ancient cultures. +Compare findings from one site with archeological data from other sites to find similarities or differences. +Describe artifacts' physical properties or attributes, such as the materials from which artifacts are made and their size, shape, function, and decoration. +Collect artifacts made of stone, bone, metal, and other materials, placing them in bags and marking them to show where they were found. +Study objects and structures recovered by excavation to identify, date, and authenticate them and to interpret their significance. +Consult site reports, existing artifacts, and topographic maps to identify archeological sites. +Clean, restore, and preserve artifacts. +Participate in forensic activities, such as tooth and bone structure identification, in conjunction with police departments and pathologists.","Analytical or scientific software— IBM SPSS Statistics; SAS; The MathWorks MATLAB; Wolfram Research Mathematica;11 more +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Archeological Sites Management Information System ASMIS; Genealogy software; Microsoft Access; Structured query language SQL;1 more +Desktop publishing software— Adobe InDesign; Adobe PageMaker +Development environment software— Software development tools +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcInfo; Geographic information system GIS software; Geographic information system GIS systems;1 more +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; GE Healthcare ImageQuant TL; Graphics software;1 more +Internet browser software— Microsoft Internet Explorer; Web browser software +Map creation software— Golden Software Surfer; Leica Geosystems ERDAS IMAGINE; RockWare ArcMap; Trimble Pathfinder Office +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— C++ +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple Final Cut Express; Apple iMovie; Microsoft Windows Movie Maker; Sony Creative Software Vegas Movie Studio +Voice recognition software— Voice activated software +Web page creation and editing software— Adobe Dreamweaver; Facebook; Microsoft FrontPage +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Collect information from people through observation, interviews, or surveys. +Instruct college students in social sciences or humanities disciplines. +Prepare scientific or technical reports or presentations. +Direct scientific activities. +Plan social sciences research. +Record research or operational data. +Document events or evidence, using photographic or audiovisual equipment. +Advise others about environmental management or conservation. +Inspect condition of natural environments. +Train personnel in technical or scientific procedures. +Conduct anthropological or archaeological research. +Collect biological specimens. +Conduct research on social issues. +Apply knowledge or research findings to address environmental problems. +Evaluate characteristics of archival or historical objects. +Mark materials or objects for identification. +Package materials or products. +Conduct scientific research of organizational behavior or processes. +Collect archival data. +Advise others on matters of public policy. +Plan community programs or activities for the general public. +Write grant proposals. +Clean objects. +Collaborate with technical specialists to resolve design or development problems. +Communicate with government agencies. +Design psychological or educational treatment procedures or programs. +Analyze forensic evidence to solve crimes. +Advise others on educational matters. +Conduct historical research. +Develop theories or models of social phenomena.","E-Mail— 85% responded “Every day.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 47% responded “Every day.” +Importance of Being Exact or Accurate— 60% responded “Very important.” +Contact With Others— 50% responded “Contact with others most of the time.” +Level of Competition— 37% responded “Moderately competitive.” +Spend Time Sitting— 35% responded “More than half the time.” +Indoors, Environmentally Controlled— 37% responded “Once a week or more but not every day.” +Telephone Conversations— 47% responded “Once a week or more but not every day.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Public Speaking— 40% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 33% responded “Important.” +Written Letters and Memos— 29% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 35% responded “Fairly important.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Important.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.”","Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Foreign Language— Knowledge of the structure and content of a foreign (non-English) language including the meaning and spelling of words, rules of composition and grammar, and pronunciation. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anthropology and Archeology Teachers, Postsecondary +Archivists +Bright Outlook +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Curators +Geographers +Geoscientists, Except Hydrologists and Geographers +Historians +History Teachers, Postsecondary +Social Science Research Assistants +Sociologists","View the list of Allies +American Anthropological Association +external site +American Association of Biological Anthropologists +external site +American Association for the Advancement of Science +external site +American Cultural Resources Association +external site +American Quaternary Association +external site +American Society of Overseas Research +external site +Archaeological Institute of America +external site +Geological Society of America +external site +Gerontological Society of America +external site +International Council for Archaeozoology +external site +National Association for the Practice of Anthropology +external site +Register of Professional Archaeologists +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for American Archaeology +external site +Society for Applied Anthropology +external site +Society for Historical Archaeology +external site +Society for Medical Anthropology +external site +Society of Africanist Archaeologists +external site +World Archaeological Congress +external site +Southeastern Archaeological Conference +external site +International Union of Anthropological and Ethnological Sciences +external site",21,4,11,85,40,44,25,71,36,20,13,39,16,51,75,43,59,10,54,16,47,20,97,25,28,11,6,6,41,24,66,25,80 +19-3022.00,Survey Researchers,https://www.onetonline.org/link/summary/19-3022.00,2025-06-11T18:57:10.601002,"Review, classify, and record survey data in preparation for computer analysis. +Monitor and evaluate survey progress and performance, using sample disposition reports and response rate calculations. +Produce documentation of the questionnaire development process, data collection methods, sampling designs, and decisions related to sample statistical weighting. +Prepare and present summaries and analyses of survey data, including tables, graphs, and fact sheets that describe survey techniques and results. +Determine and specify details of survey projects, including sources of information, procedures to be used, and the design of survey instruments and materials. +Consult with clients to identify survey needs and specific requirements, such as special samples. +Conduct surveys and collect data, using methods such as interviews, questionnaires, focus groups, market analysis surveys, public opinion polls, literature reviews, and file reviews. +Support, plan, and coordinate operations for single or multiple surveys. +Conduct research to gather information about survey topics. +Direct and review the work of staff members, including survey support staff and interviewers who gather survey data. +Analyze data from surveys, old records, or case studies, using statistical software. +Direct updates and changes in survey implementation and methods. +Write training manuals to be used by survey interviewers. +Write proposals to win new projects. +Collaborate with other researchers in the planning, implementation, and evaluation of surveys. +Hire and train recruiters and data collectors.","Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;27 more +Business intelligence and data analysis software— Tableau +Customer relationship management CRM software— Sales force automation software +Data base user interface and query software— Apian SurveyPro; Database software; Gamma Associates mTab; Microsoft Access;22 more +Data mining software— Salford Systems CART +Desktop publishing software— EZ Forms; Sawtooth SSI Web +Document management software— Verity TELEform +Electronic mail software— Email software +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Oracle PeopleSoft +Expert system software— Acarda CallAssist; Computer assisted telephone interviewing CATI software +Graphics or photo imaging software— CfMC COSI; Graphics software +Interactive voice response software— CfMC SoundSurvent +Internet browser software— Web browser software +Map creation software— Postal boundary mapping software +Object or component oriented development software— C++; Oracle Java; Perl; R;1 more +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Pulse Train Bellview Scan +Presentation software— COMCON DataFriend; DATAN Merlin Fastab; Microsoft PowerPoint; QPSMR Limited Reflect;1 more +Project management software— Microsoft Project; Microsoft Teams; Perseus SurveySolutions +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime; Zoom +Web page creation and editing software— Adobe ColdFusion; Pulse Train Bellview Web +Web platform development software— JavaScript; Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Classify organisms based on their characteristics or behavior. +Record research or operational data. +Prepare operational reports. +Prepare scientific or technical reports or presentations. +Plan social sciences research. +Confer with clients to exchange information. +Collect information from people through observation, interviews, or surveys. +Direct scientific activities. +Supervise scientific or technical personnel. +Conduct research on social issues. +Prepare proposals or grant applications to obtain project funding. +Write grant proposals. +Collaborate on research activities with scientists or technical specialists. +Train personnel in technical or scientific procedures.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 83% responded “Continually or almost continually.” +Telephone Conversations— 74% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Contact With Others— 38% responded “Constant contact with others.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 65% responded “Some freedom.” +Duration of Typical Work Week— 52% responded “40 hours.” +Level of Competition— 58% responded “Moderately competitive.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Deal With External Customers or the Public in General— 25% responded “Very important.” +Work Outcomes and Results of Other Workers— 42% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Biostatisticians +Bright Outlook +Business Intelligence Analysts +Data Scientists +Industrial-Organizational Psychologists +Management Analysts +Market Research Analysts and Marketing Specialists +Social Science Research Assistants +Sociologists +Statistical Assistants +Statisticians","View the list of Allies +Insights Association +external site +American Association for Public Opinion Research +external site +American Marketing Association +external site +American Political Science Association +external site +American Statistical Association +external site +American Statistical Association Survey Research Methods Section +external site +Association of Academic Survey Research Organizations +external site +ESOMAR +external site +Qualitative Research Consultants Association +external site +World Association for Public Opinion Research +external site +Midwest Association for Public Opinion Research +external site",62,,28,85,83,60,15,45,47,31,46,40,,58,15,40,51,1,24,7,49,4,56,25,5,12,,2,2,19,35,4,22 +29-2012.00,Medical and Clinical Laboratory Technicians,https://www.onetonline.org/link/summary/29-2012.00,2025-06-11T19:07:52.466177,"Conduct chemical analyses of body fluids, such as blood or urine, using microscope or automatic analyzer to detect abnormalities or diseases and enter findings into computer. +Analyze the results of tests or experiments to ensure conformity to specifications, using special mechanical or electrical devices. +Set up, maintain, calibrate, clean, and test sterility of medical laboratory equipment. +Prepare standard volumetric solutions or reagents to be combined with samples, following standardized formulas or experimental procedures. +Collect blood or tissue samples from patients, observing principles of asepsis to obtain blood sample. +Supervise or instruct other technicians or laboratory assistants. +Conduct blood tests for transfusion purposes and perform blood counts. +Obtain specimens, cultivating, isolating, and identifying microorganisms for analysis. +Examine cells stained with dye to locate abnormalities. +Consult with a pathologist to determine a final diagnosis when abnormal cells are found. +Perform medical research to further control or cure disease. +Test raw materials, processes, or finished products to determine quality or quantity of materials or characteristics of a substance. +Analyze and record test data to issue reports that use charts, graphs, or narratives. +Perform quality control analyses to ensure accuracy of test results.","Accounting software— Billing software +Analytical or scientific software— Minitab +Computer based training software— Quizlet +Data base user interface and query software— Data entry software; Database software; FileMaker Pro +Development environment software— National Instruments LabVIEW +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Medical software— Electronic medical record EMR software; Laboratory information system LIS; MEDITECH software; Test routing software;10 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Google Docs; Microsoft Word","Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Test biological specimens to gather information about patient conditions. +Analyze laboratory specimens to detect abnormalities or other problems. +Analyze laboratory findings. +Enter patient or treatment data into computers. +Operate laboratory equipment to analyze medical samples. +Collect biological specimens from patients. +Prepare biological specimens for laboratory analysis. +Clean medical equipment or facilities. +Maintain medical laboratory equipment. +Prepare medical supplies or equipment for use. +Cultivate micro-organisms for study, testing, or medical preparations. +Inform medical professionals regarding patient conditions and care. +Conduct research to increase knowledge about medical issues. +Analyze test data or images to inform diagnosis or treatment. +Supervise technical medical personnel. +Train medical providers.","Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Importance of Being Exact or Accurate— 90% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 93% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Importance of Repeating Same Tasks— 62% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +E-Mail— 56% responded “Every day.” +Exposed to Disease or Infections— 67% responded “Every day.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Freedom to Make Decisions— 38% responded “Some freedom.” +Spend Time Making Repetitive Motions— 49% responded “Continually or almost continually.” +Time Pressure— 54% responded “Every day.” +Consequence of Error— 33% responded “Very serious.” +Exposed to Hazardous Conditions— 56% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 49% responded “Continually or almost continually.” +Exposed to Contaminants— 46% responded “Every day.” +Physical Proximity— 59% responded “Slightly close (e.g., shared office).” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.” +Frequency of Decision Making— 43% responded “Every day.” +Health and Safety of Other Workers— 28% responded “Very high responsibility.” +Spend Time Standing— 56% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a month or more but not every week.” +Degree of Automation— 42% responded “Moderately automated.” +Spend Time Sitting— 45% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cardiovascular Technologists and Technicians +Cytogenetic Technologists +Cytotechnologists +Histology Technicians +Histotechnologists +Medical and Clinical Laboratory Technologists +Neurodiagnostic Technologists +Bright Outlook +Nuclear Medicine Technologists +Phlebotomists +Radiologic Technologists and Technicians","View the list of Allies +Academy of Clinical Laboratory Physicians and Scientists +external site +American Association of Bioanalysts +external site +American Society for Clinical Pathology +external site +American Society of Cytopathology +external site +College of American Pathologists +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +AABB +external site +American Medical Technologists +external site +National Accrediting Agency for Clinical Laboratory Sciences +external site",62,2,48,65,63,30,61,50,59,11,7,20,68,48,15,39,22,38,12,18,25,15,17,29,57,30,,29,68,3,2,,2 +49-9062.00,Medical Equipment Repairers,https://www.onetonline.org/link/summary/49-9062.00,2025-06-11T19:22:55.108595,"Test or calibrate components or equipment, following manufacturers' manuals and troubleshooting techniques, using hand tools, power tools, or measuring devices. +Perform preventive maintenance or service, such as cleaning, lubricating, or adjusting equipment. +Inspect, test, or troubleshoot malfunctioning medical or related equipment, following manufacturers' specifications and using test and analysis instruments. +Keep records of maintenance, repair, and required updates of equipment. +Disassemble malfunctioning equipment and remove, repair, or replace defective parts, such as motors, clutches, or transformers. +Examine medical equipment or facility's structural environment and check for proper use of equipment to protect patients and staff from electrical or mechanical hazards and to ensure compliance with safety regulations. +Install medical equipment. +Test, evaluate, and classify excess or in-use medical equipment and determine serviceability, condition, and disposition, in accordance with regulations. +Plan and carry out work assignments, using blueprints, schematic drawings, technical manuals, wiring diagrams, or liquid or air flow sheets, following prescribed regulations, directives, or other instructions as required. +Study technical manuals or attend training sessions provided by equipment manufacturers to maintain current knowledge. +Explain or demonstrate correct operation or preventive maintenance of medical equipment to personnel. +Research catalogs or repair part lists to locate sources for repair parts, requisitioning parts and recording their receipt. +Repair shop equipment, metal furniture, or hospital equipment, including welding broken parts or replacing missing parts, or bring item into local shop for major repairs. +Solder loose connections, using soldering iron. +Compute power and space requirements for installing medical, dental, or related equipment and install units to manufacturers' specifications. +Evaluate technical specifications to identify equipment or systems best suited for intended use and possible purchase, based on specifications, user needs, or technical requirements. +Contribute expertise to develop medical maintenance standard operating procedures. +Fabricate, dress down, or substitute parts or major new items to modify equipment to meet unique operational or research needs, working from job orders, sketches, modification orders, samples, or discussions with operating officials. +Supervise or advise subordinate personnel. +Make computations relating to load requirements of wiring or equipment, using algebraic expressions and standard formulas.","Customer relationship management CRM software— Salesforce software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS +Internet browser software— Web browser software +Medical software— Medical equipment diagnostic software +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Word processing software— Microsoft Word","Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Calibrate equipment to specifications. +Test mechanical systems to ensure proper functioning. +Adjust equipment to ensure optimal performance. +Inspect mechanical equipment to locate damage, defects, or wear. +Lubricate equipment to allow proper functioning. +Maintain work equipment or machinery. +Disassemble equipment for maintenance or repair. +Install machine or equipment replacement parts. +Maintain repair or maintenance records. +Repair non-engine automotive or vehicle components. +Monitor work areas or procedures to ensure compliance with safety procedures. +Install equipment attachments or components. +Test mechanical equipment to ensure proper functioning. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Plan work procedures. +Read technical information needed to perform maintenance or repairs. +Train others in operational procedures. +Order materials, supplies, or equipment. +Operate welding equipment. +Repair worn, damaged, or defective mechanical parts. +Solder parts or connections between parts. +Calculate requirements for equipment installation or repair projects. +Advise others on issues related to repairs, installation, or equipment design. +Determine types of equipment, tools, or materials needed for jobs. +Fabricate parts or components. +Supervise employees.","Importance of Being Exact or Accurate— 73% responded “Extremely important.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +E-Mail— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Telephone Conversations— 71% responded “Every day.” +Contact With Others— 64% responded “Constant contact with others.” +Freedom to Make Decisions— 56% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Frequency of Decision Making— 39% responded “Every day.” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Time Pressure— 34% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 45% responded “Every day.” +Physical Proximity— 50% responded “Slightly close (e.g., shared office).” +Spend Time Standing— 49% responded “About half the time.” +Consequence of Error— 35% responded “Extremely serious.” +Health and Safety of Other Workers— 37% responded “High responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 29% responded “Every day.” +Duration of Typical Work Week— 62% responded “40 hours.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Exposed to Hazardous Conditions— 33% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 31% responded “Once a month or more but not every week.” +Level of Competition— 34% responded “Moderately competitive.”","Repairing— Repairing machines or systems using the needed tools. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Avionics Technicians +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Mechanical Engineering Technologists and Technicians +Medical Appliance Technicians +Photonics Technicians +Robotics Technicians","View the list of Allies +American Association for Homecare +external site +American Society for Clinical Pathology +external site +Association for the Advancement of Medical Instrumentation +external site +National Association of Nephrology Technicians/Technologists +external site",72,3,36,65,51,31,37,37,36,18,28,20,26,74,7,26,19,79,10,32,12,7,12,33,24,60,27,36,16,33,19,2,7 +51-4021.00,"Extruding and Drawing Machine Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4021.00,2025-06-11T19:24:32.733863,"Measure and examine extruded products to locate defects and to check for conformance to specifications, adjusting controls as necessary to alter products. +Determine setup procedures and select machine dies and parts, according to specifications. +Start machines and set controls to regulate vacuum, air pressure, sizing rings, and temperature, and to synchronize speed of extrusion. +Reel extruded products into rolls of specified lengths and weights. +Install dies, machine screws, and sizing rings on machines that extrude thermoplastic or metal materials. +Change dies on extruding machines, according to production line changes. +Clean work areas. +Troubleshoot, maintain, and make minor repairs to equipment. +Weigh and mix pelletized, granular, or powdered thermoplastic materials and coloring pigments. +Test physical properties of products with testing devices such as acid-bath testers, burst testers, and impact testers. +Load machine hoppers with mixed materials, using augers, or stuff rolls of plastic dough into machine cylinders. +Maintain an inventory of materials. +Adjust controls to draw or press metal into specified shapes and diameters. +Replace worn dies when products vary from specifications. +Select nozzles, spacers, and wire guides, according to diameters and lengths of rods. +Operate shearing mechanisms to cut rods to specified lengths.","Data base user interface and query software— Operational databases +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Inspect metal, plastic, or composite products. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Select production equipment according to product specifications. +Determine production equipment settings. +Operate metal or plastic forming equipment. +Adjust temperature controls of ovens or other heating equipment. +Package products for storage or shipment. +Mount attachments or tools onto production equipment. +Clean work areas. +Measure ingredients or substances to be used in production processes. +Mix substances to create chemical solutions. +Load materials into production equipment. +Diagnose equipment malfunctions. +Maintain production or processing equipment. +Repair production equipment or tools. +Maintain inventories of materials, equipment, or products. +Replace worn equipment components. +Operate cutting equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Pace Determined by Speed of Equipment— 76% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 88% responded “Every day.” +Frequency of Decision Making— 86% responded “Every day.” +Spend Time Standing +Time Pressure— 64% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Very important results.” +Exposed to Contaminants +Duration of Typical Work Week— 61% responded “More than 40 hours.” +Consequence of Error +Spend Time Walking or Running— 47% responded “More than half the time.” +Face-to-Face Discussions with Individuals and Within Teams— 22% responded “Never.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 12% responded “Never.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 64% responded “Every day.” +Freedom to Make Decisions— 59% responded “Some freedom.” +Indoors, Not Environmentally Controlled +Dealing With Unpleasant, Angry, or Discourteous People— 30% responded “Every day.” +Importance of Repeating Same Tasks— 39% responded “Very important.” +Spend Time Bending or Twisting Your Body— 29% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Contact With Others— 42% responded “Contact with others most of the time.” +Spend Time Making Repetitive Motions— 43% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Every day.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 36% responded “Very little freedom.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Paper Goods Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site",33,2,76,62,63,44,34,30,22,16,12,17,10,39,11,8,7,38,7,19,2,5,6,11,6,30,4,7,2,27,1,5,6 +15-1241.00,Computer Network Architects,https://www.onetonline.org/link/summary/15-1241.00,2025-06-11T18:51:37.579284,"Develop disaster recovery plans. +Develop or recommend network security measures, such as firewalls, network security audits, or automated security probes. +Develop and implement solutions for network problems. +Maintain networks by performing activities such as file addition, deletion, or backup. +Coordinate network operations, maintenance, repairs, or upgrades. +Coordinate installation of new equipment. +Monitor and analyze network performance and reports on data input or output to detect problems, identify inefficient use of computer resources, or perform capacity planning. +Develop network-related documentation. +Develop and write procedures for installation, use, or troubleshooting of communications hardware or software. +Participate in network technology upgrade or expansion projects, including installation of hardware and software and integration testing. +Design, build, or operate equipment configuration prototypes, including network hardware, software, servers, or server operation systems. +Adjust network sizes to meet volume or capacity demands. +Communicate with system users to ensure accounts are set up properly or to diagnose and solve operational problems. +Develop conceptual, logical, or physical network designs. +Evaluate network designs to determine whether customer requirements are met efficiently and effectively. +Communicate with vendors to gather information about products, alert them to future needs, resolve problems, or address system maintenance issues. +Develop plans or budgets for network equipment replacement. +Communicate with customers, sales staff, or marketing staff to determine customer needs. +Determine specific network hardware or software requirements, such as platforms, interfaces, bandwidths, or routine schemas. +Prepare detailed network specifications, including diagrams, charts, equipment configurations, or recommended technologies. +Supervise engineers or other staff in the design or implementation of network solutions. +Research and test new or modified hardware or software products to determine performance and interoperability. +Estimate time and materials needed to complete projects. +Design, organize, and deliver product awareness, skills transfer, or product education sessions for staff or suppliers. +Explain design specifications to integration or test engineers. +Develop procedures to track, project, or report network availability, reliability, capacity, or utilization. +Coordinate network or design activities with designers of associated networks. +Prepare or monitor project schedules, budgets, or cost control systems. +Prepare design presentations and proposals for staff or customers. +Use network computer-aided design (CAD) software packages to optimize network designs. +Visit vendors, attend conferences or training sessions, or study technical journals to keep up with changes in technology. +Develop or maintain project reporting systems. +Maintain or coordinate the maintenance of network peripherals, such as printers.","Access software— Access management software; Citrix cloud computing software; Remote access software +Administration software— Cisco Systems CiscoWorks; Element management software; Netreo OmniCenter; Riverbed Technology;9 more +Analytical or scientific software— Discrete event simulation software; Minitab; Root cause analysis software; The MathWorks MATLAB +Application server software— Docker; Microsoft Windows Server; Red Hat OpenShift; Spring Boot;4 more +Authentication server software— Microsoft Forefront Identify Manager +Backup or archival software— Computer Associates ArcServ Backup; System and data disaster recovery software; Veritas NetBackup +Bridge software— Network bridge software +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; IBM WebSphere MQ; Splunk Enterprise +Cloud-based protection or security software— SolarWinds +Clustering software— VMware +Communications server software— Email management software; IBM Domino +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Dassault Systemes CATIA; Dassault Systemes SolidWorks +Computer based training software +Configuration management software— Chef; IBM Terraform; Perforce Helix software; Puppet;5 more +Content workflow software— Atlassian JIRA +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; Oracle PL/SQL;9 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Network reporting software +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Redshift; Amazon Web Services AWS software; Transact-SQL;5 more +Desktop communications software— BroadSoft BroadWorks +Development environment software— Apache Kafka; Apache Maven; Go; Microsoft PowerShell;16 more +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange +Enterprise application integration software— Atlassian Bamboo; Extensible markup language XML; IBM InfoSphere DataStage; Oracle Fusion Middleware +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle Fusion Applications; SAP software +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Financial analysis software— Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Trimble SketchUp Pro +Helpdesk or call center software— Help desk software; Ticket information tracking software +Human resources software— Human resource management software HRMS +Industrial control software— Supervisory control and data acquisition SCADA software +Instant messaging software— Blink +Internet browser software— Web browser software +Internet directory services software— Domain name system DNS; Microsoft Active Directory +Internet protocol IP multimedia subsystem software— Multiprotocol Label Switching MPLS; Open Shortest Path First OSPF; Session Initiation Protocol SIP; Voice over internet protocol VoIP system software +LAN software— Local area network LAN software +Metadata management software— Quest Erwin Data Modeler +Network monitoring software— Nagios; Packet analysis software; Symantec Intruder Alert; Wireshark;19 more +Network operating system enhancement software— EMC Smarts Network Protocol Manager; Infoblox NetMRI; Silver Peak; Wide area network WAN optimization software;2 more +Network security and virtual private network VPN equipment software— Content filter software; Firewall software; Network intrusion detection software +Network security or virtual private network VPN management software— Intrusion prevention system IPS; LogRhythm; Microsoft Forefront Threat Management Gateway; Virtual private networking VPN software;7 more +Object or component oriented development software— C#; jQuery; Scala; Swift;7 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Google Android; Red Hat Enterprise Linux; UNIX Shell;14 more +Optical network management software +Pattern design software— Diagramming software +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Segue SilkPerformer; Selenium;1 more +Project management software— Atlassian Confluence; Microsoft Project +Requirements analysis and system architecture software— Capacity planning software; Network architecture design software; Requirements management software; Unified modeling language UML +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3; Network storage software; Storage area network SAN software; Storage management software +Switch or router software— Border Gateway Protocol BGP; Cisco Systems Cisco Web Cache Communication Protocol WCCP; Cisco Systems Gateway Load Balancing Protocol GLBP; Virtual Router Redundancy Protocol VRRP;4 more +Time accounting software— Time reporting software +Transaction security and virus protection software— CA eTrust; McAfee VirusScan; NortonLifeLock cybersecurity software; Ping Identity;5 more +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex; Videoconferencing software +Video creation and editing software— Adobe After Effects +WAN switching software and firmware— Wide area network WAN software +Web platform development software— Django; Google Angular; Microsoft ASP.NET; Spring Framework;19 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Maintain contingency plans for disaster recovery. +Develop computer or information security policies or procedures. +Recommend changes to improve computer or information systems. +Resolve computer network problems. +Maintain computer networks to enhance performance and user access. +Coordinate software or hardware installation. +Monitor the performance of computer networks. +Analyze data to identify or resolve operational problems. +Document network-related activities or tasks. +Develop testing routines or procedures. +Install computer hardware. +Install computer software. +Modify software programs to improve performance. +Configure computer networks. +Design integrated computer systems. +Provide technical support for computer network issues. +Develop models of information or communications systems. +Conduct research to gain information about products or processes. +Collaborate with others to resolve information technology issues. +Evaluate project designs to determine adequacy or feasibility. +Manage budgets for appropriate resource allocation. +Collaborate with others to determine design specifications or details. +Develop specifications for computer network operation. +Supervise information technology personnel. +Test computer hardware performance. +Estimate time or monetary resources needed to complete projects. +Teach others to use computer equipment or hardware. +Communicate project information to others. +Analyze website or related online data to track trends or usage. +Coordinate project activities with other personnel or departments. +Manage financial activities of the organization. +Update knowledge about emerging industry or technology trends. +Develop information communication procedures. +Manage documentation to ensure organization or accuracy. +Maintain computer hardware.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Telephone Conversations— 60% responded “Every day.” +Spend Time Sitting— 55% responded “Continually or almost continually.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Contact With Others— 50% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 35% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 60% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Time Pressure— 55% responded “Once a month or more but not every week.” +Level of Competition— 45% responded “Moderately competitive.” +Consequence of Error— 30% responded “Extremely serious.” +Frequency of Decision Making— 30% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 50% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 25% responded “Extremely important.” +Physical Proximity— 45% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 40% responded “Once a year or more but not every month.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Programming— Writing computer programs for various purposes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Computer Hardware Engineers +Bright Outlook +Computer Network Support Specialists +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Information Security Engineers +Network and Computer Systems Administrators +Software Developers +Telecommunications Engineering Specialists","View the list of Allies +Association for Computing Machinery +external site +Computing Research Association +external site +IEEE Computer Society +external site +International Association for Computer Information Systems +external site +National Center for Women and Information Technology +external site +CompTIA +external site +Institute for Certification of Computing Professionals +external site",54,,31,70,51,45,49,58,33,23,20,28,11,92,9,43,39,24,8,18,15,5,18,81,3,81,16,16,4,55,24,1,9 +43-5021.00,Couriers and Messengers,https://www.onetonline.org/link/summary/43-5021.00,2025-06-11T19:16:17.283277,"Deliver and pick up medical records, lab specimens, and medications to and from hospitals and other medical facilities. +Obtain signatures and payments, or arrange for recipients to make payments. +Record information, such as items received and delivered and recipients' responses to messages. +Receive messages or materials to be delivered, and information on recipients, such as names, addresses, telephone numbers, and delivery instructions, communicated via telephone, two-way radio, or in person. +Load vehicles with listed goods, ensuring goods are loaded correctly and taking precautions with hazardous goods. +Walk, ride bicycles, drive vehicles, or use public conveyances to reach destinations to deliver messages or materials. +Sort items to be delivered according to the delivery route. +Deliver messages and items, such as newspapers, documents, and packages, between establishment departments and to other establishments and private homes. +Unload and sort items collected along delivery routes. +Plan and follow the most efficient routes for delivering goods. +Check with home offices after completed deliveries to confirm deliveries and collections and to receive instructions for other deliveries. +Perform routine maintenance on delivery vehicles, such as monitoring fluid levels and replenishing fuel. +Collect, seal, and stamp outgoing mail, using postage meters and envelope sealers. +Use telephone to deliver verbal messages. +Perform general office or clerical work, such as filing materials, operating duplicating machines, or running errands.","Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Route navigation software— Route mapping software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Deliver items. +Obtain written authorization to perform activities. +Record shipping information. +Load materials or equipment. +Relay information between personnel. +Operate vehicles or material-moving equipment. +Sort mail. +Unload materials or equipment. +Analyze shipping information to make routing decisions. +Confer with coworkers to coordinate work activities. +Prepare outgoing mail. +Provide notifications to customers or patrons. +File documents or records. +Operate office equipment. +Maintain mechanical equipment.","Telephone Conversations— 97% responded “Every day.” +Freedom to Make Decisions— 80% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Time Pressure— 74% responded “Every day.” +Contact With Others— 70% responded “Constant contact with others.” +E-Mail— 68% responded “Every day.” +Spend Time Sitting— 65% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 14% responded “Fairly important.” +Work With or Contribute to a Work Group or Team +In an Enclosed Vehicle or Operate Enclosed Equipment— 13% responded “Never.” +Exposed to Disease or Infections— 20% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 23% responded “Never.” +Exposed to Contaminants +Spend Time Making Repetitive Motions +Outdoors, Exposed to All Weather Conditions— 20% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 30% responded “More than half the time.” +Health and Safety of Other Workers— 16% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 69% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 22% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a month or more but not every week.” +Frequency of Decision Making— 55% responded “Every day.” +Work Outcomes and Results of Other Workers— 39% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Written Letters and Memos— 46% responded “Once a month or more but not every week.” +Conflict Situations— 21% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 30% responded “Every day.” +Level of Competition— 35% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Far Vision— The ability to see details at a distance. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges.","Baggage Porters and Bellhops +Cargo and Freight Agents +Bright Outlook +Dispatchers, Except Police, Fire, and Ambulance +Driver/Sales Workers +Light Truck Drivers +Mail Clerks and Mail Machine Operators, Except Postal Service +Postal Service Clerks +Postal Service Mail Carriers +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Shipping, Receiving, and Inventory Clerks","View the list of Allies +American Federation of State, County and Municipal Employees, AFL-CIO +external site",70,7,16,62,22,22,35,15,32,11,15,12,15,22,,28,15,12,2,70,9,2,,19,24,,3,6,2,4,31,, +43-4151.00,Order Clerks,https://www.onetonline.org/link/summary/43-4151.00,2025-06-11T19:15:59.991738,"Review orders for completeness according to reporting procedures and forward incomplete orders for further processing. +Obtain customers' names, addresses, and billing information, product numbers, and specifications of items to be purchased, and enter this information on order forms. +Recommend merchandise or services that will meet customers' needs. +Inspect outgoing work for compliance with customers' specifications. +Receive and respond to customer complaints. +Check inventory records to determine availability of requested merchandise. +Verify customer and order information for correctness, checking it against previously obtained information as necessary. +Compute total charges for merchandise or services and shipping charges. +Inform customers by mail or telephone of order information, such as unit prices, shipping dates, and any anticipated delays. +File copies of orders received, or post orders on records. +Notify departments when supplies of specific items are low, or when orders would deplete available supplies. +Prepare invoices, shipping documents, and contracts. +Confer with production, sales, shipping, warehouse, or common carrier personnel to expedite or trace shipments. +Direct specified departments or units to prepare and ship orders to designated locations. +Adjust inventory records to reflect product movement. +Collect payment for merchandise, record transactions, and send items, such as checks or money orders for further processing. +Calculate and compile order-related statistics, and prepare reports for management. +Recommend type of packing or labeling needed on order. +Attempt to sell additional merchandise or services to prospective or current customers by telephone or through visits.","Accounting software— Intuit QuickBooks +Data base user interface and query software— Automated manifest system software; Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— IBM Sterling Configure, Price, Quote; Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software +Enterprise system management software— Microsoft System Center +Internet browser software— Apple Safari; Microsoft Edge; Mozilla Firefox; Web browser software +Inventory management software— Inventory management systems +Materials requirements planning logistics and supply chain software— Warehouse management system WMS +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Procurement software— Order management software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Verify accuracy of financial or transactional data. +Obtain personal or financial information about customers or applicants. +Prepare documentation for contracts, transactions, or regulatory compliance. +Discuss goods or services information with customers or patrons. +Inspect items for damage or defects. +Inspect shipments to ensure correct order fulfillment. +Monitor inventories of products or materials. +Respond to customer problems or complaints. +Confer with coworkers to coordinate work activities. +Maintain inventory records. +Manage clerical or administrative activities. +Calculate financial data. +Collect deposits, payments or fees. +Compile data or documentation. +Recommend packing or shipping methods. +Send information, materials or documentation. +Calculate costs of goods or services. +Calculate shipping costs. +File documents or records. +Provide notifications to customers or patrons. +Promote products, services, or programs. +Provide information to coworkers.","Indoors, Environmentally Controlled— 99% responded “Every day.” +E-Mail +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Telephone Conversations— 87% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Contact With Others— 11% responded “No contact with others.” +Spend Time Sitting— 55% responded “Continually or almost continually.” +Time Pressure— 54% responded “Every day.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 15% responded “Very important.” +Freedom to Make Decisions— 34% responded “Some freedom.” +Duration of Typical Work Week— 65% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Extremely important.” +Frequency of Decision Making— 59% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Every day.” +Importance of Repeating Same Tasks— 32% responded “Extremely important.” +Physical Proximity— 54% responded “Slightly close (e.g., shared office).” +Work Outcomes and Results of Other Workers— 19% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Spend Time Making Repetitive Motions— 36% responded “Continually or almost continually.” +Written Letters and Memos— 49% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Billing and Posting Clerks +Counter and Rental Clerks +Customer Service Representatives +Bright Outlook +Office Clerks, General +Postal Service Clerks +Procurement Clerks +Production, Planning, and Expediting Clerks +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers","View the list of Allies +Society for Human Resource Management +external site +International Brotherhood of Teamsters +external site",84,18,79,70,67,55,58,73,69,42,65,56,7,76,13,30,34,30,,61,19,1,12,16,1,53,12,14,1,21,10,1, +27-3043.00,Writers and Authors,https://www.onetonline.org/link/summary/27-3043.00,2025-06-11T19:03:49.828307,"Develop advertising campaigns for a wide range of clients, working with an advertising agency's creative director and art director to determine the best way to present advertising information. +Vary language and tone of messages based on product and medium. +Present drafts and ideas to clients. +Discuss with the client the product, advertising themes and methods, and any changes that should be made in advertising copy. +Review advertising trends, consumer surveys, and other data regarding marketing of goods and services to determine the best way to promote products. +Write articles, bulletins, sales letters, speeches, and other related informative, marketing and promotional material. +Conduct research and interviews to determine which of a product's selling features should be promoted. +Invent names for products and write the slogans that appear on packaging, brochures and other promotional material. +Collaborate with other writers on specific projects. +Conduct research to obtain factual information and authentic detail, using sources such as newspaper accounts, diaries, and interviews. +Consult with sales, media and marketing representatives to obtain information on product or service and discuss style and length of advertising written material. +Edit or rewrite existing written material as necessary, and submit written material for approval by supervisor, editor, or publisher. +Follow appropriate procedures to get copyrights for completed work. +Plan project arrangements or outlines, and organize material accordingly. +Prepare works in appropriate format for publication, and send them to publishers or producers. +Revise written material to meet personal standards and to satisfy needs of clients, publishers, directors, or producers. +Work with staff to develop script, story, or advertising concepts. +Write advertising material for use by publication, broadcast, or internet media to promote the sale of goods and services. +Write fiction or nonfiction prose, such as short stories, novels, biographies, articles, descriptive or critical analyses, and essays. +Write to customers in their terms and on their level so that the script, story, or advertisement message is more readily received.","Cloud-based data access and sharing software— Asana; Google Drive; Slack +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base management system software— MySQL +Data base user interface and query software— FileMaker Pro; Microsoft Access +Data mining software— Google Analytics +Desktop communications software— Eko; ParentSquare +Desktop publishing software— Adobe InDesign; Campaign Monitor; QuarkXPress +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook; SendGrid +Graphical user interface development software— Figma +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Industrial control software— Chatbot software +Instant messaging software— Twitter +Office suite software— Google Workspace software; Microsoft Office software +Presentation software— Adobe Persuasion; Corel Presentation; Google Slides; Microsoft PowerPoint +Project management software— Microsoft Project +Sales and marketing software— Google Ads; HubSpot software +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Flipgrid; TikTok; YouTube;5 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; Web content management system CMS software; WordPress;2 more +Web platform development software— Drupal; Hypertext markup language HTML; PHP +Word processing software— Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Develop promotional strategies or plans. +Write advertising or promotional material. +Confer with clients to determine needs. +Present work to clients for approval. +Monitor current trends. +Conduct market research. +Write material for artistic or entertainment purposes. +Edit written materials. +Collaborate with others in marketing activities. +Collaborate with others to prepare or perform artistic productions. +Conduct research to inform art, designs, or other work. +Coordinate artistic activities. +Discuss production content and progress with others. +Obtain copyrights or other legal permissions.","E-Mail— 100% responded “Every day.” +Contact With Others— 88% responded “Constant contact with others.” +Time Pressure +Telephone Conversations +Frequency of Decision Making— 64% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams +Level of Competition— 70% responded “Extremely competitive.” +Impact of Decisions on Co-workers or Company Results +Spend Time Sitting +Duration of Typical Work Week +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Written Letters and Memos— 42% responded “Every day.” +Deal With External Customers or the Public in General— 31% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 17% responded “Important.” +Determine Tasks, Priorities and Goals— 28% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Freedom to Make Decisions— 28% responded “A lot of freedom.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Conflict Situations— 38% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 32% responded “Extremely important.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Advertising and Promotions Managers +Advertising Sales Agents +Art Directors +Editors +News Analysts, Reporters, and Journalists +Poets, Lyricists and Creative Writers +Producers and Directors +Bright Outlook +Public Relations Specialists +Search Marketing Strategists +Technical Writers","View the list of Allies +American Copy Editors Society +external site +American Grant Writers' Association +external site +American Medical Writers Association +external site +American Society of Business Publication Editors +external site +American Society of Journalists and Authors +external site +Association for Business Communication +external site +Association of Writers and Writing Programs +external site +Boating Writers International +external site +Circulo Creativo +external site +Editorial Freelancers Association +external site +Grant Professionals Association +external site +International Association of Business Communicators +external site +National Association of Science Writers +external site +Public Relations Society of America +external site +Science Fiction and Fantasy Writers of America +external site +Society of American Travel Writers +external site +Society of Children's Book Writers and Illustrators +external site +Society of Professional Journalists +external site +The Authors Guild +external site +Pacific Northwest Writers Association +external site +Western States Arts Federation +external site +Writers Guild of America East +external site +Writers Guild of America West +external site",75,2,23,Not available,47,42,22,23,46,24,83,34,,64,12,25,80,9,22,9,40,5,41,34,1,,Not available,,,31,20,26,15 +13-1074.00,Farm Labor Contractors,https://www.onetonline.org/link/summary/13-1074.00,2025-06-11T18:49:49.543969,"Pay wages of contracted farm laborers. +Provide food, drinking water, and field sanitation facilities to contracted workers. +Recruit and hire agricultural workers. +Employ foremen to deal directly with workers when recruiting, hiring, instructing, assigning tasks, and enforcing work rules. +Supervise the work of contracted employees. +Furnish tools for employee use. +Direct and transport workers to appropriate work sites.","Accounting software— Bookkeeping software; Financial accounting software; Intuit QuickBooks +Data base user interface and query software— E-Verify; Microsoft Access +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Allocate physical resources within organizations. +Pay charges, fees, or taxes. +Administer personnel recruitment or hiring activities. +Coordinate personnel recruitment activities. +Supervise employees. +Coordinate logistics or other business operations.","Determine Tasks, Priorities and Goals— 99% responded “A lot of freedom.” +Freedom to Make Decisions +Work Outcomes and Results of Other Workers +Health and Safety of Other Workers +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Telephone Conversations— 72% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Importance of Repeating Same Tasks +Coordinate or Lead Others in Accomplishing Work Activities +Duration of Typical Work Week +Time Pressure— 72% responded “Every day.” +Importance of Being Exact or Accurate +Impact of Decisions on Co-workers or Company Results +Outdoors, Exposed to All Weather Conditions— 78% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 77% responded “Every day.” +Spend Time Sitting— 26% responded “More than half the time.” +Frequency of Decision Making +Level of Competition +Work With or Contribute to a Work Group or Team +Written Letters and Memos +Physical Proximity +Exposed to Contaminants— 17% responded “Never.” +Exposed to Very Hot or Cold Temperatures— 12% responded “Never.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 11% responded “Never.” +Work Schedules— 34% responded “Regular (established routine, set schedule).” +E-Mail","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Foreign Language— Knowledge of the structure and content of a foreign (non-English) language including the meaning and spelling of words, rules of composition and grammar, and pronunciation. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Agricultural Inspectors +Buyers and Purchasing Agents, Farm Products +Bright Outlook +Facilities Managers +Farmers, Ranchers, and Other Agricultural Managers +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Production and Operating Workers +General and Operations Managers","View the list of Allies +American Farm Bureau Federation +external site +Association of Farmworker Opportunity Programs +external site +National Association of State Departments of Agriculture +external site +Western Growers +external site +Midwest Food Products Association +external site +Northwest Horticultural Council +external site +Pacific Northwest Vegetable Association +external site +Western Agricultural Processors Association +external site +Western United Dairymen +external site +National Farmers Union +external site",50,62,56,45,62,46,44,41,37,43,10,61,12,38,63,54,33,42,5,34,22,22,15,37,32,12,6,5,16,6,21,5,5 +39-1022.00,First-Line Supervisors of Personal Service Workers,https://www.onetonline.org/link/summary/39-1022.00,2025-06-11T19:12:40.146630,"Train workers in proper operational procedures and functions and explain company policies. +Meet with managers or other supervisors to stay informed of changes affecting operations. +Assign work schedules, following work requirements, to ensure quality and timely delivery of service. +Recruit and hire staff members. +Resolve customer complaints regarding worker performance or services rendered. +Take disciplinary action to address performance problems. +Inspect work areas or operating equipment to ensure conformance to established standards in areas such as cleanliness or maintenance. +Investigate employee complaints and resolve problems following management rules and regulations. +Observe and evaluate workers' appearance and performance to ensure quality service and compliance with specifications. +Direct or coordinate the activities of workers, such as hotel staff or hair stylists. +Participate in continuing education to stay abreast of industry trends and developments. +Inform management about problems, such as employee disputes. +Arrange worker breaks to ensure services are adequately staffed throughout each shift. +Apply customer feedback to service improvement efforts. +Inform workers about interests or special needs of specific groups. +Requisition necessary supplies, equipment, or services. +Direct marketing, advertising, or other customer recruitment efforts.","Calendar and scheduling software— Work scheduling software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Explain regulations, policies, or procedures. +Train service staff. +Maintain knowledge of business operations. +Assign duties or work schedules to employees. +Resolve customer complaints or problems. +Perform human resources activities. +Evaluate employee performance. +Inspect equipment to ensure proper functioning. +Inspect facilities. +Investigate work related complaints to determine corrective actions. +Supervise service workers. +Maintain professional knowledge or certifications. +Prepare employee work schedules. +Report information to managers or other personnel. +Order materials, supplies, or equipment. +Promote products, services, or programs.","Contact With Others— 100% responded “Constant contact with others.” +Work Outcomes and Results of Other Workers— 97% responded “Very high responsibility.” +Telephone Conversations— 84% responded “Every day.” +Work With or Contribute to a Work Group or Team— 83% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 81% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities +Importance of Being Exact or Accurate— 80% responded “Extremely important.” +Indoors, Environmentally Controlled +Impact of Decisions on Co-workers or Company Results— 81% responded “Very important results.” +Freedom to Make Decisions +Face-to-Face Discussions with Individuals and Within Teams +Frequency of Decision Making— 66% responded “Every day.” +Health and Safety of Other Workers +E-Mail— 86% responded “Every day.” +Time Pressure— 18% responded “Once a week or more but not every day.” +Duration of Typical Work Week +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 17% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General +Physical Proximity— 22% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a month or more but not every week.” +Consequence of Error— 31% responded “Fairly serious.” +Conflict Situations— 14% responded “Once a month or more but not every week.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 18% responded “Very important.” +Exposed to Disease or Infections— 17% responded “Every day.” +Spend Time Sitting— 34% responded “About half the time.” +Spend Time Standing— 13% responded “Continually or almost continually.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Food Preparation and Serving Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Retail Sales Workers +First-Line Supervisors of Security Workers","View the list of Allies +NADSP +external site",95,31,29,83,40,81,71,65,62,20,43,67,32,60,13,30,36,26,20,35,70,39,35,24,47,23,23,14,21,11,12,5,1 +45-4021.00,Fallers,https://www.onetonline.org/link/summary/45-4021.00,2025-06-11T19:17:47.343823,"Stop saw engines, pull cutting bars from cuts, and run to safety as tree falls. +Appraise trees for certain characteristics, such as twist, rot, and heavy limb growth, and gauge amount and direction of lean, to determine how to control the direction of a tree's fall with the least damage. +Saw back-cuts, leaving sufficient sound wood to control direction of fall. +Clear brush from work areas and escape routes, and cut saplings and other trees from direction of falls, using axes, chainsaws, or bulldozers. +Measure felled trees and cut them into specified log lengths, using chain saws and axes. +Assess logs after cutting to ensure that the quality and length are correct. +Determine position, direction, and depth of cuts to be made, and placement of wedges or jacks. +Control the direction of a tree's fall by scoring cutting lines with axes, sawing undercuts along scored lines with chainsaws, knocking slabs from cuts with single-bit axes, and driving wedges. +Trim off the tops and limbs of trees, using chainsaws, delimbers, or axes. +Select trees to be cut down, assessing factors such as site, terrain, and weather conditions before beginning work. +Maintain and repair chainsaws and other equipment, cleaning, oiling, and greasing equipment, and sharpening equipment properly. +Insert jacks or drive wedges behind saws to prevent binding of saws and to start trees falling. +Tag unsafe trees with high-visibility ribbons. +Secure steel cables or chains to logs for dragging by tractors or for pulling by cable yarding systems. +Load logs or wood onto trucks, trailers, or railroad cars, by hand or using loaders or winches. +Mark logs for identification. +Work as a member of a team, rotating between chain saw operation and skidder operation. +Place supporting limbs or poles under felled trees to avoid splitting undersides, and to prevent logs from rolling.","Accounting software— BCS Woodlands Software The Logger Tracker +Analytical or scientific software— Assisi Compiler; Assisi Software Assisi Resource +Data base user interface and query software— Assisi Software Assisi Manager +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— BCS Woodlands Software Woodlands Tracker +Geographic information system— ESRI ArcView; Geographic information system GIS systems +Inventory management software— Assisi Software Assisi Inventory +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Cut trees or logs. +Operate forestry equipment. +Evaluate quality of plants or crops. +Trim trees or other vegetation. +Evaluate log quality. +Measure physical characteristics of forestry or agricultural products. +Determine forestry techniques or methods. +Maintain forestry, hunting, or agricultural equipment. +Mark agricultural or forestry products for identification. +Attach equipment extensions or accessories. +Load agricultural or forestry products for shipment. +Perform manual agricultural, aquacultural, or horticultural tasks.","Outdoors, Exposed to All Weather Conditions— 94% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Exposed to Hazardous Equipment— 88% responded “Every day.” +Freedom to Make Decisions— 82% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 85% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +Spend Time Standing— 60% responded “Continually or almost continually.” +Exposed to Contaminants— 69% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Exposed to Whole Body Vibration— 68% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Very important.” +Spend Time Bending or Twisting Your Body— 42% responded “More than half the time.” +Spend Time Walking or Running— 41% responded “More than half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 47% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 36% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 52% responded “High responsibility.” +Spend Time Making Repetitive Motions— 47% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Consequence of Error— 37% responded “Extremely serious.” +Spend Time Keeping or Regaining Balance— 61% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 34% responded “Very important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 28% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 24% responded “Once a week or more but not every day.” +Level of Competition— 32% responded “Highly competitive.”","Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.",,"Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speed of Limb Movement— The ability to quickly move the arms and legs. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Agricultural Equipment Operators +Bright Outlook +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Forest and Conservation Technicians +Forest and Conservation Workers +Landscaping and Groundskeeping Workers +Log Graders and Scalers +Logging Equipment Operators +Rock Splitters, Quarry +Sawing Machine Setters, Operators, and Tenders, Wood +Tree Trimmers and Pruners","View the list of Allies +American Forest and Paper Association +external site +American Forests +external site +American Loggers Council +external site +Forest Resources Association +external site +International Society of Arboriculture +external site +National Wildfire Suppression Association +external site +Society of American Foresters +external site +Tree Care Industry Association +external site +Northeastern Loggers' Association +external site",34,11,43,16,31,38,36,27,15,30,15,13,16,5,9,28,15,47,9,27,13,9,10,5,14,27,4,22,21,21,20,,1 +21-1022.00,Healthcare Social Workers,https://www.onetonline.org/link/summary/21-1022.00,2025-06-11T18:58:52.823418,"Advocate for clients or patients to resolve crises. +Educate clients about end-of-life symptoms and options to assist them in making informed decisions. +Collaborate with other professionals to evaluate patients' medical or physical condition and to assess client needs. +Refer patient, client, or family to community resources to assist in recovery from mental or physical illness and to provide access to services such as financial assistance, legal aid, housing, job placement or education. +Utilize consultation data and social work experience to plan and coordinate client or patient care and rehabilitation, following through to ensure service efficacy. +Monitor, evaluate, and record client progress according to measurable goals described in treatment and care plan. +Identify environmental impediments to client or patient progress through interviews and review of patient records. +Counsel clients and patients in individual and group sessions to help them overcome dependencies, recover from illness, and adjust to life. +Plan discharge from care facility to home or other care facility. +Organize support groups or counsel family members to assist them in understanding, dealing with, and supporting the client or patient. +Modify treatment plans to comply with changes in clients' status. +Supervise and direct other workers providing services to clients or patients. +Plan and conduct programs to combat social problems, prevent substance abuse, or improve community health and counseling services. +Develop or advise on social policy and assist in community development. +Conduct social research to advance knowledge in the social work field. +Investigate child abuse or neglect cases and take authorized protective action when necessary. +Oversee Medicaid- and Medicare-related paperwork and recordkeeping in hospitals. +Conduct psychological assessment of clients.","Calendar and scheduling software— Calendar software +Data base user interface and query software— Command Systems ComServe; Database software; Relational database software +Desktop publishing software— Adobe PageMaker; Microsoft Publisher +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— Healthcare common procedure coding system HCPCS; Medical procedure coding software; Medical records software; MEDITECH software;5 more +Mobile messaging service software— Intrado SchoolMessenger +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Information presentation software; Microsoft PowerPoint +Project management software— Microsoft Teams +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet; Zoom +Web page creation and editing software— Web page design and editing software +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Intervene in crisis situations to assist clients. +Collaborate with other professionals to assess client needs or plan treatments. +Confer with clients to discuss treatment plans or progress. +Counsel clients or patients regarding personal issues. +Refer clients to community or social service programs. +Refer individuals to educational or work programs. +Investigate legal issues. +Develop treatment plans for patients or clients. +Maintain client records. +Monitor clients to evaluate treatment progress. +Collect information about clients. +Evaluate potential problems in home or work environments of clients. +Interview clients to gather information about their backgrounds, needs, or progress. +Counsel clients or patients with substance abuse issues. +Counsel family members of clients or patients. +Modify treatment plans to accommodate client needs. +Supervise workers providing client or patient services. +Complete documentation required by programs or regulations. +Plan programs to address community health issues. +Advise others on social or educational issues. +Conduct research on social issues.","Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +E-Mail— 93% responded “Every day.” +Contact With Others— 85% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Work With or Contribute to a Work Group or Team— 73% responded “Extremely important.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Exposed to Disease or Infections— 41% responded “Every day.” +Time Pressure— 41% responded “Every day.” +Written Letters and Memos— 46% responded “Once a week or more but not every day.” +Conflict Situations— 59% responded “Once a week or more but not every day.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 52% responded “Once a week or more but not every day.” +Frequency of Decision Making— 44% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Very important results.” +Duration of Typical Work Week— 50% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Spend Time Sitting— 37% responded “More than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 31% responded “Every day.” +Health and Safety of Other Workers— 26% responded “High responsibility.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Bright Outlook +Community Health Workers +Health Education Specialists +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Rehabilitation Counselors +Social and Human Service Assistants +Substance Abuse and Behavioral Disorder Counselors","View the list of Allies +Aging Life Care Association +external site +Association for Community Organization and Social Administration +external site +Association of Oncology Social Work +external site +National Association of Social Workers +external site +National Council on Aging +external site +National Hospice and Palliative Care Organization +external site +National Kidney Foundation Council of Nephrology Social Workers +external site +Society for Social Work Leadership in Health Care +external site +Association of Social Work Boards +external site +Council on Social Work Education +external site",73,4,9,84,21,48,43,63,51,23,17,34,11,43,29,49,41,7,54,32,97,94,84,23,48,4,2,7,31,2,16,8,28 +53-1044.00,First-Line Supervisors of Passenger Attendants,https://www.onetonline.org/link/summary/53-1044.00,2025-06-11T19:28:54.956600,"Analyze and record personnel or operational data and write related activity reports. +Apply customer feedback to service improvement efforts. +Compute or estimate cash, payroll, transportation, or personnel requirements. +Confer with customers, supervisors, contractors, or other personnel to exchange information or to resolve problems. +Direct or coordinate the activities of workers, such as flight or car attendants. +Enforce safety rules and regulations. +Explain and demonstrate work tasks to new workers or assign training tasks to experienced workers. +Inform workers about interests or special needs of specific groups. +Inspect materials, stock, vehicles, equipment, or facilities to ensure that they are safe, free of defects, and consistent with specifications. +Inspect work areas or operating equipment to ensure conformance to established standards in areas such as cleanliness or maintenance. +Meet with managers or other supervisors to stay informed of changes affecting operations. +Observe and evaluate workers' appearance and performance to ensure quality service and compliance with specifications. +Participate in continuing education to stay abreast of industry trends and developments. +Recommend and implement measures to improve worker motivation, work methods, or customer services. +Recruit and hire staff members. +Requisition necessary supplies, equipment, or services. +Resolve customer complaints regarding worker performance or services rendered. +Take disciplinary action to address performance problems. +Train workers in proper operational procedures and functions and explain company policies.","Accounting software— General ledger software +Calendar and scheduling software— Scheduling software; Work scheduling software +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Inventory management software— Inventory management systems +Mobile location based services software— Accellos Real Dispatch; Commercial vehicle operations CVO software +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Word processing software— Microsoft Word",,"Explain regulations, policies, or procedures. +Evaluate employee performance. +Resolve customer complaints or problems. +Determine resource needs. +Direct material handling or moving activities. +Inspect equipment to ensure proper functioning. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Inspect facilities. +Maintain knowledge of business operations. +Maintain professional knowledge or certifications. +Order materials, supplies, or equipment. +Perform human resources activities. +Prepare operational reports or records. +Recommend personnel decisions or human resources activities. +Resolve issues affecting transportation operations. +Supervise service workers. +Support the professional development of others. +Train service staff.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Personal Service Workers +First-Line Supervisors of Production and Operating Workers","View the list of Allies +Airport Ground Transportation Association +external site +American Association of Airport Executives +external site +American Association of Port Authorities +external site +Association for Commuter Transportation +external site +International Air Transport Association +external site +International Association of Public Transport +external site +National Air Transportation Association +external site +National Association of Railway Business Women +external site +National Business Aviation Association +external site +National Customer Service Association +external site +Passenger Vessel Association +external site +Transportation Intermediaries Association +external site +Transportation Marketing and Sales Association +external site +Women in Aviation International +external site +Eastern Region Helicopter Council +external site +New England Bus Association +external site +NorthEast Passenger Transportation Association +external site +Pacific Northwest Business Aviation Association +external site +South West Transit Association +external site +Association of Flight Attendants - CWA +external site +Transport Workers Union of America AFL-CIO +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-9051.00,"Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders",https://www.onetonline.org/link/summary/51-9051.00,2025-06-11T19:27:34.079979,"Monitor equipment operation, gauges, and panel lights to detect deviations from standards. +Confer with supervisors or other equipment operators to report equipment malfunctions or to resolve production problems. +Press and adjust controls to activate, set, and regulate equipment according to specifications. +Record gauge readings, test results, and shift production in log books. +Read and interpret work orders and instructions to determine work assignments, process specifications, and production schedules. +Examine or test samples of processed substances, or collect samples for laboratory testing, to ensure conformance to specifications. +Transport materials and products to and from work areas, manually or using carts, handtrucks, or hoists. +Stop equipment and clear blockages or jams, using fingers, wire, or hand tools. +Load equipment receptacles or conveyors with material to be processed, by hand or using hoists. +Remove products from equipment, manually or using hoists, and prepare them for storage, shipment, or additional processing. +Calculate amounts of materials to be loaded into furnaces, adjusting amounts as necessary for specific conditions. +Melt or refine metal before casting, calculating required temperatures, and observe metal color, adjusting controls as necessary to maintain required temperatures. +Weigh or measure specified amounts of ingredients or materials for processing, using devices such as scales and calipers. +Direct crane operators and crew members to load vessels with materials to be processed. +Feed fuel, such as coal and coke, into fireboxes or onto conveyors, and remove ashes from furnaces, using shovels and buckets. +Replace worn or defective equipment parts, using hand tools. +Clean, lubricate, and adjust equipment, using scrapers, solvents, air hoses, oil, and hand tools.","Industrial control software— Machine operation software +Inventory management software— Inventory tracking software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Monitor equipment operation to ensure proper functioning. +Adjust temperature controls of ovens or other heating equipment. +Confer with others to resolve production problems or equipment malfunctions. +Record operational or production data. +Clear equipment jams. +Load materials into production equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Test chemical or physical characteristics of materials or products. +Remove products or workpieces from production equipment. +Calculate specific material, equipment, or labor requirements for production. +Move products, materials, or equipment between work areas. +Melt metal, plastic, or other materials to prepare for production. +Measure ingredients or substances to be used in production processes. +Direct operational or production activities. +Replace worn equipment components. +Clean production equipment. +Lubricate production equipment. +Maintain production or processing equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 82% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 76% responded “Every day.” +Exposed to Contaminants— 83% responded “Every day.” +Health and Safety of Other Workers— 57% responded “Very high responsibility.” +Indoors, Not Environmentally Controlled— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 65% responded “Every day.” +Consequence of Error— 60% responded “Extremely serious.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Work Outcomes and Results of Other Workers— 47% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Spend Time Standing— 50% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 32% responded “A lot of freedom.” +Duration of Typical Work Week— 66% responded “40 hours.” +Contact With Others— 41% responded “Constant contact with others.” +Exposed to Hazardous Equipment— 56% responded “Every day.” +Freedom to Make Decisions— 32% responded “A lot of freedom.” +Pace Determined by Speed of Equipment— 43% responded “Extremely important.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Frequency of Decision Making— 57% responded “Every day.” +Physical Proximity— 31% responded “Very close (near touching).” +Importance of Repeating Same Tasks— 30% responded “Important.” +Spend Time Bending or Twisting Your Body— 25% responded “Continually or almost continually.” +Spend Time Walking or Running— 32% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adhesive Bonding Machine Operators and Tenders +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Machine Feeders and Offbearers +Metal-Refining Furnace Operators and Tenders +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Textile Bleaching and Dyeing Machine Operators and Tenders","View the list of Allies +National Tooling and Machining Association +external site",39,18,55,46,42,41,53,44,27,23,22,25,36,49,21,21,25,63,21,28,31,19,18,32,33,29,24,20,11,32,9,5,8 +29-1218.00,Obstetricians and Gynecologists,https://www.onetonline.org/link/summary/29-1218.00,2025-06-11T19:06:50.536061,"Treat diseases of female organs. +Care for and treat women during prenatal, natal, and postnatal periods. +Analyze records, reports, test results, or examination information to diagnose medical condition of patient. +Perform cesarean sections or other surgical procedures as needed to preserve patients' health and deliver babies safely. +Collect, record, and maintain patient information, such as medical histories, reports, or examination results. +Explain procedures and discuss test results or prescribed treatments with patients. +Prescribe or administer therapy, medication, and other specialized medical care to treat or prevent illness, disease, or injury. +Monitor patients' conditions and progress and reevaluate treatments as necessary. +Consult with or provide consulting services to other physicians. +Refer patient to medical specialist or other practitioner when necessary. +Direct and coordinate activities of nurses, students, assistants, specialists, therapists, and other medical staff. +Advise patients and community members concerning diet, activity, hygiene, and disease prevention. +Plan, implement, or administer health programs in hospitals, businesses, or communities for prevention and treatment of injuries or illnesses. +Prepare government and organizational reports on birth, death, and disease statistics, workforce evaluations, or the medical status of individuals. +Conduct research to develop or test medications, treatments, or procedures to prevent or control disease or injury.","Calendar and scheduling software— Scheduling software +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Medical procedure coding software; MEDITECH software;12 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Analyze test data or images to inform diagnosis or treatment. +Care for women during pregnancy and childbirth. +Treat chronic diseases or disorders. +Collect medical information from patients, family members, or other medical professionals. +Operate on patients to treat conditions. +Record patient medical histories. +Explain medical procedures or test results to patients or family members. +Administer non-intravenous medications. +Prescribe medications. +Prescribe treatments or therapies. +Advise medical personnel regarding healthcare issues. +Collaborate with healthcare professionals to plan or provide treatment. +Monitor patient progress or responses to treatments. +Refer patients to other healthcare practitioners or health resources. +Supervise patient care personnel. +Advise communities or institutions regarding health or safety issues. +Provide health and wellness advice to patients, program participants, or caregivers. +Conduct research to increase knowledge about medical issues. +Design public or employee health programs. +Direct healthcare delivery programs. +Prepare official health documents or records.","Contact With Others— 98% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Telephone Conversations— 93% responded “Every day.” +Freedom to Make Decisions— 86% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 89% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 80% responded “Very important results.” +Importance of Being Exact or Accurate— 84% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 79% responded “Every day.” +Determine Tasks, Priorities and Goals— 81% responded “A lot of freedom.” +E-Mail— 70% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 76% responded “Extremely important.” +Exposed to Disease or Infections— 71% responded “Every day.” +Frequency of Decision Making— 80% responded “Every day.” +Work Outcomes and Results of Other Workers— 61% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 69% responded “Extremely important.” +Physical Proximity— 75% responded “Very close (near touching).” +Duration of Typical Work Week— 67% responded “More than 40 hours.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 44% responded “Very high responsibility.” +Consequence of Error— 62% responded “Extremely serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 47% responded “Continually or almost continually.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Spend Time Standing— 27% responded “Continually or almost continually.” +Conflict Situations— 42% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiologists +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Neurologists +Bright Outlook +Nurse Midwives +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Pediatricians, General +Urologists","View the list of Allies +AAGL +external site +Alpha Omega Alpha Honor Medical Society +external site +American Academy of Family Physicians +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American College of Osteopathic Obstetricians and Gynecologists +external site +American Institute of Ultrasound in Medicine +external site +American Medical Association +external site +American Medical Women's Association +external site +American Osteopathic Association +external site +American Society for Colposcopy and Cervical Pathology +external site +American Society for Reproductive Medicine +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +North American Menopause Society +external site +Society for Maternal-Fetal Medicine +external site +Central Association of Obstetricians and Gynecologists +external site +American Board of Obstetrics and Gynecology +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",72,3,15,85,55,55,42,61,57,41,23,45,58,63,33,47,38,23,37,16,81,70,42,32,100,42,1,24,93,6,14,5,19 +27-2012.04,Talent Directors,https://www.onetonline.org/link/summary/27-2012.04,2025-06-11T19:03:08.191624,"Audition and interview performers to match their attributes to specific roles or to increase the pool of available acting talent. +Prepare actors for auditions by providing scripts and information about roles and casting requirements. +Select performers for roles or submit lists of suitable performers to producers or directors for final selection. +Contact agents and actors to provide notification of audition and performance opportunities and to set up audition times. +Serve as liaisons between directors, actors, and agents. +Negotiate contract agreements with performers, with agents, or between performers and agents or production companies. +Arrange for or design screen tests or auditions for prospective performers. +Review performer information, such as photos, resumes, voice tapes, videos, and union membership, to decide whom to audition for parts. +Maintain talent files that include information such as performers' specialties, past performances, and availability. +Read scripts and confer with producers to determine the types and numbers of performers required for a given production. +Attend or view productions to maintain knowledge of available actors. +Direct shows, productions, and plays. +Hire and supervise workers who help locate people with specified attributes and talents. +Teach acting classes. +Locate performers or extras for crowd and background scenes, and stand-ins or photo doubles for actors, by direct contact or through agents.","Calendar and scheduling software— Appointment scheduling software +Data base user interface and query software— AgencyPro; Amazon Web Services AWS software; Database software +Electronic mail software— Email software +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft operating system; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Video content editing software +Web page creation and editing software— Blogging software; Website development software +Web platform development software— Oracle JavaServer Pages JSP +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Audition or interview potential performers or staff members. +Select staff, team members, or performers. +Coordinate logistics for productions or events. +Negotiate for services. +Maintain records, documents, or other files. +Collaborate with others to determine technical details of productions. +Study scripts to determine project requirements. +Coordinate musical rehearsals or performances. +Direct productions or performances. +Monitor current trends. +Teach classes in area of specialization. +Teach humanities courses at the college level.","E-Mail— 93% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Contact With Others— 81% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 70% responded “High responsibility.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Spend Time Sitting— 41% responded “About half the time.” +Frequency of Decision Making— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Written Letters and Memos— 52% responded “Once a week or more but not every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 26% responded “Moderate responsibility.” +Level of Competition— 43% responded “Highly competitive.” +Importance of Being Exact or Accurate— 33% responded “Fairly important.” +Duration of Typical Work Week— 59% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Persuasion— Persuading others to change their minds or behavior. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Agents and Business Managers of Artists, Performers, and Athletes +Bright Outlook +Art Directors +Choreographers +Media Programming Directors +Media Technical Directors/Managers +Music Directors and Composers +Musicians and Singers +Producers and Directors +Public Relations Specialists +Writers and Authors","View the list of Allies +Casting Society of America +external site +Commercial Casting Directors Association +external site +National Association of Schools of Theatre +external site +Producers Guild of America +external site +Actors' Equity Association +external site +Directors Guild of America +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site",76,1,23,80,29,63,20,35,60,43,55,65,3,42,14,24,65,7,18,18,43,18,32,26,5,3,5,3,7,7,16,58,18 +13-1081.01,Logistics Engineers,https://www.onetonline.org/link/summary/13-1081.01,2025-06-11T18:49:58.050863,"Propose logistics solutions for customers. +Develop logistic metrics, internal analysis tools, or key performance indicators for business units. +Conduct logistics studies or analyses, such as time studies, zero-base analyses, rate analyses, network analyses, flow-path analyses, or supply chain analyses. +Identify cost-reduction or process-improvement logistic opportunities. +Review contractual commitments, customer specifications, or related information to determine logistics or support requirements. +Evaluate effectiveness of current or future logistical processes. +Prepare logistic strategies or conceptual designs for production facilities. +Provide logistics technology or information for effective and efficient support of product, equipment, or system manufacturing or service. +Develop or maintain cost estimates, forecasts, or cost models. +Analyze or interpret logistics data involving customer service, forecasting, procurement, manufacturing, inventory, transportation, or warehousing. +Determine logistics support requirements, such as facility details, staffing needs, or safety or maintenance plans. +Direct the work of logistics analysts. +Evaluate the use of inventory tracking technology, Web-based warehousing software, or intelligent conveyor systems to maximize plant or distribution center efficiency. +Develop specifications for equipment, tools, facility layouts, or material-handling systems. +Identify or develop business rules or standard operating procedures to streamline operating processes. +Determine requirements for compliance with environmental certification standards. +Apply logistics modeling techniques to address issues, such as operational process improvement or facility design or layout. +Prepare or validate documentation on automated logistics or maintenance-data reporting or management information systems. +Create models or scenarios to predict the impact of changing circumstances, such as fuel costs, road pricing, energy taxes, or carbon emissions legislation. +Provide logistical facility or capacity planning analyses for distribution or transportation functions. +Design plant distribution centers. +Interview key staff or tour facilities to identify efficiency-improvement, cost-reduction, or service-delivery opportunities. +Design comprehensive supply chains that minimize environmental impacts or costs. +Determine feasibility of designing new facilities or modifying existing facilities, based on factors such as cost, available space, schedule, technical requirements, or ergonomics. +Review global, national, or regional transportation or logistics reports for ways to improve efficiency or minimize the environmental impact of logistics activities. +Evaluate the use of technologies, such as global positioning systems (GPS), radio-frequency identification (RFID), route navigation software, or satellite linkup systems, to improve transportation efficiency. +Develop or document reverse logistics management processes to ensure maximal efficiency of product recycling, reuse, or final disposal. +Conduct environmental audits for logistics activities, such as storage, distribution, or transportation. +Develop or document procedures to minimize or mitigate carbon output resulting from the movement of materials or products. +Assess the environmental impact or energy efficiency of logistics activities, using carbon mitigation software.","Analytical or scientific software— LOGSA COMPASS; Minitab; Reliass EAGLE; SAS;11 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Microsoft Power BI; Tableau +Computer aided design CAD software— Autodesk AutoCAD; Computer aided design and drafting CADD software +Data base management system software— Microsoft SQL Server +Data base user interface and query software— Microsoft Access; Oracle Database; Structured query language SQL +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; Prolog +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Oracle Hyperion; SAP Business Objects; SAP software +Materials requirements planning logistics and supply chain software— JDA Manugistics; Logistics management information LMI database software; Logistics Support Analysts SmartLogic; Warehouse management system WMS;1 more +Object or component oriented development software— C++; Oracle Java; Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Advise others on logistics topics. +Develop business or financial information systems. +Analyze logistics processes. +Identify opportunities to improve operational efficiency. +Develop business or market strategies. +Estimate costs of goods or services. +Supervise employees. +Develop technical specifications for systems or equipment. +Establish organizational guidelines or policies. +Apply mathematical models of financial or business conditions. +Analyze environmental regulations to ensure organizational compliance. +Maintain data in information systems or databases. +Evaluate logistics methods to reduce environmental impact. +Analyze jobs using observation, survey, or interview techniques. +Assess the cost effectiveness of products, projects, or services. +Plan facility layouts or designs. +Develop sustainable business strategies or practices. +Prepare financial documents.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Telephone Conversations— 70% responded “Every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Contact With Others— 55% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Spend Time Sitting— 40% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 75% responded “Some freedom.” +Time Pressure— 45% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 42% responded “Limited freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Frequency of Decision Making— 42% responded “Once a week or more but not every day.” +Level of Competition— 65% responded “Moderately competitive.” +Written Letters and Memos— 35% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 35% responded “Very important.” +Importance of Repeating Same Tasks— 25% responded “Very important.” +Physical Proximity— 60% responded “Slightly close (e.g., shared office).” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.” +Health and Safety of Other Workers— 32% responded “Moderate responsibility.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Industrial Engineers +Bright Outlook +Industrial Production Managers +Logisticians +Logistics Analysts +Manufacturing Engineers +Operations Research Analysts +Project Management Specialists +Sales Engineers +Supply Chain Managers +Transportation, Storage, and Distribution Managers","View the list of Allies +Association for Supply Chain Management +external site +Council of Logistics Engineering Professionals +external site +Institute for Supply Management +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Industrial and Systems Engineers +external site +SOLE - The International Society of Logistics +external site +Council of Supply Chain Management Professionals +external site",55,11,49,81,78,56,43,40,39,43,35,35,22,60,20,46,30,49,6,75,15,3,13,29,3,84,14,19,4,63,31,,10 +39-5094.00,Skincare Specialists,https://www.onetonline.org/link/summary/39-5094.00,2025-06-11T19:13:31.128081,"Sterilize equipment and clean work areas. +Examine clients' skin, using magnifying lamps or visors when necessary, to evaluate skin condition and appearance. +Cleanse clients' skin with water, creams, or lotions. +Demonstrate how to clean and care for skin properly and recommend skin-care regimens. +Select and apply cosmetic products, such as creams, lotions, and tonics. +Perform simple extractions to remove blackheads. +Stay abreast of latest industry trends, products, research, and treatments. +Determine which products or colors will improve clients' skin quality and appearance. +Treat the facial skin to maintain and improve its appearance, using specialized techniques and products, such as peels and masks. +Refer clients to medical personnel for treatment of serious skin problems. +Remove body and facial hair by applying wax. +Provide facial and body massages. +Keep records of client needs and preferences and the services provided. +Apply chemical peels to reduce fine lines and age spots. +Advise clients about colors and types of makeup and instruct them in makeup application techniques. +Collaborate with plastic surgeons and dermatologists to provide patients with preoperative and postoperative skin care. +Sell makeup to clients. +Tint eyelashes and eyebrows.","Data base user interface and query software— Spa management software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.","Clean facilities or work areas. +Clean tools or equipment. +Apply cleansing or conditioning agents to client hair, scalp, or skin. +Assess skin or hair conditions. +Provide medical or cosmetic advice for clients. +Demonstrate activity techniques or equipment use. +Teach health or hygiene practices. +Maintain professional knowledge or certifications. +Administer therapeutic massages. +Maintain client information or service records. +Collaborate with healthcare professionals to plan or provide treatment. +Sell products or services. +Apply solutions to hair for therapeutic or cosmetic purposes.","Physical Proximity— 97% responded “Very close (near touching).” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Freedom to Make Decisions +Indoors, Environmentally Controlled— 89% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Very important.” +Spend Time Making Repetitive Motions— 56% responded “More than half the time.” +Contact With Others— 74% responded “Constant contact with others.” +Level of Competition— 35% responded “Extremely competitive.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Importance of Repeating Same Tasks— 13% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 59% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Frequency of Decision Making— 38% responded “Every day.” +Spend Time Standing— 57% responded “About half the time.” +Telephone Conversations— 30% responded “Once a week or more but not every day.” +Spend Time Sitting— 29% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Minor results.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Barbers +Bright Outlook +Dental Assistants +Hairdressers, Hairstylists, and Cosmetologists +Makeup Artists, Theatrical and Performance +Manicurists and Pedicurists +Massage Therapists +Medical Assistants +Shampooers +Surgical Assistants +Surgical Technologists","View the list of Allies +Aesthetics International Association +external site +American Association of Cosmetology Schools +external site +American Massage Therapy Association +external site +Associated Skin Care Professionals +external site +International SPA Association +external site +Professional Beauty Association +external site",88,,19,70,24,40,41,42,31,19,50,34,47,13,2,16,16,16,2,16,28,21,8,16,33,20,,8,23,1,,, +51-6061.00,Textile Bleaching and Dyeing Machine Operators and Tenders,https://www.onetonline.org/link/summary/51-6061.00,2025-06-11T19:26:06.258878,"Weigh ingredients, such as dye, to be mixed together for use in textile processing. +Start and control machines and equipment to wash, bleach, dye, or otherwise process and finish fabric, yarn, thread, or other textile goods. +Observe display screens, control panels, equipment, and cloth entering or exiting processes to determine if equipment is operating correctly. +Notify supervisors or mechanics of equipment malfunctions. +Monitor factors such as temperatures and dye flow rates to ensure that they are within specified ranges. +Add dyes, water, detergents, or chemicals to tanks to dilute or strengthen solutions, according to established formulas and solution test results. +Examine and feel products to identify defects and variations from coloring and other processing standards. +Adjust equipment controls to maintain specified heat, tension, and speed. +Soak specified textile products for designated times. +Inspect machinery to determine necessary adjustments and repairs. +Confer with coworkers to get information about order details, processing plans, or problems that occur. +Sew ends of cloth together, by hand or using machines, to form endless lengths of cloth to facilitate processing. +Ravel seams that connect cloth ends when processing is completed. +Remove dyed articles from tanks and machines for drying and further processing. +Study guides, charts, and specification sheets, and confer with supervisors to determine machine setup requirements. +Prepare dyeing machines for production runs, and conduct test runs of machines to ensure their proper operation. +Key in processing instructions to program electronic equipment. +Test solutions used to process textile goods to detect variations from standards. +Record production information such as fabric yardage processed, temperature readings, fabric tensions, and machine speeds. +Thread ends of cloth or twine through specified sections of equipment prior to processing. +Mount rolls of cloth on machines, using hoists, or place textile goods in machines or pieces of equipment. +Install, level, and align components such as gears, chains, dies, cutters, and needles. +Perform machine maintenance, such as cleaning and oiling equipment, and repair or replace worn or defective parts.","Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Operating system software— Hewlett-Packard HP OpenVMS; Linux +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Measure ingredients or substances to be used in production processes. +Operate garment treatment equipment. +Monitor equipment operation to ensure proper functioning. +Apply solutions to production equipment. +Monitor equipment operation to ensure that products are not flawed. +Notify others of equipment repair or maintenance needs. +Sew clothing or other articles. +Remove products or workpieces from production equipment. +Sew materials. +Adjust temperature controls of ovens or other heating equipment. +Inspect textile products. +Exchange information with colleagues. +Immerse objects or workpieces in cleaning or coating solutions. +Study blueprints or other instructions to determine equipment setup requirements. +Conduct test runs of production equipment. +Enter commands, instructions, or specifications into equipment. +Test chemical or physical characteristics of materials or products. +Feed materials or products into or through equipment. +Record operational or production data. +Inspect production equipment. +Lift materials or workpieces using cranes or other lifting equipment. +Load materials into production equipment. +Install mechanical components in production equipment. +Mount attachments or tools onto production equipment. +Clean production equipment. +Maintain production or processing equipment. +Repair production equipment or tools.","Exposed to Contaminants— 90% responded “Every day.” +Spend Time Standing— 71% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Indoors, Not Environmentally Controlled— 83% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Pace Determined by Speed of Equipment— 53% responded “Extremely important.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Contact With Others— 47% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 58% responded “Every day.” +Spend Time Walking or Running— 58% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Exposed to Hazardous Conditions— 66% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 23% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 65% responded “Every day.” +Health and Safety of Other Workers— 44% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 58% responded “Every day.” +Frequency of Decision Making— 70% responded “Every day.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 68% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Physical Proximity— 49% responded “Slightly close (e.g., shared office).” +Spend Time Making Repetitive Motions— 34% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 27% responded “Moderate responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 43% responded “Every day.” +Level of Competition— 40% responded “Moderately competitive.” +Consequence of Error— 28% responded “Not serious at all.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.","Adhesive Bonding Machine Operators and Tenders +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Laundry and Dry-Cleaning Workers +Bright Outlook +Machine Feeders and Offbearers +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Textile Cutting Machine Setters, Operators, and Tenders +Textile Knitting and Weaving Machine Setters, Operators, and Tenders","View the list of Allies +American Association of Textile Chemists and Colorists +external site +UNITE HERE +external site",37,1,59,32,34,37,41,38,15,10,11,21,22,23,1,4,8,31,3,5,14,,4,9,,15,8,8,1,14,1,, +19-4071.00,Forest and Conservation Technicians,https://www.onetonline.org/link/summary/19-4071.00,2025-06-11T18:58:14.927012,"Thin and space trees and control weeds and undergrowth, using manual tools and chemicals, or supervise workers performing these tasks. +Train and lead forest and conservation workers in seasonal activities, such as planting tree seedlings, putting out forest fires, and maintaining recreational facilities. +Provide information about, and enforce, regulations, such as those concerning environmental protection, resource utilization, fire safety, and accident prevention. +Patrol park or forest areas to protect resources and prevent damage. +Map forest tract data using digital mapping systems. +Keep records of the amount and condition of logs taken to mills. +Manage forest protection activities, including fire control, fire crew training, and coordination of fire detection and public education programs. +Monitor activities of logging companies and contractors. +Perform reforestation or forest renewal, including nursery and silviculture operations, site preparation, seeding and tree planting programs, cone collection, and tree improvement. +Plan and supervise construction of access routes and forest roads. +Select and mark trees for thinning or logging, drawing detailed plans that include access roads. +Supervise forest nursery operations, timber harvesting, land use activities such as livestock grazing, and disease or insect control programs. +Develop and maintain computer databases. +Inspect trees and collect samples of plants, seeds, foliage, bark, and roots to locate insect and disease damage. +Measure distances, clean sightlines, and record data to help survey crews. +Issue fire permits, timber permits, and other forest use licenses. +Survey, measure, and map access roads and forest areas such as burns, cut-over areas, experimental plots, and timber sales sections. +Provide forestry education and general information, advice, and recommendations to woodlot owners, community organizations, and the general public. +Provide technical support to forestry research programs in areas such as tree improvement, seed orchard operations, insect and disease surveys, or experimental forestry and forest engineering research. +Conduct laboratory or field experiments with plants, animals, insects, diseases, and soils. +Develop contracts related to operations. +Monitor environmental conditions such as temperature or humidity. +Operate and manage drone technology for aerial surveys and mapping, wildlife monitoring, and forest health assessments. +Write reports on forestry or conservation activities.","Analytical or scientific software— Assisi Forest; HARVEST; LoggerPC software; USDA Forest Vegetation Simulator FVS;2 more +Computer aided design CAD software— Autodesk AutoCAD LT +Data base user interface and query software— Assisi Compiler; Forest EcoSurvey; Microsoft Access; PhoenixPRO Forest Activity Tracking;5 more +Desktop publishing software +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS systems +Graphics or photo imaging software— Computer graphics software +Internet browser software— Web browser software +Inventory management software— Assisi Inventory; Haglof Sweden AB TCruise Forest Inventory +Map creation software— Allegro Landmark; Ben Meadows Yeoman Expedition; Geomechanical design analysis GDA software; Leica Geosystems ERDAS IMAGINE;3 more +Office suite software— Microsoft Office software +Presentation software— Corel Presentation; Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Record research or operational data. +Cultivate land. +Manage agricultural or forestry operations. +Supervise scientific or technical personnel. +Train personnel in technical or scientific procedures. +Advise others on management of emergencies or hazardous situations or materials. +Develop technical or scientific databases. +Survey land or properties. +Collect biological specimens. +Inspect condition of natural environments. +Prepare maps. +Prepare documentation for permits or licenses. +Advise others about environmental management or conservation.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Work With or Contribute to a Work Group or Team— 87% responded “Extremely important.” +E-Mail— 82% responded “Every day.” +Telephone Conversations— 67% responded “Every day.” +Contact With Others— 51% responded “Contact with others most of the time.” +Outdoors, Exposed to All Weather Conditions— 56% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Frequency of Decision Making— 57% responded “Every day.” +Indoors, Not Environmentally Controlled— 60% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 53% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 48% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Indoors, Environmentally Controlled— 53% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 51% responded “Every day.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +Duration of Typical Work Week— 53% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Time Pressure— 38% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 48% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Every day.” +Physical Proximity— 47% responded “Slightly close (e.g., shared office).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 45% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Once a week or more but not every day.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 29% responded “High responsibility.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Consequence of Error— 47% responded “Very serious.” +Spend Time Standing— 52% responded “About half the time.” +Exposed to Contaminants— 37% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 47% responded “More than half the time.” +Spend Time Making Repetitive Motions— 39% responded “More than half the time.” +Level of Competition— 41% responded “Moderately competitive.” +Outdoors, Under Cover— 38% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 24% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 30% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a year or more but not every month.” +Conflict Situations— 44% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Agricultural Technicians +Bright Outlook +Conservation Scientists +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +First-Line Supervisors of Farming, Fishing, and Forestry Workers +Forest and Conservation Workers +Forest Fire Inspectors and Prevention Specialists +Foresters +Precision Agriculture Technicians +Range Managers","View the list of Allies +Society of American Foresters +external site +Wildlife Society +external site",63,20,46,67,57,59,70,57,40,33,22,52,35,52,17,61,46,56,14,41,41,17,27,43,16,41,34,40,56,39,59,3,42 +25-1011.00,"Business Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1011.00,2025-06-11T18:59:31.160952,"Prepare and deliver lectures to undergraduate or graduate students on topics such as financial accounting, principles of marketing, and operations management. +Evaluate and grade students' class work, assignments, and papers. +Initiate, facilitate, and moderate classroom discussions. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional organizations and conferences. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Maintain student attendance records, grades, and other required records. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Compile, administer, and grade examinations, or assign this work to others. +Maintain regularly scheduled office hours to advise and assist students. +Collaborate with colleagues to address teaching and research issues. +Advise students on academic and vocational curricula and career issues. +Develop and maintain course Web sites. +Collaborate with members of the business community to improve programs, to develop new programs, and to provide student access to learning opportunities, such as internships. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Select and obtain materials and supplies, such as textbooks. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Mentor new faculty. +Perform administrative duties, such as serving as department head. +Participate in student recruitment, registration, and placement activities. +Act as advisers to student organizations. +Supervise undergraduate or graduate teaching, internship, and research work. +Provide professional consulting services to government or industry. +Write grant proposals to procure external research funding.","Accounting software— Sage 50 Accounting +Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata +Calendar and scheduling software +Computer based training software— Blackboard software; Instructure Canvas; Learning management system LMS; Schoology;5 more +Electronic mail software— Email software; Google Gmail; Microsoft Outlook +Information retrieval or search software— DOC Cop; Google Scholar; iParadigms Turnitin +Internet browser software— Web browser software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Evaluate student work. +Develop instructional materials. +Guide class discussions. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Research topics in area of expertise. +Administer tests to assess educational needs or progress. +Prepare tests. +Write articles, books or other original materials in area of expertise. +Create technology-based learning materials. +Collaborate with other agencies and institutions to coordinate educational matters. +Direct department activities. +Serve on institutional or departmental committees. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Compile specialized bibliographies or lists of materials. +Supervise student research or internship work. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies. +Advise others on career or personal development. +Support the professional development of others. +Write grant proposals.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 85% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 71% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Public Speaking— 64% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 46% responded “Every day.” +Contact With Others— 52% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Spend Time Sitting— 51% responded “More than half the time.” +Telephone Conversations— 38% responded “Once a week or more but not every day.” +Time Pressure— 49% responded “Once a month or more but not every week.” +Frequency of Decision Making— 38% responded “Every day.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 37% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Moderate results.” +Importance of Being Exact or Accurate— 46% responded “Fairly important.” +Written Letters and Memos— 43% responded “Once a month or more but not every week.” +Level of Competition— 46% responded “Moderately competitive.”","Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Career/Technical Education Teachers, Postsecondary +Career/Technical Education Teachers, Secondary School +Computer Science Teachers, Postsecondary +Bright Outlook +Economics Teachers, Postsecondary +Education Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Instructional Coordinators +Law Teachers, Postsecondary +Library Science Teachers, Postsecondary +Management Analysts","View the list of Allies +Academy of International Business +external site +Academy of Management +external site +AICPA and CIMA +external site +American Accounting Association +external site +American Economic Association +external site +American Marketing Association +external site +Association for Business Communication +external site +Business-Higher Education Forum +external site +Council of Graduate Schools +external site +Institute for Operations Research and the Management Sciences +external site +Marketing Educators' Association +external site +National Business Education Association +external site +Society for Human Resource Management +external site +Teachers of Accounting at Two-Year Colleges +external site +Accreditation Council for Business Schools and Programs +external site +Institute of Management Accountants +external site",67,5,41,89,72,77,26,87,51,75,39,61,9,70,10,70,60,8,33,27,55,21,47,22,11,28,7,7,12,23,24,4,33 +49-9095.00,Manufactured Building and Mobile Home Installers,https://www.onetonline.org/link/summary/49-9095.00,2025-06-11T19:23:25.013510,"Seal open sides of modular units to prepare them for shipment, using polyethylene sheets, nails, and hammers. +Move and set up mobile homes or prefabricated buildings on owners' lots or at mobile home parks. +Inspect, examine, and test the operation of parts or systems to evaluate operating condition and to determine if repairs are needed. +Connect water hoses to inlet pipes of plumbing systems, and test operation of plumbing fixtures. +Remove damaged exterior panels, repair and replace structural frame members, and seal leaks, using hand tools. +List parts needed, estimate costs, and plan work procedures, using parts lists, technical manuals, and diagrams. +Confer with customers or read work orders to determine the nature and extent of damage to units. +Install, repair, and replace units, fixtures, appliances, and other items and systems in mobile and modular homes, prefabricated buildings, or travel trailers, using hand tools or power tools. +Reset hardware, using chisels, mallets, and screwdrivers. +Repair leaks in plumbing or gas lines, using caulking compounds and plastic or copper pipe. +Locate and repair frayed wiring, broken connections, or incorrect wiring, using ohmmeters, soldering irons, tape, and hand tools. +Open and close doors, windows, and drawers to test their operation, trimming edges to fit, using jackplanes or drawknives. +Connect electrical systems to outside power sources and activate switches to test the operation of appliances and light fixtures. +Refinish wood surfaces on cabinets, doors, moldings, and floors, using power sanders, putty, spray equipment, brushes, paints, or varnishes.","Electronic mail software— Email software +Internet browser software— Web browser software +Spreadsheet software— Microsoft Excel","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Seal gaps or cracks to prevent leakage or moisture intrusion. +Install prefabricated or manufactured structures. +Move large objects using heavy equipment. +Test mechanical equipment to ensure proper functioning. +Inspect systems to determine if they are operating properly. +Connect hoses to equipment or piping. +Remove parts or components from equipment. +Repair structural components. +Confer with customers or users to assess problems. +Estimate costs for labor or materials. +Plan work procedures. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Record information about parts, materials or repair procedures. +Install home appliances. +Reassemble equipment after repair. +Repair pipes to stop leaking. +Connect electrical components or equipment. +Control power supply connections. +Repair electrical circuits or wiring. +Cut materials according to specifications or needs. +Refinish wood or metal surfaces.","Exposed to Hazardous Equipment— 96% responded “Every day.” +Spend Time Standing— 84% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 70% responded “Continually or almost continually.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 69% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Duration of Typical Work Week— 86% responded “More than 40 hours.” +Frequency of Decision Making— 75% responded “Every day.” +Outdoors, Exposed to All Weather Conditions +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Impact of Decisions on Co-workers or Company Results— 13% responded “Moderate results.” +Importance of Being Exact or Accurate— 12% responded “Important.” +Determine Tasks, Priorities and Goals— 24% responded “Limited freedom.” +Freedom to Make Decisions— 12% responded “Very little freedom.” +Spend Time Making Repetitive Motions— 13% responded “About half the time.” +Time Pressure— 12% responded “Once a month or more but not every week.” +Telephone Conversations— 12% responded “Never.” +Exposed to Very Hot or Cold Temperatures— 13% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 13% responded “Once a week or more but not every day.” +Physical Proximity— 16% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 27% responded “Very high responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 13% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 12% responded “Moderate responsibility.” +Conflict Situations— 58% responded “Every day.” +Work With or Contribute to a Work Group or Team— 15% responded “Important.” +Contact With Others +Exposed to Contaminants— 17% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 24% responded “Never.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 15% responded “More than half the time.” +Spend Time Walking or Running— 25% responded “More than half the time.” +Exposed to High Places— 28% responded “Every day.” +Level of Competition— 13% responded “Slightly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People +In an Enclosed Vehicle or Operate Enclosed Equipment +Consequence of Error— 14% responded “Fairly serious.” +In an Open Vehicle or Operating Equipment— 13% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Service Orientation— Actively looking for ways to help people. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Far Vision— The ability to see details at a distance. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Speed of Limb Movement— The ability to quickly move the arms and legs. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Carpenters +Construction Laborers +Bright Outlook +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Plumbers, Pipefitters, and Steamfitters +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters","View the list of Allies +American Subcontractors Association +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Construction Management Association of America +external site +Modular Building Institute +external site +National Association of Home Builders +external site +American Institute of Constructors +external site +Manufactured Housing Institute +external site",76,17,51,56,65,46,79,54,18,18,38,41,37,23,22,59,23,64,17,68,43,33,25,32,28,65,84,44,22,70,32,17,17 +27-3041.00,Editors,https://www.onetonline.org/link/summary/27-3041.00,2025-06-11T19:03:44.158786,"Read copy or proof to detect and correct errors in spelling, punctuation, and syntax. +Verify facts, dates, and statistics, using standard reference sources. +Read, evaluate and edit manuscripts or other materials submitted for publication, and confer with authors regarding changes in content, style or organization, or publication. +Develop story or content ideas, considering reader or audience appeal. +Prepare, rewrite and edit copy to improve readability, or supervise others who do this work. +Oversee publication production, including artwork, layout, computer typesetting, and printing, ensuring adherence to deadlines and budget requirements. +Write text, such as stories, articles, editorials, or newsletters. +Supervise and coordinate work of reporters and other editors. +Confer with management and editorial staff members regarding placement and emphasis of developing news stories. +Plan the contents of publications according to the publication's style, editorial policy, and publishing requirements. +Review and approve proofs submitted by composing room prior to publication production. +Assign topics, events and stories to individual writers or reporters for coverage. +Meet frequently with artists, typesetters, layout personnel, marketing directors, and production managers to discuss projects and resolve problems. +Monitor news-gathering operations to ensure utilization of all news sources, such as press releases, telephone contacts, radio, television, wire services, and other reporters. +Select local, state, national, and international news items received from wire services, based on assessment of items' significance and interest value. +Allocate print space for story text, photos, and illustrations according to space parameters and copy significance, using knowledge of layout principles. +Make manuscript acceptance or revision recommendations to the publisher. +Direct the policies and departments of newspapers, magazines and other publishing establishments. +Arrange for copyright permissions. +Interview and hire writers and reporters or negotiate contracts, royalties, and payments for authors or freelancers. +Read material to determine index items and arrange them alphabetically or topically, indicating page or chapter location. +Respond to questions from the public.","Cloud-based data access and sharing software— Google Drive +Computer based training software— Adobe Captivate; InScribe +Data base user interface and query software— FileMaker Pro; Style guide databases +Data mining software— Google Analytics +Desktop publishing software— Adobe FrameMaker; Adobe InDesign; Microsoft Publisher; QuarkXPress +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Information retrieval or search software— LexisNexis +Instant messaging software— Twitter +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— File transfer protocol FTP software +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Apple iWork Keynote; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Polycom RealPresence +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; Avid Technology Media Composer; YouTube +Web page creation and editing software— Adobe Dreamweaver; CCI NewsGate; Facebook; WordPress;4 more +Web platform development software— Cascading style sheets CSS; Drupal; Extensible hypertext markup language XHTML; Hypertext markup language HTML +Word processing software— AutoCrit Editing Wizard; Google Docs; Microsoft Word; Orpheus Technology Pro Writing Aid;7 more","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Edit written materials. +Verify accuracy of data. +Determine presentation subjects or content. +Coordinate activities of production personnel. +Write informational material. +Manage content of broadcasts or presentations. +Design layouts for print publications. +Discuss production content and progress with others. +Manage operations of artistic or entertainment departments or organizations. +Coordinate reporting or editing activities. +Obtain copyrights or other legal permissions. +Audition or interview potential performers or staff members. +Negotiate for services. +Select staff, team members, or performers.","Indoors, Environmentally Controlled— 95% responded “Every day.” +E-Mail— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Contact With Others— 60% responded “Constant contact with others.” +Time Pressure— 67% responded “Every day.” +Telephone Conversations— 62% responded “Every day.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Spend Time Sitting— 63% responded “Continually or almost continually.” +Frequency of Decision Making— 55% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 61% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Deal With External Customers or the Public in General— 51% responded “Extremely important.” +Duration of Typical Work Week— 54% responded “40 hours.” +Spend Time Making Repetitive Motions— 43% responded “Continually or almost continually.” +Written Letters and Memos— 41% responded “Every day.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Level of Competition— 41% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a month or more but not every week.” +Physical Proximity— 39% responded “Moderately close (at arm's length).”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Art Directors +Desktop Publishers +Film and Video Editors +News Analysts, Reporters, and Journalists +Poets, Lyricists and Creative Writers +Producers and Directors +Bright Outlook +Proofreaders and Copy Markers +Public Relations Specialists +Technical Writers +Writers and Authors","View the list of Allies +American Bar Association +external site +American Copy Editors Society +external site +American Society of Magazine Editors +external site +Editorial Freelancers Association +external site +Investigative Reporters and Editors +external site +National Association of Black Journalists +external site +National Newspaper Association +external site +National Press Club +external site +News Media Alliance +external site +Radio Television Digital News Association +external site +Society for Features Journalism +external site +Society for News Design +external site +Society of American Business Editors and Writers +external site +Society of Professional Journalists +external site +Software and Information Industry Association +external site",53,,30,95,30,59,23,56,57,23,31,37,4,52,16,42,88,5,29,23,24,6,30,41,11,15,3,8,9,35,41,15,40 +47-5022.00,"Excavating and Loading Machine and Dragline Operators, Surface Mining",https://www.onetonline.org/link/summary/47-5022.00,2025-06-11T19:20:34.689347,"Move levers, depress foot pedals, and turn dials to operate power machinery, such as power shovels, stripping shovels, scraper loaders, or backhoes. +Set up or inspect equipment prior to operation. +Become familiar with digging plans, machine capabilities and limitations, and efficient and safe digging procedures in a given application. +Observe hand signals, grade stakes, or other markings when operating machines so that work can be performed to specifications. +Operate machinery to perform activities such as backfilling excavations, vibrating or breaking rock or concrete, or making winter roads. +Receive written or oral instructions regarding material movement or excavation. +Move materials over short distances, such as around a construction site, factory, or warehouse. +Create or maintain inclines or ramps. +Lubricate, adjust, or repair machinery and replace parts, such as gears, bearings, or bucket teeth. +Handle slides, mud, or pit cleanings or maintenance. +Direct workers engaged in placing blocks or outriggers to prevent capsizing of machines when lifting heavy loads. +Measure and verify levels of rock or gravel, bases, or other excavated material. +Direct ground workers engaged in activities such as moving stakes or markers, or changing positions of towers. +Adjust dig face angles for varying overburden depths and set lengths. +Drive machines to work sites. +Perform manual labor to prepare or finish sites, such as shoveling materials by hand.","Electronic mail software— Email software; Google Gmail; Microsoft Outlook +Industrial control software— Machine control systems; Machine monitoring software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Operate excavation equipment. +Inspect material-moving equipment to detect problems. +Maintain professional knowledge or certifications. +Signal others to coordinate vehicle movement. +Receive information or instructions for performing work assignments. +Direct material handling or moving activities. +Move materials, equipment, or supplies. +Measure product or material dimensions. +Verify information or specifications. +Assemble temporary equipment or structures. +Maintain work equipment or machinery. +Maintain material moving equipment in good working condition. +Clean facilities or work areas. +Shovel materials.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 94% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 83% responded “Continually or almost continually.” +Duration of Typical Work Week— 81% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Contact With Others— 66% responded “Constant contact with others.” +Exposed to Contaminants— 75% responded “Every day.” +Exposed to Whole Body Vibration— 71% responded “Every day.” +Frequency of Decision Making— 66% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 64% responded “Every day.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 46% responded “Every day.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 65% responded “Every day.” +Spend Time Sitting— 42% responded “Continually or almost continually.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Pace Determined by Speed of Equipment— 40% responded “Very important.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Consequence of Error— 53% responded “Extremely serious.” +Exposed to Very Hot or Cold Temperatures— 37% responded “Every day.” +In an Open Vehicle or Operating Equipment— 48% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Important.” +Time Pressure— 41% responded “Every day.” +Level of Competition— 35% responded “Highly competitive.” +Importance of Repeating Same Tasks— 43% responded “Very important.” +Telephone Conversations— 34% responded “Every day.” +Work Outcomes and Results of Other Workers— 31% responded “Moderate responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 36% responded “Once a week or more but not every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Peripheral Vision— The ability to see objects or movement of objects to one's side when the eyes are looking ahead. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speed of Limb Movement— The ability to quickly move the arms and legs. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Construction Laborers +Bright Outlook +Continuous Mining Machine Operators +Crane and Tower Operators +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Loading and Moving Machine Operators, Underground Mining +Maintenance Workers, Machinery +Mobile Heavy Equipment Mechanics, Except Engines +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators","View the list of Allies +MHI +external site +Warehousing Education and Research Council +external site +International Union of Operating Engineers +external site +National Commission for the Certification of Crane Operators +external site",32,3,24,41,41,35,49,31,14,12,13,21,21,16,8,20,11,56,7,32,16,9,6,15,6,28,54,23,8,35,11,2,2 +49-9071.00,"Maintenance and Repair Workers, General",https://www.onetonline.org/link/summary/49-9071.00,2025-06-11T19:23:05.943886,"Perform routine maintenance, such as inspecting drives, motors, or belts, checking fluid levels, replacing filters, or doing other preventive maintenance actions. +Inspect, operate, or test machinery or equipment to diagnose machine malfunctions. +Adjust functional parts of devices or control instruments, using hand tools, levels, plumb bobs, or straightedges. +Repair machines, equipment, or structures, using tools such as hammers, hoists, saws, drills, wrenches, or equipment such as precision measuring instruments or electrical or electronic testing devices. +Order parts, supplies, or equipment from catalogs or suppliers. +Diagnose mechanical problems and determine how to correct them, checking blueprints, repair manuals, or parts catalogs, as necessary. +Design new equipment to aid in the repair or maintenance of machines, mechanical equipment, or building structures. +Assemble, install, or repair wiring, electrical or electronic components, pipe systems, plumbing, machinery, or equipment. +Clean or lubricate shafts, bearings, gears, or other parts of machinery. +Estimate costs to repair machinery, equipment, or building structures. +Align and balance new equipment after installation. +Record type and cost of maintenance or repair work. +Maintain or repair specialized equipment or machinery located in cafeterias, laundries, hospitals, stores, offices, or factories. +Dismantle machines, equipment, or devices to access and remove defective parts, using hoists, cranes, hand tools, or power tools. +Plan and lay out repair work, using diagrams, drawings, blueprints, maintenance manuals, or schematic diagrams. +Install equipment to improve the energy or operational efficiency of residential or commercial buildings. +Set up and operate machine tools to repair or fabricate machine parts, jigs, fixtures, or tools. +Perform general cleaning of buildings or properties. +Train or manage maintenance personnel or subcontractors. +Fabricate or repair counters, benches, partitions, or other wooden structures, such as sheds or outbuildings. +Paint or repair roofs, windows, doors, floors, woodwork, plaster, drywall, or other parts of building structures. +Perform routine maintenance on boilers, such as replacing burners or hoses, installing replacement parts, or reinforcing structural weaknesses to ensure optimal boiler efficiency. +Provide groundskeeping services, such as landscaping or snow removal. +Operate cutting torches or welding equipment to cut or join metal parts. +Inspect used parts to determine changes in dimensional requirements, using rules, calipers, micrometers, or other measuring instruments. +Assemble boilers at installation sites, using tools such as levels, plumb bobs, hammers, torches, or other hand tools. +Position, attach, or blow insulating materials to prevent energy losses from buildings, pipes, or other structures or objects. +Use drones for inspecting roofs, gutters, and other hard-to-reach areas of buildings.","Calendar and scheduling software— Computerized time management systems +Cloud-based data access and sharing software— Dropbox +Computer aided design CAD software— Autodesk AutoCAD; Computer aided design and drafting software CADD; Dassault Systemes CATIA; PTC Creo Parametric +Data base user interface and query software— Data entry software; Database software; Yardi software +Desktop communications software— Eko +Development environment software— National Instruments LabVIEW +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Digital direct control DDC energy management software; Supervisory control and data acquisition SCADA software +Instant messaging software— GroupMe +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Handheld computer device software; Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Video creation and editing software— Loom; YouTube +Web page creation and editing software— Facebook +Word processing software— Google Docs; Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Inspect mechanical components of vehicles to identify problems. +Replace worn, damaged, or defective mechanical parts. +Inspect mechanical equipment to locate damage, defects, or wear. +Test mechanical equipment to ensure proper functioning. +Adjust equipment to ensure optimal performance. +Maintain work equipment or machinery. +Order materials, supplies, or equipment. +Install machine or equipment replacement parts. +Develop equipment or component configurations. +Read technical information needed to perform maintenance or repairs. +Troubleshoot equipment or systems operation problems. +Assemble electrical components, subsystems, or systems. +Install electrical components, equipment, or systems. +Repair electrical circuits or wiring. +Align equipment or machinery. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Estimate costs for labor or materials. +Lubricate equipment to allow proper functioning. +Record information about parts, materials or repair procedures. +Operate welding equipment. +Perform manual agricultural, aquacultural, or horticultural tasks. +Remove snow. +Disassemble equipment for maintenance or repair. +Operate cranes, hoists, or other moving or lifting equipment. +Lay out work according to specifications. +Plan work procedures. +Measure distances or dimensions. +Install energy-efficient heating, ventilation, or air conditioning (HVAC) equipment. +Assemble mechanical components or machine parts. +Clean work areas. +Fabricate parts or components. +Supervise employees. +Train others in operational procedures. +Assemble structural components. +Paint surfaces or equipment. +Install insulation in equipment or structures.","Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Health and Safety of Other Workers— 65% responded “Very high responsibility.” +Telephone Conversations— 74% responded “Every day.” +E-Mail— 73% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Outdoors, Exposed to All Weather Conditions— 51% responded “Every day.” +Exposed to Hazardous Equipment— 44% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 45% responded “Once a week or more but not every day.” +Frequency of Decision Making— 57% responded “Every day.” +Spend Time Standing— 49% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 53% responded “Very high responsibility.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Important results.” +Spend Time Walking or Running— 48% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Exposed to Contaminants— 36% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 58% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 41% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Every day.” +Indoors, Not Environmentally Controlled— 55% responded “Every day.” +Indoors, Environmentally Controlled— 60% responded “Every day.” +Time Pressure— 47% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 41% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 41% responded “Every day.” +Deal With External Customers or the Public in General— 31% responded “Extremely important.” +Exposed to Hazardous Conditions— 35% responded “Every day.” +Physical Proximity— 53% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 32% responded “Less than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Once a month or more but not every week.” +Pace Determined by Speed of Equipment— 31% responded “Extremely important.” +Consequence of Error— 27% responded “Fairly serious.” +Exposed to Cramped Work Space, Awkward Positions— 25% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Conflict Situations— 38% responded “Once a year or more but not every month.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 52% responded “Less than half the time.” +Exposed to High Places— 28% responded “Once a month or more but not every week.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Boilermakers +Engine and Other Machine Assemblers +Farm Equipment Mechanics and Service Technicians +Bright Outlook +Helpers--Installation, Maintenance, and Repair Workers +Hydroelectric Plant Technicians +Industrial Machinery Mechanics +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Plumbers, Pipefitters, and Steamfitters","View the list of Allies +International Association of Machinists and Aerospace Workers +external site +Building Owners and Managers Institute +external site +Industrial Division of the Communication Workers of America +external site +International Brotherhood of Electrical Workers +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +Refrigeration Service Engineers Society +external site +Service Employees International Union +external site +The International Maintenance Institute +external site +United Steelworkers +external site",48,8,52,67,59,33,41,34,29,18,13,20,21,32,4,21,16,76,6,26,18,7,10,22,9,38,67,22,9,34,10,2,3 +43-4031.00,"Court, Municipal, and License Clerks",https://www.onetonline.org/link/summary/43-4031.00,2025-06-11T19:15:32.439937,"Evaluate information on applications to verify completeness and accuracy and to determine whether applicants are qualified to obtain desired licenses. +Perform administrative tasks, such as answering telephone calls, filing court documents, or maintaining office supplies or equipment. +Verify the authenticity of documents, such as foreign identification or immigration documents. +Record and edit the minutes of meetings and distribute to appropriate officials or staff members. +Question applicants to obtain required information, such as name, address, or age, and record data on prescribed forms. +Issue public notification of all official activities or meetings. +Record and maintain all vital and fiscal records and accounts. +Record case dispositions, court orders, or arrangements made for payment of court fees. +Answer questions or provide advice to the public regarding licensing policies, procedures, or regulations. +Prepare meeting agendas or packets of related information. +Examine legal documents submitted to courts for adherence to laws or court procedures. +Prepare ordinances, resolutions, or proclamations so that they can be executed, recorded, archived, or distributed. +Answer inquiries from the general public regarding judicial procedures, court appearances, trial dates, adjournments, outstanding warrants, summonses, subpoenas, witness fees, or payment of fines. +Code information on license applications for entry into computers. +Prepare documents recording the outcomes of court proceedings. +Perform budgeting duties, such as assisting in budget preparation, expenditure review, or budget administration. +Prepare and issue orders of the court, such as probation orders, release documentation, sentencing information, or summonses. +Perform record checks on past or current licensees, as required by investigations. +Perform general office duties, such as taking or transcribing dictation, typing or proofreading correspondence, distributing or filing official forms, or scheduling appointments. +Instruct parties about timing of court appearances. +Respond to requests for information from the public, other municipalities, state officials, or state and federal legislative offices. +Coordinate or maintain office tracking systems for correspondence or follow-up actions. +Train other workers or coordinate their work, as necessary. +Research information in the municipal archives upon request of public officials or private citizens. +Perform contract administration duties, assisting with bid openings or the awarding of contracts. +Participate in the administration of municipal elections, such as preparation or distribution of ballots, appointment or training of election officers, or tabulation or certification of results. +Search files and contact witnesses, attorneys, or litigants to obtain information for the court. +Issue various permits and licenses, such as marriage, fishing, hunting, and dog licenses, and collect appropriate fees. +Plan or direct the maintenance, filing, safekeeping, or computerization of all municipal documents. +Prepare dockets or calendars of cases to be called.","Calendar and scheduling software— Work scheduling software +Data base reporting software— Data Technologies Summit +Data base user interface and query software— Abilis CORIS Offender Management System; IBM Judicial Enforcement Management System JEMS; Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Information retrieval or search software— LexisNexis; Thomson Reuters Westlaw +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Syscon Court Clerk +Spreadsheet software— Microsoft Excel; Spreadsheet applications +Video conferencing software— Zoom +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Answer telephones to direct calls or provide information. +Maintain office equipment in proper operating condition. +Verify accuracy of financial or transactional data. +Examine documents to verify adherence to requirements. +Interview employees, customers, or others to collect information. +Distribute materials to employees or customers. +Prepare documentation for contracts, transactions, or regulatory compliance. +Record information from meetings or other formal proceedings. +Explain regulations, policies, or procedures. +Maintain financial or account records. +Prepare informational or reference materials. +Record information about legal matters. +Coordinate operational activities. +Prepare legal documents. +Analyze financial information. +Code data or other information. +Search files, databases or reference materials to obtain needed information. +Issue documentation or identification to customers or employees. +Proofread documents, records, or other files to ensure accuracy. +Schedule appointments. +Communicate with government agencies. +Provide information to the general public. +Train personnel. +Perform administrative or clerical tasks. +Collect deposits, payments or fees. +Coordinate legal schedules or activities. +Issue certificates or licenses. +Manage clerical or administrative activities.","Telephone Conversations— 89% responded “Every day.” +Contact With Others— 82% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +E-Mail— 85% responded “Every day.” +Deal With External Customers or the Public in General— 62% responded “Extremely important.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Importance of Repeating Same Tasks— 55% responded “Extremely important.” +Spend Time Sitting— 46% responded “Continually or almost continually.” +Written Letters and Memos— 55% responded “Every day.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Time Pressure— 46% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 51% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Frequency of Decision Making— 45% responded “Every day.” +Spend Time Making Repetitive Motions— 37% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Very important.” +Physical Proximity— 45% responded “Slightly close (e.g., shared office).” +Conflict Situations— 29% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Compliance Officers +Correspondence Clerks +Executive Secretaries and Executive Administrative Assistants +Insurance Claims and Policy Processing Clerks +Legal Secretaries and Administrative Assistants +Office Clerks, General +Bright Outlook +Paralegals and Legal Assistants +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive +Title Examiners, Abstractors, and Searchers","View the list of Allies +American Association of Motor Vehicle Administrators +external site +American Bar Association +external site +ARMA International +external site +Government Finance Officers Association +external site +National Association of Parliamentarians +external site +National Conference of Appellate Court Clerks +external site +National Notary Association +external site +Society for Human Resource Management +external site +New England Association of City and Town Clerks +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +Service Employees International Union +external site",87,1,23,76,47,62,43,41,83,42,9,46,2,60,17,78,33,5,7,19,27,14,18,34,6,14,4,2,3,6,12,2,10 +31-9011.00,Massage Therapists,https://www.onetonline.org/link/summary/31-9011.00,2025-06-11T19:09:41.608589,"Confer with clients about their medical histories and problems with stress or pain to determine how massage will be most helpful. +Massage and knead muscles and soft tissues of the body to provide treatment for medical conditions, injuries, or wellness maintenance. +Maintain massage areas by restocking supplies or sanitizing equipment. +Apply finger and hand pressure to specific points of the body. +Develop and propose client treatment plans that specify which types of massage are to be used. +Maintain treatment records. +Assess clients' soft tissue condition, joint quality and function, muscle strength, and range of motion. +Provide clients with guidance and information about techniques for postural improvement and stretching, strengthening, relaxation, and rehabilitative exercises. +Treat clients in professional settings or travel to clients' offices and homes. +Refer clients to other types of therapists when necessary. +Prepare and blend oils and apply the blends to clients' skin. +Consult with other health care professionals, such as physiotherapists, chiropractors, physicians, and psychologists, to develop treatment plans for clients. +Perform other adjunctive therapies or treatment techniques in addition to massage. +Use complementary aids, such as infrared lamps, wet compresses, ice, and whirlpool baths to promote clients' recovery, relaxation, and well-being.","Calendar and scheduling software— AppointmentQuest Online Appointment Manager; Scheduling software +Medical software— ICS Software SammyUSA; Land Software Customer Pro-File; Massage Suite; WinCity Custom Software WinCity Massage SOAP Notes +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Interview patients to gather medical information. +Administer therapy treatments to patients using hands or physical treatment aids. +Clean facilities or equipment. +Stock supplies or merchandise. +Develop patient therapy programs. +Assess physical conditions of patients to aid in diagnosis or treatment. +Maintain medical records. +Teach medical procedures or medical equipment use to patients. +Confer with other professionals to plan patient care.","Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Contact With Others— 69% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 54% responded “Continually or almost continually.” +Frequency of Decision Making— 68% responded “Every day.” +Physical Proximity— 77% responded “Very close (near touching).” +Spend Time Standing— 46% responded “Continually or almost continually.” +Telephone Conversations— 50% responded “Every day.” +Deal With External Customers or the Public in General— 58% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 38% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +E-Mail— 35% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 58% responded “Continually or almost continually.” +Level of Competition— 58% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 27% responded “Important.” +Importance of Being Exact or Accurate— 35% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Licensed Practical and Licensed Vocational Nurses +Occupational Therapy Aides +Occupational Therapy Assistants +Bright Outlook +Physical Therapist Aides +Physical Therapist Assistants +Radiation Therapists +Recreational Therapists +Registered Nurses +Respiratory Therapists +Skincare Specialists","View the list of Allies +American Massage Therapy Association +external site +Associated Bodywork and Massage Professionals +external site +Federation of State Massage Therapy Boards +external site +International Association of Healthcare Practitioners +external site +National Certification Board for Therapeutic Massage and Bodywork +external site +Zero Balancing Health Association +external site",90,,5,58,17,43,50,42,42,41,50,26,16,23,13,42,34,11,28,5,57,41,38,15,52,14,5,16,58,6,3,3,6 +53-6051.00,Transportation Inspectors,https://www.onetonline.org/link/summary/53-6051.00,2025-06-11T19:30:10.540935,"Prepare and submit reports after completion of freight shipments. +Inspect shipments to ensure that freight is securely braced and blocked. +Record details about freight conditions, handling of freight, and any problems encountered. +Advise crews in techniques of stowing dangerous and heavy cargo. +Observe loading of freight to ensure that crews comply with procedures. +Recommend remedial procedures to correct any violations found during inspections. +Inspect loaded cargo, cargo lashed to decks or in storage facilities, and cargo handling devices to determine compliance with health and safety regulations and need for maintenance. +Notify workers of any special treatment required for shipments. +Direct crews to reload freight or to insert additional bracing or packing as necessary. +Check temperatures and humidities of shipping and storage areas to ensure that they are at appropriate levels to protect cargo. +Determine cargo transportation capabilities by reading documents that set forth cargo loading and securing procedures, capacities, and stability factors. +Read draft markings to determine depths of vessels in water. +Post warning signs on vehicles containing explosives or flammable or radioactive materials. +Measure heights and widths of loads to ensure they will pass over bridges or through tunnels on scheduled routes. +Calculate gross and net tonnage, hold capacities, volumes of stored fuel and water, cargo weights, and vessel stability factors, using mathematical formulas. +Measure vessels' holds and depths of fuel and water in tanks, using sounding lines and tape measures. +Visually inspect cargo for damage upon arrival or discharge.","Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Google Android +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Record details of deliveries or shipments. +Inspect cargo to ensure it is properly loaded or secured. +Record operational or production data. +Explain regulations, policies, or procedures. +Monitor loading processes to ensure they are performed properly. +Recommend changes or corrective procedures. +Mark materials or objects for identification. +Measure product or material dimensions. +Communicate with others to coordinate vehicle movement. +Direct material handling or moving activities. +Monitor cargo area conditions. +Review work orders or schedules to determine operations or procedures. +Measure the level or depth of water or other liquids. +Calculate weights, volumes or other characteristics of materials. +Examine condition of property or products.","Telephone Conversations— How often do you have telephone conversations in this job? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +E-Mail— How frequently does your job require you to use E-mail? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Written Letters and Memos— How frequently does your job require written letters and memos? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Outdoors, Under Cover— How often does this job require working outdoors, under cover (like in an open shed)? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Exposed to Very Hot or Cold Temperatures— How often does this job require working in very hot (above 90 F degrees) or very cold (below 32 F degrees) temperatures? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Exposed to Extremely Bright or Inadequate Lighting Conditions— How often does this job require working in extremely bright or inadequate lighting conditions? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Exposed to Cramped Work Space, Awkward Positions— How often does this job require working in cramped work spaces that requires getting into awkward positions? +Spend Time Standing— How much does this job require standing? +Exposed to Hazardous Equipment— How often does this job require exposure to hazardous equipment? +Exposed to High Places— How often does this job require exposure to high places?","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aircraft Cargo Handling Supervisors +Bright Outlook +Airfield Operations Specialists +Aviation Inspectors +Cargo and Freight Agents +Construction and Building Inspectors +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +Inspectors, Testers, Sorters, Samplers, and Weighers +Railroad Conductors and Yardmasters +Ship Engineers +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +American Boat and Yacht Council +external site +Society of Accredited Marine Surveyors +external site +The Institute of International Container Lessors +external site +The International Propeller Club of the United States +external site +The National Association of Marine Surveyors +external site",63,17,41,71,55,51,55,41,38,33,34,30,35,43,17,51,31,51,3,73,11,1,10,42,1,44,24,33,19,26,35,1,4 +53-6061.00,Passenger Attendants,https://www.onetonline.org/link/summary/53-6061.00,2025-06-11T19:30:18.629771,"Secure passengers for transportation by buckling seatbelts or fastening wheelchairs with tie-down straps. +Provide boarding assistance to elderly, sick, or injured people. +Respond to passengers' questions, requests, or complaints. +Determine or facilitate seating arrangements. +Provide customers with information on routes, gates, prices, timetables, terminals, or concourses. +Perform equipment safety checks prior to departure. +Greet passengers boarding transportation equipment and announce routes and stops. +Count and verify tickets and seat reservations and record numbers of passengers boarding and disembarking. +Explain and demonstrate safety procedures and safety equipment use. +Open and close doors for passengers. +Signal transportation operators to stop or to proceed. +Adjust window shades or seat cushions at the request of passengers.","Calendar and scheduling software— Appointment scheduling software +Electronic mail software— Email software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Time accounting software— Time tracking software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Provide transportation information to passengers or customers. +Assist customers to ensure comfort or safety. +Assist passengers during vehicle boarding. +Follow safety procedures for vehicle operation. +Explain regulations, policies, or procedures. +Record operational or production data. +Verify information or specifications. +Signal others to coordinate vehicle movement.","Physical Proximity— 70% responded “Very close (near touching).” +Contact With Others— 60% responded “Constant contact with others.” +Dealing With Unpleasant, Angry, or Discourteous People— 54% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Every day.” +Spend Time Sitting— 40% responded “More than half the time.” +Frequency of Decision Making— 61% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Every day.” +Exposed to Contaminants— 55% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 56% responded “Every day.” +Work With or Contribute to a Work Group or Team— 27% responded “Extremely important.” +Deal With External Customers or the Public in General— 62% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Health and Safety of Other Workers— 34% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 52% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 26% responded “Never.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Aircraft Cargo Handling Supervisors +Bright Outlook +Baggage Porters and Bellhops +Bus Drivers, Transit and Intercity +First-Line Supervisors of Passenger Attendants +Flight Attendants +Hotel, Motel, and Resort Desk Clerks +Locker Room, Coatroom, and Dressing Room Attendants +Parking Attendants +Reservation and Transportation Ticket Agents and Travel Clerks +Shuttle Drivers and Chauffeurs","View the list of Allies +International Association of Machinists and Aerospace Workers +external site +Amalgamated Transit Union +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site +International Brotherhood of Teamsters +external site +Transport Workers Union of America AFL-CIO +external site",56,10,20,63,24,34,56,24,32,16,17,29,11,23,31,24,24,16,16,68,38,17,19,34,21,6,11,10,13,9,26,3,8 +51-9195.05,"Potters, Manufacturing",https://www.onetonline.org/link/summary/51-9195.05,2025-06-11T19:28:33.219197,"Operate gas or electric kilns to fire pottery pieces. +Mix and apply glazes to pottery pieces, using tools, such as spray guns. +Raise and shape clay into wares, such as vases and pitchers, on revolving wheels, using hands, fingers, and thumbs. +Adjust wheel speeds according to the feel of the clay as pieces enlarge and walls become thinner. +Position balls of clay in centers of potters' wheels, and start motors or pump treadles with feet to revolve wheels. +Move pieces from wheels so that they can dry. +Prepare work for sale or exhibition, and maintain relationships with retail, pottery, art, and resource networks that can facilitate sale or exhibition of work. +Attach handles to pottery pieces. +Press thumbs into centers of revolving clay to form hollows, and press on the inside and outside of emerging clay cylinders with hands and fingers, gradually raising and shaping clay to desired forms and sizes. +Pack and ship pottery to stores or galleries for retail sale. +Smooth surfaces of finished pieces, using rubber scrapers and wet sponges. +Pull wires through bases of articles and wheels to separate finished pieces. +Design spaces to display pottery for sale. +Verify accuracy of shapes and sizes of objects, using calipers and templates. +Examine finished ware for defects and measure dimensions, using rule and thickness gauge. +Maintain supplies of tools, equipment, and materials, and order additional supplies as needed. +Operate pug mills to blend and extrude clay. +Perform test-fires of pottery to determine how to achieve specific colors and textures. +Start machine units and conveyors and observe lights and gauges on panel board to verify operational efficiency. +Operate drying chambers to dry or finish molded ceramic ware. +Adjust pressures, temperatures, and trimming tool settings as required. +Design clay forms and molds, and decorations for forms. +Teach pottery classes. +Decorate pottery using tools such as brushes. +Load and unload pottery from kilns.","Electronic mail software— Microsoft Outlook +Inventory management software— Inventory control software +Spreadsheet software— Microsoft Excel","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Operate heating or drying equipment. +Shape clay or dough to create products. +Adjust equipment to ensure optimal performance. +Apply protective or decorative finishes to workpieces or products. +Mix ingredients to create specific finishes. +Monitor equipment operation to ensure proper functioning. +Position raw materials on processing or production equipment. +Remove products or workpieces from production equipment. +Construct distinctive physical objects for artistic, functional, or commercial purposes. +Develop professional relationships or networks. +Package objects for shipping. +Send information, materials or documentation. +Smooth surfaces of objects or equipment. +Maneuver workpieces in equipment during production. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Maintain inventories of materials, equipment, or products. +Order materials, supplies, or equipment. +Operate mixing equipment. +Conduct test runs of production equipment. +Set equipment controls to meet cutting specifications. +Design jewelry or decorative objects. +Teach classes in area of specialization.","Freedom to Make Decisions— 88% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 79% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 80% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 64% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Exposed to Contaminants— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Very important results.” +Spend Time Making Repetitive Motions— 48% responded “More than half the time.” +Frequency of Decision Making— 62% responded “Every day.” +Importance of Repeating Same Tasks— 37% responded “Extremely important.” +Importance of Being Exact or Accurate— 36% responded “Extremely important.” +E-Mail— 42% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 58% responded “Every day.” +Contact With Others— 50% responded “Contact with others most of the time.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 26% responded “Very important.” +Work Outcomes and Results of Other Workers— 24% responded “Very high responsibility.” +Spend Time Sitting— 57% responded “About half the time.” +Health and Safety of Other Workers— 27% responded “High responsibility.” +Time Pressure— 45% responded “Once a month or more but not every week.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Craft Artists +Etchers and Engravers +Foundry Mold and Coremakers +Glass Blowers, Molders, Benders, and Finishers +Grinding and Polishing Workers, Hand +Jewelers and Precious Stone and Metal Workers +Molders, Shapers, and Casters, Except Metal and Plastic +Painting, Coating, and Decorating Workers +Sewers, Hand +Stone Cutters and Carvers, Manufacturing","View the list of Allies +American Ceramic Circle +external site +American Ceramic Society +external site +American Craft Council +external site +International Ceramic Artists Network +external site +National Council on Education for the Ceramic Arts +external site",60,4,74,46,49,54,46,37,42,39,52,20,55,34,6,16,40,48,13,32,32,8,10,18,10,50,10,27,3,65,12,75,17 +11-1011.00,Chief Executives,https://www.onetonline.org/link/summary/11-1011.00,2025-06-11T18:46:23.264474,"Direct or coordinate an organization's financial or budget activities to fund operations, maximize investments, or increase efficiency. +Confer with board members, organization officials, or staff members to discuss issues, coordinate activities, or resolve problems. +Prepare budgets for approval, including those for funding or implementation of programs. +Direct, plan, or implement policies, objectives, or activities of organizations or businesses to ensure continuing operations, to maximize returns on investments, or to increase productivity. +Prepare or present reports concerning activities, expenses, budgets, government statutes or rulings, or other items affecting businesses or program services. +Implement corrective action plans to solve organizational or departmental problems. +Analyze operations to evaluate performance of a company or its staff in meeting objectives or to determine areas of potential cost reduction, program improvement, or policy change. +Direct or coordinate activities of businesses or departments concerned with production, pricing, sales, or distribution of products. +Direct human resources activities, including the approval of human resource plans or activities, the selection of directors or other high-level staff, or establishment or organization of major departments. +Appoint department heads or managers and assign or delegate responsibilities to them. +Interpret and explain policies, rules, regulations, or laws to organizations, government or corporate officials, or individuals. +Review reports submitted by staff members to recommend approval or to suggest changes. +Negotiate or approve contracts or agreements with suppliers, distributors, federal or state agencies, or other organizational entities. +Establish departmental responsibilities and coordinate functions among departments and sites. +Deliver speeches, write articles, or present information at meetings or conventions to promote services, exchange ideas, or accomplish objectives. +Serve as liaisons between organizations, shareholders, and outside organizations. +Coordinate the development or implementation of budgetary control systems, recordkeeping systems, or other administrative control processes. +Preside over, or serve on, boards of directors, management committees, or other governing boards. +Attend and participate in meetings of municipal councils or council committees. +Organize or approve promotional campaigns. +Nominate citizens to boards or commissions. +Conduct or direct investigations or hearings to resolve complaints or violations of laws, or testify at such hearings. +Direct or coordinate activities of businesses involved with buying or selling investment products or financial services. +Prepare bylaws approved by elected officials, and ensure that bylaws are enforced. +Make presentations to legislative or other government committees regarding policies, programs, or budgets. +Review and analyze legislation, laws, or public policy and recommend changes to promote or support interests of the general population or special groups. +Direct non-merchandising departments, such as advertising, purchasing, credit, or accounting. +Refer major policy matters to elected representatives for final decisions. +Direct or conduct studies or research on issues affecting areas of responsibility. +Administer programs for selection of sites, construction of buildings, or provision of equipment or supplies. +Represent organizations or promote their objectives at official functions, or delegate representatives to do so.","Accounting software— ComputerEase construction accounting software; Fund accounting software; Intuit QuickBooks; Sage 50 Accounting +Analytical or scientific software— Lyris HQ Web-Analytics Solution; Nedstat Sitestat; Online advertising reporting software +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Siebel Server Sync +Data base management system software— Relational database management software +Data base reporting software— Database reporting software +Data base user interface and query software— AdSense Tracker; Databox; Microsoft Access; Structured query language SQL +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Listserv software; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Microsoft Dynamics; Microsoft Dynamics GP; Oracle PeopleSoft; SAP software;2 more +Financial analysis software— Microsoft FRx +Graphics or photo imaging software— Graphic presentation software; SmugMug Flickr +Human resources software— Halogen e360; Halogen ePraisal; Human resource information system (HRIS); Infor SSA Human Capital Management +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint +Project management software— HCSS HeavyBid; HCSS HeavyJob; Microsoft Project +Spreadsheet software— Microsoft Excel +Time accounting software— Exact Software Macola ES Labor Performance; Norchard Solutions Succession Wizard +Web platform development software— PHP +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Direct financial operations. +Confer with organizational members to accomplish work activities. +Prepare operational budgets. +Direct organizational operations, projects, or services. +Develop organizational policies or programs. +Implement organizational process or policy changes. +Prepare financial documents, reports, or budgets. +Prepare operational progress or status reports. +Resolve employee or contractor problems. +Direct sales, marketing, or customer service activities. +Analyze data to assess operational or project effectiveness. +Manage human resources activities. +Analyze data to inform operational decisions or activities. +Communicate organizational policies and procedures. +Negotiate contracts for transportation, distribution, or logistics services. +Prepare staff schedules or work assignments. +Select staff, team members, or performers. +Liaise between departments or other groups to improve function or communication. +Establish organizational guidelines or policies. +Conduct hearings to investigate legal issues. +Testify at legal or legislative proceedings. +Present information to the public. +Draft legislation or regulations. +Serve on institutional or departmental committees. +Advise others on legal or regulatory compliance matters. +Analyze impact of legal or regulatory changes. +Coordinate with external parties to exchange information. +Direct administrative or support services. +Recommend organizational process or policy changes. +Conduct research on social issues. +Conduct research to gain information about products or processes. +Represent the organization in external relations. +Coordinate special events or programs. +Manage construction activities. +Promote products, services, or programs.","E-Mail— 97% responded “Every day.” +Freedom to Make Decisions— 95% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Determine Tasks, Priorities and Goals— 80% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 76% responded “Very important results.” +Duration of Typical Work Week— 86% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 78% responded “Very high responsibility.” +Contact With Others— 67% responded “Constant contact with others.” +Frequency of Decision Making— 72% responded “Every day.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Extremely important.” +Spend Time Sitting— 44% responded “More than half the time.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Written Letters and Memos— 66% responded “Once a week or more but not every day.” +Conflict Situations— 43% responded “Once a week or more but not every day.” +Level of Competition— 33% responded “Extremely competitive.” +Importance of Repeating Same Tasks— 37% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 30% responded “Once a month or more but not every week.” +Public Speaking— 39% responded “Once a year or more but not every month.” +Consequence of Error— 33% responded “Fairly serious.”","Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Mathematics— Using mathematics to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Service Orientation— Actively looking for ways to help people.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Chief Sustainability Officers +Bright Outlook +Compliance Managers +Education Administrators, Postsecondary +Financial Managers +General and Operations Managers +Human Resources Managers +Legislators +Public Relations Managers +Social and Community Service Managers +Treasurers and Controllers","View the list of Allies +AICPA and CIMA +external site +American Association for Higher Education +external site +American College of Healthcare Executives +external site +American Hospital Association +external site +American Organization of Nursing Leadership +external site +American Society of Association Executives +external site +Associated General Contractors of America +external site +Council for Advancement and Support of Education +external site +Financial Management Association International +external site +Medical Group Management Association +external site +National Management Association +external site +School Superintendents Association +external site +Society for Human Resource Management +external site +U.S. Chamber of Commerce +external site +Young Presidents Organization +external site +American Management Association +external site +Financial Executives International +external site +Project Management Institute +external site",85,4,43,85,65,95,72,63,36,76,70,87,17,71,32,62,51,28,34,32,52,22,47,40,13,51,21,25,19,23,42,18,29 +29-1224.00,Radiologists,https://www.onetonline.org/link/summary/29-1224.00,2025-06-11T19:07:00.348987,"Prepare comprehensive interpretive reports of findings. +Perform or interpret the outcomes of diagnostic imaging procedures including magnetic resonance imaging (MRI), computer tomography (CT), positron emission tomography (PET), nuclear cardiology treadmill studies, mammography, or ultrasound. +Document the performance, interpretation, or outcomes of all procedures performed. +Communicate examination results or diagnostic information to referring physicians, patients, or families. +Obtain patients' histories from electronic records, patient interviews, dictated reports, or by communicating with referring clinicians. +Review or transmit images and information using picture archiving or communications systems. +Confer with medical professionals regarding image-based diagnoses. +Recognize or treat complications during and after procedures, including blood pressure problems, pain, oversedation, or bleeding. +Develop or monitor procedures to ensure adequate quality control of images. +Provide counseling to radiologic patients to explain the processes, risks, benefits, or alternative treatments. +Establish or enforce standards for protection of patients or personnel. +Coordinate radiological services with other medical activities. +Instruct radiologic staff in desired techniques, positions, or projections. +Participate in continuing education activities to maintain and develop expertise. +Participate in quality improvement activities including discussions of areas where risk of error is high. +Perform interventional procedures such as image-guided biopsy, percutaneous transluminal angioplasty, transhepatic biliary drainage, or nephrostomy catheter placement. +Develop treatment plans for radiology patients. +Administer radioisotopes to clinical patients or research subjects. +Advise other physicians of the clinical indications, limitations, assessments, or risks of diagnostic and therapeutic applications of radioactive materials. +Calculate, measure, or prepare radioisotope dosages. +Check and approve the quality of diagnostic images before patients are discharged. +Compare nuclear medicine procedures with other types of procedures, such as computed tomography, ultrasonography, nuclear magnetic resonance imaging, and angiography. +Direct nuclear medicine technologists or technicians regarding desired dosages, techniques, positions, and projections. +Establish and enforce radiation protection standards for patients and staff. +Formulate plans and procedures for nuclear medicine departments. +Monitor handling of radioactive materials to ensure that established procedures are followed. +Prescribe radionuclides and dosages to be administered to individual patients. +Review procedure requests and patients' medical histories to determine applicability of procedures and radioisotopes to be used. +Teach nuclear medicine, diagnostic radiology, or other specialties at graduate educational level. +Test dosage evaluation instruments and survey meters to ensure they are operating properly.","Calendar and scheduling software— Scheduling software +Electronic mail software— Email software +Graphics or photo imaging software— Digital image processing software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; GE Healthcare Centricity EMR; MEDITECH software;46 more +Spreadsheet software— Microsoft Excel +Voice recognition software +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Prepare reports summarizing patient diagnostic or care activities. +Analyze test data or images to inform diagnosis or treatment. +Operate diagnostic imaging equipment. +Record patient medical histories. +Collect medical information from patients, family members, or other medical professionals. +Communicate detailed medical information to patients or family members. +Communicate test or assessment results to medical professionals. +Gather medical information from patient histories. +Send information, materials or documentation. +Inform medical professionals regarding patient conditions and care. +Monitor patients following surgeries or other treatments. +Operate on patients to treat conditions. +Develop healthcare quality and safety procedures. +Explain medical procedures or test results to patients or family members. +Determine protocols for medical procedures. +Verify that medical activities or operations meet standards. +Train medical providers. +Collaborate with healthcare professionals to plan or provide treatment. +Develop medical treatment plans. +Maintain medical or professional knowledge. +Administer medical substances for imaging or other procedures. +Advise medical personnel regarding healthcare issues. +Calculate numerical data for medical activities. +Check quality of diagnostic images. +Evaluate treatment options to guide medical decisions. +Examine medical instruments or equipment to ensure proper operation. +Manage healthcare operations. +Monitor the handling of hazardous materials or medical wastes. +Prepare medications or medical solutions. +Prescribe medications. +Supervise patient care personnel. +Verify accuracy of patient information.","Telephone Conversations— 94% responded “Every day.” +Importance of Being Exact or Accurate— 89% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Frequency of Decision Making— 89% responded “Every day.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Freedom to Make Decisions— 79% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 66% responded “Extremely important.” +Time Pressure— 73% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Very important results.” +Exposed to Disease or Infections— 67% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 26% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Spend Time Making Repetitive Motions— 44% responded “Continually or almost continually.” +E-Mail— 75% responded “Every day.” +Exposed to Radiation— 63% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 62% responded “Every day.” +Contact With Others— 45% responded “Constant contact with others.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Consequence of Error— 55% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 18% responded “Limited responsibility.” +Level of Competition— 34% responded “Extremely competitive.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 62% responded “Every day.” +Health and Safety of Other Workers— 31% responded “Very high responsibility.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Spend Time Sitting— 35% responded “Continually or almost continually.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 28% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Cardiologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Bright Outlook +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians +Physicians, Pathologists +Urologists","View the list of Allies +American Academy of Family Physicians +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Cardiology +external site +American College of Nuclear Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Society of Head and Neck Radiology +external site +American Society of Neuroradiology +external site +American Society of Nuclear Cardiology +external site +American Society of Radiologic Technologists +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +Radiological Society of North America +external site +Society of Abdominal Radiology +external site +Society of Interventional Radiology +external site +Society of Nuclear Medicine and Molecular Imaging +external site +Society of Skeletal Radiology +external site +The American Roentgen Ray Society +external site +American Board of Nuclear Medicine +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Radiology +external site +American College of Surgeons +external site +American Registry of Radiologic Technologists +external site",66,,26,83,42,43,48,68,40,30,34,36,31,72,13,42,47,8,4,2,35,29,17,32,92,42,1,58,88,9,2,,2 +27-1024.00,Graphic Designers,https://www.onetonline.org/link/summary/27-1024.00,2025-06-11T19:02:47.538318,"Key information into computer equipment to create layouts for client or supervisor. +Review final layouts and suggest improvements, as needed. +Determine size and arrangement of illustrative material and copy, and select style and size of type. +Develop graphics and layouts for product illustrations, company logos, and Web sites. +Create designs, concepts, and sample layouts, based on knowledge of layout principles and esthetic design concepts. +Use computer software to generate new images. +Prepare digital files for printing. +Confer with clients to discuss and determine layout design. +Research the target audience of projects. +Draw and print charts, graphs, illustrations, and other artwork, using computer. +Mark up, paste, and assemble final layouts to prepare layouts for printer. +Study illustrations and photographs to plan presentation of materials, products, or services. +Maintain archive of images, photos, or previous work products. +Prepare notes and instructions for workers who assemble and prepare final layouts for printing. +Prepare illustrations or rough sketches of material, discussing them with clients or supervisors and making necessary changes. +Research new software or design concepts. +Produce still and animated graphics for on-air and taped portions of television news broadcasts, using electronic video equipment. +Photograph layouts, using camera, to make layout prints for supervisors or clients. +Write or edit copy for clients.","Accounting software— Intuit QuickBooks +Cloud-based data access and sharing software— Google Drive +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation;5 more +Customer relationship management CRM software— Oracle Eloqua +Data base user interface and query software— FileMaker Pro; Microsoft Access; Structured query language SQL +Desktop publishing software— Adobe Distiller; Adobe InDesign; Microsoft Publisher; QuarkXPress;2 more +Development environment software— Adobe ActionScript; Verilog +Document management software— Adobe Acrobat; PDF readers +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Graphical user interface development software— Figma +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Trimble SketchUp Pro;3 more +Internet browser software— Google Chrome; Web browser software +Music or sound editing software— Avid Pro Tools +Object or component oriented development software— jQuery +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Apple macOS; Microsoft Windows +Optical character reader OCR or scanning software— Nuance OmniPage Professional +Presentation software— Apple iWork Keynote; Apple Keynote; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Sales and marketing software— Google Ads +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; WeVideo; YouTube;3 more +Web page creation and editing software— Adobe Dreamweaver; Adobe Macromedia HomeSite; Facebook; WordPress;2 more +Web platform development software— AJAX; Cascading style sheets CSS; Drupal; PHP;6 more +Word processing software— Google Docs; Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Design layout of art or product exhibits, displays, or promotional materials. +Collaborate with others to develop or refine designs. +Review art or design materials. +Design layouts for print publications. +Create computer-generated graphics or animation. +Operate photographic developing or print production equipment. +Perform administrative or clerical tasks. +Confer with clients to determine needs. +Collect data about customer needs. +Conduct market research. +Conduct research to inform art, designs, or other work. +Draw detailed or technical illustrations. +Maintain records, documents, or other files. +Research new technologies. +Edit written materials. +Operate still or video cameras or related equipment. +Write advertising or promotional material.","E-Mail— 90% responded “Every day.” +Spend Time Sitting— 79% responded “Continually or almost continually.” +Time Pressure— 70% responded “Every day.” +Telephone Conversations— 53% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Level of Competition— 53% responded “Highly competitive.” +Face-to-Face Discussions with Individuals and Within Teams— 47% responded “Every day.” +Contact With Others— 55% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 37% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 53% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Frequency of Decision Making— 37% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 32% responded “Moderate responsibility.” +Deal With External Customers or the Public in General— 30% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Art Directors +Commercial and Industrial Designers +Desktop Publishers +Fine Artists, Including Painters, Sculptors, and Illustrators +Interior Designers +Set and Exhibit Designers +Software Developers +Bright Outlook +Special Effects Artists and Animators +Video Game Designers +Web and Digital Interface Designers","View the list of Allies +Council for Advancement and Support of Education +external site +Graphic Artists Guild +external site +National Association of Schools of Art and Design +external site +Professional Association for Design +external site +SEGD +external site +University and College Designers Association +external site",64,6,58,70,32,50,18,45,46,33,66,38,6,85,19,20,83,15,23,12,44,10,39,30,5,40,14,14,5,93,26,85,23 +25-9021.00,Farm and Home Management Educators,https://www.onetonline.org/link/summary/25-9021.00,2025-06-11T19:02:10.582591,"Advise farmers and demonstrate techniques in areas such as feeding and health maintenance of livestock, growing and harvesting practices, and financial planning. +Conduct classes or deliver lectures on subjects such as nutrition, home management, and farming techniques. +Collaborate with producers to diagnose and prevent management and production problems. +Research information requested by farmers. +Collect and evaluate data to determine community program needs. +Act as an advocate for farmers or farmers' groups. +Conduct field demonstrations of new products, techniques, or services. +Maintain records of services provided and the effects of advice given. +Prepare and distribute leaflets, pamphlets, and visual aids for educational and informational purposes. +Schedule and make regular visits to farmers. +Organize, advise, and participate in community activities and organizations, such as county and state fair events and 4-H Clubs. +Conduct agricultural research, analyze data, and prepare research reports. +Set and monitor production targets. +Collaborate with social service and health care professionals to advise individuals and families on home management practices, such as budget planning, meal preparation, and time management. +Provide direct assistance to farmers by performing activities such as purchasing or selling products and supplies, supervising properties, and collecting soil and herbage samples for testing.","Data base user interface and query software— ServiceNow +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; SAP software +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphics or photo imaging software— Image editing software +Internet browser software— Microsoft Internet Explorer; Web browser software +Multi-media educational software— Kahoot! +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Procurement software— Order management software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Experience Manager (AEM) +Word processing software— Microsoft Word","Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Advise educators on curricula, instructional methods, or policies. +Teach life skills. +Confer with others to conduct or arrange operational activities. +Search information sources to find specific data. +Maintain operational records. +Develop instructional materials. +Plan community programs or activities for the general public. +Schedule instructional activities. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Collaborate with other agencies and institutions to coordinate educational matters.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +Freedom to Make Decisions— 74% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 74% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Contact With Others— 48% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 41% responded “Every day.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Indoors, Environmentally Controlled— 48% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 59% responded “Once a week or more but not every day.” +Written Letters and Memos— 48% responded “Once a month or more but not every week.” +Spend Time Sitting— 48% responded “About half the time.” +Frequency of Decision Making— 37% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 42% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Minor results.” +Time Pressure— 59% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 38% responded “Once a month or more but not every week.” +Public Speaking— 52% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 33% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Persuasion— Persuading others to change their minds or behavior. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Mathematics— Using mathematics to solve problems.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Sciences Teachers, Postsecondary +Business Teachers, Postsecondary +Bright Outlook +Career/Technical Education Teachers, Middle School +Career/Technical Education Teachers, Postsecondary +Career/Technical Education Teachers, Secondary School +Health Education Specialists +Instructional Coordinators +Management Analysts +Range Managers +Soil and Plant Scientists","View the list of Allies +American Society of Agronomy +external site +American Association of Family and Consumer Sciences +external site +American Association of Pesticide Safety Educators +external site +American Society for Horticultural Science +external site +Association of Natural Resource Extension Professionals +external site +Epsilon Sigma Phi +external site +Joint Council of Extension Professionals +external site +National Association of Community Development Extension Professionals +external site +National Association of County Agricultural Agents +external site +National Association of Extension 4-H Youth Development Professionals +external site +National Extension Association of Family and Consumer Sciences +external site +Weed Science Society of America +external site +Association for Financial Counseling and Planning Education +external site",70,72,35,73,47,58,38,79,52,43,41,45,42,56,21,45,62,31,22,29,43,17,34,23,15,33,20,22,67,21,37,6,19 +47-5081.00,Helpers--Extraction Workers,https://www.onetonline.org/link/summary/47-5081.00,2025-06-11T19:21:02.186740,"Observe and monitor equipment operation during the extraction process to detect any problems. +Drive moving equipment to transport materials and parts to excavation sites. +Unload materials, devices, and machine parts, using hand tools. +Set up and adjust equipment used to excavate geological materials. +Organize materials to prepare for use. +Repair and maintain automotive and drilling equipment, using hand tools. +Clean up work areas and remove debris after extraction activities are complete. +Clean and prepare sites for excavation or boring. +Load materials into well holes or into equipment, using hand tools. +Provide assistance to extraction craft workers, such as earth drillers and derrick operators. +Collect and examine geological matter, using hand tools and testing devices. +Signal workers to start geological material extraction or boring. +Dismantle extracting and boring equipment used for excavation, using hand tools. +Dig trenches.","Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Google Docs; Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Assist skilled construction or extraction personnel. +Monitor extraction operations. +Drive trucks or truck-mounted equipment. +Load or unload materials used in construction or extraction. +Operate mining equipment. +Maintain drilling equipment. +Select construction materials. +Collect geological samples. +Signal equipment operators to indicate proper equipment positioning. +Clean work sites. +Dismantle equipment or temporary structures. +Prepare excavation or extraction sites for commissioning or decommissioning. +Load materials into construction equipment. +Dig holes or trenches.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Duration of Typical Work Week— 95% responded “More than 40 hours.” +Exposed to Hazardous Equipment— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 76% responded “Every day.” +Exposed to Contaminants— 81% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 89% responded “Every day.” +Indoors, Not Environmentally Controlled— 85% responded “Every day.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 75% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 60% responded “Every day.” +Contact With Others— 72% responded “Constant contact with others.” +Exposed to Hazardous Conditions— 60% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 11% responded “Fairly important.” +In an Open Vehicle or Operating Equipment— 66% responded “Every day.” +Physical Proximity— 60% responded “Moderately close (at arm's length).” +Freedom to Make Decisions— 23% responded “Limited freedom.” +Frequency of Decision Making— 68% responded “Every day.” +Health and Safety of Other Workers— 65% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 60% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 23% responded “Important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 64% responded “Every day.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Pace Determined by Speed of Equipment— 41% responded “Extremely important.” +Telephone Conversations— 46% responded “Every day.” +Consequence of Error— 56% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 47% responded “Very high responsibility.” +Spend Time Bending or Twisting Your Body— 32% responded “Less than half the time.” +Spend Time Standing— 61% responded “More than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 38% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 44% responded “Every day.” +Spend Time Walking or Running— 35% responded “About half the time.” +Time Pressure— 40% responded “Once a month or more but not every week.” +Exposed to High Places— 31% responded “Never.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Once a month or more but not every week.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 39% responded “Every day.” +Exposed to Whole Body Vibration— 38% responded “Every day.” +Level of Competition— 32% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 38% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Once a week or more but not every day.” +Conflict Situations— 37% responded “Once a year or more but not every month.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operation and Control— Controlling operations of equipment or systems. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Continuous Mining Machine Operators +Earth Drillers, Except Oil and Gas +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Carpenters +Helpers--Electricians +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Bright Outlook +Helpers--Production Workers +Rotary Drill Operators, Oil and Gas","View the list of Allies +United Mine Workers of America +external site",44,7,45,63,51,48,48,47,28,29,29,37,34,27,9,29,20,76,,59,14,5,5,23,14,39,31,36,14,24,22,,1 +51-6063.00,"Textile Knitting and Weaving Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-6063.00,2025-06-11T19:26:11.578158,"Observe woven cloth to detect weaving defects. +Thread yarn, thread, and fabric through guides, needles, and rollers of machines for weaving, knitting, or other processing. +Remove defects in cloth by cutting and pulling out filling. +Examine looms to determine causes of loom stoppage, such as warp filling, harness breaks, or mechanical defects. +Inspect products to ensure that specifications are met and to determine if machines need adjustment. +Notify supervisors or repair staff of mechanical malfunctions. +Start machines, monitor operations, and make adjustments as needed. +Stop machines when specified amounts of product have been produced. +Inspect machinery to determine whether repairs are needed. +Confer with co-workers to obtain information about orders, processes, or problems. +Operate machines for test runs to verify adjustments and to obtain product samples. +Program electronic equipment. +Set up, or set up and operate textile machines that perform textile processing and manufacturing operations such as winding, twisting, knitting, weaving, bonding, or stretching. +Install, level, and align machine components such as gears, chains, guides, dies, cutters, or needles to set up machinery for operation. +Record information about work completed and machine settings. +Study guides, loom patterns, samples, charts, or specification sheets, or confer with supervisors or engineering staff to determine setup requirements. +Repair or replace worn or defective needles and other components, using hand tools. +Clean, oil, and lubricate machines, using air hoses, cleaning solutions, rags, oil cans, or grease guns. +Adjust machine heating mechanisms, tensions, and speeds to produce specified products.","Computer aided manufacturing CAM software +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Inspect textile products. +Feed materials or products into or through equipment. +Cut fabrics. +Inspect production equipment. +Notify others of equipment repair or maintenance needs. +Program equipment to perform production tasks. +Operate textile cutting or production equipment. +Install mechanical components in production equipment. +Mount attachments or tools onto production equipment. +Set equipment controls to meet cutting specifications. +Record operational or production data. +Exchange information with colleagues. +Study blueprints or other instructions to determine equipment setup requirements. +Repair production equipment or tools. +Replace worn equipment components. +Clean production equipment. +Lubricate production equipment. +Conduct test runs of production equipment.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 87% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Pace Determined by Speed of Equipment— 49% responded “Extremely important.” +Time Pressure— 50% responded “Every day.” +Spend Time Standing— 57% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Spend Time Walking or Running— 57% responded “Continually or almost continually.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Contact With Others— 38% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Health and Safety of Other Workers— 34% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 28% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 29% responded “Less than half the time.” +Exposed to Contaminants— 59% responded “Every day.” +Importance of Repeating Same Tasks— 40% responded “Important.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Physical Proximity— 31% responded “I work with others but not closely (e.g., private office).” +Duration of Typical Work Week— 15% responded “Less than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Moderate results.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 47% responded “Never.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operation and Control— Controlling operations of equipment or systems.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adhesive Bonding Machine Operators and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Paper Goods Machine Setters, Operators, and Tenders +Print Binding and Finishing Workers +Sewing Machine Operators +Shoe Machine Operators and Tenders +Textile Bleaching and Dyeing Machine Operators and Tenders +Textile Cutting Machine Setters, Operators, and Tenders +Textile Winding, Twisting, and Drawing Out Machine Setters, Operators, and Tenders","View the list of Allies +American Apparel and Footwear Association +external site",33,2,60,54,26,30,41,41,15,15,15,13,16,37,4,5,12,50,5,9,8,7,8,10,12,22,1,6,,25,1,1,2 +19-1021.00,Biochemists and Biophysicists,https://www.onetonline.org/link/summary/19-1021.00,2025-06-11T18:55:53.480227,"Share research findings by writing scientific articles or by making presentations at scientific conferences. +Teach or advise undergraduate or graduate students or supervise their research. +Study physical principles of living cells or organisms and their electrical or mechanical energy, applying methods and knowledge of mathematics, physics, chemistry, or biology. +Manage laboratory teams or monitor the quality of a team's work. +Develop new methods to study the mechanisms of biological processes. +Write grant proposals to obtain funding for research. +Design or perform experiments with equipment, such as lasers, accelerators, or mass spectrometers. +Determine the three-dimensional structure of biological macromolecules. +Design or build laboratory equipment needed for special research projects. +Prepare reports or recommendations, based upon research outcomes. +Study spatial configurations of submicroscopic molecules, such as proteins, using x-rays or electron microscopes. +Study the chemistry of living processes, such as cell development, breathing and digestion, or living energy changes, such as growth, aging, or death. +Study the mutations in organisms that lead to cancer or other diseases. +Research the chemical effects of substances, such as drugs, serums, hormones, or food, on tissues or vital processes. +Research transformations of substances in cells, using atomic isotopes. +Develop or execute tests to detect diseases, genetic disorders, or other abnormalities. +Develop or test new drugs or medications intended for commercial distribution. +Isolate, analyze, or synthesize vitamins, hormones, allergens, minerals, or enzymes and determine their effects on body functions. +Examine the molecular or chemical aspects of immune system functioning. +Research how characteristics of plants or animals are carried through successive generations. +Prepare pharmaceutical compounds for commercial distribution. +Develop methods to process, store, or use foods, drugs, or chemical compounds. +Investigate the nature, composition, or expression of genes or research how genetic engineering can impact these processes. +Produce pharmaceutically or industrially useful proteins, using recombinant DNA technology. +Analyze biochemical or biophysical data.","Analytical or scientific software— Accelrys QAUNTA; Fujitsu BioMedCache; IBM SPSS Statistics; Minitab;35 more +Computer aided design CAD software— Accelrys Insight II; ChemInnovation Software Chem 4-D +Data base user interface and query software— Sequence database software +Data mining software— Golden Helix ChemTree; Golden Helix HelixTree +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI What if? +Graphics or photo imaging software— 3D graphics software; Adobe Photoshop; Graphics software; Molecular Simulations WebLab ViewerPro;7 more +Information retrieval or search software— Molecular Networks GmbH Biochemical Pathways +Internet browser software +Inventory management software— ItemTracker +Object or component oriented development software— Perl; Python +Office suite software— Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Prepare scientific or technical reports or presentations. +Instruct college students in physical or life sciences. +Research microbiological or chemical processes or structures. +Supervise scientific or technical personnel. +Develop biological research methods. +Write grant proposals. +Design research studies to obtain scientific information. +Analyze biological samples. +Set up laboratory or field equipment. +Prepare compounds or solutions for products or testing. +Research diseases or parasites. +Develop new or advanced products or production methods. +Research genetic characteristics or expression. +Research methods to improve food products.","E-Mail— 85% responded “Every day.” +Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Duration of Typical Work Week— 85% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 53% responded “Every day.” +Level of Competition— 53% responded “Highly competitive.” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Contact With Others— 45% responded “Contact with others most of the time.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Important results.” +Frequency of Decision Making— 37% responded “Every day.” +Telephone Conversations— 33% responded “Once a week or more but not every day.” +Spend Time Sitting— 47% responded “More than half the time.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “About half the time.” +Written Letters and Memos— 39% responded “Once a month or more but not every week.” +Consequence of Error— 26% responded “Extremely serious.” +Time Pressure— 50% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 42% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Important.” +Physical Proximity— 47% responded “Slightly close (e.g., shared office).” +Exposed to Hazardous Conditions— 32% responded “Once a week or more but not every day.”","Science— Using scientific rules and methods to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Animal Scientists +Bright Outlook +Bioengineers and Biomedical Engineers +Bioinformatics Scientists +Chemists +Geneticists +Medical and Clinical Laboratory Technicians +Medical Scientists, Except Epidemiologists +Microbiologists +Molecular and Cellular Biologists +Physicists","View the list of Allies +American Association for Cancer Research +external site +American Association for the Advancement of Science +external site +American Association of Immunologists +external site +American Association of Pharmaceutical Scientists +external site +American Chemical Society +external site +American Chemical Society, Division of Biological Chemistry +external site +American Institute of Biological Sciences +external site +American Institute of Chemical Engineers +external site +American Society for Biochemistry and Molecular Biology +external site +American Society for Cell Biology +external site +American Society for Clinical Pathology +external site +American Society for Investigative Pathology +external site +American Society for Mass Spectrometry +external site +American Society for Microbiology +external site +American Society of Human Genetics +external site +AOAC International +external site +Association for Women in Science +external site +Biophysical Society +external site +Federation of American Societies for Experimental Biology +external site +Great Lakes Bioinformatics Consortium +external site +International Society for Computational Biology +external site +International Society for Stem Cell Research +external site +Society for Experimental Biology and Medicine +external site +Society for Industrial Microbiology and Biotechnology +external site +Society for Mathematical Biology +external site +Society for Molecular Biology and Evolution +external site +Society for Neuroscience +external site +Society of Toxicology +external site +The Physiological Society +external site +The Protein Society +external site +Midwestern Association of Chemistry Teachers in Liberal Arts Colleges +external site +New England Section of the American Physical Society +external site +Northwest Association for Biomedical Research +external site +South Central Association for Clinical Microbiology +external site +Western Society of Naturalists +external site +Western States Section Combustion Institute +external site +International Union of Biochemistry and Molecular Biology +external site",11,8,23,83,83,49,26,68,29,18,11,26,84,64,11,21,29,39,11,10,18,13,10,25,48,59,20,76,91,36,3,6,8 +,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +47-4021.00,Elevator and Escalator Installers and Repairers,https://www.onetonline.org/link/summary/47-4021.00,2025-06-11T19:20:02.585631,"Inspect wiring connections, control panel hookups, door installations, and alignments and clearances of cars and hoistways to ensure that equipment will operate properly. +Assemble, install, repair, and maintain elevators, escalators, moving sidewalks, and dumbwaiters, using hand and power tools, and testing devices such as test lamps, ammeters, and voltmeters. +Disassemble defective units, and repair or replace parts such as locks, gears, cables, and electric wiring. +Check that safety regulations and building codes are met, and complete service reports verifying conformance to standards. +Locate malfunctions in brakes, motors, switches, and signal and control systems, using test equipment. +Adjust safety controls, counterweights, door mechanisms, and components such as valves, ratchets, seals, and brake linings. +Read and interpret blueprints to determine the layout of system components, frameworks, and foundations, and to select installation equipment. +Connect car frames to counterweights, using steel cables. +Maintain log books that detail all repairs and checks performed. +Connect electrical wiring to control panels and electric motors. +Test newly installed equipment to ensure that it meets specifications, such as stopping at floors for set amounts of time. +Participate in additional training to keep skills up to date. +Operate elevators to determine power demands, and test power consumption to detect overload factors. +Install electrical wires and controls by attaching conduit along shaft walls from floor to floor and pulling plastic-covered wires through the conduit. +Attach guide shoes and rollers to minimize the lateral motion of cars as they travel through shafts. +Install outer doors and door frames at elevator entrances on each floor of a structure. +Assemble elevator cars, installing each car's platform, walls, and doors. +Bolt or weld steel rails to the walls of shafts to guide elevators, working from scaffolding or platforms. +Assemble electrically powered stairs, steel frameworks, and tracks, and install associated motors and electrical wiring. +Cut prefabricated sections of framework, rails, and other components to specified dimensions.","Analytical or scientific software— Elevator Controls INTERACT; Troubleshooting software; WORLD Electronics Freedomware +Calendar and scheduling software— Scheduling software +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Inspect electrical or electronic systems for defects. +Assemble products or production equipment. +Maintain mechanical equipment. +Evaluate construction projects to determine compliance with external standards or regulations. +Prepare operational reports. +Repair electrical equipment. +Inspect industrial or commercial equipment to ensure proper operation. +Locate equipment or materials in need of repair or replacement. +Install metal structural components. +Weld metal components. +Review blueprints or specifications to determine work requirements. +Install electrical components, equipment, or systems. +Record operational or environmental data. +Update job related knowledge or skills. +Test electrical equipment or systems to ensure proper functioning. +Thread wire or cable through ducts or conduits. +Cut metal components for installation.","Frequency of Decision Making— 97% responded “Every day.” +Exposed to Hazardous Conditions— 95% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 84% responded “Continually or almost continually.” +Telephone Conversations— 87% responded “Every day.” +E-Mail— 87% responded “Every day.” +Health and Safety of Other Workers— 76% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 69% responded “Very important results.” +Exposed to High Places— 77% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 62% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 70% responded “Every day.” +Duration of Typical Work Week— 74% responded “More than 40 hours.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 72% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Spend Time Bending or Twisting Your Body— 49% responded “Continually or almost continually.” +Contact With Others— 52% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 49% responded “Very important.” +Indoors, Environmentally Controlled— 49% responded “Every day.” +Exposed to Hazardous Equipment— 82% responded “Every day.” +Consequence of Error— 77% responded “Extremely serious.” +Exposed to Contaminants— 51% responded “Every day.” +Determine Tasks, Priorities and Goals— 46% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 82% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 53% responded “Every day.” +Work Outcomes and Results of Other Workers— 56% responded “Very high responsibility.” +Time Pressure— 39% responded “Every day.” +Spend Time Standing— 42% responded “Continually or almost continually.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 41% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Level of Competition— 40% responded “Extremely competitive.” +Importance of Repeating Same Tasks— 51% responded “Extremely important.” +Physical Proximity— 77% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 29% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 30% responded “Less than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 37% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 36% responded “Once a month or more but not every week.” +Conflict Situations— 39% responded “Once a week or more but not every day.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Maintenance and Repair Workers, General +Mechanical Door Repairers +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Rail Car Repairers +Structural Iron and Steel Workers","View the list of Allies +National Association of Elevator Contractors +external site +National Association of Elevator Safety Authorities +external site +National Elevator Industry +external site +National Elevator Industry Educational Program +external site +International Union of Elevator Constructors +external site",69,10,33,53,56,52,64,48,48,22,37,36,36,60,12,38,19,83,13,43,19,11,11,42,20,54,66,46,10,49,20,10,10 +29-1217.00,Neurologists,https://www.onetonline.org/link/summary/29-1217.00,2025-06-11T19:06:47.060675,"Interview patients to obtain information, such as complaints, symptoms, medical histories, and family histories. +Examine patients to obtain information about functional status of areas, such as vision, physical strength, coordination, reflexes, sensations, language skills, cognitive abilities, and mental status. +Perform or interpret the outcomes of procedures or diagnostic tests, such as lumbar punctures, electroencephalography, electromyography, and nerve conduction velocity tests. +Order or interpret results of laboratory analyses of patients' blood or cerebrospinal fluid. +Diagnose neurological conditions based on interpretation of examination findings, histories, or test results. +Prescribe or administer medications, such as anti-epileptic drugs, and monitor patients for behavioral and cognitive side effects. +Identify and treat major neurological system diseases and disorders, such as central nervous system infection, cranio spinal trauma, dementia, and stroke. +Develop treatment plans based on diagnoses and on evaluation of factors, such as age and general health, or procedural risks and costs. +Inform patients or families of neurological diagnoses and prognoses, or benefits, risks and costs of various treatment plans. +Prepare, maintain, or review records that include patients' histories, neurological examination findings, treatment plans, or outcomes. +Communicate with other health care professionals regarding patients' conditions and care. +Counsel patients or others on the background of neurological disorders including risk factors, or genetic or environmental concerns. +Interpret the results of neuroimaging studies, such as Magnetic Resonance Imaging (MRI), Single Photon Emission Computed Tomography (SPECT), and Positron Emission Tomography (PET) scans. +Determine brain death using accepted tests and procedures. +Coordinate neurological services with other health care team activities. +Refer patients to other health care practitioners as necessary. +Advise other physicians on the treatment of neurological problems. +Participate in continuing education activities to maintain and expand competence. +Order supportive care services, such as physical therapy, specialized nursing care, and social services. +Provide training to medical students or staff members. +Supervise medical technicians in the performance of neurological diagnostic or therapeutic activities. +Participate in neuroscience research activities. +Perform specialized treatments in areas such as sleep disorders, neuroimmunology, neuro-oncology, behavioral neurology, and neurogenetics. +Prescribe or administer treatments, such as transcranial magnetic stimulation, vagus nerve stimulation, and deep brain stimulation.","Electronic mail software— Email software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; Epic Systems; Nuesoft Technologies NueMD;20 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Collect medical information from patients, family members, or other medical professionals. +Analyze test data or images to inform diagnosis or treatment. +Test patient nervous system functioning. +Examine patients to assess general physical condition. +Order medical diagnostic or clinical tests. +Diagnose medical conditions. +Administer non-intravenous medications. +Monitor patient conditions during treatments, procedures, or activities. +Prescribe medications. +Treat chronic diseases or disorders. +Communicate detailed medical information to patients or family members. +Develop medical treatment plans. +Inform medical professionals regarding patient conditions and care. +Record patient medical histories. +Advise patients on effects of health conditions or treatments. +Collaborate with healthcare professionals to plan or provide treatment. +Refer patients to other healthcare practitioners or health resources. +Advise medical personnel regarding healthcare issues. +Prescribe treatments or therapies. +Maintain medical or professional knowledge. +Train medical providers. +Supervise patient care personnel. +Conduct research to increase knowledge about medical issues.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Importance of Being Exact or Accurate— 98% responded “Extremely important.” +Contact With Others— 91% responded “Constant contact with others.” +Freedom to Make Decisions— 92% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 86% responded “Very important results.” +Determine Tasks, Priorities and Goals— 85% responded “A lot of freedom.” +Telephone Conversations— 82% responded “Every day.” +Duration of Typical Work Week— 92% responded “More than 40 hours.” +Frequency of Decision Making— 78% responded “Every day.” +E-Mail— 84% responded “Every day.” +Consequence of Error— 75% responded “Extremely serious.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Written Letters and Memos— 77% responded “Every day.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Time Pressure— 54% responded “Every day.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Extremely important.” +Physical Proximity— 62% responded “Very close (near touching).” +Exposed to Disease or Infections— 57% responded “Every day.” +Work Outcomes and Results of Other Workers— 51% responded “Very high responsibility.” +Health and Safety of Other Workers— 57% responded “Very high responsibility.” +Level of Competition— 34% responded “Extremely competitive.” +Spend Time Sitting— 44% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 32% responded “Not important at all.” +Conflict Situations— 39% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiologists +Clinical Neuropsychologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Neuropsychologists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Pediatricians, General +Physical Medicine and Rehabilitation Physicians +Psychiatrists +Bright Outlook","View the list of Allies +Alzheimer's Association +external site +American Academy of Family Physicians +external site +American Academy of Neurology +external site +American Academy of Pediatrics +external site +American Academy of Sleep Medicine +external site +American Association of Colleges of Osteopathic Medicine +external site +American Association of Neurological Surgeons +external site +American Association of Neuromuscular and Electrodiagnostic Medicine +external site +American Association of Neuroscience Nurses +external site +American Clinical Neurophysiology Society +external site +American College of Obstetricians and Gynecologists +external site +American Epilepsy Society +external site +American Headache Society +external site +American Medical Association +external site +American Neurological Association +external site +American Neuropsychiatric Association +external site +American Osteopathic Association +external site +American Society of Interventional Pain Physicians +external site +American Society of Neurophysiological Monitoring +external site +American Society of Neuroradiology +external site +American Society of Neurorehabilitation +external site +American Spinal Injury Association +external site +Association of American Medical Colleges +external site +Brain Injury Association of America +external site +Child Neurology Society +external site +Federation of State Medical Boards +external site +International Brain Injury Association +external site +International Neuropsychological Society +external site +International Society for Pediatric Neurosurgery +external site +International Society for the Study of the Lumbar Spine +external site +Neurocritical Care Society +external site +Society for Neuroscience +external site +The American Society of Pediatric Neurosurgeons +external site +World Federation of Neurology +external site +American Board of Physician Specialties +external site +American Board of Psychiatry and Neurology +external site +American College of Physicians +external site +American College of Surgeons +external site",65,,5,80,63,54,31,69,43,27,12,44,65,68,36,44,39,5,41,22,79,74,44,26,96,25,2,23,77,6,8,,3 +31-9097.00,Phlebotomists,https://www.onetonline.org/link/summary/31-9097.00,2025-06-11T19:10:02.518150,"Dispose of contaminated sharps, in accordance with applicable laws, standards, and policies. +Organize or clean blood-drawing trays, ensuring that all instruments are sterile and all needles, syringes, or related items are of first-time use. +Draw blood from veins by vacuum tube, syringe, or butterfly venipuncture methods. +Match laboratory requisition forms to specimen tubes. +Dispose of blood or other biohazard fluids or tissue, in accordance with applicable laws, standards, or policies. +Conduct standards tests, such as blood alcohol, blood culture, oral glucose tolerance, glucose screening, blood smears, or peak and trough drug levels tests. +Collect specimens at specific time intervals for tests, such as those assessing therapeutic drug levels. +Process blood or other fluid samples for further analysis by other medical professionals. +Provide sample analysis results to physicians to assist diagnosis. +Enter patient, specimen, insurance, or billing information into computer. +Document route of specimens from collection to laboratory analysis and diagnosis. +Draw blood from capillaries by dermal puncture, such as heel or finger stick methods. +Conduct hemoglobin tests to ensure donor iron levels are normal. +Transport specimens or fluid samples from collection sites to laboratories. +Collect fluid or tissue samples, using appropriate collection procedures. +Explain fluid or tissue collection procedures to patients. +Train other medical personnel in phlebotomy or laboratory techniques. +Administer subcutaneous or intramuscular injects, in accordance with licensing restrictions. +Draw blood from arteries, using arterial collection techniques. +Monitor blood or plasma donors during and after procedures to ensure health, safety, and comfort. +Determine donor suitability, according to interview results, vital signs, and medical history. +Calibrate or maintain machines, such as those used for plasma collection. +Serve refreshments to donors to ensure absorption of sugar into their systems. +Confirm the identities of patients by verifying their personal information.","Calendar and scheduling software— Scheduling software +Electronic mail software— Microsoft Outlook +Medical software— Donor management system software; Electronic medical record EMR software; Medical procedure coding software; MEDITECH Laboratory and Microbiology;4 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Dispose of biomedical waste in accordance with standards. +Clean medical equipment. +Prepare medical instruments or equipment for use. +Collect biological specimens from patients. +Conduct diagnostic tests to determine patient health. +Give medications or immunizations. +Maintain medical records. +Monitor patients to detect health problems. +Transport biological or other medical materials. +Maintain medical equipment or instruments. +Explain technical medical information to patients. +Teach medical procedures to healthcare personnel. +Feed patients.","Contact With Others— 82% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +Telephone Conversations— 82% responded “Every day.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Exposed to Disease or Infections— 77% responded “Every day.” +Consequence of Error— 57% responded “Extremely serious.” +Spend Time Making Repetitive Motions— 73% responded “Continually or almost continually.” +Time Pressure— 64% responded “Every day.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 64% responded “Extremely important.” +E-Mail— 73% responded “Every day.” +Spend Time Standing— 50% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Every day.” +Frequency of Decision Making— 64% responded “Every day.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Physical Proximity— 45% responded “Very close (near touching).” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Work Outcomes and Results of Other Workers— 41% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Spend Time Walking or Running— 36% responded “Continually or almost continually.” +Conflict Situations— 32% responded “Every day.” +Duration of Typical Work Week— 64% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 41% responded “Every day.” +Spend Time Bending or Twisting Your Body— 36% responded “More than half the time.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 32% responded “Every day.” +Level of Competition— 32% responded “Highly competitive.” +Dealing with Violent or Physically Aggressive People— 32% responded “Once a month or more but not every week.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiovascular Technologists and Technicians +Emergency Medical Technicians +Bright Outlook +Histology Technicians +Histotechnologists +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Medical Assistants +Paramedics +Surgical Assistants +Surgical Technologists","View the list of Allies +American Society for Clinical Pathology +external site +Center for Phlebotomy Education +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +American Medical Technologists +external site +American Society for Clinical Pathology Board of Certification +external site +National Center for Competency Testing +external site +American Society of Phlebotomy Technicians +external site +National Healthcareer Association +external site",89,16,46,69,34,49,49,60,61,27,21,45,44,54,29,43,34,29,18,27,55,27,38,30,52,23,25,22,48,25,15,14,10 +17-2112.00,Industrial Engineers,https://www.onetonline.org/link/summary/17-2112.00,2025-06-11T18:53:55.648031,"Estimate production costs, cost saving methods, and the effects of product design changes on expenditures for management review, action, and control. +Plan and establish sequence of operations to fabricate and assemble parts or products and to promote efficient utilization. +Analyze statistical data and product specifications to determine standards and establish quality and reliability objectives of finished product. +Confer with clients, vendors, staff, and management personnel regarding purchases, product and production specifications, manufacturing capabilities, or project status. +Communicate with management and user personnel to develop production and design standards. +Evaluate precision and accuracy of production and testing equipment and engineering drawings to formulate corrective action plan. +Recommend methods for improving utilization of personnel, material, and utilities. +Record or oversee recording of information to ensure currency of engineering drawings and documentation of production problems. +Draft and design layout of equipment, materials, and workspace to illustrate maximum efficiency using drafting tools and computer. +Direct workers engaged in product measurement, inspection, and testing activities to ensure quality control and reliability. +Develop manufacturing methods, labor utilization standards, and cost analysis systems to promote efficient staff and facility utilization. +Review production schedules, engineering specifications, orders, and related information to obtain knowledge of manufacturing methods, procedures, and activities. +Complete production reports, purchase orders, and material, tool, and equipment lists. +Coordinate and implement quality control objectives, activities, or procedures to resolve production problems, maximize product reliability, or minimize costs. +Implement methods and procedures for disposition of discrepant material and defective or damaged parts, and assess cost and responsibility. +Apply statistical methods and perform mathematical calculations to determine manufacturing processes, staff requirements, and production standards. +Study operations sequence, material flow, functional statements, organization charts, and project information to determine worker functions and responsibilities. +Formulate sampling procedures and designs and develop forms and instructions for recording, evaluating, and reporting quality and reliability data. +Regulate and alter workflow schedules according to established manufacturing sequences and lead times to expedite production operations. +Schedule deliveries based on production forecasts, material substitutions, storage and handling facilities, and maintenance requirements.","Analytical or scientific software— Finite element method FEM software; Minitab; The MathWorks MATLAB; Workcell simulation software;33 more +Application server software— GitHub +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes CATIA; Dassault Systemes SolidWorks;8 more +Computer aided manufacturing CAM software— EGS FeatureCAM +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Structured query language SQL +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; Microsoft Visual Studio; National Instruments LabVIEW;2 more +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Expert system software— Decision support software +Human resources software— Personnel scheduling software +Industrial control software— Allen Bradley PanelView; Human machine interface HMI software; Nupro CastView; Supervisory control and data acquisition SCADA software;5 more +Inventory management software— Manhattan Associates PkMS Pickticket; Oracle Retek; Warehouse management system WMS +Materials requirements planning logistics and supply chain software— Materials requirement planning MRP software; Production scheduling and planning software; Supply chain capacity planning software +Object or component oriented development software— C++; Python; R; Sun Microsystems Java +Office suite software— Microsoft Office software +Operating system software— Linux; Shell script; UNIX Shell +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio; ProModel +Program testing software— Hewlett Packard LoadRunner; JUnit; Logic programming software; User interface design software;1 more +Project management software— Microsoft Project; Process reengineering software; Yield management systems +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Estimate operational costs. +Determine operational methods. +Confer with technical personnel to prepare designs or operational plans. +Analyze project data to determine specifications or requirements. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Discuss designs or plans with clients. +Document technical design details. +Evaluate designs or specifications to ensure quality. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Create graphical representations of industrial production systems. +Supervise engineering or other technical personnel. +Develop technical methods or processes. +Review technical documents to plan work. +Direct quality control activities. +Implement design or process improvements. +Prepare contracts, disclosures, or applications. +Prepare operational reports. +Prepare procedural documents. +Analyze design or requirements information for mechanical equipment or systems. +Schedule operational activities. +Devise research or testing protocols.","E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Contact With Others— 61% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Determine Tasks, Priorities and Goals— 53% responded “A lot of freedom.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 42% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 58% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Extremely important.” +Deal With External Customers or the Public in General— 35% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Frequency of Decision Making— 37% responded “Every day.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 30% responded “Moderate responsibility.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Spend Time Sitting— 43% responded “More than half the time.” +Consequence of Error— 28% responded “Extremely serious.” +Health and Safety of Other Workers— 27% responded “High responsibility.” +Conflict Situations— 38% responded “Once a month or more but not every week.” +Level of Competition— 35% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 59% responded “Important.” +Public Speaking— 42% responded “Once a year or more but not every month.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Once a month or more but not every week.” +Physical Proximity— 42% responded “Slightly close (e.g., shared office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Electrical Engineers +Bright Outlook +Electronics Engineers, Except Computer +Human Factors Engineers and Ergonomists +Industrial Production Managers +Logistics Engineers +Manufacturing Engineers +Materials Engineers +Mechanical Engineers +Mechatronics Engineers +Validation Engineers","View the list of Allies +American Society for Engineering Education +external site +American Society for Quality +external site +American Society of Mechanical Engineers +external site +American Society of Safety Professionals +external site +Institute of Industrial and Systems Engineers +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Manufacturing Engineers +external site +Society of Women Engineers +external site +Surface Mount Technology Association +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +Board of Certified Safety Professionals +external site +National Council of Examiners for Engineering and Surveying +external site",61,9,82,74,72,61,53,59,50,39,34,45,41,69,7,41,31,80,8,32,32,8,14,29,10,85,47,53,13,77,14,9,7 +15-1232.00,Computer User Support Specialists,https://www.onetonline.org/link/summary/15-1232.00,2025-06-11T18:51:35.584191,"Oversee the daily performance of computer systems. +Set up equipment for employee use, performing or ensuring proper installation of cables, operating systems, or appropriate software. +Read technical manuals, confer with users, or conduct computer diagnostics to investigate and resolve problems or to provide technical assistance and support. +Answer user inquiries regarding computer software or hardware operation to resolve problems. +Install and perform minor repairs to hardware, software, or peripheral equipment, following design or installation specifications. +Confer with staff, users, and management to establish requirements for new systems or modifications. +Enter commands and observe system functioning to verify correct operations and detect errors. +Maintain records of daily data communication transactions, problems and remedial actions taken, or installation activities. +Refer major hardware or software problems or defective products to vendors or technicians for service. +Prepare evaluations of software or hardware, and recommend improvements or upgrades. +Develop training materials and procedures, or train users in the proper use of hardware or software. +Inspect equipment and read order sheets to prepare for delivery to users. +Read trade magazines and technical manuals, or attend conferences and seminars to maintain knowledge of hardware and software. +Conduct office automation feasibility studies, including workflow analysis, space design, or cost comparison analysis. +Hire, supervise, and direct workers engaged in special project work, problem-solving, monitoring, and installation of data communication equipment and software. +Modify and customize commercial programs for internal needs.","Access software— Citrix cloud computing software; Mac HelpMate +Accounting software— Fund accounting software; Sage 50 Accounting; Tax software +Administration software— Element management software +Analytical or scientific software— SAS; StataCorp Stata; The MathWorks MATLAB +Application server software— Docker; GitHub; Oracle WebLogic Server; Spring Boot;1 more +Authentication server software— Password management software +Backup or archival software— Disaster recovery software; Microsoft Volume Shadow Copy Service; Symantec LiveState; Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Calendar and scheduling software +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Cloud-based management software— IBM WebSphere; Splunk Enterprise +Cloud-based protection or security software— SolarWinds +Clustering software— VMware +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;1 more +Computer based training software— Moodle; Schoology +Configuration management software— Chef; Patch management software; Perforce Helix software; Puppet;2 more +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Salesforce software +Data base management system software— Apache Hive; Elasticsearch; MongoDB; Oracle PL/SQL;7 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Blackboard software; MySQL; ServiceNow; Transact-SQL;14 more +Desktop communications software— ParentSquare; Remote control software; Skype; Stac Software ReachOut;2 more +Desktop publishing software— Adobe Distiller; Adobe InDesign; Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Microsoft .NET Framework; Microsoft PowerShell;13 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; Oracle Fusion Middleware;1 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;5 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Filesystem software— Desktop partitioning software; Symantec Norton Utilities +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Salesforce Visualforce +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Trimble SketchUp Pro;1 more +Helpdesk or call center software— Call center software; Help desk software +Human resources software— Human resource management software HRMS; Oracle Taleo +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— Information systems integration software; LexisNexis +Instant messaging software— Blink +Internet browser software +Internet directory services software— Active directory software; Domain name system DNS; Microsoft Active Directory; Network directory services software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +License management software +Medical software— Epic Systems; MEDITECH software +Metadata management software— Quest Erwin Data Modeler +Multi-media educational software— Nearpod; Seesaw +Network conferencing software— LogMeIn GoToWebinar +Network monitoring software— Dartware InterMapper; Nagios; Wireshark +Network operation system software— Remote install server software +Network security and virtual private network VPN equipment software— Firewall software +Network security or virtual private network VPN management software— Virtual private networking VPN software +Object or component oriented development software— C#; jQuery; Perl; Swift;7 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Apple iOS; Google Android; Microsoft Windows Server; UNIX Shell;16 more +Platform interconnectivity software— Migration software +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint; Poll Everywhere +Process mapping and design software— Microsoft Visio +Program testing software— Defect tracking software; Hewlett Packard LoadRunner; JUnit; Personal computer diagnostic software +Project management software— Atlassian Confluence; Google Classroom; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management;1 more +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Storage networking software— Media storage management software +Transaction security and virus protection software— Encryption software; McAfee; NortonLifeLock cybersecurity software; Virus scanning software +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom +Video creation and editing software— Apple Final Cut Pro; Flipgrid; YouTube +Web page creation and editing software— Adobe Dreamweaver; Facebook; Google Sites +Web platform development software— Django; Google Angular; Microsoft ASP.NET; Spring Framework;19 more +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Monitor computer system performance to ensure proper operation. +Collaborate with others to resolve information technology issues. +Install computer hardware. +Read documents to gather technical information. +Resolve computer software problems. +Provide technical support for software maintenance or use. +Install computer software. +Maintain computer hardware. +Collaborate with others to determine design specifications or details. +Test software performance. +Document operational activities. +Evaluate utility of software or hardware technologies. +Provide recommendations to others about computer hardware. +Recommend changes to improve computer or information systems. +Teach others to use computer equipment or hardware. +Train others in computer interface or software use. +Test computer hardware performance. +Conduct research to gain information about products or processes. +Update knowledge about emerging industry or technology trends. +Participate in staffing decisions. +Supervise information technology personnel. +Modify software programs to improve performance.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Telephone Conversations +Freedom to Make Decisions +Contact With Others +Determine Tasks, Priorities and Goals +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Coordinate or Lead Others in Accomplishing Work Activities— 11% responded “Important.” +Work Outcomes and Results of Other Workers +Duration of Typical Work Week +Frequency of Decision Making— 13% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 79% responded “Very important.” +Importance of Being Exact or Accurate +Spend Time Making Repetitive Motions +Spend Time Sitting +Time Pressure +Importance of Repeating Same Tasks +Consequence of Error— 13% responded “Serious.” +Health and Safety of Other Workers +Impact of Decisions on Co-workers or Company Results","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Network Support Specialists +Bright Outlook +Computer Systems Analysts +Computer Systems Engineers/Architects +Computer, Automated Teller, and Office Machine Repairers +Database Administrators +Information Security Analysts +Information Security Engineers +Network and Computer Systems Administrators +Software Developers +Software Quality Assurance Analysts and Testers","View the list of Allies +Association for Computing Machinery +external site +Association of Support Professionals +external site +Computing Research Association +external site +IEEE Computer Society +external site +Institute of Electrical and Electronics Engineers +external site +ISACA +external site +National Center for Women and Information Technology +external site +CompTIA +external site",78,,46,70,28,65,36,68,61,37,27,41,8,98,7,26,54,67,20,7,16,5,7,71,2,66,35,17,2,52,14,1,9 +43-5011.01,Freight Forwarders,https://www.onetonline.org/link/summary/43-5011.01,2025-06-11T19:16:14.136696,"Negotiate shipping rates with freight carriers. +Arrange for special transport of sensitive cargoes, such as livestock, food, or medical supplies. +Arrange for applicable duties, taxes, or paperwork for customs clearance. +Inform clients of factors such as shipping options, timelines, transfers, or regulations affecting shipments. +Prepare shipping documentation, such as bills of lading, packing lists, dock receipts, or certificates of origin. +Complete customs paperwork. +Prepare invoices or cost quotations for freight transportation. +Select shipment routes, based on nature of goods shipped, transit times, or security needs. +Calculate weight, volume, or cost of goods to be moved. +Arrange delivery or storage of goods at destinations. +Arrange for transport, using a variety of modes, such as rail, short sea shipping, air, or roadways, to minimize carbon emissions or other environmental impacts. +Determine efficient and cost-effective methods of moving goods from one location to another. +Pay or arrange for payment of freight or insurance fees or other charges. +Monitor or record locations of goods in transit. +Keep records of goods dispatched or received. +Reserve necessary space on ships, aircraft, trains, or trucks. +Obtain or arrange cargo insurance. +Consolidate loads with a common destination to reduce costs to individual shippers. +Provide detailed port information to importers or exporters. +Provide shipment status notification to exporters, consignees, or insurers. +Verify proper packaging and labeling of exported goods. +Verify adherence of documentation to customs, insurance, or regulatory requirements. +Maintain current knowledge of relevant legislation, political situations, or other factors that could affect freight shipping. +Recommend or arrange appropriate merchandise packing methods, according to climate, terrain, weight, nature of goods, or costs. +Refer exporters to experts in areas such as trade financing, international marketing, government export requirements, international banking, or marine insurance. +Make arrangements with customs brokers to facilitate the passage of goods through customs. +Recommend shipping solutions to minimize cost or environmental impacts. +Review the environmental records of freight carriers to inform shipping decisions. +Analyze shipping routes to determine how to minimize environmental impact. +Consider environmental sustainability factors when determining merchandise packing methods. +Assist clients in obtaining insurance reimbursements.","Compliance software— IES Ecellerate; QuestaWeb TradeMaster QW +Data base user interface and query software— AESDirect +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Manufacturing resource planning MRP software; Oracle JD Edwards EnterpriseOne; SAP software +Industrial control software— Package tracking software +Internet browser software— Web browser software +Materials requirements planning logistics and supply chain software— Arcline ArcFreight; CargoWise ediEnterprise; Tailwind Management Systems Tailwind; TMW Enterprise Transportation Management Systems;5 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Procurement software— Order management software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Negotiate financial arrangements. +Analyze shipping information to make routing decisions. +Prepare documentation for contracts, transactions, or regulatory compliance. +Explain regulations, policies, or procedures. +Complete documentation required by programs or regulations. +Recommend packing or shipping methods. +Refer customers to appropriate personnel. +Calculate shipping costs. +Confer with others to conduct or arrange operational activities. +Execute sales or other financial transactions. +Coordinate shipping activities with external parties. +Record shipping information. +Track goods or materials. +Arrange insurance coverage. +Identify opportunities to improve operational efficiency. +Verify shipping documentation. +Examine documents to verify adherence to requirements. +Maintain current knowledge related to work activities. +Assist individuals with paperwork.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Time Pressure— 96% responded “Every day.” +Contact With Others— 70% responded “Constant contact with others.” +Deal With External Customers or the Public in General +Spend Time Sitting— 15% responded “More than half the time.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Importance of Being Exact or Accurate— 16% responded “Important.” +Duration of Typical Work Week +Importance of Repeating Same Tasks— 17% responded “Important.” +Work With or Contribute to a Work Group or Team— 33% responded “Extremely important.” +Conflict Situations— 31% responded “Every day.” +Frequency of Decision Making— 65% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Level of Competition— 15% responded “Slightly competitive.” +Work Outcomes and Results of Other Workers— 31% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Important.” +Freedom to Make Decisions— 18% responded “A lot of freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a year or more but not every month.” +Written Letters and Memos— 15% responded “Every day.” +Physical Proximity— 15% responded “I work with others but not closely (e.g., private office).” +Consequence of Error— 50% responded “Serious.”","Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aircraft Cargo Handling Supervisors +Bright Outlook +Cargo and Freight Agents +Couriers and Messengers +Customs Brokers +Dispatchers, Except Police, Fire, and Ambulance +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +Postal Service Clerks +Postal Service Mail Carriers +Reservation and Transportation Ticket Agents and Travel Clerks +Shipping, Receiving, and Inventory Clerks","View the list of Allies +National Customs Brokers and Forwarders Association of America +external site +U.S. Chamber of Commerce +external site",88,8,53,81,65,82,73,48,90,63,52,69,22,76,47,58,62,19,26,95,37,11,26,64,7,26,11,15,15,22,72,15,19 +41-3041.00,Travel Agents,https://www.onetonline.org/link/summary/41-3041.00,2025-06-11T19:14:25.906191,"Collect payment for transportation and accommodations from customer. +Plan, describe, arrange, and sell itinerary tour packages and promotional travel incentives offered by various travel carriers. +Converse with customer to determine destination, mode of transportation, travel dates, financial considerations, and accommodations required. +Compute cost of travel and accommodations, using calculator, computer, carrier tariff books, and hotel rate books, or quote package tour's costs. +Record and maintain information on clients, vendors, and travel packages. +Book transportation and hotel reservations, using computer or telephone. +Print or request transportation carrier tickets, using computer printer system or system link to travel carrier. +Provide customer with brochures and publications containing travel information, such as local customs, points of interest, or foreign country regulations.","Accounting software— Intuit QuickBooks; SAP Concur +Business intelligence and data analysis software— DataSwell; Illusions Online Illusions OnDemand +Calendar and scheduling software— Apollo Reservation System; Globekey Agentkey; Rezdy booking software; Rezgo online booking software;1 more +Customer relationship management CRM software— Colibripms Software Colibri; MGHworld Travel Agents; Sabre Airline Solutions SabreSonic Customer Sales & Service +Data base user interface and query software— Amadeus CRS; Microsoft Access; Travel Agent CMS; Travii reservation system software;7 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Sabre Central Command +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Process sales or other transactions. +Calculate costs of goods or services. +Gather customer or product information to determine customer needs. +Sell products or services. +Record operational details of travel. +Prepare sales or other contracts. +Retrieve information from electronic sources. +Distribute promotional literature or samples to customers.","E-Mail— 98% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Spend Time Sitting +Importance of Being Exact or Accurate— 78% responded “Extremely important.” +Contact With Others— 59% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 62% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Written Letters and Memos— 41% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 51% responded “Every day.” +Freedom to Make Decisions— 18% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 11% responded “Important results.” +Level of Competition +Degree of Automation— 31% responded “Highly automated.” +Frequency of Decision Making— 22% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Time Pressure— 22% responded “Never.” +Work With or Contribute to a Work Group or Team— 34% responded “Very important.” +Consequence of Error— 37% responded “Very serious.” +Work Outcomes and Results of Other Workers— 32% responded “Very high responsibility.” +Duration of Typical Work Week— 20% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Fairly important.” +Physical Proximity— 39% responded “Slightly close (e.g., shared office).” +Importance of Repeating Same Tasks— 31% responded “Extremely important.” +Indoors, Environmentally Controlled— 43% responded “Every day.” +Conflict Situations— 16% responded “Every day.” +Spend Time Making Repetitive Motions— 24% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Speech Recognition— The ability to identify and understand the speech of another person. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Concierges +Counter and Rental Clerks +Customer Service Representatives +Bright Outlook +Receptionists and Information Clerks +Reservation and Transportation Ticket Agents and Travel Clerks +Retail Salespersons +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Telemarketers +Tour Guides and Escorts +Travel Guides","View the list of Allies +American Society of Travel Advisors +external site +Cruise Lines International Association +external site +International Air Transport Association +external site +Western Association of Travel Agencies +external site +The Travel Institute +external site",81,2,20,74,27,47,22,41,54,43,72,24,,59,32,18,46,1,9,52,18,1,13,54,,22,,,,4,61,1,15 +25-2058.00,"Special Education Teachers, Secondary School",https://www.onetonline.org/link/summary/25-2058.00,2025-06-11T19:01:43.562143,"Develop and implement strategies to meet the needs of students with a variety of handicapping conditions. +Observe and evaluate students' performance, behavior, social development, and physical health. +Establish and enforce rules for behavior and policies and procedures to maintain order among students. +Teach socially acceptable behavior, employing techniques such as behavior modification and positive reinforcement. +Maintain accurate and complete student records, and prepare reports on children and activities, as required by laws, district policies, and administrative regulations. +Instruct through lectures, discussions, and demonstrations in one or more subjects, such as English, mathematics, or social studies. +Employ special educational strategies and techniques during instruction to improve the development of sensory- and perceptual-motor skills, language, cognition, and memory. +Meet with other professionals to discuss individual students' needs and progress. +Meet with parents and guardians to discuss their children's progress and to determine priorities for their children and their resource needs. +Modify the general education curriculum for students with disabilities, based upon a variety of instructional techniques and technologies. +Prepare materials and classrooms for class activities. +Coordinate placement of students with special needs into mainstream classes. +Teach personal development skills, such as goal setting, independence, and self-advocacy. +Confer with parents or guardians, other teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Confer with parents, administrators, testing specialists, social workers, or other professionals to develop individual educational plans (IEPs) for students' educational, physical, and social development. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Establish clear objectives for all lessons, units, and projects, and communicate those objectives to students. +Monitor teachers and teacher assistants to ensure that they adhere to inclusive special education program requirements. +Prepare students for later grades by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Guide and counsel students with adjustments, academic problems, or special academic interests. +Prepare, administer, and grade tests and assignments to evaluate students' progress. +Administer standardized ability and achievement tests, and interpret results to determine students' strengths and needs. +Instruct students in daily living skills required for independent maintenance and self-sufficiency, such as hygiene, safety, and food preparation. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Prepare for assigned classes, and show written evidence of preparation upon request of immediate supervisors. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Provide additional instruction in vocational areas. +Instruct and monitor students in the use and care of equipment and materials to prevent injuries and damage. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Collaborate with other teachers and administrators in the development, evaluation, and revision of secondary school programs. +Provide assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Meet with parents and guardians to provide guidance in using community resources and to teach skills for dealing with students' impairments. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Plan and supervise class projects, field trips, visits by guest speakers, or other experiential activities, and guide students in learning from those activities. +Attend staff meetings and serve on committees, as required. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading. +Sponsor extracurricular activities, such as clubs, student organizations, and academic contests. +Select, store, order, issue, and inventory classroom equipment, materials, and supplies. +Provide interpretation and transcription of regular classroom materials through Braille and sign language. +Visit schools to tutor students with sensory impairments and to consult with teachers regarding students' special needs.","Computer based training software— Text to speech software +Data base user interface and query software— Microsoft Access +Desktop publishing software— Adobe InDesign +Device drivers or system software— Screen magnification software; Screen reader software +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spell checkers— Hand held spell checkers +Spreadsheet software— Microsoft Excel +Video creation and editing software— Video editing software +Voice recognition software— Voice activated software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Develop strategies or programs for students with special needs. +Evaluate student work. +Monitor student performance. +Monitor student behavior, social development, or health. +Teach life skills. +Establish rules or policies governing student behavior. +Discuss problems or issues with supervisors. +Apply multiple teaching methods. +Maintain student records. +Prepare reports detailing student activities or performance. +Discuss student progress with parents or guardians. +Modify teaching methods or materials to accommodate student needs. +Set up classroom materials or equipment. +Collaborate with other teaching professionals to develop educational programs. +Develop instructional objectives. +Plan educational activities. +Administer tests to assess educational needs or progress. +Advise students on academic or career matters. +Direct activities of subordinates. +Encourage students. +Prepare tests. +Document lesson plans. +Teach vocational courses. +Teach others to use technology or equipment. +Create technology-based learning materials. +Assist students with special educational needs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Plan experiential learning activities. +Tutor students who need extra assistance. +Serve on institutional or departmental committees. +Supervise school or student activities. +Coordinate student extracurricular activities. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment.","E-Mail— 98% responded “Every day.” +Contact With Others— 91% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 90% responded “Extremely important.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Freedom to Make Decisions— 61% responded “Some freedom.” +Duration of Typical Work Week— 74% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Telephone Conversations— 54% responded “Once a week or more but not every day.” +Time Pressure— 44% responded “Every day.” +Conflict Situations— 36% responded “Every day.” +Physical Proximity— 68% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 51% responded “Every day.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a week or more but not every day.” +Public Speaking— 46% responded “Every day.” +Written Letters and Memos— 31% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Spend Time Standing— 51% responded “About half the time.” +Work Outcomes and Results of Other Workers— 23% responded “Very high responsibility.” +Health and Safety of Other Workers— 31% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Never.”","Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Preschool +Teaching Assistants, Special Education","View the list of Allies +ACSD +external site +Association for Career and Technical Education +external site +Council for Exceptional Children +external site +Council for Learning Disabilities +external site +Council of Administrators of Special Education +external site +Kappa Delta Pi, International Honor Society in Education +external site +National Association of Special Education Teachers +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",70,15,27,91,72,62,61,88,62,29,23,46,28,74,19,48,48,15,37,32,68,59,53,27,27,27,12,27,35,24,54,25,46 +29-1127.00,Speech-Language Pathologists,https://www.onetonline.org/link/summary/29-1127.00,2025-06-11T19:05:53.722174,"Evaluate hearing or speech and language test results, barium swallow results, or medical or background information to diagnose and plan treatment for speech, language, fluency, voice, or swallowing disorders. +Write reports and maintain proper documentation of information, such as client Medicaid or billing records or caseload activities, including the initial evaluation, treatment, progress, and discharge of clients. +Monitor patients' progress and adjust treatments accordingly. +Develop or implement treatment plans for problems such as stuttering, delayed language, swallowing disorders, or inappropriate pitch or harsh voice problems, based on own assessments and recommendations of physicians, psychologists, or social workers. +Administer hearing or speech and language evaluations, tests, or examinations to patients to collect information on type and degree of impairments, using written or oral tests or special instruments. +Educate patients and family members about various topics, such as communication techniques or strategies to cope with or to avoid personal misunderstandings. +Supervise or collaborate with therapy team. +Participate in and write reports for meetings regarding patients' progress, such as individualized educational planning (IEP) meetings, in-service meetings, or intervention assistance team meetings. +Teach clients to control or strengthen tongue, jaw, face muscles, or breathing mechanisms. +Instruct clients in techniques for more effective communication, such as sign language, lip reading, or voice improvement. +Consult with and advise educators or medical staff on speech or hearing topics, such as communication strategies or speech and language stimulation. +Develop speech exercise programs to reduce disabilities. +Complete administrative responsibilities, such as coordinating paperwork, scheduling case management activities, or writing lesson plans. +Consult with and refer clients to additional medical or educational services. +Design, develop, or employ alternative diagnostic or communication devices or strategies. +Participate in conferences, training, continuing education courses, or publish research results to share knowledge of new hearing or speech disorder treatment methods or technologies. +Use computer applications to identify or assist with communication disabilities. +Develop individual or group activities or programs in schools to deal with behavior, speech, language, or swallowing problems. +Conduct lessons or direct educational or therapeutic games to assist teachers dealing with speech problems. +Provide communication instruction to dialect speakers or students with limited English proficiency. +Supervise students or assistants. +Communicate with students who use an alternative method of communications, using sign language or computer technology. +Conduct or direct research on speech or hearing topics and report findings for use in developing procedures, technologies, or treatments.","Analytical or scientific software— Avaaz Innovations Computerized Speech Research Environment CSRE; Language analysis software; Signal analysis software; Speech analysis software +Cloud-based data access and sharing software— Dropbox +Computer based training software— Text to speech software +Desktop communications software— Tadpoles +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— Biofeedback software; Bungalow Software Aphasia Tutor; eClinicalWorks EHR software; Micro Video Voice Speech Training System;7 more +Music or sound editing software— Adobe Audition; Apple Logic Pro +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Voice recognition software— Words+ E Z Keys for Windows +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Prepare reports summarizing patient diagnostic or care activities. +Analyze patient data to determine patient needs or treatment goals. +Maintain medical facility records. +Develop treatment plans that use non-medical therapies. +Monitor patient progress or responses to treatments. +Operate diagnostic or therapeutic medical instruments or equipment. +Test patient hearing. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Collaborate with healthcare professionals to plan or provide treatment. +Supervise patient care personnel. +Advise medical personnel regarding healthcare issues. +Prepare healthcare training materials. +Process healthcare paperwork. +Schedule patient procedures or appointments. +Refer patients to other healthcare practitioners or health resources. +Develop health assessment methods or programs. +Train caregivers or other non-medical personnel. +Present medical research reports. +Maintain medical or professional knowledge. +Supervise student research or internship work. +Supervise technical medical personnel. +Conduct research to increase knowledge about medical issues.","Contact With Others— 99% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 90% responded “Extremely important.” +Physical Proximity— 80% responded “Very close (near touching).” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Time Pressure— 59% responded “Every day.” +Frequency of Decision Making— 63% responded “Every day.” +E-Mail— 63% responded “Every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Spend Time Sitting— 38% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 39% responded “Very important.” +Telephone Conversations— 51% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Exposed to Disease or Infections— 41% responded “Every day.” +Written Letters and Memos— 33% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Once a month or more but not every week.” +Consequence of Error— 29% responded “Very serious.” +Health and Safety of Other Workers— 44% responded “Limited responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Audiologists +Clinical and Counseling Psychologists +Clinical Nurse Specialists +Family Medicine Physicians +Low Vision Therapists, Orientation and Mobility Specialists, and Vision Rehabilitation Therapists +Neurologists +Occupational Therapists +Physical Therapists +Psychiatrists","View the list of Allies +Alexander Graham Bell Association for the Deaf and Hard of Hearing +external site +American Speech-Language-Hearing Association +external site +Council for Exceptional Children +external site +International Literacy Association +external site +American Board of Fluency and Fluency Disorders +external site +National Education Association +external site",76,7,4,97,39,39,48,79,64,14,8,23,10,45,28,35,50,6,23,10,76,74,56,21,54,9,,10,40,6,18,12,8 +15-1255.01,Video Game Designers,https://www.onetonline.org/link/summary/15-1255.01,2025-06-11T18:52:07.314772,"Balance and adjust gameplay experiences to ensure the critical and commercial success of the product. +Devise missions, challenges, or puzzles to be encountered in game play. +Create core game features, including storylines, role-play mechanics, and character biographies for a new video game or game franchise. +Solicit, obtain, and integrate feedback from design and technical staff into original game design. +Conduct regular design reviews throughout the game development process. +Develop and maintain design level documentation, including mechanics, guidelines, and mission outlines. +Document all aspects of formal game design, using mock-up screenshots, sample menu layouts, gameplay flowcharts, and other graphical devices. +Provide feedback to designers and other colleagues regarding game design features. +Create and manage documentation, production schedules, prototyping goals, and communication plans in collaboration with production staff. +Provide feedback to production staff regarding technical game qualities or adherence to original design. +Create gameplay prototypes for presentation to creative and technical staff and management. +Guide design discussions between development teams. +Oversee gameplay testing to ensure intended gaming experience and game adherence to original vision. +Present new game design concepts to management and technical colleagues, including artists, animators, and programmers. +Prepare two-dimensional concept layouts or three-dimensional mock-ups. +Keep abreast of game design technology and techniques, industry trends, or audience interests, reactions, and needs by reviewing current literature, talking with colleagues, participating in educational programs, attending meetings or workshops, or participating in professional organizations or conferences. +Review or evaluate competitive products, film, music, television, and other art forms to generate new game design ideas. +Collaborate with artists to achieve appropriate visual style. +Write or supervise the writing of game text and dialogue. +Consult with multiple stakeholders to define requirements and implement online features. +Determine supplementary virtual features, such as currency, item catalog, menu design, and audio direction. +Prepare and revise initial game sketches using two- and three-dimensional graphical design software. +Create gameplay test plans for internal and external test groups. +Provide test specifications to quality assurance staff.","Analytical or scientific software— Virtual Battlespace 2 VBS2 +Configuration management software— Perforce Helix software +Data base management system software— MySQL +Data base user interface and query software— Blackboard software; Microsoft SQL Server; Structured query language SQL +Development environment software— Adobe ActionScript; C; Microsoft Visual Studio; Simple DirectMedia Layer SDL;6 more +Device drivers or system software— Microsoft DirectX +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +File versioning software— Git +Graphical user interface development software— Graphical user interface GUI design software; Microsoft Expression Blend +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Autodesk Maya;3 more +Metadata management software— Perforce software +Object or component oriented development software— C#; Oracle Java; Perl; TypeScript;5 more +Office suite software— Microsoft Office software +Operating system software— Job control language JCL; Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian JIRA; Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Autodesk 3ds Max; Sound development software; Vulkan Graphics API +Web platform development software— Hypertext markup language HTML; JavaScript; PHP; Ruby on Rails +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Design video game features or details. +Collaborate with others to determine design specifications or details. +Test software performance. +Document design or development procedures. +Communicate project information to others. +Manage documentation to ensure organization or accuracy. +Manage information technology projects or system activities. +Prepare graphics or other visual representations of information. +Update knowledge about emerging industry or technology trends. +Analyze market or customer related data. +Supervise information technology personnel. +Develop testing routines or procedures.","Duration of Typical Work Week— 100% responded “More than 40 hours.” +E-Mail— 100% responded “Every day.” +Spend Time Sitting— 84% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Level of Competition— 60% responded “Extremely competitive.” +Contact With Others— 40% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Spend Time Making Repetitive Motions— 60% responded “Continually or almost continually.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 32% responded “Very important.” +Work Outcomes and Results of Other Workers— 40% responded “Moderate responsibility.” +Frequency of Decision Making— 30% responded “Once a week or more but not every day.”","Programming— Writing computer programs for various purposes. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Technology Design— Generating or adapting equipment and technology to serve user needs.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical.","Computer Hardware Engineers +Bright Outlook +Computer Programmers +Computer Systems Engineers/Architects +Film and Video Editors +Graphic Designers +Producers and Directors +Software Developers +Special Effects Artists and Animators +Web and Digital Interface Designers +Web Developers","View the list of Allies +Academy of the Interactive Arts and Sciences +external site +Association for Computing Machinery +external site +Computing Research Association +external site +Higher Education Video Game Alliance +external site +IEEE Computer Society +external site +International Game Developers Association +external site +National Center for Women and Information Technology +external site +North American Simulation and Gaming Association +external site +World Organization of Webmasters +external site",23,,16,56,58,39,8,41,34,23,26,19,,79,10,16,62,6,21,6,58,5,45,26,1,45,5,28,6,82,15,41,25 +51-8091.00,Chemical Plant and System Operators,https://www.onetonline.org/link/summary/51-8091.00,2025-06-11T19:27:04.545596,"Monitor recording instruments, flowmeters, panel lights, or other indicators and listen for warning signals to verify conformity of process conditions. +Regulate or shut down equipment during emergency situations, as directed by supervisory personnel. +Control or operate chemical processes or systems of machines, using panelboards, control boards, or semi-automatic equipment. +Move control settings to make necessary adjustments on equipment units affecting speeds of chemical reactions, quality, or yields. +Inspect operating units, such as towers, soap-spray storage tanks, scrubbers, collectors, or driers to ensure that all are functioning and to maintain maximum efficiency. +Draw samples of products and conduct quality control tests to monitor processing and to ensure that standards are met. +Record operating data, such as process conditions, test results, or instrument readings. +Patrol work areas to ensure that solutions in tanks or troughs are not in danger of overflowing. +Turn valves to regulate flow of products or byproducts through agitator tanks, storage drums, or neutralizer tanks. +Interpret chemical reactions visible through sight glasses or on television monitors and review laboratory test reports for process adjustments. +Confer with technical and supervisory personnel to report or resolve conditions affecting safety, efficiency, or product quality. +Start pumps to wash and rinse reactor vessels, to exhaust gases or vapors, to regulate the flow of oil, steam, air, or perfume to towers, or to add products to converter or blending vessels. +Notify maintenance, stationary engineering, or other auxiliary personnel to correct equipment malfunctions or to adjust power, steam, water, or air supplies. +Repair or replace damaged equipment. +Gauge tank levels, using calibrated rods. +Calculate material requirements or yields according to formulas. +Direct workers engaged in operating machinery that regulates the flow of materials and products. +Supervise the cleaning of towers, strainers, or spray tips. +Defrost frozen valves, using steam hoses.","Industrial control software— Alarm management system software; Distributed control system DCS; Interlock shutdown systems +Network security or virtual private network VPN management software— Coordinated incident management system CIMS software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Monitor instruments to ensure proper production conditions. +Operate chemical processing or water treatment systems or equipment. +Inspect production equipment. +Collect samples of materials or products for testing. +Test chemical or physical characteristics of materials or products. +Monitor equipment fluid levels. +Adjust equipment controls to regulate flow of production materials or products. +Record operational or production data. +Analyze test results. +Confer with others to resolve production problems or equipment malfunctions. +Notify others of equipment repair or maintenance needs. +Operate pumping systems or equipment. +Estimate material requirements for production. +Repair production equipment or tools. +Replace worn equipment components. +Direct operational or production activities.","Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Exposed to Hazardous Conditions— 95% responded “Every day.” +Exposed to Contaminants— 86% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 80% responded “Every day.” +Indoors, Not Environmentally Controlled— 91% responded “Every day.” +Frequency of Decision Making— 74% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 77% responded “Every day.” +Health and Safety of Other Workers— 61% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Pace Determined by Speed of Equipment— 56% responded “Extremely important.” +Contact With Others— 59% responded “Constant contact with others.” +Freedom to Make Decisions— 32% responded “Some freedom.” +Outdoors, Under Cover— 67% responded “Every day.” +Consequence of Error— 56% responded “Extremely serious.” +Time Pressure— 61% responded “Every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Every day.” +Importance of Repeating Same Tasks— 37% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Duration of Typical Work Week— 49% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 34% responded “More than half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 13% responded “Never.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Very important.” +Exposed to High Places— 47% responded “Every day.” +Degree of Automation— 67% responded “Highly automated.” +Exposed to Hazardous Equipment— 52% responded “Every day.” +Work Outcomes and Results of Other Workers— 49% responded “High responsibility.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +E-Mail— 45% responded “Every day.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Written Letters and Memos— 24% responded “Never.” +Exposed to Cramped Work Space, Awkward Positions— 47% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a week or more but not every day.” +Spend Time Standing— 35% responded “More than half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 32% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 32% responded “More than half the time.” +Spend Time Making Repetitive Motions— 38% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biomass Plant Technicians +Chemical Equipment Operators and Tenders +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Stationary Engineers and Boiler Operators +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +American Chemical Society +external site +International Chemical Workers Union Council +external site +United Steelworkers +external site",52,1,68,63,47,30,59,40,24,12,21,28,67,39,1,23,16,66,13,24,21,5,11,8,11,33,11,33,13,22,5,,4 +49-9091.00,"Coin, Vending, and Amusement Machine Servicers and Repairers",https://www.onetonline.org/link/summary/49-9091.00,2025-06-11T19:23:12.160135,"Fill machines with products, ingredients, money, and other supplies. +Inspect machines and meters to determine causes of malfunctions and fix minor problems such as jammed bills or stuck products. +Test machines to determine proper functioning. +Replace malfunctioning parts, such as worn magnetic heads on automatic teller machine (ATM) card readers. +Maintain records of machine maintenance and repair. +Clean and oil machine parts. +Order parts needed for machine repairs. +Adjust and repair coin, vending, or amusement machines and meters and replace defective mechanical and electrical parts, using hand tools, soldering irons, and diagrams. +Record transaction information on forms or logs, and notify designated personnel of discrepancies. +Keep records of merchandise distributed and money collected. +Collect coins and bills from machines, prepare invoices, and settle accounts with concessionaires. +Make service calls to maintain and repair machines. +Adjust machine pressure gauges and thermostats. +Disassemble and assemble machines, according to specifications and using hand and power tools. +Contact other repair personnel or make arrangements for the removal of machines in cases where major repairs are required. +Transport machines to installation sites. +Refer to manuals and wiring diagrams to gather information needed to repair machines. +Install machines, making the necessary water and electrical connections in compliance with codes.","Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Document operational activities. +Maintain work equipment or machinery. +Inspect mechanical equipment to locate damage, defects, or wear. +Collect payments for goods or services. +Test mechanical equipment to ensure proper functioning. +Travel to work sites to perform installation, repair or maintenance work. +Adjust equipment to ensure optimal performance. +Replace worn, damaged, or defective mechanical parts. +Maintain repair or maintenance records. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Lubricate equipment to allow proper functioning. +Order materials, supplies, or equipment. +Repair worn, damaged, or defective mechanical parts. +Assemble mechanical components or machine parts. +Confer with coworkers to resolve equipment problems. +Dismantle heavy equipment or machinery. +Drive trucks or other vehicles to or at work sites. +Read technical information needed to perform maintenance or repairs. +Install home appliances.","Freedom to Make Decisions— 84% responded “A lot of freedom.” +E-Mail— 85% responded “Every day.” +Telephone Conversations— 53% responded “Every day.” +Contact With Others— 56% responded “Contact with others most of the time.” +Indoors, Environmentally Controlled— 12% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 31% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 66% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 27% responded “Once a month or more but not every week.” +Frequency of Decision Making— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Very important results.” +Deal With External Customers or the Public in General— 12% responded “Not important at all.” +Dealing With Unpleasant, Angry, or Discourteous People— 49% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 31% responded “More than half the time.” +Spend Time Standing— 20% responded “Less than half the time.” +Outdoors, Exposed to All Weather Conditions— 40% responded “Every day.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).” +Spend Time Walking or Running— 28% responded “More than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 23% responded “Once a week or more but not every day.” +Exposed to Contaminants— 24% responded “Never.” +Time Pressure— 31% responded “Once a year or more but not every month.”","Repairing— Repairing machines or systems using the needed tools. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer, Automated Teller, and Office Machine Repairers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Home Appliance Repairers +Industrial Machinery Mechanics +Bright Outlook +Machine Feeders and Offbearers +Maintenance Workers, Machinery +Office Machine Operators, Except Computer +Packaging and Filling Machine Operators and Tenders +Paper Goods Machine Setters, Operators, and Tenders +Watch and Clock Repairers","View the list of Allies +AMOA +external site +National Automatic Merchandising Association +external site",62,21,32,50,35,35,31,25,38,27,38,28,21,75,5,14,22,63,12,24,28,12,13,18,13,38,24,20,8,14,9,4,5 +43-5061.00,"Production, Planning, and Expediting Clerks",https://www.onetonline.org/link/summary/43-5061.00,2025-06-11T19:16:36.521604,"Distribute production schedules or work orders to departments. +Revise production schedules when required due to design changes, labor or material shortages, backlogs, or other interruptions, collaborating with management, marketing, sales, production, or engineering. +Review documents, such as production schedules, work orders, or staffing tables, to determine personnel or materials requirements or material priorities. +Arrange for delivery, assembly, or distribution of supplies or parts to expedite flow of materials and meet production schedules. +Confer with establishment personnel, vendors, or customers to coordinate production or shipping activities and to resolve complaints or eliminate delays. +Requisition and maintain inventories of materials or supplies necessary to meet production demands. +Confer with department supervisors or other personnel to assess progress and discuss needed changes. +Plan production commitments or timetables for business units, specific programs, or jobs, using sales forecasts. +Compile information, such as production rates and progress, materials inventories, materials used, or customer information, so that status reports can be completed. +Examine documents, materials, or products and monitor work processes to assess completeness, accuracy, and conformance to standards and specifications. +Compile and prepare documentation related to production sequences, transportation, personnel schedules, or purchase, maintenance, or repair orders. +Calculate figures, such as required amounts of labor or materials, manufacturing costs, or wages, using pricing schedules, adding machines, calculators, or computers. +Contact suppliers to verify shipment details. +Record production data, including volume produced, consumption of raw materials, or quality control measures. +Establish and prepare product construction directions and locations and information on required tools, materials, equipment, numbers of workers needed, and cost projections. +Maintain files, such as maintenance records, bills of lading, or cost reports. +Provide documentation and information to account for delays, difficulties, or changes to cost estimates.","Accounting software— Fund accounting software; Intuit QuickBooks; Sage Peachtree Premium Accounting for Manufacturing +Analytical or scientific software— KAPES; Micro Estimating FabPlan; MTI Systems Costimator JS +Calendar and scheduling software— Workbrain Employee Scheduling +Cloud-based data access and sharing software— Google Drive +Data base reporting software— Inetsoft; SAP Crystal Reports +Data base user interface and query software— Airtable; Microsoft Access; Oracle Database; Structured query language SQL;4 more +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;14 more +Financial analysis software— Cost estimating software +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Human resources software— Questek Humanis +Industrial control software— Honeywell Wintress PACNet +Inventory management software— Accvision ABMIS; iCode Everest; Rytech Software Small Business Inventory Control +Materials requirements planning logistics and supply chain software— Bill of lading software; Ingenious ProPlan; Oracle Flow Manufacturing; Waterloo Hydrogeologic TACTIC;27 more +Medical software— Medical condition coding software; Medical procedure coding software; MEDITECH software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Procurement software— Aestiva Purchase Order +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Time accounting software— Work Technology WorkTech Time; Workbrain Time and Attendance +Word processing software— Google Docs; Microsoft OneNote; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Provide information to coworkers. +Confer with coworkers to coordinate work activities. +Schedule operational activities. +Read work orders to determine material or setup requirements. +Coordinate operational activities. +Coordinate shipping activities with external parties. +Order materials, supplies, or equipment. +Examine documents to verify adherence to requirements. +Inspect items for damage or defects. +Compile data or documentation. +Calculate costs of goods or services. +Record personnel information. +Record production information. +Prepare informational or reference materials. +Maintain operational records.","Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Freedom to Make Decisions— 66% responded “A lot of freedom.” +Time Pressure— 67% responded “Every day.” +E-Mail— 86% responded “Every day.” +Importance of Being Exact or Accurate— 51% responded “Extremely important.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 57% responded “A lot of freedom.” +Contact With Others— 65% responded “Constant contact with others.” +Frequency of Decision Making— 67% responded “Every day.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 73% responded “Every day.” +Spend Time Sitting— 47% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 42% responded “Every day.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Pace Determined by Speed of Equipment— 44% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 32% responded “Moderate responsibility.” +Consequence of Error— 38% responded “Extremely serious.” +Spend Time Making Repetitive Motions— 39% responded “Continually or almost continually.” +Conflict Situations— 40% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 26% responded “High responsibility.” +Written Letters and Memos— 31% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Time Management— Managing one's own time and the time of others. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Office and Administrative Support Workers +Bright Outlook +First-Line Supervisors of Production and Operating Workers +Industrial Engineering Technologists and Technicians +Procurement Clerks +Project Management Specialists +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers +Weighers, Measurers, Checkers, and Samplers, Recordkeeping","View the list of Allies +Association for Supply Chain Management +external site +Institute for Supply Management +external site +MHI +external site +Warehousing Education and Research Council +external site",69,,83,66,46,63,33,28,64,25,25,29,3,57,6,8,12,25,1,39,11,1,2,11,1,27,4,3,1,18,5,, +19-3094.00,Political Scientists,https://www.onetonline.org/link/summary/19-3094.00,2025-06-11T18:57:39.866508,"Teach political science. +Maintain current knowledge of government policy decisions. +Develop and test theories, using information from interviews, newspapers, periodicals, case law, historical papers, polls, or statistical sources. +Disseminate research results through academic publications, written reports, or public presentations. +Advise political science students. +Collect, analyze, and interpret data, such as election results and public opinion surveys, reporting on findings, recommendations, and conclusions. +Interpret and analyze policies, public issues, legislation, or the operations of governments, businesses, and organizations. +Identify issues for research and analysis. +Serve on committees. +Forecast political, economic, and social trends. +Consult with and advise government officials, civic bodies, research agencies, the media, political parties, and others concerned with political issues. +Evaluate programs and policies, and make related recommendations to institutions and organizations. +Provide media commentary or criticism related to public policy and political issues and events. +Write drafts of legislative proposals, and prepare speeches, correspondence, and policy papers for governmental use.","Analytical or scientific software— IBM SPSS Statistics; JudgeIt II; SAS; StataCorp Stata;3 more +Business intelligence and data analysis software— Tableau +Data base management system software— Bare Bones Software BBEdit; IDM Computer Solutions UltraEdit +Data base user interface and query software— CQ Press Political Reference Suite; Library of Congress E-resources Online Catalog; Microsoft Access; Structure query language SQL;2 more +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Information retrieval or search software— EBSCO Publishing Political Science Complete; JSTOR database; ProQuest Worldwide Political Science Abstracts; Sage Reference Online;5 more +Object or component oriented development software— Python; R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Instruct college students in social sciences or humanities disciplines. +Develop theories or models of physical phenomena. +Review professional literature to maintain professional knowledge. +Prepare scientific or technical reports or presentations. +Advise others on educational matters. +Advise students on academic or career matters. +Interpret research or operational data. +Conduct research on social issues. +Serve on institutional or departmental committees. +Forecast economic, political, or social trends. +Advise others on matters of public policy. +Evaluate civic projects or public policies. +Prepare information or documentation related to legal or regulatory matters.","E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 85% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 81% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 54% responded “Every day.” +Duration of Typical Work Week— 77% responded “More than 40 hours.” +Level of Competition— 52% responded “Highly competitive.” +Public Speaking— 65% responded “Once a week or more but not every day.” +Spend Time Sitting— 56% responded “More than half the time.” +Contact With Others— 50% responded “Contact with others most of the time.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Telephone Conversations— 48% responded “Once a week or more but not every day.” +Written Letters and Memos— 40% responded “Once a month or more but not every week.” +Time Pressure— 58% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 48% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Climate Change Policy Analysts +Bright Outlook +Economics Teachers, Postsecondary +Economists +Environmental Economists +Law Teachers, Postsecondary +Legislators +Political Science Teachers, Postsecondary +Sociologists +Sociology Teachers, Postsecondary +Survey Researchers","View the list of Allies +American Political Science Association +external site +American Academy of Political and Social Science +external site +American Association for Public Opinion Research +external site +American Association of University Professors +external site +American Society for Public Administration +external site +Association for Asian Studies +external site +International Studies Association +external site +Law and Society Association +external site +Network of Schools of Public Policy, Affairs, and Administration +external site +Southern Political Science Association +external site +Midwest Political Science Association +external site +New England Political Science Association +external site +Western Political Science Association +external site",24,2,6,86,60,44,19,82,36,36,7,33,5,50,38,91,57,4,52,9,35,15,55,16,6,5,3,5,6,5,53,6,61 +27-2091.00,"Disc Jockeys, Except Radio",https://www.onetonline.org/link/summary/27-2091.00,2025-06-11T19:03:33.275686,"Accept music requests from event guests. +Adhere to schedules to keep events running on time. +Advertise services using media such as internet advertising and brochures. +Assemble audio and video equipment. +Collect payments from customers. +Communicate with clients or venue owners to determine event information, such as music preferences, scheduling, and anticipated attendance. +Conduct sound checks to ensure equipment is working and appropriate for the venue. +Create itemized invoices to record amounts due for services rendered. +Create tailored playlists by aligning music with event functions. +Develop written contracts for bookings. +Encourage guests to dance using group dances, competitions, or other party games. +Lead party games, such as dance-offs or prize giveaways. +Listen to music before playing at events to ensure recordings are appropriate and meet quality standards. +Maintain up-to-date knowledge of music releases and trends. +Mix, cut, or sample recorded music using DJ controllers, CDJs, or DJ mixers. +Operate disc jockey controller and other equipment, such as microphones. +Operate visual effects equipment, such as lights, fog machines, or lasers. +Organize music libraries or playlists. +Select and play music incorporating crowd preferences and mood.","Music or sound editing software— Adobe Audition; Audion Laboratories VoxPro; Avid Technology Pro Tools +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Select resources needed to accomplish tasks. +Conduct amusement or gaming activities. +Operate control consoles for sound, lighting or video. +Assemble electrical or electronic equipment. +Collect fares or payment from customers. +Confer with clients to determine needs. +Edit audio or video recordings. +Estimate time or monetary resources needed to complete projects. +Maintain current knowledge related to work activities. +Maintain records, documents, or other files. +Mix sound inputs. +Prepare sales or other contracts. +Promote products, activities, or organizations. +Record sales or transactions data. +Respond to customer inquiries. +Review audio or video recordings. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment.",,,,,"Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Agents and Business Managers of Artists, Performers, and Athletes +Bright Outlook +Audio and Video Technicians +Audiovisual Equipment Installers and Repairers +Broadcast Announcers and Radio Disc Jockeys +Meeting, Convention, and Event Planners +Music Directors and Composers +Musicians and Singers +Producers and Directors +Sound Engineering Technicians +Video Game Designers","View the list of Allies +American Disc Jockey Association +external site +Event Service Professionals Association +external site +International Live Events Association +external site +National Association of Mobile Event Professionals +external site +Professional Lighting and Sound Association +external site +United States Disc Jockey Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +23-2011.00,Paralegals and Legal Assistants,https://www.onetonline.org/link/summary/23-2011.00,2025-06-11T18:59:24.971014,"Prepare affidavits or other documents, such as legal correspondence, and organize and maintain documents in paper or electronic filing system. +Prepare, edit, or review legal documents, including legislation, briefs, pleadings, appeals, wills, contracts, and real estate closing statements. +Investigate facts and law of cases and search pertinent sources, such as public records and internet sources, to determine causes of action and to prepare cases. +Prepare for trial by performing tasks such as organizing exhibits. +Meet with clients and other professionals to discuss details of case. +Gather and analyze research data, such as statutes, decisions, and legal articles, codes, and documents. +File pleadings with court clerk. +Direct and coordinate law office activity, including delivery of subpoenas. +Call upon witnesses to testify at hearing. +Arbitrate disputes between parties and assist in the real estate closing process, such as by reviewing title searches. +Appraise and inventory real and personal property for estate planning. +Keep and monitor legal volumes to ensure that law library is up-to-date. +Manage attorneys' calendars and schedule meetings. +Request, review, and summarize relevant records for the cases.","Accounting software— Intuit QuickBooks; Tax software +Analytical or scientific software— a la mode WinTOTAL; Litigation support software; Uniscribe; Wilson's Computer Applications RealEasy Appraisals;5 more +Business intelligence and data analysis software— MicroStrategy +Categorization or classification software— Bowne JFS Litigator's Notebook +Cloud-based data access and sharing software— Dropbox; Google Drive +Customer relationship management CRM software— Software Technology PracticeMaster; Thomson West ProLaw +Data base user interface and query software— Database software; Microsoft Access; Relational database software; TrialWorks;10 more +Desktop publishing software— Digital contract software; Microsoft Publisher; ProForce Paralegal Pro-Pack; Sure Will Writer;2 more +Document management software— Adobe Acrobat; Microsoft SharePoint; Microsoft SharePoint Server; Summation Blaze;17 more +Electronic mail software— IBM Notes; Microsoft Outlook +File versioning software— Zylab ZyImage +Information retrieval or search software— LawManager; LexisNexis; Thomson CompuMark SAEGIS; Thomson Reuters Westlaw;14 more +Internet browser software— Web browser software +Library software— Computer access catalog software +Office suite software— Corel WordPerfect Office Suite; Google Workspace software; Microsoft Office software +Optical character reader OCR or scanning software— Optical character recognition OCR software +Pattern design software— CaseSoft TimeMap +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Transaction server software— Tumbleweed SecureTransport +Video conferencing software— Zoom +Video creation and editing software— Thomson Reuters LiveNote Stream +Word processing software— Google Docs; Legal document software; Microsoft Word; The Sackett Group MacPac for Legal;1 more","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Maintain the order of legal documents. +Prepare legal documents. +Research relevant legal materials to aid decision making. +Confer with court staff to clarify information. +Meet with individuals involved in legal processes to provide information and clarify issues. +Evaluate information related to legal matters in public or personal records. +Coordinate legal schedules or activities. +Arbitrate disputes between parties to resolve legal conflicts. +Represent the interests of clients in legal proceedings.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 97% responded “Every day.” +Importance of Being Exact or Accurate— 79% responded “Extremely important.” +Spend Time Sitting— 80% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Contact With Others +Written Letters and Memos— 53% responded “Every day.” +Time Pressure— 54% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Frequency of Decision Making— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Moderate results.” +Importance of Repeating Same Tasks— 49% responded “Extremely important.” +Spend Time Making Repetitive Motions— 55% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Deal With External Customers or the Public in General— 31% responded “Extremely important.” +Duration of Typical Work Week— 37% responded “More than 40 hours.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Correspondence Clerks +Court Reporters and Simultaneous Captioners +Court, Municipal, and License Clerks +Eligibility Interviewers, Government Programs +Executive Secretaries and Executive Administrative Assistants +Legal Secretaries and Administrative Assistants +Medical Records Specialists +Bright Outlook +Office Clerks, General +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive +Title Examiners, Abstractors, and Searchers","View the list of Allies +American Bar Association +external site +National Association for Legal Support Professionals +external site +National Association of Legal Assistants +external site +National Federation of Paralegal Associations +external site +Paralegal Career +external site",66,3,17,86,40,58,32,39,79,39,25,39,5,73,11,95,29,4,7,18,26,13,17,32,29,15,3,5,21,5,18,3,14 +39-3031.00,"Ushers, Lobby Attendants, and Ticket Takers",https://www.onetonline.org/link/summary/39-3031.00,2025-06-11T19:12:57.719070,"Greet patrons attending entertainment events. +Sell or collect admission tickets, passes, or facility memberships from patrons at entertainment events. +Clean facilities. +Settle seating disputes or help solve other customer concerns. +Examine tickets or passes to verify authenticity, using criteria such as color or date issued. +Provide assistance with patrons' special needs, such as helping those with wheelchairs. +Guide patrons to exits or provide other instructions or assistance in case of emergency. +Refuse admittance to undesirable persons or persons without tickets or passes. +Assist patrons by giving directions to points in or outside of the facility or providing information about local attractions. +Assist patrons in finding seats, lighting the way with flashlights, if necessary. +Maintain order and ensure adherence to safety rules. +Search for lost articles or for parents of lost children. +Operate refreshment stands during intermission or obtain refreshments for press box patrons during performances. +Count and record number of tickets collected. +Lead tours and answer visitors' questions about the exhibits. +Manage inventory or sale of artist merchandise. +Verify credentials of patrons desiring entrance into press box and permit only authorized persons to enter. +Distribute programs to patrons. +Give door checks to patrons who are temporarily leaving establishments. +Manage informational kiosks or displays of event signs or posters. +Work with others to change advertising displays. +Page individuals wanted at the box office. +Schedule or manage staff, such as volunteer usher corps.","Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows Mobile +Optical character reader OCR or scanning software— Ticket Alternative Express Entry; Ticket scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Greet customers, patrons, or visitors. +Sell products or services. +Provide attraction or event information to patrons. +Prepare operational reports or records. +Clean facilities or work areas. +Mediate disputes. +Resolve customer complaints or problems. +Maintain supply or equipment inventories. +Verify patron or staff credentials. +Assist individuals with special needs. +Usher patrons to seats or exits. +Provide patrons with directions to locales or attractions. +Monitor environment to ensure safety. +Respond to customer inquiries. +Respond to customer problems or complaints. +Arrange artwork, products, or props. +Collaborate with others to develop or refine designs. +Provide notifications to customers or patrons. +Assign duties or work schedules to employees. +Supervise service workers.","Contact With Others— 94% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Deal With External Customers or the Public in General— 18% responded “Very important.” +Physical Proximity— 46% responded “Very close (near touching).” +Spend Time Standing— 47% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 43% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 65% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Telephone Conversations— 57% responded “Every day.” +Freedom to Make Decisions— 35% responded “Some freedom.” +Conflict Situations— 26% responded “Once a year or more but not every month.” +Spend Time Making Repetitive Motions— 34% responded “Continually or almost continually.” +Frequency of Decision Making— 12% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 46% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Fairly important.” +Impact of Decisions on Co-workers or Company Results— 26% responded “Important results.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Baggage Porters and Bellhops +Cashiers +Bright Outlook +Counter and Rental Clerks +Flight Attendants +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop +Hotel, Motel, and Resort Desk Clerks +Locker Room, Coatroom, and Dressing Room Attendants +Passenger Attendants +Receptionists and Information Clerks +Reservation and Transportation Ticket Agents and Travel Clerks","View the list of Allies +National United Church Ushers Association of America +external site",81,27,14,60,33,41,56,35,31,34,48,24,6,37,7,17,52,14,13,16,30,5,15,24,4,14,4,10,6,6,21,17,23 +43-5011.00,Cargo and Freight Agents,https://www.onetonline.org/link/summary/43-5011.00,2025-06-11T19:16:11.608768,"Negotiate and arrange transport of goods with shipping or freight companies. +Determine method of shipment and prepare bills of lading, invoices, and other shipping documents. +Track delivery progress of shipments. +Advise clients on transportation and payment methods. +Estimate freight or postal rates and record shipment costs and weights. +Keep records of all goods shipped, received, and stored. +Notify consignees, passengers, or customers of freight or baggage arrival and arrange for delivery. +Retrieve stored items and trace lost shipments as necessary. +Enter shipping information into a computer by hand or by a hand-held scanner that reads bar codes on goods. +Prepare manifests showing numbers of airplane passengers and baggage, mail, and freight weights, transmitting data to destinations. +Arrange insurance coverage for goods. +Install straps, braces, and padding to loads to prevent shifting or damage during shipment. +Check import or export documentation to determine cargo contents and use tariff coding system to classify goods according to fee or tariff group. +Coordinate and supervise activities of workers engaged in packing and shipping merchandise. +Contact vendors or claims adjustment departments to resolve shipment problems or contact service depots to arrange for repairs. +Inspect and count items received and check them against invoices or other documents, recording shortages and rejecting damaged goods. +Route received goods to first available flight or to appropriate storage areas or departments, using forklifts, hand trucks, or other equipment. +Direct delivery trucks to shipping doors or designated marshaling areas and help load and unload goods safely. +Assemble containers and crates used to transport items, such as machines or vehicles. +Maintain a supply of packing materials. +Direct or participate in cargo loading to ensure completeness of load and even distribution of weight. +Pack goods for shipping, using tools such as staplers, strapping machines, and hammers. +Attach address labels, identification codes, and shipping instructions to containers. +Open cargo containers and unwrap contents, using steel cutters, crowbars, or other hand tools.","Data base user interface and query software— Database software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Inventory management software— Posting software +Mobile location based services software— Transportation management software; Transportation management system TMS software; Web-based dispatch software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Procurement software— Brokerage software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft OneNote; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Coordinate operational activities. +Negotiate financial arrangements. +Analyze shipping information to make routing decisions. +Track goods or materials. +Maintain operational records. +Recommend packing or shipping methods. +Arrange insurance coverage. +Package objects for shipping. +Calculate shipping costs. +Provide notifications to customers or patrons. +Record shipping information. +Verify shipping documentation. +Coordinate shipping activities with external parties. +Supervise clerical or administrative personnel. +Inspect items for damage or defects. +Inspect shipments to ensure correct order fulfillment. +Operate vehicles or material-moving equipment. +Enter information into databases or software programs. +Load materials or equipment. +Unload materials or equipment. +Assemble wood products. +Maintain inventories of materials, equipment, or products. +Manage clerical or administrative activities. +Attach identification information to products, items or containers.","Face-to-Face Discussions with Individuals and Within Teams +Telephone Conversations— 61% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +E-Mail— 14% responded “Once a month or more but not every week.” +Spend Time Sitting— 28% responded “About half the time.” +Freedom to Make Decisions— 30% responded “Limited freedom.” +Frequency of Decision Making— 28% responded “Once a week or more but not every day.” +Time Pressure— 49% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 34% responded “40 hours.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 49% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Indoors, Environmentally Controlled— 16% responded “Never.” +Written Letters and Memos— 54% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 49% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.” +Level of Competition— 43% responded “Highly competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 33% responded “Continually or almost continually.” +Physical Proximity— 52% responded “Slightly close (e.g., shared office).” +Health and Safety of Other Workers— 37% responded “High responsibility.” +Consequence of Error— 47% responded “Serious.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aircraft Cargo Handling Supervisors +Bright Outlook +Customs Brokers +Dispatchers, Except Police, Fire, and Ambulance +Freight Forwarders +Light Truck Drivers +Order Clerks +Postal Service Clerks +Postal Service Mail Carriers +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Shipping, Receiving, and Inventory Clerks","View the list of Allies +Association of Ship Brokers and Agents +external site +International Association of Movers +external site +National Freight Transportation Association +external site",60,16,48,73,43,72,76,62,60,45,44,36,9,37,21,61,50,40,3,89,24,16,17,61,7,36,24,3,17,10,88,7,16 +47-1011.03,Solar Energy Installation Managers,https://www.onetonline.org/link/summary/47-1011.03,2025-06-11T19:17:58.629093,"Plan and coordinate installations of photovoltaic (PV) solar and solar thermal systems to ensure conformance to codes. +Supervise solar installers, technicians, and subcontractors for solar installation projects to ensure compliance with safety standards. +Estimate materials, equipment, and personnel needed for residential or commercial solar installation projects. +Prepare solar installation project proposals, quotes, budgets, or schedules. +Provide technical assistance to installers, technicians, or other solar professionals in areas such as solar electric systems, solar thermal systems, electrical systems, or mechanical systems. +Coordinate or schedule building inspections for solar installation projects. +Perform start-up of systems for testing or customer implementation. +Identify means to reduce costs, minimize risks, or increase efficiency of solar installation projects. +Assess system performance or functionality at the system, subsystem, and component levels. +Assess potential solar installation sites to determine feasibility and design requirements. +Monitor work of contractors and subcontractors to ensure projects conform to plans, specifications, schedules, or budgets. +Visit customer sites to determine solar system needs, requirements, or specifications. +Purchase or rent equipment for solar energy system installation. +Develop and maintain system architecture, including all piping, instrumentation, or process flow diagrams. +Evaluate subcontractors or subcontractor bids for quality, cost, and reliability.","Analytical or scientific software— Minitab; Procore software; PVsyst +Calendar and scheduling software— Work scheduling software +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Autodesk Revit; Trimble SketchUp Pro;2 more +Customer relationship management CRM software— Salesforce software +Development environment software— Prolog +Document management software— Microsoft SharePoint Server +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Esri ArcGIS +Inventory management software— Inventory tracking software +Map creation software— Mapping software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows; Real time operating system RTOS software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Cost estimating software; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Coordinate construction project activities. +Plan layout of construction, installation, or repairs. +Direct construction or extraction personnel. +Estimate materials requirements for projects. +Estimate construction project labor requirements. +Estimate construction project costs. +Communicate with other construction or extraction personnel to discuss project details. +Test green technology installations to verify performance. +Identify opportunities to improve operational efficiency. +Create construction or installation diagrams. +Assess locations for potential green technology installations. +Analyze costs and benefits of proposed designs or projects. +Order construction or extraction materials or equipment.","Contact With Others— 85% responded “Constant contact with others.” +E-Mail— 81% responded “Every day.” +Frequency of Decision Making— 76% responded “Every day.” +Telephone Conversations— 76% responded “Every day.” +Freedom to Make Decisions— 70% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 63% responded “Extremely important.” +Importance of Being Exact or Accurate— 51% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 61% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 71% responded “Every day.” +Work Outcomes and Results of Other Workers— 64% responded “High responsibility.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Time Pressure— 69% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 44% responded “High responsibility.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Every day.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 58% responded “Every day.” +Exposed to High Places— 45% responded “Once a week or more but not every day.” +Spend Time Standing— 41% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 43% responded “Once a week or more but not every day.” +Level of Competition— 52% responded “Highly competitive.” +Exposed to Contaminants— 37% responded “Every day.” +Importance of Repeating Same Tasks— 58% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Consequence of Error— 45% responded “Very serious.” +Indoors, Not Environmentally Controlled— 27% responded “Once a year or more but not every month.” +Exposed to Hazardous Equipment— 28% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Once a week or more but not every day.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 41% responded “Every day.” +Spend Time Walking or Running— 40% responded “About half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 35% responded “Once a week or more but not every day.” +In an Open Vehicle or Operating Equipment— 43% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 41% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 41% responded “Less than half the time.”","Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Construction and Building Inspectors +Construction Managers +Bright Outlook +First-Line Supervisors of Construction Trades and Extraction Workers +First-Line Supervisors of Mechanics, Installers, and Repairers +Maintenance and Repair Workers, General +Project Management Specialists +Solar Photovoltaic Installers +Solar Sales Representatives and Assessors +Solar Thermal Installers and Technicians +Wind Energy Development Managers","View the list of Allies +American Solar Energy Society +external site +USGBC +external site +International Brotherhood of Electrical Workers +external site +NABCEP +external site",80,13,36,49,51,67,45,50,42,31,53,35,21,43,26,29,34,61,12,58,20,10,15,30,16,46,85,38,13,62,20,10,8 +51-8099.01,Biofuels Processing Technicians,https://www.onetonline.org/link/summary/51-8099.01,2025-06-11T19:27:12.675653,"Monitor batch, continuous flow, or hybrid biofuels production processes. +Operate valves, pumps, engines, or generators to control and adjust biofuels production. +Monitor and record biofuels processing data. +Collect biofuels samples and perform routine laboratory tests or analyses to assess biofuels quality. +Operate equipment, such as a centrifuge, to extract biofuels products and secondary by-products or reusable fractions. +Process refined feedstock with additives in fermentation or reaction process vessels. +Operate chemical processing equipment for the production of biofuels. +Monitor and record flow meter performance. +Inspect biofuels plant or processing equipment regularly, recording or reporting damage and mechanical problems. +Measure and monitor raw biofuels feedstock. +Preprocess feedstock in preparation for physical, chemical, or biological fuel production processes. +Calculate, measure, load, or mix refined feedstock used in biofuels production. +Monitor stored biofuels products or secondary by-products until reused or transferred to users. +Assess the quality of biofuels additives for reprocessing. +Clean biofuels processing work area, ensuring compliance with safety regulations. +Perform routine maintenance on mechanical, electrical, or electronic equipment or instruments used in the processing of biofuels. +Calibrate liquid flow devices and meters, including fuel, chemical, and water meters. +Rebuild, repair, or replace biofuels processing equipment components. +Coordinate raw product sourcing or collection.","Analytical or scientific software— Data visualization software; SAS +Business intelligence and data analysis software— Tableau +Enterprise resource planning ERP software +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Digital control systems DCS; Human machine interface HMI software +Inventory management software— Inventory control software +Object or component oriented development software— Python; R +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Monitor biofuel production operations. +Operate biomass or biofuel production equipment. +Record operational or production data. +Evaluate quality of materials or products. +Collect samples of materials or products for testing. +Operate pumping systems or equipment. +Prepare biological feedstock for physical, chemical, or biological processing. +Inspect sustainable energy production facilities or equipment. +Notify others of equipment repair or maintenance needs. +Measure stock or liquid levels in sustainable fuel production systems. +Calculate specific material, equipment, or labor requirements for production. +Load materials into production equipment. +Measure ingredients or substances to be used in production processes. +Direct operational or production activities. +Clean work areas. +Maintain sustainable energy production equipment. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Replace worn equipment components.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Exposed to Contaminants— 85% responded “Every day.” +Exposed to Hazardous Conditions— 84% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 73% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 61% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Very important results.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Pace Determined by Speed of Equipment— 69% responded “Extremely important.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Outdoors, Exposed to All Weather Conditions— 57% responded “Every day.” +Frequency of Decision Making— 54% responded “Every day.” +Indoors, Not Environmentally Controlled— 67% responded “Every day.” +Consequence of Error— 52% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Exposed to High Places— 38% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 53% responded “40 hours.” +Time Pressure— 60% responded “Every day.” +Importance of Repeating Same Tasks— 37% responded “Extremely important.” +Telephone Conversations— 47% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Important.” +In an Open Vehicle or Operating Equipment— 36% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 50% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “More than half the time.” +Degree of Automation— 33% responded “Moderately automated.” +Exposed to Hazardous Equipment— 49% responded “Every day.” +Written Letters and Memos— 37% responded “Every day.” +E-Mail— 42% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 39% responded “Once a year or more but not every month.” +Spend Time Standing— 35% responded “About half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 36% responded “Every day.” +Spend Time Walking or Running— 34% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 33% responded “Limited responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 44% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 26% responded “Once a month or more but not every week.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Repairing— Repairing machines or systems using the needed tools. +Service Orientation— Actively looking for ways to help people. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biomass Plant Technicians +Chemical Equipment Operators and Tenders +Chemical Plant and System Operators +Gas Plant Operators +Geothermal Technicians +Hydroelectric Plant Technicians +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +American Coalition for Ethanol +external site",35,26,74,61,45,37,60,46,36,17,20,29,55,55,5,31,29,63,8,43,16,9,4,29,12,45,37,42,36,30,14,1,3 +17-2131.00,Materials Engineers,https://www.onetonline.org/link/summary/17-2131.00,2025-06-11T18:54:10.139898,"Analyze product failure data and laboratory test results to determine causes of problems and develop solutions. +Design and direct the testing or control of processing procedures. +Monitor material performance, and evaluate its deterioration. +Conduct or supervise tests on raw materials or finished products to ensure their quality. +Evaluate technical specifications and economic factors relating to process or product design objectives. +Modify properties of metal alloys, using thermal and mechanical treatments. +Determine appropriate methods for fabricating and joining materials. +Guide technical staff in developing materials for specific uses in projected products or devices. +Review new product plans, and make recommendations for material selection, based on design objectives such as strength, weight, heat resistance, electrical conductivity, and cost. +Supervise the work of technologists, technicians, and other engineers and scientists. +Plan and implement laboratory operations to develop material and fabrication procedures that meet cost, product specification, and performance standards. +Plan and evaluate new projects, consulting with other engineers and corporate executives, as necessary. +Supervise production and testing processes in industrial settings, such as metal refining facilities, smelting or foundry operations, or nonmetallic materials production operations. +Solve problems in a number of engineering fields, such as mechanical, chemical, electrical, civil, nuclear, and aerospace. +Conduct training sessions on new material products, applications, or manufacturing methods for customers and their employees. +Perform managerial functions, such as preparing proposals and budgets, analyzing labor costs, and writing reports. +Present technical information at conferences. +Replicate the characteristics of materials and their components, using computers. +Design processing plants and equipment. +Write for technical magazines, journals, and trade association publications. +Teach in colleges and universities.","Analytical or scientific software— ANSYS Multiphysics; Image analysis systems; Minitab; The MathWorks MATLAB;3 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; PTC Creo Parametric +Computer aided manufacturing CAM software— Fused deposition modeling FDM rapid prototyping systems; Stereolithography SLA rapid prototyping systems +Data base user interface and query software— Microsoft Access; MTS Testworks; Oracle Database; QMC CM4D +Development environment software— Formula translation/translator FORTRAN; Microsoft Visual Basic; National Instruments LabVIEW +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Object or component oriented development software— C++; Microsoft Visual Basic.NET; Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Conduct quantitative failure analyses of operational data. +Direct quality control activities. +Monitor the productivity or efficiency of industrial operations. +Evaluate technical data to determine effect on designs or plans. +Test characteristics of materials or structures. +Prepare materials for processing. +Determine operational methods. +Direct design or development activities. +Evaluate plans or specifications to determine technological or environmental implications. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Supervise engineering or other technical personnel. +Prepare detailed work plans. +Confer with technical personnel to prepare designs or operational plans. +Direct industrial production activities. +Resolve operational performance problems. +Train personnel on proper operational procedures. +Prepare operational reports. +Prepare project budgets. +Prepare proposal documents. +Teach classes in area of specialization. +Teach social science courses at the college level. +Present research results to others. +Create models of engineering designs or methods. +Design industrial processing systems. +Write articles, books or other original materials in area of expertise.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Work With or Contribute to a Work Group or Team— 57% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 55% responded “Every day.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Telephone Conversations— 43% responded “Every day.” +Determine Tasks, Priorities and Goals— 67% responded “Some freedom.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Contact With Others— 48% responded “Contact with others most of the time.” +Health and Safety of Other Workers— 43% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Spend Time Sitting— 40% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Time Pressure— 57% responded “Once a week or more but not every day.” +Level of Competition— 48% responded “Moderately competitive.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 43% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Bioengineers and Biomedical Engineers +Bright Outlook +Chemical Engineers +Commercial and Industrial Designers +Electrical Engineers +Industrial Engineers +Manufacturing Engineers +Materials Scientists +Mechanical Engineers +Nanosystems Engineers +Nanotechnology Engineering Technologists and Technicians","View the list of Allies +American Ceramic Society +external site +American Chemical Society +external site +American Institute of Chemical Engineers +external site +American Institute of Mining, Metallurgical, and Petroleum Engineers +external site +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +ASM International +external site +Association for Materials Protection and Performance +external site +ASTM International +external site +IEEE Computer Society +external site +Materials Research Society +external site +Minerals, Metals and Materials Society +external site +National Society of Professional Engineers +external site +SAE International +external site +Society for the Advancement of Material and Process Engineering +external site +Society of Plastics Engineers +external site +Society of Women Engineers +external site +TAPPI +external site +Technology Student Association +external site +The Electrochemical Society +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",53,5,78,72,78,50,35,47,38,31,37,40,81,60,23,29,32,53,12,18,19,5,7,16,17,82,30,80,24,66,12,7,8 +29-2055.00,Surgical Technologists,https://www.onetonline.org/link/summary/29-2055.00,2025-06-11T19:08:29.770720,"Maintain a proper sterile field during surgical procedures. +Count sponges, needles, and instruments before and after operation. +Scrub arms and hands and assist the surgical team to scrub and put on gloves, masks, and surgical clothing. +Provide technical assistance to surgeons, surgical nurses, or anesthesiologists. +Prepare patients for surgery, including positioning patients on the operating table and covering them with sterile surgical drapes to prevent exposure. +Hand instruments and supplies to surgeons and surgeons' assistants, hold retractors and cut sutures, and perform other tasks as directed by surgeon during operation. +Prepare, care for, and dispose of tissue specimens taken for laboratory analysis. +Wash and sterilize equipment, using germicides and sterilizers. +Monitor and continually assess operating room conditions, including patient and surgical team needs. +Operate, assemble, adjust, or monitor sterilizers, lights, suction machines, or diagnostic equipment to ensure proper operation. +Prepare dressings or bandages and apply or assist with their application following surgery. +Clean and restock operating room, gathering and placing equipment and supplies and arranging instruments according to instructions, such as a preference card. +Order surgical supplies. +Observe patients' vital signs to assess physical condition. +Maintain supply of fluids, such as plasma, saline, blood, or glucose, for use during operations. +Maintain files and records of surgical procedures. +Schedule surgical procedures for patients. +Transport patients to and from the operating room.","Cloud-based data access and sharing software— Google Drive +Data base user interface and query software— Database software +Electronic mail software— Email software +Graphics or photo imaging software— Graphics software +Internet browser software +Medical software— Electronic medical record EMR software; MEDITECH software; Patient tracking software; Surgery workflow communication software;3 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Maintain sterile operative fields. +Maintain inventory of medical supplies or equipment. +Assist healthcare practitioners during surgery. +Position patients for treatment or examination. +Protect patients or staff members using safety equipment. +Clean medical equipment or facilities. +Prepare biological specimens for laboratory analysis. +Sterilize medical equipment or instruments. +Adjust settings or positions of medical equipment. +Apply bandages, dressings, or splints. +Operate diagnostic or therapeutic medical instruments or equipment. +Order medical supplies or equipment. +Monitor patient conditions during treatments, procedures, or activities. +Record patient medical histories.","Physical Proximity— 95% responded “Very close (near touching).” +Importance of Being Exact or Accurate— 87% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 87% responded “Extremely important.” +Contact With Others— 81% responded “Constant contact with others.” +Frequency of Decision Making— 82% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 75% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 79% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 76% responded “Very important results.” +Health and Safety of Other Workers— 63% responded “Very high responsibility.” +Consequence of Error— 74% responded “Extremely serious.” +Exposed to Disease or Infections— 67% responded “Every day.” +Spend Time Standing— 59% responded “Continually or almost continually.” +Exposed to Contaminants— 72% responded “Every day.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Deal With External Customers or the Public in General— 47% responded “Extremely important.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 50% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Very important.” +Telephone Conversations— 56% responded “Every day.” +Time Pressure— 52% responded “Every day.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Spend Time Making Repetitive Motions— 39% responded “Continually or almost continually.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 42% responded “Every day.” +Exposed to Hazardous Conditions— 51% responded “Every day.” +Level of Competition— 33% responded “Highly competitive.” +Spend Time Walking or Running— 39% responded “Less than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a month or more but not every week.” +E-Mail— 32% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 28% responded “Every day.” +Spend Time Bending or Twisting Your Body— 45% responded “Less than half the time.” +Conflict Situations— 35% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 44% responded “Every day.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Endoscopy Technicians +Histotechnologists +Medical and Clinical Laboratory Technicians +Medical Equipment Preparers +Ophthalmic Medical Technicians +Radiation Therapists +Radiologic Technologists and Technicians +Surgical Assistants","View the list of Allies +American Society of PeriAnesthesia Nurses +external site +Association of periOperative Registered Nurses +external site +National Surgical Assistant Association +external site +Society of Gastroenterology Nurses and Associates +external site +Pacific Coast Surgical Association +external site +Southwestern Surgical Congress +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +Association of Surgical Technologists +external site +Commission on Accreditation of Allied Health Education Programs +external site +International Association of Healthcare Central Service Materiel Management +external site +National Board of Surgical Technology and Surgical Assisting +external site +National Center for Competency Testing +external site",68,4,35,61,43,39,47,53,28,18,13,31,36,42,8,31,25,34,12,15,47,31,29,19,68,25,8,18,45,11,7,,6 +43-5051.00,Postal Service Clerks,https://www.onetonline.org/link/summary/43-5051.00,2025-06-11T19:16:27.873621,"Weigh letters and parcels, compute mailing costs based on type, weight, and destination, and affix correct postage. +Check mail to ensure correct postage and that packages and letters are in proper condition for mailing. +Sort incoming and outgoing mail, according to type and destination, by hand or by operating electronic mail-sorting and scanning devices. +Obtain signatures from recipients of registered or special delivery mail. +Answer questions regarding mail regulations and procedures, postage rates, and post office boxes. +Transport mail from one work station to another. +Sell and collect payment for products such as stamps, prepaid mail envelopes, and money orders. +Keep money drawers in order, and record and balance daily transactions. +Register, certify, and insure letters and parcels. +Complete forms regarding changes of address, or theft or loss of mail, or for special services such as registered or priority mail. +Receive letters and parcels, and place mail into bags. +Put undelivered parcels away, retrieve them when customers come to claim them, and complete any related documentation. +Respond to complaints regarding mail theft, delivery problems, and lost or damaged mail, filling out forms and making appropriate referrals for investigation. +Provide assistance to the public in complying with federal regulations of Postal Service and other federal agencies. +Rent post office boxes to customers. +Provide customers with assistance in filing claims for mail theft, or lost or damaged mail. +Feed mail into postage canceling devices or hand stamp mail to cancel postage. +Cash money orders. +Order retail items and other supplies for office use. +Stock lobby with retail merchandise.","Accounting software— Budgeting software +Enterprise resource planning ERP software— Delivery operations information system DOIS +Human resources software— Time and Attendance Collection System TACS +Inventory management software— Inventory tracking software +Operating system software— Microsoft Windows +Point of sale POS software— NCR Advanced Store +Time accounting software— Electronic Time Clock ETC","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Sell products or services. +Collect deposits, payments or fees. +Calculate shipping costs. +Weigh parcels to determine shipping costs. +Maintain financial or account records. +Verify shipping documentation. +Arrange insurance coverage. +Prepare documentation for contracts, transactions, or regulatory compliance. +Prepare outgoing mail. +Sort mail. +Receive shipments. +Store items. +Obtain written authorization to perform activities. +Refer customers to appropriate personnel. +Respond to customer problems or complaints. +Explain regulations, policies, or procedures. +Assist individuals with paperwork. +Deliver items. +Load materials or equipment. +Execute sales or other financial transactions. +Order materials, supplies, or equipment.","Contact With Others— 90% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 78% responded “Extremely important.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Spend Time Standing— 52% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 44% responded “Extremely important.” +Spend Time Making Repetitive Motions— 37% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Telephone Conversations— 62% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 57% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Time Pressure— 62% responded “Every day.” +Duration of Typical Work Week— 66% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Frequency of Decision Making— 48% responded “Every day.” +Conflict Situations— 32% responded “Every day.” +Spend Time Bending or Twisting Your Body— 32% responded “More than half the time.” +Exposed to Contaminants— 43% responded “Every day.” +Freedom to Make Decisions— 24% responded “No freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Not important at all.” +Work Outcomes and Results of Other Workers— 33% responded “Limited responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cargo and Freight Agents +Bright Outlook +Couriers and Messengers +Mail Clerks and Mail Machine Operators, Except Postal Service +Office Clerks, General +Order Clerks +Postal Service Mail Carriers +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Postmasters and Mail Superintendents +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers","View the list of Allies +Association for Postal Commerce +external site +American Postal Workers Union, AFL-CIO +external site +National Association of Letter Carriers +external site",74,4,46,60,59,49,48,42,51,33,51,35,11,50,11,26,29,30,13,50,34,14,22,28,11,21,9,13,3,15,19,3,5 +29-1299.02,Orthoptists,https://www.onetonline.org/link/summary/29-1299.02,2025-06-11T19:07:38.223500,"Examine patients with problems related to ocular motility, binocular vision, amblyopia, or strabismus. +Evaluate, diagnose, or treat disorders of the visual system with an emphasis on binocular vision or abnormal eye movements. +Provide instructions to patients or family members concerning diagnoses or treatment plans. +Perform diagnostic tests or measurements, such as motor testing, visual acuity testing, lensometry, retinoscopy, and color vision testing. +Provide nonsurgical interventions, including corrective lenses, patches, drops, fusion exercises, or stereograms, to treat conditions such as strabismus, heterophoria, and convergence insufficiency. +Develop nonsurgical treatment plans for patients with conditions such as strabismus, nystagmus, and other visual disorders. +Interpret clinical or diagnostic test results. +Develop or use special test and communication techniques to facilitate diagnosis and treatment of children or patients with disabilities. +Provide training related to clinical methods or orthoptics to students, resident physicians, or other health professionals. +Refer patients to ophthalmic surgeons or other physicians. +Prepare diagnostic or treatment reports for other medical practitioners or therapists. +Collaborate with ophthalmologists, optometrists, or other specialists in the diagnosis, treatment, or management of conditions such as glaucoma, cataracts, and retinal diseases. +Perform vision screening of children in schools or community health centers. +Present or publish scientific papers. +Participate in clinical research projects. +Assist ophthalmologists in diagnostic ophthalmic procedures, such as ultrasonography, fundus photography, and tonometry.","Computer based training software— Computer perceptual processing software; SeeRite Flash and Match +Electronic mail software— Email software +Medical software— Computer Aided Vision Therapy CAVT; HTS Vision CVS2; MAX Systems Max-Gold Medical Clinic Software; Therapeutic orthoptic software;1 more +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Eye Tracking Exercises Enterprises Track with Letters; Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Test patient vision. +Treat chronic diseases or disorders. +Diagnose medical conditions. +Examine patients to assess general physical condition. +Explain medical procedures or test results to patients or family members. +Develop medical treatment plans. +Analyze test data or images to inform diagnosis or treatment. +Develop health assessment methods or programs. +Train medical providers. +Prepare reports summarizing patient diagnostic or care activities. +Refer patients to other healthcare practitioners or health resources. +Collaborate with healthcare professionals to plan or provide treatment. +Present medical research reports. +Conduct research to increase knowledge about medical issues. +Assist healthcare practitioners during examinations or treatments.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Work With or Contribute to a Work Group or Team— 70% responded “Extremely important.” +E-Mail— 71% responded “Every day.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Telephone Conversations— 65% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Physical Proximity— 63% responded “Very close (near touching).” +Exposed to Disease or Infections— 52% responded “Every day.” +Deal With External Customers or the Public in General— 68% responded “Extremely important.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Frequency of Decision Making— 63% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Written Letters and Memos— 44% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Spend Time Sitting— 46% responded “More than half the time.” +Time Pressure— 44% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 33% responded “Very important.” +Duration of Typical Work Week— 75% responded “40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Every day.” +Spend Time Making Repetitive Motions— 42% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 26% responded “High responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Dermatologists +Bright Outlook +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Ophthalmologists, Except Pediatric +Optometrists +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians +Physician Assistants","View the list of Allies +American Academy of Ophthalmic Professionals +external site +American Academy of Pediatrics +external site +American Association for Pediatric Ophthalmology and Strabismus +external site +American Association of Certified Orthoptists +external site +International Orthoptic Association +external site +World Society of Paediatric Ophthalmology and Strabismus +external site +International Joint Commission on Allied Health Personal in Ophthalmology +external site",69,,12,81,46,32,28,69,40,8,6,30,20,33,20,14,27,18,14,8,59,47,33,16,81,7,,40,56,6,8,1,4 +29-1181.00,Audiologists,https://www.onetonline.org/link/summary/29-1181.00,2025-06-11T19:06:26.840345,"Maintain patient records at all stages, including initial and subsequent evaluation and treatment activities. +Evaluate hearing and balance disorders to determine diagnoses and courses of treatment. +Fit, dispense, and repair assistive devices, such as hearing aids. +Administer hearing tests and examine patients to collect information on type and degree of impairment, using specialized instruments and electronic equipment. +Monitor patients' progress and provide ongoing observation of hearing or balance status. +Instruct patients, parents, teachers, or employers in communication strategies to maximize effective receptive communication. +Counsel and instruct patients and their families in techniques to improve hearing and communication related to hearing loss. +Refer patients to additional medical or educational services, if needed. +Participate in conferences or training to update or share knowledge of new hearing or balance disorder treatment methods or technologies. +Examine and clean patients' ear canals. +Recommend assistive devices according to patients' needs or nature of impairments. +Advise educators or other medical staff on hearing or balance topics. +Program and monitor cochlear implants to fit the needs of patients. +Educate and supervise audiology students and health care personnel. +Plan and conduct treatment programs for patients' hearing or balance problems, consulting with educators, physicians, nurses, psychologists, speech-language pathologists, and other health care personnel, as necessary. +Work with multidisciplinary teams to assess and rehabilitate recipients of implanted hearing devices through auditory training and counseling. +Conduct or direct research on hearing or balance topics and report findings to help in the development of procedures, technology, or treatments. +Perform administrative tasks, such as managing office functions and finances. +Provide information to the public on hearing or balance topics. +Engage in marketing activities, such as developing marketing plans, to promote business for private practices. +Measure noise levels in workplaces and conduct hearing conservation programs in industry, military, schools, and communities. +Develop and supervise hearing screening programs.","Customer relationship management CRM software +Electronic mail software— Microsoft Outlook +Medical software— eClinicalWorks EHR software; Epic Systems; Healthcare common procedure coding system HCPCS; Vestibular Technologies ScreenTRAK;18 more +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Record patient medical histories. +Analyze test data or images to inform diagnosis or treatment. +Adjust prostheses or other assistive devices. +Examine patients to assess general physical condition. +Operate diagnostic or therapeutic medical instruments or equipment. +Test patient hearing. +Monitor patient progress or responses to treatments. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Maintain medical or professional knowledge. +Refer patients to other healthcare practitioners or health resources. +Administer basic health care or medical treatments. +Advise medical personnel regarding healthcare issues. +Recommend types of assistive devices. +Enter patient or treatment data into computers. +Collaborate with healthcare professionals to plan or provide treatment. +Develop medical treatment plans. +Supervise patient care personnel. +Train medical providers. +Conduct research to increase knowledge about medical issues. +Present medical research reports. +Manage healthcare operations. +Communicate health and wellness information to the public. +Conduct health or safety training programs. +Inspect work environments to ensure safety. +Merchandise healthcare products or services. +Develop health assessment methods or programs.","E-Mail— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Contact With Others— 77% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Freedom to Make Decisions— 68% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Physical Proximity— 75% responded “Very close (near touching).” +Frequency of Decision Making— 68% responded “Every day.” +Written Letters and Memos— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Exposed to Disease or Infections— 43% responded “Every day.” +Spend Time Sitting— 55% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Continually or almost continually.” +Duration of Typical Work Week— 68% responded “40 hours.” +Time Pressure— 32% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Health and Safety of Other Workers— 33% responded “Limited responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a month or more but not every week.” +Level of Competition— 50% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 30% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Science— Using scientific rules and methods to solve problems.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Emergency Medicine Physicians +Hearing Aid Specialists +Bright Outlook +Neurologists +Occupational Therapists +Ophthalmologists, Except Pediatric +Optometrists +Pediatric Surgeons +Pediatricians, General +Physical Medicine and Rehabilitation Physicians +Speech-Language Pathologists","View the list of Allies +Academy of Doctors of Audiology +external site +Acoustical Society of America +external site +American Academy of Audiology +external site +American Academy of Otolaryngology - Head and Neck Surgery +external site +American Speech-Language-Hearing Association +external site +American Tinnitus Association +external site +Audiological Resource Association +external site +Educational Audiology Association +external site +International Hearing Society +external site +National Hearing Conservation Association +external site +The American Auditory Society +external site +American Board of Audiology +external site",95,,26,80,50,60,38,73,67,58,77,55,24,77,23,43,45,33,16,13,83,90,44,41,82,48,4,37,74,23,6,2,2 +41-9022.00,Real Estate Sales Agents,https://www.onetonline.org/link/summary/41-9022.00,2025-06-11T19:14:48.041646,"Prepare documents such as representation contracts, purchase agreements, closing statements, deeds, and leases. +Present purchase offers to sellers for consideration. +Act as an intermediary in negotiations between buyers and sellers, generally representing one or the other. +Generate lists of properties that are compatible with buyers' needs and financial resources. +Confer with escrow companies, lenders, home inspectors, and pest control operators to ensure that terms and conditions of purchase agreements are met before closing dates. +Promote sales of properties through advertisements, open houses, and participation in multiple listing services. +Compare a property with similar properties that have recently sold to determine its competitive market price. +Coordinate property closings, overseeing signing of documents and disbursement of funds. +Interview clients to determine what kinds of properties they are seeking. +Contact previous clients for prospecting of referral business. +Review property listings, trade journals, and relevant literature, and attend conventions, seminars, and staff and association meetings, to remain knowledgeable about real estate markets. +Answer clients' questions regarding construction work, financing, maintenance, repairs, and appraisals. +Coordinate appointments to show homes to prospective buyers. +Contact property owners and advertise services to solicit property sales listings. +Advise sellers on how to make homes more appealing to potential buyers. +Advise clients on market conditions, prices, mortgages, legal requirements, and related matters. +Display commercial, industrial, agricultural, and residential properties to clients and explain their features. +Accompany buyers during visits to and inspections of property, advising them on the suitability and value of the homes they are visiting. +Arrange for title searches to determine whether clients have clear property titles. +Develop networks of attorneys, mortgage lenders, and contractors to whom clients may be referred. +Review plans for new construction with clients, enumerating and recommending available options and features. +Inspect condition of premises, and arrange for necessary maintenance or notify owners of maintenance needs. +Visit properties to assess them before showing them to clients. +Investigate clients' financial and credit status to determine eligibility for financing. +Evaluate mortgage options to help clients obtain financing at the best prevailing rates and terms. +Appraise properties to determine loan values. +Contact utility companies for service hookups to clients' property. +Solicit and compile listings of available rental properties. +Conduct seminars and training sessions for sales agents to improve sales techniques. +Arrange meetings between buyers and sellers when details of transactions need to be negotiated. +Rent or lease properties on behalf of clients. +Secure construction or purchase financing with own firm or mortgage company. +Locate and appraise undeveloped areas for building sites, based on evaluations of area market conditions.","Accounting software— Fund accounting software; Intuit QuickBooks; OWL Bookkeeping for Realtors; Tax software +Analytical or scientific software— Home rating software +Calendar and scheduling software— Scheduling software; Showing Suite Showing Calendar +Cloud-based data access and sharing software— Google Drive +Customer relationship management CRM software— DataBasix Technologies Lead Commander; Microsoft Dynamics; RealtyStar Real Estate Assistant; TopProducer;4 more +Data base reporting software— iKorb Real Estate; Internet based MLS database software; National Association of Realtors Online Database; Realtors Property Resource RPR +Data base user interface and query software— Front Desk; Showing Suite real estate software; Xactware Xactimate; Yardi software;5 more +Data mining software— eGrabber ListGrabber +Desktop publishing software— Digital contract software; Microsoft Publisher +Document management software— Adobe Acrobat; DocuSign eSignature +Electronic mail software— Email software; Microsoft Outlook +Expert system software— CMA Stuffers; ProForce Ultimate Brochures; Reveal Systems Truewire; RPIS Silent Flyer;6 more +Financial analysis software— Real estate application contract transmission REACT software; RealData Comparative Lease Analysis; TimeValue software; Wheatworks Real Estate Calculator Suite;8 more +Geographic information system— Geographic information system GIS software +Graphics or photo imaging software— Canva; Easypano Tourweaver; Iseemedia Photovista Panorama; The IPIX Real Estate Wizard hometour360 Wizard;1 more +Internet browser software +Map creation software— DeLorme Topo USA; FloodMaps; Greenbrier Graphics Deed Plotter +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software; RealtyStar AgentOffice +Presentation software— Microsoft PowerPoint; Moxi Works MoxiPresent; Reality Star ProAGENT Power Series Presentations +Project management software— Microsoft Project; Microsoft Teams; Telluride Software Classic Trak-It +Route navigation software— Garmin City Select; Navigation software +Sales and marketing software— Google Ads; Moxi Works MoxiImpress +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Video conferencing software— FaceTime; Zoom +Video creation and editing software— Loom; Panorama Technologies ModelWeaver +Voice recognition software— General Magic Portico +Web page creation and editing software— Facebook; LinkedIn; MediaVue; Social media sites;1 more +Word processing software— Google Docs; HUD-1 software; Microsoft Word","Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Negotiate prices or other sales terms. +Prepare sales or other contracts. +Obtain property information. +Coordinate activities with suppliers, contractors, clients, or other departments. +Develop content for sales presentations or other materials. +Appraise property values. +Coordinate legal schedules or activities. +Gather customer or product information to determine customer needs. +Contact current or potential customers to promote products or services. +Identify potential customers. +Advise real estate clients. +Schedule appointments with prospective customers. +Attend events to develop professional knowledge. +Deliver promotional presentations to current or prospective customers. +Explain technical product or service information to customers. +Develop professional relationships or networks. +Verify customer credit information. +Develop proposals for current or prospective customers. +Recommend products or services to customers. +Examine condition of property or products. +Arrange delivery of goods or services. +Train sales personnel. +Contract real estate to clients. +Direct fundraising or financing activities. +Identify investment opportunities or strategies.","E-Mail— 100% responded “Every day.” +Contact With Others— 95% responded “Constant contact with others.” +Telephone Conversations— 95% responded “Every day.” +Level of Competition— 85% responded “Extremely competitive.” +Determine Tasks, Priorities and Goals— 81% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Freedom to Make Decisions— 67% responded “A lot of freedom.” +Time Pressure— 62% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 81% responded “Every day.” +Duration of Typical Work Week— 76% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Frequency of Decision Making— 45% responded “Every day.” +Written Letters and Memos— 53% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Indoors, Environmentally Controlled— 53% responded “Every day.” +Deal With External Customers or the Public in General— 38% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Physical Proximity— 53% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 32% responded “Very important.” +Consequence of Error— 35% responded “Very serious.” +Outdoors, Exposed to All Weather Conditions— 32% responded “Once a month or more but not every week.” +Conflict Situations— 43% responded “Once a month or more but not every week.” +Spend Time Sitting— 57% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Negotiation— Bringing others together and trying to reconcile differences. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Appraisers and Assessors of Real Estate +Appraisers of Personal and Business Property +Counter and Rental Clerks +Insurance Sales Agents +Bright Outlook +Loan Officers +Personal Financial Advisors +Property, Real Estate, and Community Association Managers +Real Estate Brokers +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +National Association of Realtors +external site +Residential Real Estate Council +external site +CCIM Institute +external site +Women's Council of Realtors +external site",96,4,22,84,61,68,46,53,69,56,93,36,8,61,23,74,61,28,19,43,53,28,36,41,5,25,60,10,11,31,41,13,14 +47-5043.00,"Roof Bolters, Mining",https://www.onetonline.org/link/summary/47-5043.00,2025-06-11T19:20:48.801337,"Drill bolt holes into roofs at specified distances from ribs or adjacent bolts. +Pull down loose rock that cannot be supported. +Position bolting machines, and insert drill bits into chucks. +Perform safety checks on equipment before operating. +Perform tests to determine if methane gas is present. +Force bolts into holes, using hydraulic mechanisms of self-propelled bolting machines. +Perform ventilation tasks, such as hanging ventilation curtains and tubes. +Dust rocks after bolting. +Install various types of bolts, including truss, glue, and resin bolts, traversing entire ceiling spans. +Drill test holes and test bolts for specified tension, using torque wrenches. +Position safety jacks to support underground mine roofs until bolts can be installed. +Rotate chucks to turn bolts and open expansion heads against rock formations. +Remove drill bits from chucks after drilling holes, and insert bolts into chucks. +Tighten ends of anchored truss bolts, using turnbuckles. +Check roof or ribs for hazardous conditions. +Clean equipment, such as dust collectors.","Enterprise resource planning ERP software— Caterpillar Cat MineStar System +Industrial control software— Caterpillar Command","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Install equipment attachments or components. +Break up rock, asphalt, or concrete. +Drill holes in earth or rock. +Position construction or extraction equipment. +Install safety or support equipment. +Inspect equipment or tools to be used in construction or excavation. +Test air quality at work sites. +Install metal structural components. +Operate mining equipment. +Inspect completed work to ensure proper installation. +Position safety or support equipment. +Assemble temporary equipment or structures.","Duration of Typical Work Week— 99% responded “More than 40 hours.” +Exposed to Contaminants— 98% responded “Every day.” +Exposed to Hazardous Equipment— 99% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 99% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Spend Time Making Repetitive Motions— 96% responded “Continually or almost continually.” +Spend Time Standing— 96% responded “Continually or almost continually.” +Health and Safety of Other Workers— 86% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 93% responded “Every day.” +Time Pressure— 88% responded “Every day.” +Exposed to Hazardous Conditions— 85% responded “Every day.” +Pace Determined by Speed of Equipment— 84% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 63% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 11% responded “Very important.” +Exposed to Cramped Work Space, Awkward Positions— 55% responded “Every day.” +Contact With Others— 56% responded “Constant contact with others.” +Indoors, Not Environmentally Controlled— 87% responded “Every day.” +Spend Time Walking or Running +Exposed to Whole Body Vibration— 59% responded “Every day.” +Physical Proximity— 58% responded “Moderately close (at arm's length).” +Importance of Being Exact or Accurate— 49% responded “Extremely important.” +Consequence of Error— 41% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 42% responded “Very high responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 51% responded “Every day.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +Frequency of Decision Making— 61% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 62% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 27% responded “Every day.” +Conflict Situations— 38% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Every day.” +Spend Time Keeping or Regaining Balance— 34% responded “Continually or almost continually.” +Level of Competition— 40% responded “Extremely competitive.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 55% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Far Vision— The ability to see details at a distance. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Continuous Mining Machine Operators +Earth Drillers, Except Oil and Gas +Explosives Workers, Ordnance Handling Experts, and Blasters +Helpers--Extraction Workers +Hoist and Winch Operators +Reinforcing Iron and Rebar Workers +Riggers +Rotary Drill Operators, Oil and Gas +Structural Iron and Steel Workers","View the list of Allies +National Mining Association +external site",38,2,67,41,30,49,61,63,21,16,29,38,20,27,5,49,16,61,1,37,15,9,5,22,9,37,26,18,7,32,24,,2 +53-7021.00,Crane and Tower Operators,https://www.onetonline.org/link/summary/53-7021.00,2025-06-11T19:30:23.889171,"Determine load weights and check them against lifting capacities to prevent overload. +Move levers, depress foot pedals, or turn dials to operate cranes, cherry pickers, electromagnets, or other moving equipment for lifting, moving, or placing loads. +Inspect and adjust crane mechanisms or lifting accessories to prevent malfunctions or damage. +Inspect cables or grappling devices for wear and install or replace cables, as needed. +Direct helpers engaged in placing blocking or outrigging under cranes. +Clean, lubricate, and maintain mechanisms such as cables, pulleys, or grappling devices, making repairs, as necessary. +Load or unload bundles from trucks, or move containers to storage bins, using moving equipment. +Review daily work or delivery schedules to determine orders, sequences of deliveries, or special loading instructions. +Inspect bundle packaging for conformance to regulations or customer requirements, and remove and batch packaging tickets. +Direct truck drivers backing vehicles into loading bays and cover, uncover, or secure loads for delivery. +Weigh bundles, using floor scales, and record weights for company records. +Inspect crane site conditions to determine ground stability.","Electronic mail software— Microsoft Outlook +Industrial control software— Crane operation control software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Weigh materials to ensure compliance with specifications. +Verify information or specifications. +Operate cranes, hoists, or other moving or lifting equipment. +Inspect material-moving equipment to detect problems. +Maintain material moving equipment in good working condition. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Direct material handling or moving activities. +Clean machinery or equipment. +Load shipments, belongings, or materials. +Inspect work to ensure standards are met. +Review work orders or schedules to determine operations or procedures. +Secure cargo. +Signal others to coordinate vehicle movement. +Record operational or production data.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Health and Safety of Other Workers— 79% responded “Very high responsibility.” +Contact With Others— 77% responded “Constant contact with others.” +Duration of Typical Work Week— 78% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 75% responded “Every day.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Exposed to Contaminants— 68% responded “Every day.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Frequency of Decision Making— 62% responded “Every day.” +Consequence of Error— 52% responded “Extremely serious.” +Exposed to Hazardous Equipment— 70% responded “Every day.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Exposed to Very Hot or Cold Temperatures— 49% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 58% responded “Every day.” +Time Pressure— 40% responded “Every day.” +Exposed to High Places— 47% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 49% responded “Every day.” +Pace Determined by Speed of Equipment— 53% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 42% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 38% responded “Continually or almost continually.” +Telephone Conversations— 42% responded “Every day.” +Spend Time Sitting— 29% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 43% responded “Every day.” +Written Letters and Memos— 29% responded “Every day.” +Outdoors, Under Cover— 28% responded “Once a week or more but not every day.” +In an Open Vehicle or Operating Equipment— 39% responded “Once a week or more but not every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Continuous Mining Machine Operators +Excavating and Loading Machine and Dragline Operators, Surface Mining +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Loading and Moving Machine Operators, Underground Mining +Mobile Heavy Equipment Mechanics, Except Engines +Bright Outlook +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators +Riggers +Tank Car, Truck, and Ship Loaders","View the list of Allies +International Longshoremen's Association +external site +MHI +external site +Warehousing Education and Research Council +external site +Crane Certification Association of America +external site +Crane Institute of America +external site +International Union of Operating Engineers +external site +National Commission for the Certification of Crane Operators +external site +United Steelworkers +external site",30,4,39,48,50,37,44,40,23,12,13,26,13,34,9,17,21,64,6,48,18,14,7,29,11,35,43,33,6,33,12,3,5 +51-4071.00,Foundry Mold and Coremakers,https://www.onetonline.org/link/summary/51-4071.00,2025-06-11T19:25:09.275538,"Clean and smooth molds, cores, and core boxes, and repair surface imperfections. +Sift and pack sand into mold sections, core boxes, and pattern contours, using hand or pneumatic ramming tools. +Position patterns inside mold sections, and clamp sections together. +Position cores into lower sections of molds, and reassemble molds for pouring. +Sprinkle or spray parting agents onto patterns and mold sections to facilitate removal of patterns from molds. +Form and assemble slab cores around patterns, and position wire in mold sections to reinforce molds, using hand tools and glue. +Move and position workpieces, such as mold sections, patterns, and bottom boards, using cranes, or signal others to move workpieces. +Lift upper mold sections from lower sections, and remove molded patterns. +Cut spouts, runner holes, and sprue holes into molds. +Tend machines that bond cope and drag together to form completed shell molds. +Rotate sweep boards around spindles to make symmetrical molds for convex impressions. +Pour molten metal into molds, manually or with crane ladles. +Operate ovens or furnaces to bake cores or to melt, skim, and flux metal.","Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; PTC Creo Parametric +Computer aided manufacturing CAM software— CNC Software Mastercam +Industrial control software— Machine control software +Inventory management software— Inventory tracking software","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Clean production equipment. +Smooth metal surfaces or edges. +Build production molds. +Place materials into molds. +Position patterns on equipment, materials, or workpieces. +Apply parting agents or other solutions to molds. +Lift materials or workpieces using cranes or other lifting equipment. +Signal others to coordinate work activities. +Operate heating or drying equipment. +Cut industrial materials in preparation for fabrication or processing. +Remove workpieces from molds.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Indoors, Not Environmentally Controlled— 97% responded “Every day.” +Exposed to Contaminants— 97% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 80% responded “Every day.” +Duration of Typical Work Week— 81% responded “More than 40 hours.” +Spend Time Standing— 79% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 74% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Exposed to Hazardous Equipment— 71% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Time Pressure— 48% responded “Every day.” +Spend Time Making Repetitive Motions— 22% responded “Less than half the time.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Exposed to Hazardous Conditions— 56% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 55% responded “Every day.” +Work Outcomes and Results of Other Workers— 20% responded “Moderate responsibility.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Pace Determined by Speed of Equipment— 39% responded “Extremely important.” +Frequency of Decision Making— 31% responded “Never.” +Health and Safety of Other Workers— 38% responded “Moderate responsibility.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 44% responded “Every day.” +Physical Proximity— 33% responded “Slightly close (e.g., shared office).” +In an Open Vehicle or Operating Equipment— 25% responded “Never.” +Spend Time Walking or Running— 41% responded “Less than half the time.” +Level of Competition— 59% responded “Moderately competitive.” +Consequence of Error— 27% responded “Fairly serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Important.” +Spend Time Bending or Twisting Your Body— 32% responded “Less than half the time.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Fiberglass Laminators and Fabricators +Grinding and Polishing Workers, Hand +Molders, Shapers, and Casters, Except Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Refractory Materials Repairers, Except Brickmasons +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +American Foundry Society +external site +Association for Manufacturing Technology +external site +Ductile Iron Society +external site +Fabricators and Manufacturers Association +external site +Investment Casting Institute +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +Foundry Educational Foundation +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",40,15,57,60,42,56,49,57,44,39,40,36,50,28,24,27,20,59,24,29,34,17,30,25,17,51,46,54,17,52,19,16,18 +11-9171.00,Funeral Home Managers,https://www.onetonline.org/link/summary/11-9171.00,2025-06-11T18:48:39.778318,"Consult with families or friends of the deceased to arrange funeral details, such as obituary notice wording, casket selection, or plans for services. +Schedule funerals, burials, or cremations. +Deliver death certificates to medical facilities or offices to obtain signatures from legally authorized persons. +Offer counsel and comfort to families and friends of the deceased. +Monitor funeral service operations to ensure that they comply with applicable policies, regulations, and laws. +Direct and supervise work of embalmers, funeral attendants, death certificate clerks, cosmetologists, or other staff. +Complete and maintain records, such as state-required documents, tracking documents, or product inventories. +Sell funeral services, products, or merchandise to clients. +Plan and implement changes to service offerings to meet community needs or increase funeral home revenues. +Respond to customer complaints, legal inquiries, payment negotiations, or other post-service matters. +Negotiate contracts for prearranged funeral services. +Explain goals, policies, or procedures to staff members. +Schedule work hours for funeral home or contract employees. +Set prices or credit terms for funeral products or services. +Review financial statements, sales or activity reports, or other performance data to identify opportunities for cost reductions or service improvements. +Interview and hire new employees. +Identify skill development needs for funeral home staff. +Direct or monitor administrative, support, repair, or maintenance services for funeral homes. +Set marketing, sales, or other financial goals for funeral service establishments and monitor progress toward these goals. +Attend or make presentations at community events to promote funeral home services or build community relationships. +Evaluate the performance of vendors, contract employees, or other service providers to ensure quality and cost-efficiency. +Conduct market research and analyze industry trends. +Plan and implement sales promotions or other marketing strategies and activities for funeral home operations.","Accounting software— Financial reporting software +Data base user interface and query software— FPA Software MACCS; HMIS Advantage; Mortware Professional; Twin Tiers Technologies CIMS;2 more +Electronic mail software— Email software; Microsoft Outlook +Human resources software— iCIMS Talent Cloud software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— funeralOne Life Tributes; Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— CodeJam MemoriesOnTV +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Advise customers on technical or procedural issues. +Schedule activities or facility use. +Complete documentation required by programs or regulations. +Coordinate regulatory documentation activities. +Deliver items. +Provide counsel, comfort, or encouragement to individuals or families. +Monitor organizational compliance with regulations. +Supervise employees. +Maintain operational records. +Prepare reports related to compliance matters. +Promote products, services, or programs. +Implement organizational process or policy changes. +Develop operating strategies, plans, or procedures. +Resolve customer complaints or problems. +Communicate organizational policies and procedures. +Negotiate sales or lease agreements for products or services. +Prepare staff schedules or work assignments. +Determine pricing or monetary policies. +Analyze data to inform operational decisions or activities. +Analyze financial records to improve efficiency. +Hire personnel. +Interview employees, customers, or others to collect information. +Evaluate capabilities or training needs. +Direct facility maintenance or repair activities. +Develop organizational goals or objectives. +Establish interpersonal business relationships to facilitate work activities. +Monitor performance of organizational members or partners. +Analyze market research data. +Develop marketing plans or strategies.","Telephone Conversations— 100% responded “Every day.” +E-Mail— 86% responded “Every day.” +Contact With Others— 85% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 79% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 79% responded “Every day.” +Deal With External Customers or the Public in General— 79% responded “Extremely important.” +Frequency of Decision Making— 72% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Freedom to Make Decisions— 74% responded “A lot of freedom.” +Physical Proximity— 49% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Time Pressure— 57% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Duration of Typical Work Week— 67% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Exposed to Disease or Infections— 46% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 41% responded “High responsibility.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Consequence of Error— 54% responded “Extremely serious.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 56% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 47% responded “Moderate responsibility.” +Public Speaking— 48% responded “Once a week or more but not every day.” +Exposed to Contaminants— 49% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 55% responded “Once a week or more but not every day.” +Conflict Situations— 58% responded “Once a month or more but not every week.” +Spend Time Standing— 61% responded “About half the time.” +Spend Time Sitting— 50% responded “About half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 47% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 34% responded “Once a week or more but not every day.” +Level of Competition— 38% responded “Highly competitive.”","Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Services Managers +Bright Outlook +Crematory Operators +Embalmers +First-Line Supervisors of Personal Service Workers +Funeral Attendants +General and Operations Managers +Morticians, Undertakers, and Funeral Arrangers +Patient Representatives +Residential Advisors +Social and Community Service Managers","View the list of Allies +Cremation Association of North America +external site +International Cemetery, Cremation and Funeral Association +external site +Jewish Funeral Directors of America +external site +National Funeral Directors and Morticians Association +external site +National Funeral Directors Association +external site +Academy of Professional Funeral Service Practice +external site +American Board of Funeral Service Education +external site",92,,30,82,53,85,42,54,76,69,65,64,44,60,16,52,50,31,39,40,65,43,48,34,32,12,6,14,54,16,20,4,6 +17-3028.00,Calibration Technologists and Technicians,https://www.onetonline.org/link/summary/17-3028.00,2025-06-11T18:55:34.279071,"Analyze test data to identify defects or determine calibration requirements. +Attend conferences, workshops, or other training sessions to learn about new tools or methods. +Calibrate devices by comparing measurements of pressure, temperature, humidity, or other environmental conditions to known standards. +Conduct calibration tests to determine performance or reliability of mechanical, structural, or electromechanical equipment. +Develop new calibration methods or techniques based on measurement science, analyses, or calibration requirements. +Disassemble and reassemble equipment for inspection. +Draw plans for developing jigs, fixtures, instruments, or other devices. +Maintain or repair measurement devices or equipment used for calibration testing. +Operate metalworking machines to fabricate housings, jigs, fittings, or fixtures. +Order replacement parts for malfunctioning equipment. +Plan sequences of calibration tests according to equipment specifications and scientific principles. +Read blueprints, schematics, diagrams, or technical orders. +Verify part dimensions or clearances using precision measuring instruments to ensure conformance to specifications. +Visually inspect equipment to detect surface defects. +Write and submit reports about the results of calibration tests.","Analytical or scientific software— Minitab; The MathWorks MATLAB +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Dassault Systemes SolidWorks +Development environment software— National Instruments LabVIEW +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Linux +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Analyze project data to determine specifications or requirements. +Calibrate scientific or technical equipment. +Develop technical methods or processes. +Disassemble equipment to inspect for deficiencies. +Draw detailed or technical illustrations. +Evaluate characteristics of products. +Fabricate products or components using machine tools. +Inspect condition or functioning of facilities or equipment. +Inspect finished products to locate flaws. +Maintain test equipment. +Order materials, supplies, or equipment. +Prepare detailed work plans. +Reassemble equipment after repair. +Repair precision devices or workpieces. +Review blueprints or specifications to determine work requirements. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Update technical knowledge. +Write reports or evaluations.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Automotive Engineering Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electro-Mechanical and Mechatronics Technologists and Technicians +Electromechanical Equipment Assemblers +Inspectors, Testers, Sorters, Samplers, and Weighers +Mechanical Engineering Technologists and Technicians +Medical Equipment Repairers +Robotics Technicians","View the list of Allies +American Indian Science and Engineering Society +external site +American National Standards Institute +external site +American Society for Quality +external site +Association for Materials Protection and Performance +external site +ASTM International +external site +Institute of Environmental Sciences and Technology +external site +Institute of Physics +external site +National Institute of Standards and Technology +external site +NCSL International +external site +Precision Metalforming Association +external site +Society for Industrial and Applied Mathematics +external site +Midwest Association of Technical Accident Investigators +external site +Northwest Association of Networked Ocean Observing Systems +external site +Southeastern Association of Fish and Wildlife Agencies +external site +Southwestern Association of Technical Accident Investigators +external site +Western Association of Map Libraries +external site +Western Society of Naturalists +external site +American Association for Laboratory Accreditation +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +43-3011.00,Bill and Account Collectors,https://www.onetonline.org/link/summary/43-3011.00,2025-06-11T19:15:07.377393,"Record information about financial status of customers and status of collection efforts. +Locate and notify customers of delinquent accounts by mail, telephone, or personal visits to solicit payment. +Locate and monitor overdue accounts, using computers and a variety of automated systems. +Arrange for debt repayment or establish repayment schedules, based on customers' financial situations. +Advise customers of necessary actions and strategies for debt repayment. +Answer customer questions regarding problems with their accounts. +Persuade customers to pay amounts due on credit accounts, damage claims, or nonpayable checks, or to return merchandise. +Confer with customers by telephone or in person to determine reasons for overdue payments and to review the terms of sales, service, or credit contracts. +Receive payments and post amounts paid to customer accounts. +Trace delinquent customers to new addresses by inquiring at post offices, telephone companies, credit bureaus, or through the questioning of neighbors. +Notify credit departments, order merchandise repossession or service disconnection, and turn over account records to attorneys when customers fail to respond to collection attempts. +Sort and file correspondence and perform miscellaneous clerical duties, such as answering correspondence and writing reports. +Perform various administrative functions for assigned accounts, such as recording address changes and purging the records of deceased customers. +Contact insurance companies to check on status of claims payments and write appeal letters for denial on claims. +Negotiate credit extensions when necessary.","Access software— CU Connect processing software +Accounting software— ADP Drive DMS for Accounting; Intuit QuickBooks; Oracle JD Edwards EnterpriseOne; Sage 50 Accounting +Categorization or classification software— Diagnostic and procedural coding software +Customer relationship management CRM software— ADS Advantage; Austin Logistics CallSelect; Microsoft Dynamics; Quantrax Intelec;7 more +Data base user interface and query software— Relational database software +Document management software— Document management system software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics GP; NetSuite ERP; SAP software +Information retrieval or search software— LexisNexis; LexisNexis Banko; TCI XML Credit Interface; W3 Data BatchAppend411 +Internet browser software— Web browser software +Medical software— Healthcare common procedure coding system HCPCS; Medical condition coding software; Medical procedure coding software; MEDITECH software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Optical character recognition OCR software +Point of sale POS software— Columbia Ultimate Remit; System Innovators +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— HMS +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Maintain financial or account records. +Monitor financial information. +Provide notifications to customers or patrons. +Negotiate financial arrangements. +Discuss account status or activity with customers or patrons. +Respond to customer problems or complaints. +Collect deposits, payments or fees. +Interview employees, customers, or others to collect information. +Obtain personal or financial information about customers or applicants. +Provide information to coworkers. +File documents or records. +Maintain medical records. +Sort mail.","Contact With Others— 94% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 78% responded “Every day.” +Spend Time Sitting— 64% responded “Continually or almost continually.” +Telephone Conversations— 80% responded “Every day.” +Importance of Repeating Same Tasks— 61% responded “Extremely important.” +Frequency of Decision Making— 77% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 75% responded “Very important results.” +Importance of Being Exact or Accurate— 51% responded “Extremely important.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +E-Mail— 62% responded “Every day.” +Time Pressure— 21% responded “Once a year or more but not every month.” +Face-to-Face Discussions with Individuals and Within Teams— 46% responded “Every day.” +Written Letters and Memos— 38% responded “Once a week or more but not every day.” +Conflict Situations— 40% responded “Every day.” +Level of Competition— 28% responded “Moderately competitive.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 61% responded “Some freedom.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Consequence of Error— 41% responded “Serious.” +Duration of Typical Work Week— 93% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Correspondence Clerks +Credit Authorizers, Checkers, and Clerks +Customer Service Representatives +Insurance Claims and Policy Processing Clerks +Order Clerks +Payroll and Timekeeping Clerks +Tax Examiners and Collectors, and Revenue Agents +Tellers","View the list of Allies +ACA International +external site +Healthcare Financial Management Association +external site +AAPC +external site",69,2,34,77,58,52,14,31,52,57,29,19,,53,26,56,31,2,2,2,21,3,15,23,3,7,4,,,3,7,,1 +25-1042.00,"Biological Science Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1042.00,2025-06-11T18:59:46.010411,"Evaluate and grade students' class work, laboratory work, assignments, and papers. +Prepare and deliver lectures to undergraduate or graduate students on topics such as molecular biology, marine biology, and botany. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Prepare materials for laboratory activities and course materials, such as syllabi, homework assignments, and handouts. +Initiate, facilitate, and moderate classroom discussions. +Supervise students' laboratory work. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Maintain student attendance records, grades, and other required records. +Compile, administer, and grade examinations, or assign this work to others. +Supervise undergraduate or graduate teaching, internship, and research work. +Assist students who need extra help with their coursework outside of class. +Advise students on academic and vocational curricula and on career issues. +Maintain regularly scheduled office hours to advise and assist students. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Collaborate with colleagues to address teaching and research issues. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Provide students course-related experiences, such as field trips, outside the classroom. +Write grant proposals to procure external research funding. +Review papers for publication in journals. +Participate in student recruitment, registration, and placement activities. +Maintain or repair lab equipment. +Perform administrative duties, such as serving as department head. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events, such as giving presentations to the public. +Act as advisers to student organizations. +Provide professional consulting services to government or industry. +Write letters of recommendation for students.","Analytical or scientific software— IBM SPSS Statistics; SAS; Statistical software; The MathWorks MATLAB;9 more +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— Blackboard software +Development environment software— National Instruments LabVIEW +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— Geographic information system GIS software +Graphics or photo imaging software— Graphics creation software +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Evaluate student work. +Teach physical science or mathematics courses at the college level. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Develop instructional materials. +Guide class discussions. +Supervise laboratory work. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Maintain student records. +Stay informed about current developments in field of specialization. +Administer tests to assess educational needs or progress. +Prepare tests. +Supervise student research or internship work. +Tutor students who need extra assistance. +Advise students on academic or career matters. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Plan experiential learning activities. +Write grant proposals. +Evaluate scholarly materials. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Maintain laboratory or technical equipment. +Direct department activities. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 99% responded “Every day.” +Freedom to Make Decisions— 96% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Duration of Typical Work Week— 94% responded “More than 40 hours.” +Public Speaking— 80% responded “Every day.” +Determine Tasks, Priorities and Goals— 71% responded “A lot of freedom.” +Contact With Others— 67% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Frequency of Decision Making— 53% responded “Every day.” +Time Pressure— 40% responded “Every day.” +Written Letters and Memos— 46% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 59% responded “Important results.” +Level of Competition— 35% responded “Moderately competitive.” +Telephone Conversations— 79% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 37% responded “Moderate responsibility.” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.” +Spend Time Sitting— 39% responded “About half the time.”","Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Sciences Teachers, Postsecondary +Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Chemistry Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Forestry and Conservation Science Teachers, Postsecondary +Health Specialties Teachers, Postsecondary +Bright Outlook +Mathematical Science Teachers, Postsecondary +Molecular and Cellular Biologists +Physics Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Physiological Society +external site +American Society for Microbiology +external site +American Society of Ichthyologists and Herpetologists +external site +Association for Biology Laboratory Education +external site +Council of Graduate Schools +external site +Council on Undergraduate Research +external site +Ecological Society of America +external site +Human Anatomy and Physiology Society +external site +National Association of Biology Teachers +external site +National Science Teaching Association +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Conservation Biology +external site +Society for Experimental Biology and Medicine +external site +The Society for Integrative and Comparative Biology +external site +Association of Southeastern Biologists +external site",30,1,14,85,79,41,31,77,56,21,13,40,77,69,12,22,52,31,29,19,47,28,36,22,54,48,15,49,100,15,50,10,27 +19-5011.00,Occupational Health and Safety Specialists,https://www.onetonline.org/link/summary/19-5011.00,2025-06-11T18:58:29.498444,"Recommend measures to help protect workers from potentially hazardous work methods, processes, or materials. +Develop or maintain hygiene programs, such as noise surveys, continuous atmosphere monitoring, ventilation surveys, or asbestos management plans. +Order suspension of activities that pose threats to workers' health or safety. +Investigate accidents to identify causes or to determine how such accidents might be prevented in the future. +Inspect or evaluate workplace environments, equipment, or practices to ensure compliance with safety standards and government regulations. +Collect samples of dust, gases, vapors, or other potentially toxic materials for analysis. +Collaborate with engineers or physicians to institute control or remedial measures for hazardous or potentially hazardous conditions or equipment. +Investigate the adequacy of ventilation, exhaust equipment, lighting, or other conditions that could affect employee health, comfort, or performance. +Conduct safety training or education programs and demonstrate the use of safety equipment. +Investigate health-related complaints and inspect facilities to ensure that they comply with public health legislation and regulations. +Write reports. +Inspect specified areas to ensure the presence of fire prevention equipment, safety equipment, or first-aid supplies. +Provide new-employee health and safety orientations and develop materials for these presentations. +Analyze incident data to identify trends in injuries, illnesses, accidents, or other hazards. +Maintain or update emergency response plans or procedures. +Coordinate ""right-to-know"" programs regarding hazardous chemicals or other substances. +Conduct audits at hazardous waste sites or industrial sites or participate in hazardous waste site investigations. +Develop or maintain medical monitoring programs for employees. +Collect samples of hazardous materials or arrange for sample collection. +Maintain inventories of hazardous materials or hazardous wastes, using waste tracking systems to ensure that materials are handled properly. +Prepare hazardous, radioactive, or mixed waste samples for transportation or storage by treating, compacting, packaging, and labeling them. +Perform laboratory analyses or physical inspections of samples to detect disease or to assess purity or cleanliness.","Compliance software— ESS Compliance Suite; Mannus Compliance: EHS; Primatech AUDITWorks +Data base user interface and query software— EcoLogic ADAM Indoor Air Quality and Analytical Data Management; Medgate Enterprise EHS; Microsoft Access; Safety Software OSHALOG 300;5 more +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Advise communities or institutions regarding health or safety issues. +Design public or employee health programs. +Inspect work environments to ensure safety. +Collaborate with healthcare professionals to plan or provide treatment. +Consult with others regarding safe or healthy equipment or facilities. +Conduct health or safety training programs. +Test facilities for environmental hazards. +Write operational reports. +Write reports or evaluations. +Prepare healthcare training materials. +Analyze data to identify trends or relationships among variables. +Analyze operational data to evaluate operations, processes or products. +Investigate safety of work environment. +Develop emergency procedures. +Monitor the handling of hazardous materials or medical wastes. +Maintain inventory of medical supplies or equipment. +Analyze laboratory specimens to detect abnormalities or other problems.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 57% responded “Every day.” +Contact With Others— 48% responded “Contact with others most of the time.” +Impact of Decisions on Co-workers or Company Results— 70% responded “Important results.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 52% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Importance of Being Exact or Accurate— 61% responded “Very important.” +Duration of Typical Work Week— 52% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Frequency of Decision Making— 36% responded “Every day.” +Indoors, Not Environmentally Controlled— 43% responded “Once a month or more but not every week.” +Time Pressure— 52% responded “Once a month or more but not every week.” +Consequence of Error— 30% responded “Very serious.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 48% responded “Moderate responsibility.” +Exposed to Contaminants— 48% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 48% responded “Important.” +Spend Time Sitting— 52% responded “About half the time.” +Conflict Situations— 43% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 30% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Construction and Building Inspectors +Environmental Compliance Inspectors +Environmental Engineering Technologists and Technicians +Environmental Engineers +Bright Outlook +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Occupational Health and Safety Technicians +Security Management Specialists +Security Managers","View the list of Allies +American Chemical Society +external site +American Conference of Governmental Industrial Hygienists +external site +American Industrial Hygiene Association +external site +American Society of Safety Professionals +external site +Health Physics Society +external site +National Fire Protection Association +external site +Board for Global Environmental Health and Safety Credentialing +external site +Board of Certified Safety Professionals +external site",69,9,51,74,70,61,62,71,52,34,27,48,73,54,24,63,47,56,23,33,49,32,28,31,44,65,57,50,64,50,31,7,15 +51-9071.06,Gem and Diamond Workers,https://www.onetonline.org/link/summary/51-9071.06,2025-06-11T19:27:41.790215,"Examine gems during processing to ensure accuracy of angles and positions of cuts or bores, using magnifying glasses, loupes, or shadowgraphs. +Assign polish, symmetry, and clarity grades to stones, according to established grading systems. +Estimate wholesale and retail value of gems, following pricing guides, market fluctuations, and other relevant economic factors. +Examine gem surfaces and internal structures, using polariscopes, refractometers, microscopes, and other optical instruments, to differentiate between stones, to identify rare specimens, or to detect flaws, defects, or peculiarities affecting gem values. +Identify and document stones' clarity characteristics, using plot diagrams. +Advise customers and others on the best use of gems to create attractive jewelry items. +Examine diamonds or gems to ascertain the shape, cut, and width of cut stones, or to select the cuts that will result in the biggest, best quality stones. +Immerse stones in prescribed chemical solutions to determine specific gravities and key properties of gemstones or substitutes. +Hold stones, gems, dies, or styluses against rotating plates, wheels, saws, or slitters to cut, shape, slit, grind, or polish them. +Sort rough diamonds into categories based on shape, size, color, and quality. +Secure gems or diamonds in holders, chucks, dops, lapidary sticks, or blocks for cutting, polishing, grinding, drilling, or shaping. +Measure sizes of stones' bore holes and cuts to ensure adherence to specifications, using precision measuring instruments. +Select shaping wheels for tasks, and mix and apply abrasives, bort, or polishing compounds. +Dismantle lapping, boring, cutting, polishing, and shaping equipment and machinery to clean and lubricate it.","Accounting software— Business accounting software +Analytical or scientific software— Spectrophotometer analysis software +Computer aided design CAD software— GemCad; Jewelry design software +Data base user interface and query software— Gem identification databases +Internet browser software— Web browser software +Inventory management software— Inventory tracking software","Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Examine physical characteristics of gemstones or precious metals. +Evaluate quality of materials or products. +Determine the value of goods or services. +Maneuver workpieces in equipment during production. +Operate grinding equipment. +Sort materials or products for processing, storing, shipping, or grading. +Record operational or production data. +Mount materials or workpieces onto production equipment. +Advise others on ways to improve processes or products. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Apply solutions to production equipment. +Mix substances to create chemical solutions. +Select production equipment according to product specifications. +Disassemble equipment for maintenance or repair.","Indoors, Environmentally Controlled— 93% responded “Every day.” +Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Contact With Others— 87% responded “Constant contact with others.” +Spend Time Sitting— 87% responded “Continually or almost continually.” +Telephone Conversations— 91% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 87% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 76% responded “Extremely important.” +Written Letters and Memos— 79% responded “Every day.” +Deal With External Customers or the Public in General— 80% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results +Work With or Contribute to a Work Group or Team +Duration of Typical Work Week— 18% responded “40 hours.” +E-Mail— 14% responded “Never.” +Coordinate or Lead Others in Accomplishing Work Activities— 13% responded “Important.” +Exposed to Contaminants— 18% responded “Never.” +Spend Time Making Repetitive Motions— 11% responded “Continually or almost continually.” +Time Pressure— 13% responded “Once a month or more but not every week.” +Determine Tasks, Priorities and Goals— 15% responded “Some freedom.” +Frequency of Decision Making— 15% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 23% responded “Never.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 12% responded “Every day.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Etchers and Engravers +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Jewelers and Precious Stone and Metal Workers +Molders, Shapers, and Casters, Except Metal and Plastic +Stone Cutters and Carvers, Manufacturing +Tool and Die Makers +Tool Grinders, Filers, and Sharpeners","View the list of Allies +American Gem Society +external site +American Gem Trade Association +external site +American Society of Jewelry Historians +external site +International Colored Gemstone Association +external site +International Gem Society +external site +Jewelers of America +external site +Manufacturing Jewelers and Suppliers of America +external site +National Association of Jewelry Appraisers +external site +Gemological Institute of America +external site",64,,55,51,50,44,22,42,32,35,50,21,12,33,10,19,26,24,3,20,18,4,7,31,2,18,7,8,,35,16,2,2 +43-6014.00,"Secretaries and Administrative Assistants, Except Legal, Medical, and Executive",https://www.onetonline.org/link/summary/43-6014.00,2025-06-11T19:16:52.889925,"Answer telephones and give information to callers, take messages, or transfer calls to appropriate individuals. +Greet visitors or callers and handle their inquiries or direct them to the appropriate persons according to their needs. +Create, maintain, and enter information into databases. +Use computers for various applications, such as database management or word processing. +Operate office equipment, such as fax machines, copiers, or phone systems and arrange for repairs when equipment malfunctions. +Set up and manage paper or electronic filing systems, recording information, updating paperwork, or maintaining documents, such as attendance records, correspondence, or other material. +Operate electronic mail systems and coordinate the flow of information, internally or with other organizations. +Schedule and confirm appointments for clients, customers, or supervisors. +Maintain scheduling and event calendars. +Compose, type, and distribute meeting notes, routine correspondence, or reports, such as presentations or expense, statistical, or monthly reports. +Complete forms in accordance with company procedures. +Locate and attach appropriate files to incoming correspondence requiring replies. +Conduct searches to find needed information, using such sources as the Internet. +Open, read, route, and distribute incoming mail or other materials and answer routine letters. +Review work done by others to check for correct spelling and grammar, ensure that company format policies are followed, and recommend revisions. +Make copies of correspondence or other printed material. +Learn to operate new office technologies as they are developed and implemented. +Train and assist staff with computer usage. +Order and dispense supplies. +Prepare conference or event materials, such as flyers or invitations. +Perform payroll functions, such as maintaining timekeeping information and processing and submitting payroll. +Collect and deposit money into accounts, disburse funds from cash accounts to pay bills or invoices, keep records of collections and disbursements, and ensure accounts are balanced. +Establish work procedures or schedules and keep track of the daily work of clerical staff. +Provide services to customers, such as order placement or account information. +Prepare and mail checks. +Arrange conference, meeting, or travel reservations for office personnel. +Supervise other clerical staff and provide training and orientation to new staff. +Manage projects or contribute to committee or team work. +Coordinate conferences, meetings, or special events, such as luncheons or graduation ceremonies. +Mail newsletters, promotional material, or other information. +Develop or maintain internal or external company Web sites.","Access software— Citrix cloud computing software +Accounting software— Intuit QuickBooks; Sage 50 Accounting; SAP Concur; Tax software;1 more +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; MicroStrategy; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView +Calendar and scheduling software— Appointment scheduling software +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Cloud-based management software— IBM WebSphere +Computer based training software— Schoology +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Salesforce software +Data base management system software— Apache Cassandra; Apache Hadoop; Apache Hive; Teradata Database;2 more +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Airtable; Blackboard software; Microsoft SQL Server; Yardi software;5 more +Data mining software— Data warehouse software +Desktop communications software— ClassDojo; Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Document management software— Adobe Acrobat; Filing system software; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;9 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Canva;1 more +Human resources software— ADP Workforce Now; Human resource management software HRMS; Oracle Taleo +Information retrieval or search software— LexisNexis +Instant messaging software— GroupMe +Internet browser software— Mozilla Firefox; Web browser software +Medical software— Medical procedure coding software +Metadata management software— Quest Erwin Data Modeler +Mobile messaging service software— Intrado SchoolMessenger +Network conferencing software— LogMeIn GoToWebinar +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Apple macOS; Linux; Microsoft Windows; Oracle Solaris;1 more +Portal server software— Apache HTTP Server +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Microsoft Project; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Google Sheets; Microsoft Excel +Time accounting software— Kronos Workforce Timekeeper; Timekeeping software +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom;2 more +Video creation and editing software— Loom; YouTube +Voice recognition software— Dictation software +Web page creation and editing software— Adobe Dreamweaver; Facebook; Google Sites; Social media sites;1 more +Web platform development software— Apache Tomcat; Drupal; Hypertext markup language HTML; Microsoft Active Server Pages ASP +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word;1 more","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Answer telephones to direct calls or provide information. +Discuss account status or activity with customers or patrons. +Greet customers, patrons, or visitors. +Refer customers to appropriate personnel. +Execute sales or other financial transactions. +Enter information into databases or software programs. +Operate computers or computerized equipment. +Collect deposits, payments or fees. +Operate office equipment. +Report maintenance or equipment problems to appropriate personnel. +Record personnel information. +Select resources needed to accomplish tasks. +Operate communications equipment or systems. +Schedule appointments. +Distribute materials to employees or customers. +Issue documentation or identification to customers or employees. +Record information from meetings or other formal proceedings. +Prepare documentation for contracts, transactions, or regulatory compliance. +Order materials, supplies, or equipment. +Develop organizational policies or programs. +Prepare employee work schedules. +Send information, materials or documentation. +Compile data or documentation. +Make travel, accommodations, or entertainment arrangements for others. +Schedule operational activities. +Distribute incoming mail. +Proofread documents, records, or other files to ensure accuracy. +Route mail to correct destinations. +Search files, databases or reference materials to obtain needed information. +Supervise clerical or administrative personnel. +Manage clerical or administrative activities. +Coordinate operational activities. +Maintain current knowledge related to work activities. +Train personnel. +Prepare informational or reference materials. +Develop computer or online applications.","Telephone Conversations— 93% responded “Every day.” +Contact With Others— 87% responded “Constant contact with others.” +E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Spend Time Sitting— 69% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 58% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 58% responded “Very important.” +Written Letters and Memos— 53% responded “Every day.” +Time Pressure— 41% responded “Every day.” +Deal With External Customers or the Public in General— 58% responded “Extremely important.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Important results.” +Frequency of Decision Making— 38% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Once a month or more but not every week.” +Conflict Situations— 36% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 26% responded “Never.” +Duration of Typical Work Week— 50% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Administrative Services Managers +Bright Outlook +Correspondence Clerks +Eligibility Interviewers, Government Programs +Executive Secretaries and Executive Administrative Assistants +First-Line Supervisors of Office and Administrative Support Workers +Human Resources Assistants, Except Payroll and Timekeeping +Legal Secretaries and Administrative Assistants +Medical Secretaries and Administrative Assistants +Office Clerks, General +Receptionists and Information Clerks","View the list of Allies +International Association of Administrative Professionals +external site +International Association of Women +external site +International Virtual Assistants Association +external site +National Association for Legal Support Professionals +external site +National Association of Educational Office Professionals +external site +National Notary Association +external site +Society for Human Resource Management +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +National Education Association +external site",69,9,18,82,48,61,43,39,88,44,22,43,13,71,16,36,44,10,13,28,29,24,21,37,28,7,7,3,11,8,12,4,10 +51-6064.00,"Textile Winding, Twisting, and Drawing Out Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-6064.00,2025-06-11T19:26:15.374917,"Notify supervisors or mechanics of equipment malfunctions. +Thread yarn, thread, or fabric through guides, needles, and rollers of machines. +Start machines, monitor operation, and make adjustments as needed. +Inspect machinery to determine whether repairs are needed. +Record production data such as numbers and types of bobbins wound. +Replace depleted supply packages with full packages. +Stop machines when specified amount of products has been produced. +Inspect products to verify that they meet specifications and to determine whether machine adjustment is needed. +Tend machines that twist together two or more strands of yarn or insert additional twists into single strands of yarn to increase strength, smoothness, or uniformity of yarn. +Observe operations to detect defects, malfunctions, or supply shortages. +Operate machines for test runs to verify adjustments and to obtain product samples. +Observe bobbins as they are winding and cut threads to remove loaded bobbins, using knives. +Unwind lengths of yarn, thread, or twine from spools and wind onto bobbins. +Adjust machine settings such as speed or tension to produce products that meet specifications. +Study guides, samples, charts, and specification sheets, or confer with supervisors or engineering staff to determine setup requirements. +Tend spinning frames that draw out and twist roving or sliver into yarn. +Remove spindles from machines and bobbins from spindles. +Install, level, and align machine components such as gears, chains, guides, dies, cutters, or needles to set up machinery for operation. +Place bobbins on spindles and insert spindles into bobbin-winding machines. +Tend machines with multiple winding units that wind thread onto shuttle bobbins for use on sewing machines or other kinds of bobbins for sole-stitching, knitting, or weaving machinery. +Repair or replace worn or defective parts or components, using hand tools. +Measure bobbins periodically, using gauges, and turn screws to adjust tension if bobbins are not of specified size. +Clean, oil, and lubricate machines, using air hoses, cleaning solutions, rags, oilcans, and grease guns.","Computer aided manufacturing CAM software +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Cut fabrics. +Monitor equipment operation to ensure proper functioning. +Notify others of equipment repair or maintenance needs. +Operate textile cutting or production equipment. +Feed materials or products into or through equipment. +Inspect production equipment. +Load materials into production equipment. +Maintain inventories of materials, equipment, or products. +Record operational or production data. +Inspect textile products. +Exchange information with colleagues. +Study blueprints or other instructions to determine equipment setup requirements. +Watch operating equipment to detect malfunctions. +Remove accessories, tools, or other parts from equipment. +Remove products or workpieces from production equipment. +Install mechanical components in production equipment. +Mount attachments or tools onto production equipment. +Set equipment controls to meet cutting specifications. +Mount materials or workpieces onto production equipment. +Repair production equipment or tools. +Replace worn equipment components. +Conduct test runs of production equipment. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Clean production equipment. +Lubricate production equipment.","Spend Time Walking or Running— 84% responded “Continually or almost continually.” +Spend Time Standing— 81% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 82% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 80% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 72% responded “Every day.” +Pace Determined by Speed of Equipment— 56% responded “Extremely important.” +Spend Time Making Repetitive Motions— 62% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 15% responded “Very important.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 57% responded “Every day.” +Contact With Others— 47% responded “Constant contact with others.” +Physical Proximity— 39% responded “Moderately close (at arm's length).” +Exposed to Contaminants— 55% responded “Every day.” +Importance of Repeating Same Tasks— 55% responded “Important.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Duration of Typical Work Week— 67% responded “40 hours.” +Spend Time Bending or Twisting Your Body— 34% responded “About half the time.” +Time Pressure— 23% responded “Every day.” +Indoors, Not Environmentally Controlled— 40% responded “Every day.” +Freedom to Make Decisions— 37% responded “Very little freedom.” +Health and Safety of Other Workers— 26% responded “Very high responsibility.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 48% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 45% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adhesive Bonding Machine Operators and Tenders +Coil Winders, Tapers, and Finishers +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Machine Feeders and Offbearers +Paper Goods Machine Setters, Operators, and Tenders +Sewing Machine Operators +Textile Cutting Machine Setters, Operators, and Tenders +Textile Knitting and Weaving Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +American Textile Machinery Association +external site",44,13,61,44,42,53,51,29,31,36,35,46,11,34,19,16,13,52,15,33,35,14,15,2,10,33,10,15,,22,10,, +51-8093.00,"Petroleum Pump System Operators, Refinery Operators, and Gaugers",https://www.onetonline.org/link/summary/51-8093.00,2025-06-11T19:27:10.213346,"Signal other workers by telephone or radio to operate pumps, open and close valves, and check temperatures. +Maintain and repair equipment, or report malfunctioning equipment to supervisors so that repairs can be scheduled. +Monitor process indicators, instruments, gauges, and meters to detect and report any possible problems. +Start pumps and open valves or use automated equipment to regulate the flow of oil in pipelines and into and out of tanks. +Operate control panels to coordinate and regulate process variables such as temperature and pressure, and to direct product flow rate, according to process schedules. +Verify that incoming and outgoing products are moving through the correct meters, and that meters are working properly. +Patrol units to monitor the amount of oil in storage tanks, and to verify that activities and operations are safe, efficient, and in compliance with regulations. +Plan movement of products through lines to processing, storage, and shipping units, using knowledge of system interconnections and capacities. +Control or operate manifold and pumping systems to circulate liquids through a petroleum refinery. +Operate auxiliary equipment and control multiple processing units during distilling or treating operations, moving controls that regulate valves, pumps, compressors, and auxiliary equipment. +Collect product samples by turning bleeder valves, or by lowering containers into tanks to obtain oil samples. +Read automatic gauges at specified intervals to determine the flow rate of oil into or from tanks, and the amount of oil in tanks. +Synchronize activities with other pumphouses to ensure a continuous flow of products and a minimum of contamination between products. +Record and compile operating data, instrument readings, documentation, and results of laboratory analyses. +Conduct general housekeeping of units, including wiping up oil spills and performing general cleaning duties. +Inspect pipelines, tightening connections and lubricating valves as necessary. +Read and analyze specifications, schedules, logs, test results, and laboratory recommendations to determine how to set equipment controls to produce the required qualities and quantities of products. +Perform tests to check the qualities and grades of products, such as assessing levels of bottom sediment, water, and foreign materials in oil samples, using centrifugal testers. +Calculate test result values, using standard formulas. +Clean interiors of processing units by circulating chemicals and solvents within units. +Clamp seals around valves to secure tanks. +Coordinate shutdowns and major projects. +Prepare calculations for receipts and deliveries of oil and oil products. +Lower thermometers into tanks to obtain temperature readings.","Electronic mail software— Email software; Microsoft Outlook +Industrial control software— Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Inventory management software— Inventory tracking software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Signal others to coordinate work activities. +Monitor equipment operation to ensure proper functioning. +Maintain production or processing equipment. +Notify others of equipment repair or maintenance needs. +Repair production equipment or tools. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Operate energy distribution equipment. +Watch operating equipment to detect malfunctions. +Monitor equipment fluid levels. +Plan production or operational procedures or sequences. +Operate pumping systems or equipment. +Collect samples of materials or products for testing. +Direct operational or production activities. +Record operational or production data. +Study blueprints or other instructions to determine equipment setup requirements. +Test chemical or physical characteristics of materials or products. +Clean work areas. +Inspect production equipment. +Lubricate production equipment. +Analyze test results. +Clean production equipment. +Seal gaps or cracks to prevent leakage or moisture intrusion. +Calculate costs of goods or services. +Calculate weights, volumes or other characteristics of materials.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 87% responded “Every day.” +Exposed to Hazardous Conditions— 76% responded “Every day.” +Exposed to Contaminants— 77% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 76% responded “Every day.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 67% responded “Every day.” +Telephone Conversations— 69% responded “Every day.” +Exposed to High Places— 56% responded “Every day.” +Contact With Others— 62% responded “Constant contact with others.” +Consequence of Error— 51% responded “Extremely serious.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Frequency of Decision Making— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Health and Safety of Other Workers— 39% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 53% responded “Very important.” +E-Mail— 65% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Outdoors, Under Cover— 55% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “More than half the time.” +Indoors, Environmentally Controlled— 58% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 18% responded “Never.” +Importance of Repeating Same Tasks— 51% responded “Very important.” +Freedom to Make Decisions— 33% responded “Some freedom.” +Time Pressure— 38% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 41% responded “Every day.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 49% responded “High responsibility.” +Indoors, Not Environmentally Controlled— 46% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 33% responded “Every day.” +Pace Determined by Speed of Equipment— 37% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 34% responded “Every day.” +Degree of Automation— 50% responded “Highly automated.” +Spend Time Sitting— 43% responded “About half the time.” +In an Open Vehicle or Operating Equipment— 29% responded “Never.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Spend Time Standing— 65% responded “About half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels Processing Technicians +Biomass Plant Technicians +Chemical Plant and System Operators +Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Power Plant Operators +Pump Operators, Except Wellhead Pumpers +Stationary Engineers and Boiler Operators +Water and Wastewater Treatment Plant and System Operators +Wellhead Pumpers","View the list of Allies +American Fuel and Petrochemical Manufacturers +external site +International Union of Operating Engineers +external site +United Steelworkers +external site",35,2,65,55,56,63,65,47,30,17,11,26,49,50,9,39,6,64,4,37,30,6,9,26,7,40,26,25,13,29,10,,5 +47-2044.00,Tile and Stone Setters,https://www.onetonline.org/link/summary/47-2044.00,2025-06-11T19:18:22.816513,"Align and straighten tile using levels, squares, and straightedges. +Finish and dress the joints and wipe excess grout from between tiles, using damp sponge. +Cut and shape tile to fit around obstacles and into odd spaces and corners, using hand and power cutting tools. +Determine and implement the best layout to achieve a desired pattern. +Mix, apply, and spread plaster, concrete, mortar, cement, mastic, glue or other adhesives to form a bed for the tiles, using brush, trowel and screed. +Study blueprints and examine surface to be covered to determine amount of material needed. +Measure and mark surfaces to be tiled, following blueprints. +Lay and set mosaic tiles to create decorative wall, mural, and floor designs. +Apply mortar to tile back, position the tile, and press or tap with trowel handle to affix tile to base. +Mix and apply mortar or cement to edges and ends of drain tiles to seal halves and joints. +Apply a sealer to make grout stain- and water-resistant. +Level concrete and allow to dry. +Measure and cut metal lath to size for walls and ceilings, using tin snips. +Install and anchor fixtures in designated positions, using hand tools. +Prepare surfaces for tiling by attaching lath or waterproof paper, or by applying a cement mortar coat to a metal screen. +Remove and replace cracked or damaged tile. +Cut tile backing to required size, using shears. +Remove any old tile, grout and adhesive using chisels and scrapers and clean the surface carefully. +Cut, surface, polish, and install marble and granite or install pre-cast terrazzo, granite or marble units. +Spread mastic or other adhesive base on roof deck to form base for promenade tile, using serrated spreader. +Assist customers in selection of tile and grout. +Prepare cost and labor estimates, based on calculations of time and materials needed for project. +Brush glue onto manila paper on which design has been drawn and position tiles, finished side down, onto paper. +Select and order tile and other items to be installed, such as bathroom accessories, walls, panels, and cabinets, according to specifications. +Build underbeds and install anchor bolts, wires, and brackets.","Computer aided design CAD software— EasyCAD Iris 2D; TileGem +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Aya Associates Comp-U-Floor +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system +Presentation software— Microsoft PowerPoint +Project management software— Measure Square FloorEstimate Pro +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Align masonry materials. +Install masonry materials. +Remove excess materials from finished construction projects. +Apply mortar. +Cut tile, stone, or other masonry materials. +Mix substances or compounds needed for work activities. +Spread concrete or other aggregate mixtures. +Determine construction project layouts. +Estimate materials requirements for projects. +Review blueprints or specifications to determine work requirements. +Mark reference points on construction materials. +Measure work site dimensions. +Apply adhesives to construction materials. +Apply sealants or other protective coatings. +Cut metal components for installation. +Measure materials or objects for installation or assembly. +Install building fixtures. +Remove worn, damaged or outdated materials from work areas. +Communicate with clients about products, procedures, and policies. +Estimate construction project costs. +Estimate construction project labor requirements. +Clean surfaces in preparation for work activities. +Cut carpet, vinyl or other flexible materials. +Smooth surfaces with abrasive materials or tools. +Order construction or extraction materials or equipment. +Select construction materials.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 90% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 70% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 71% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 56% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Exposed to Contaminants— 50% responded “Every day.” +Spend Time Standing— 49% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Duration of Typical Work Week— 58% responded “40 hours.” +Contact With Others— 51% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 37% responded “Very important.” +Freedom to Make Decisions— 28% responded “Some freedom.” +Time Pressure— 40% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Telephone Conversations— 39% responded “Once a week or more but not every day.” +Frequency of Decision Making— 36% responded “Every day.” +Indoors, Environmentally Controlled— 30% responded “Once a month or more but not every week.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Exposed to Hazardous Equipment— 34% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 35% responded “Very high responsibility.” +Consequence of Error— 50% responded “Serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 29% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 32% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 20% responded “High responsibility.” +Importance of Repeating Same Tasks— 32% responded “Not important at all.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Brickmasons and Blockmasons +Carpet Installers +Cement Masons and Concrete Finishers +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Floor Sanders and Finishers +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Plasterers and Stucco Masons +Stonemasons +Terrazzo Workers and Finishers","View the list of Allies +Home Builders Institute +external site +International Masonry Institute +external site +National Tile Contractors Association +external site +National Wood Flooring Association +external site +Tile Contractors' Association of America +external site +Finishing Trades Institute International +external site +International Certified Flooring Installers +external site +International Standards and Training Alliance (INSTALL) +external site +International Union of Bricklayers and Allied Craftworkers +external site +United Brotherhood of Carpenters and Joiners of America +external site",51,9,35,38,59,39,29,36,26,36,34,24,23,8,19,15,18,39,6,35,11,12,8,12,6,27,74,24,5,50,10,4,6 +47-2221.00,Structural Iron and Steel Workers,https://www.onetonline.org/link/summary/47-2221.00,2025-06-11T19:19:31.250041,"Read specifications or blueprints to determine the locations, quantities, or sizes of materials required. +Connect columns, beams, and girders with bolts, following blueprints and instructions from supervisors. +Bolt aligned structural steel members in position for permanent riveting, bolting, or welding into place. +Fasten structural steel members to hoist cables, using chains, cables, or rope. +Hoist steel beams, girders, or columns into place, using cranes or signaling hoisting equipment operators to lift and position structural steel members. +Verify vertical and horizontal alignment of structural steel members, using plumb bobs, laser equipment, transits, or levels. +Cut, bend, or weld steel pieces, using metal shears, torches, or welding equipment. +Erect metal or precast concrete components for structures, such as buildings, bridges, dams, towers, storage tanks, fences, or highway guard rails. +Force structural steel members into final positions, using turnbuckles, crowbars, jacks, or hand tools. +Pull, push, or pry structural steel members into approximate positions for bolting into place. +Unload and position prefabricated steel units for hoisting, as needed. +Drive drift pins through rivet holes to align rivet holes in structural steel members with corresponding holes in previously placed members. +Assemble hoisting equipment or rigging, such as cables, pulleys, or hooks, to move heavy equipment or materials. +Fabricate metal parts, such as steel frames, columns, beams, or girders, according to blueprints or instructions from supervisors. +Dismantle structures or equipment. +Ride on girders or other structural steel members to position them, or use rope to guide them into position. +Hold rivets while riveters use air hammers to form heads on rivets. +Insert sealing strips, wiring, insulating material, ladders, flanges, gauges, or valves, depending on types of structures being assembled. +Place blocks under reinforcing bars used to reinforce floors.","Accounting software— Turtle Creek Software Goldenseal +Computer aided design CAD software +Electronic mail software— Microsoft Outlook +Inventory management software— Inventory tracking software +Project management software— Cost estimating software; Project scheduling software","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Review blueprints or specifications to determine work requirements. +Install metal structural components. +Operate cranes, hoists, or other moving or lifting equipment. +Signal equipment operators to indicate proper equipment positioning. +Verify alignment of structures or equipment. +Cut metal components for installation. +Weld metal components. +Position structural components. +Load or unload materials used in construction or extraction. +Assemble temporary equipment or structures. +Fabricate parts or components. +Dismantle equipment or temporary structures. +Assist skilled construction or extraction personnel. +Install electrical components, equipment, or systems. +Install gauges or controls. +Install insulation in equipment or structures. +Position safety or support equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 82% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 86% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Exposed to High Places— 79% responded “Every day.” +Spend Time Standing— 64% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 69% responded “Every day.” +Physical Proximity— 59% responded “Very close (near touching).” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 59% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Exposed to Contaminants— 70% responded “Every day.” +Exposed to Hazardous Equipment— 60% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Health and Safety of Other Workers— 60% responded “Very high responsibility.” +Time Pressure— 57% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 59% responded “Every day.” +Importance of Being Exact or Accurate— 49% responded “Very important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 50% responded “Every day.” +Work Outcomes and Results of Other Workers— 44% responded “Very high responsibility.” +In an Open Vehicle or Operating Equipment— 37% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Every day.” +Frequency of Decision Making— 47% responded “Every day.” +Spend Time Walking or Running— 43% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Spend Time Bending or Twisting Your Body— 37% responded “Continually or almost continually.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Duration of Typical Work Week— 57% responded “40 hours.” +Level of Competition— 41% responded “Highly competitive.” +Consequence of Error— 32% responded “Very serious.” +Determine Tasks, Priorities and Goals— 30% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 42% responded “Every day.” +Indoors, Not Environmentally Controlled— 43% responded “Every day.” +Telephone Conversations— 47% responded “Every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 31% responded “Less than half the time.” +Spend Time Keeping or Regaining Balance— 32% responded “Less than half the time.” +Conflict Situations— 34% responded “Once a year or more but not every month.” +Outdoors, Under Cover— 34% responded “Every day.” +Deal With External Customers or the Public in General— 37% responded “Important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 53% responded “Less than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 27% responded “Once a year or more but not every month.”","Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Boilermakers +Carpenters +Construction Laborers +Bright Outlook +Drywall and Ceiling Tile Installers +Layout Workers, Metal and Plastic +Millwrights +Reinforcing Iron and Rebar Workers +Sheet Metal Workers +Structural Metal Fabricators and Fitters","View the list of Allies +American Welding Society +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Association for Iron and Steel Technology +external site +International Association of Bridge, Structural, Ornamental and Reinforcing Iron Workers +external site +National Institute of Steel Detailing +external site +National Center for Construction Education and Research +external site +National Commission for the Certification of Crane Operators +external site",47,,24,47,62,50,58,44,16,6,12,33,23,8,10,9,14,67,4,36,27,10,7,9,13,34,90,32,4,46,5,, +19-2099.01,Remote Sensing Scientists and Technologists,https://www.onetonline.org/link/summary/19-2099.01,2025-06-11T18:57:02.964307,"Manage or analyze data obtained from remote sensing systems to obtain meaningful results. +Analyze data acquired from aircraft, satellites, or ground-based platforms, using statistical analysis software, image analysis software, or Geographic Information Systems (GIS). +Integrate other geospatial data sources into projects. +Organize and maintain geospatial data and associated documentation. +Compile and format image data to increase its usefulness. +Prepare or deliver reports or presentations of geospatial project information. +Discuss project goals, equipment requirements, or methodologies with colleagues or team members. +Process aerial or satellite imagery to create products such as land cover maps. +Design or implement strategies for collection, analysis, or display of geographic data. +Develop or build databases for remote sensing or related geospatial project information. +Collect supporting data, such as climatic or field survey data, to corroborate remote sensing data analyses. +Monitor quality of remote sensing data collection operations to determine if procedural or equipment changes are necessary. +Train technicians in the use of remote sensing technology. +Set up or maintain remote sensing data collection systems. +Direct all activity associated with implementation, operation, or enhancement of remote sensing hardware or software. +Attend meetings or seminars or read current literature to maintain knowledge of developments in the field of remote sensing. +Conduct research into the application or enhancement of remote sensing technology. +Recommend new remote sensing hardware or software acquisitions. +Use remote sensing data for forest or carbon tracking activities to assess the impact of environmental change. +Develop automated routines to correct for the presence of image distorting artifacts, such as ground vegetation. +Develop new analytical techniques or sensor systems. +Participate in fieldwork. +Apply remote sensing data or techniques, such as surface water modeling or dust cloud detection, to address environmental issues. +Direct installation or testing of new remote sensing hardware or software. +Develop protocols and procedures for planning and executing drone-based remote sensing missions to ensure they comply with standards and requirements.","Analytical or scientific software— Agisoft Metashape; Calibration software; Litchi; The MathWorks MATLAB;7 more +Application server software— Apache HTTP Server; Docker; GitHub +Aviation ground support software— ArduPilot Mission Planner +Business intelligence and data analysis software— Tableau +Charting software— Aeronautical charts +Cloud-based management software— Amazon Web Services AWS CloudFormation +Computer based training software— Learning management system LMS +Configuration management software— Puppet +Customer relationship management CRM software— Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Elasticsearch; Microsoft SQL Server;3 more +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Redshift; Amazon Web Services AWS software; Oracle Database;1 more +Development environment software— Apache Kafka; Go; Microsoft Visual Studio; Ruby;3 more +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Expert system software— Ansible software +File versioning software— Git +Geographic information system— ESRI ArcGIS software; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Creative Cloud software; Image processing software; Microsoft Image Composite Editor +Internet browser software— Web browser software +Map creation software— ESRI Site Scan for ArcGIS; Gamma remote sensing software; Leica Geosystems ERDAS IMAGINE; PCI Geomatics Geomatica;2 more +Medical software— Epic Systems; Healthcare common procedure coding system HCPCS +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— C#; Perl; Scala; Swift;5 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Selenium +Project management software— Airdata; Atlassian JIRA; Microsoft Project +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Video creation and editing software— YouTube +Web platform development software— JavaScript; JavaScript Object Notation JSON; Node.js; Ruby on Rails;1 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Analyze geological or geographical data. +Record research or operational data. +Create images or other visual displays. +Prepare scientific or technical reports or presentations. +Compile geographic or related data. +Develop environmental research methods. +Develop technical or scientific databases. +Collect environmental data or samples. +Collect geographical or geological field data. +Train personnel in technical or scientific procedures. +Set up laboratory or field equipment. +Direct technical activities or operations. +Attend conferences or workshops to maintain professional knowledge. +Review professional literature to maintain professional knowledge. +Evaluate new technologies or methods. +Advise others on the development or use of new technologies. +Apply knowledge or research findings to address environmental problems. +Develop software or applications for scientific or technical use.","E-Mail— 96% responded “Every day.” +Importance of Being Exact or Accurate— 80% responded “Extremely important.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Telephone Conversations— 54% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 58% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Contact With Others— 44% responded “Contact with others most of the time.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Written Letters and Memos— 46% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 84% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Importance of Repeating Same Tasks— 32% responded “Extremely important.” +Level of Competition— 44% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 48% responded “Moderate responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something.","Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aerospace Engineers +Bright Outlook +Atmospheric and Space Scientists +Calibration Technologists and Technicians +Cartographers and Photogrammetrists +Electro-Mechanical and Mechatronics Technologists and Technicians +Geodetic Surveyors +Geographic Information Systems Technologists and Technicians +Geological Technicians, Except Hydrologic Technicians +Remote Sensing Technicians +Surveying and Mapping Technicians","View the list of Allies +American Association of Geographers +external site +American Society for Photogrammetry and Remote Sensing +external site +American Institute of Aeronautics and Astronautics +external site +American Society of Civil Engineers +external site +Association for Uncrewed Vehicle Systems International +external site +Ecological Society of America +external site +Geospatial Information and Technology Association +external site +IEEE Computer Society +external site +International Society for Photogrammetry and Remote Sensing +external site +National Geodetic Survey +external site +SPIE International Society for Optics and Photonics +external site +United States Geospatial Intelligence Foundation +external site +Urban and Regional Information Systems Association +external site +Women and Drones +external site +GIS Certification Institute +external site",53,3,46,67,80,53,41,49,38,22,24,32,24,80,15,30,42,21,12,32,21,3,34,39,5,72,13,62,50,56,96,8,35 +43-1011.00,First-Line Supervisors of Office and Administrative Support Workers,https://www.onetonline.org/link/summary/43-1011.00,2025-06-11T19:14:56.690466,"Supervise the work of office, administrative, or customer service employees to ensure adherence to quality standards, deadlines, and proper procedures, correcting errors or problems. +Resolve customer complaints or answer customers' questions regarding policies and procedures. +Provide employees with guidance in handling difficult or complex problems or in resolving escalated complaints or disputes. +Review records or reports pertaining to activities such as production, payroll, or shipping to verify details, monitor work activities, or evaluate performance. +Discuss job performance problems with employees to identify causes and issues and to work on resolving problems. +Prepare and issue work schedules, deadlines, and duty assignments for office or administrative staff. +Recruit, interview, and select employees. +Interpret and communicate work procedures and company policies to staff. +Evaluate employees' job performance and conformance to regulations and recommend appropriate personnel action. +Train or instruct employees in job duties or company policies or arrange for training to be provided. +Research, compile, and prepare reports, manuals, correspondence, or other information required by management or governmental agencies. +Implement corporate or departmental policies, procedures, and service standards in conjunction with management. +Compute figures such as balances, totals, or commissions. +Coordinate activities with other supervisory personnel or with other work units or departments. +Participate in the work of subordinates to facilitate productivity or to overcome difficult aspects of work. +Make recommendations to management concerning such issues as staffing decisions or procedural changes. +Develop or update procedures, policies, or standards. +Maintain records pertaining to inventory, personnel, orders, supplies, or machine maintenance. +Consult with managers or other personnel to resolve problems in areas such as equipment performance, output quality, or work schedules. +Develop work schedules according to budgets and workloads. +Analyze financial activities of establishments or departments and provide input into budget planning and preparation processes. +Design, implement, or evaluate staff training and development programs, customer service initiatives, or performance measurement criteria. +Keep informed of provisions of labor-management agreements and their effects on departmental operations. +Coordinate or perform activities associated with shipping, receiving, distribution, or transportation. +Monitor inventory levels and requisition or purchase supplies as needed. +Plan for or coordinate office services, such as equipment or supply acquisition or organization, disposal of assets, relocation, parking, maintenance, or security services. +Arrange for necessary maintenance or repair work. +Plan layouts of stockrooms, warehouses, or other storage areas, considering turnover, size, weight, or related factors pertaining to items stored.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Intuit QuickBooks; Quicken; Sage 50 Accounting;2 more +Analytical or scientific software— IBM SPSS Statistics; Minitab +Business intelligence and data analysis software— IBM Cognos Impromptu; MicroStrategy; Qlik Tech QlikView; Tableau +Calendar and scheduling software— Work scheduling software +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Communications server software— IBM Domino +Computer based training software— Padlet +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Blackboard software; Microsoft Access; Oracle Database; Yardi software;3 more +Desktop publishing software— Microsoft Publisher +Document management software— Adobe Acrobat; Document management system software; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;6 more +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Graphics or photo imaging software— JamBoard; SmugMug Flickr +Human resources software— ADP Workforce Now; Human resource management software HRMS; Oracle Taleo +Information retrieval or search software— LexisNexis +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer; Mozilla Firefox; Web browser software +Medical software— Henry Schein Dentrix; Medical condition coding software; Medical procedure coding software; MEDITECH software;1 more +Multi-media educational software— Nearpod +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Handheld computer device software; Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Contract management software; HCSS HeavyJob; Microsoft Project; Microsoft Teams;1 more +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Transaction security and virus protection software— NortonLifeLock cybersecurity software +Video conferencing software— LogMeIn GoToMeeting +Video creation and editing software— Loom; Screencastify; YouTube +Web page creation and editing software— Facebook; Social media sites +Word processing software— Evernote; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Supervise clerical or administrative personnel. +Explain regulations, policies, or procedures. +Train personnel. +Respond to customer problems or complaints. +Examine documents to verify adherence to requirements. +Prepare employee work schedules. +Administer personnel recruitment or hiring activities. +Compile data or documentation. +Prepare research or technical reports. +Develop organizational policies or programs. +Calculate financial data. +Analyze financial information. +Coordinate operational activities. +Perform administrative or clerical tasks. +Provide information to coworkers. +Maintain inventory records. +Record personnel information. +Confer with coworkers to coordinate work activities. +Maintain current knowledge related to work activities. +Monitor inventories of products or materials. +Report maintenance or equipment problems to appropriate personnel. +Plan facility layouts or designs.","Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Telephone Conversations— 98% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +E-Mail— 89% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 48% responded “Very high responsibility.” +Spend Time Sitting— 61% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 42% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Extremely important.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 60% responded “Extremely important.” +Frequency of Decision Making— 37% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Duration of Typical Work Week— 61% responded “40 hours.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Conflict Situations— 41% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 36% responded “More than half the time.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers +First-Line Supervisors of Security Workers","View the list of Allies +American Society of Administrative Professionals +external site +Association of Executive and Administrative Professionals +external site +International Association of Administrative Professionals +external site",81,4,33,68,48,87,39,49,68,53,33,54,2,57,8,40,33,11,10,17,26,16,12,31,12,17,6,9,2,10,9,1,1 +25-1123.00,"English Language and Literature Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1123.00,2025-06-11T19:00:54.635458,"Teach writing or communication classes. +Evaluate and grade students' class work, assignments, and papers. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Initiate, facilitate, and moderate classroom discussions. +Maintain student attendance records, grades, and other required records. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Prepare and deliver lectures to undergraduate or graduate students on topics such as poetry, novel structure, and translation and adaptation. +Assist students who need extra help with their coursework outside of class. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Compile, administer, and grade examinations, or assign this work to others. +Maintain regularly scheduled office hours to advise and assist students. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Advise students on academic and vocational curricula and on career issues. +Teach classes using online technology. +Schedule courses. +Collaborate with colleagues to address teaching and research issues. +Write letters of recommendation for students. +Select and obtain materials and supplies, such as textbooks. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in campus and community events. +Participate in student recruitment, registration, and placement activities. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in cultural and literary activities, such as traveling abroad and attending performing arts events. +Supervise undergraduate or graduate teaching, internship, and research work. +Perform administrative duties, such as serving as department head. +Recruit, train, and supervise department personnel, such as faculty and student writing instructors. +Provide assistance to students in college writing centers. +Conduct staff performance evaluations. +Write original literary pieces. +Act as advisers to student organizations. +Write grant proposals to procure external research funding. +Review manuscripts for publication in professional journals. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Computer based training software— Blackboard Collaborate; Blackboard Learn; Learning management system LMS; Moodle;3 more +Data base user interface and query software— Blackboard software +Document management software— Adobe Acrobat Reader +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; Graphics creation software +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Apple Safari; Google Chrome; Web browser software +Music or sound editing software— VLC Media Player +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Lucidchart +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple QuickTime +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Teach humanities courses at the college level. +Teach classes in area of specialization. +Evaluate student work. +Develop instructional materials. +Guide class discussions. +Maintain student records. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Tutor students who need extra assistance. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Administer tests to assess educational needs or progress. +Prepare tests. +Advise students on academic or career matters. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Teach online courses. +Prepare activity or work schedules. +Prepare staff schedules or work assignments. +Schedule instructional activities. +Write reports or evaluations. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Supervise student research or internship work. +Direct department activities. +Serve on institutional or departmental committees. +Direct activities of subordinates. +Train staff members. +Plan community programs or activities for the general public. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Compile specialized bibliographies or lists of materials. +Evaluate performance of educational staff. +Write grant proposals. +Edit documents. +Edit written materials. +Proofread documents, records, or other files to ensure accuracy. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 84% responded “Every day.” +Determine Tasks, Priorities and Goals— 68% responded “A lot of freedom.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 67% responded “Every day.” +Contact With Others— 61% responded “Constant contact with others.” +Public Speaking— 50% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 51% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 48% responded “Important.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Spend Time Sitting— 64% responded “About half the time.” +Written Letters and Memos— 51% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Moderate results.” +Frequency of Decision Making— 32% responded “Every day.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 39% responded “More than 40 hours.” +Physical Proximity— 39% responded “Slightly close (e.g., shared office).”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anthropology and Archeology Teachers, Postsecondary +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Art, Drama, and Music Teachers, Postsecondary +Communications Teachers, Postsecondary +Education Teachers, Postsecondary +Foreign Language and Literature Teachers, Postsecondary +History Teachers, Postsecondary +Library Science Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +American Association of University Professors +external site +American Studies Association +external site +Association of Writers and Writing Programs +external site +College English Association +external site +College Reading and Learning Association +external site +Conference on College Composition and Communication +external site +Council of Graduate Schools +external site +Modern Language Association +external site +National Council of Teachers of English +external site +National Federation of Modern Language Teachers Associations +external site +National Organization For Student Success +external site +Popular Culture Association +external site +Shakespeare Association of America +external site +TESOL International Association +external site +The Renaissance Society of America +external site +National Education Association +external site",62,11,11,93,25,48,31,87,51,17,27,39,11,59,41,35,77,14,68,17,57,28,67,21,12,15,10,12,18,10,34,50,69 +13-1199.06,Online Merchants,https://www.onetonline.org/link/summary/13-1199.06,2025-06-11T18:50:31.101601,"Fill customer orders by packaging sold items and documentation for direct shipping or by transferring orders to manufacturers or third-party distributors. +Receive and process payments from customers, using electronic transaction services. +Create, manage, or automate orders or invoices, using order management or invoicing software. +Deliver e-mail confirmation of completed transactions and shipment. +Correspond with online customers via electronic mail, telephone, or other electronic messaging to address questions or complaints about products, policies, or shipping methods. +Purchase new or used items from online or physical sources for resale via retail or auction Web site. +Determine and set product prices. +Calculate purchase subtotals, taxes, and shipping costs for submission to customers. +Compose descriptions of merchandise for posting to online storefront, auction sites, or other shopping Web sites. +Compose images of products, using video or still cameras, lighting equipment, props, or photo or video editing software. +Upload digital media, such as photos, video, or scanned images to online storefront, auction sites, or other shopping Web sites. +Calculate revenue, sales, and expenses, using financial accounting or spreadsheet software. +Cancel orders based on customer requests or inventory or delivery problems. +Prepare or organize online storefront marketing material, including product descriptions or subject lines, optimizing content to search engine criteria. +Order or purchase merchandise to maintain optimal inventory levels. +Determine location for product listings to maximize exposure to online traffic. +Create or maintain database of customer accounts. +Promote products in online communities through weblog or discussion-forum postings, e-mail marketing programs, or online advertising. +Collaborate with search engine shopping specialists to place marketing content in desired online locations. +Investigate products or markets to determine areas for opportunity or viability for merchandising specific products, using online or offline sources. +Maintain inventory of shipping supplies, such as boxes, labels, tape, bubble wrap, loose packing materials, or tape guns. +Measure and analyze Web site usage data to maximize search engine returns or refine customer interfaces. +Develop or revise business plans for online business, emphasizing factors such as product line, pricing, inventory, or marketing strategy. +Disclose merchant information and terms and policies of transactions in online or offline materials. +Design customer interface of online storefront, using web programming or e-commerce software. +Select and purchase technical web services, such as web hosting services, online merchant accounts, shopping cart software, payment gateway software, or spyware. +Transfer digital media, such as music, video, or software, to customers via the Internet. +Devise, select, or purchase domain name and web address. +Initiate online auctions through auction hosting sites or auction management software. +Implement security practices to preserve assets, minimize liabilities, or ensure customer privacy, using parallel servers, hardware redundancy, fail-safe technology, information encryption, or firewalls. +Investigate sources, such as auctions, estate sales, liquidators, wholesalers, or trade shows for new items, used items, or collectibles. +Participate in online forums or conferences to stay abreast of online retailing trends, techniques, or security threats. +Integrate online retailing strategy with physical or catalogue retailing operations. +Create or distribute offline promotional material, such as brochures, pamphlets, business cards, stationary, or signage.","Accounting software— Financial accounting software; Intuit QuickBooks; Tax software +Business intelligence and data analysis software— IBM Digital Analytics; Search engine optimization SEO software +Cloud-based management software— IBM WebSphere +Communications server software— IBM Domino +Customer relationship management CRM software— Microsoft Dynamics +Data base management system software— Apache Solr; MySQL; Relational database management software +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Search engine results pages SERP software; Structured query language SQL +Data mining software— Bing for Power BI; Google Analytics +Development environment software— Microsoft .NET Framework; Microsoft Visual Studio +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage +Enterprise resource planning ERP software— NetSuite ERP +Graphics or photo imaging software— Adobe Photoshop; JamBoard +Instant messaging software— Twitter +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Mailing and shipping software— Shipment processing software +Mobile operator specific application software— Mobile application software +Object or component oriented development software— C#; jQuery; Oracle Java +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Linux; Microsoft Windows +Point of sale POS software— CCBill; PayPal; Snorasson Holdings CCNow; Square;8 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Sales and marketing software— Bing Ads; Google Ads; Search engine marketing SEM software; Webtrends software +Spreadsheet software— Microsoft Excel +Video creation and editing software— Screencast-O-Matic; YouTube +Web page creation and editing software— Adobe Dreamweaver; Content management systems CMS; Facebook; WordPress;1 more +Web platform development software— AJAX; Drupal; Hypertext markup language HTML; PHP;7 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Execute sales or other financial transactions. +Purchase products or services. +Collect payments for goods or services. +Correspond with customers to answer questions or resolve complaints. +Create marketing materials. +Calculate data to inform organizational operations. +Determine the value of goods or services. +Create images of data, locations, or products. +Market products, services, or events. +Maintain data in information systems or databases. +Identify strategic business investment opportunities. +Allocate physical resources within organizations. +Analyze business or financial data. +Develop financial or business plans. +Develop business or financial information systems. +Obtain information about goods or services. +Update professional knowledge. +Develop business or market strategies.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Telephone Conversations— 81% responded “Every day.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Contact With Others— 64% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Frequency of Decision Making— 60% responded “Every day.” +Spend Time Sitting— 49% responded “More than half the time.” +Deal With External Customers or the Public in General— 54% responded “Extremely important.” +Importance of Being Exact or Accurate— 59% responded “Very important.” +Time Pressure— 47% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 37% responded “Very high responsibility.” +Duration of Typical Work Week— 44% responded “More than 40 hours.” +Written Letters and Memos— 31% responded “Every day.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Level of Competition— 38% responded “Moderately competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Advertising and Promotions Managers +Advertising Sales Agents +Business Intelligence Analysts +Bright Outlook +Market Research Analysts and Marketing Specialists +Marketing Managers +Purchasing Managers +Sales Managers +Search Marketing Strategists +Securities, Commodities, and Financial Services Sales Agents +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +Internet Merchants Association +external site",73,,52,80,55,65,22,33,59,54,75,45,5,64,19,16,65,25,3,20,23,5,13,40,2,29,19,19,3,41,18,20,4 +51-3022.00,"Meat, Poultry, and Fish Cutters and Trimmers",https://www.onetonline.org/link/summary/51-3022.00,2025-06-11T19:24:17.681675,"Use knives, cleavers, meat saws, bandsaws, or other equipment to perform meat cutting and trimming. +Weigh meats and tag containers for weight and contents. +Inspect meat products for defects, bruises or blemishes and remove them along with any excess fat. +Cut and trim meat to prepare for packing. +Separate meats and byproducts into specified containers and seal containers. +Process primal parts into cuts that are ready for retail use. +Prepare ready-to-heat foods by filleting meat or fish or cutting it into bite-sized pieces, preparing and adding vegetables or applying sauces or breading. +Clean, trim, slice, and section carcasses for future processing. +Remove parts, such as skin, feathers, scales or bones, from carcass. +Obtain and distribute specified meat or carcass. +Produce hamburger meat and meat trimmings. +Clean and salt hides. +Clean meat cutting equipment.","Internet browser software— Web browser software +Inventory management software— Meat inventory software +Point of sale POS software— Sales software +Spreadsheet software— Microsoft Excel","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Cut meat products. +Mark products, workpieces, or equipment with identifying information. +Weigh finished products. +Prepare meat products for sale or consumption. +Inspect food products. +Sort materials or products for processing, storing, shipping, or grading. +Process animal carcasses. +Distribute supplies to workers.","Spend Time Standing— 100% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Spend Time Making Repetitive Motions— 89% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Frequency of Decision Making— 87% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 90% responded “Continually or almost continually.” +Time Pressure— 86% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Physical Proximity +Work With or Contribute to a Work Group or Team— 49% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 62% responded “Every day.” +Pace Determined by Speed of Equipment— 54% responded “Extremely important.” +Duration of Typical Work Week +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Spend Time Bending or Twisting Your Body— 19% responded “More than half the time.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers +Consequence of Error— 15% responded “Extremely serious.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Exposed to Hazardous Equipment— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 18% responded “Very important results.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Level of Competition +Conflict Situations— 34% responded “Once a month or more but not every week.” +Telephone Conversations— 14% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Butchers and Meat Cutters +Cutting and Slicing Machine Setters, Operators, and Tenders +Farmworkers, Farm, Ranch, and Aquacultural Animals +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Batchmakers +Bright Outlook +Graders and Sorters, Agricultural Products +Machine Feeders and Offbearers +Packaging and Filling Machine Operators and Tenders +Packers and Packagers, Hand +Slaughterers and Meat Packers","View the list of Allies +American Association of Meat Processors +external site +North American Meat Institute +external site +The United Food and Commercial Workers International Union +external site",48,75,76,49,64,60,65,53,47,44,45,57,47,40,34,43,27,57,17,57,30,36,25,30,43,36,38,23,40,27,24,20,22 +47-2073.00,Operating Engineers and Other Construction Equipment Operators,https://www.onetonline.org/link/summary/47-2073.00,2025-06-11T19:18:41.019846,"Learn and follow safety regulations. +Take actions to avoid potential hazards or obstructions, such as utility lines, other equipment, other workers, or falling objects. +Start engines, move throttles, switches, or levers, or depress pedals to operate machines, such as bulldozers, trench excavators, road graders, or backhoes. +Coordinate machine actions with other activities, positioning or moving loads in response to hand or audio signals from crew members. +Align machines, cutterheads, or depth gauge makers with reference stakes and guidelines or ground or position equipment, following hand signals of other workers. +Locate underground services, such as pipes or wires, prior to beginning work. +Signal operators to guide movement of tractor-drawn machines. +Repair and maintain equipment, making emergency adjustments or assisting with major repairs as necessary. +Load and move dirt, rocks, equipment, or other materials, using trucks, crawler tractors, power cranes, shovels, graders, or related equipment. +Drive and maneuver equipment equipped with blades in successive passes over working areas to remove topsoil, vegetation, or rocks or to distribute and level earth or terrain. +Operate tractors or bulldozers to perform such tasks as clearing land, mixing sludge, trimming backfills, or building roadways or parking lots. +Monitor operations to ensure that health and safety standards are met. +Connect hydraulic hoses, belts, mechanical linkages, or power takeoff shafts to tractors. +Select and fasten bulldozer blades or other attachments to tractors, using hitches. +Operate loaders to pull out stumps, rip asphalt or concrete, rough-grade properties, bury refuse, or perform general cleanup. +Operate equipment to demolish or remove debris or to remove snow from streets, roads, or parking lots. +Keep records of material or equipment usage or problems encountered. +Adjust handwheels and depress pedals to control attachments, such as blades, buckets, scrapers, or swing booms. +Check fuel supplies at sites to ensure adequate availability. +Talk to clients and study instructions, plans, or diagrams to establish work requirements. +Drive tractor-trailer trucks to move equipment from site to site. +Push other equipment when extra traction or assistance is required. +Operate road watering, oiling, or rolling equipment, or street sealing equipment, such as chip spreaders. +Operate compactors, scrapers, or rollers to level, compact, or cover refuse at disposal grounds. +Test atmosphere for adequate oxygen or explosive conditions when working in confined spaces. +Turn valves to control air or water output of compressors or pumps.","Electronic mail software— Microsoft Outlook +Facilities management software— Maintenance record software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Time accounting software— Work record software","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used.","Update job related knowledge or skills. +Position construction or extraction equipment. +Monitor construction operations. +Operate equipment or vehicles to clear construction sites or move materials. +Move construction or extraction materials to locations where they are needed. +Locate equipment or materials in need of repair or replacement. +Maintain construction tools or equipment. +Signal equipment operators to indicate proper equipment positioning. +Load or unload materials used in construction or extraction. +Communicate with clients about products, procedures, and policies. +Review blueprints or specifications to determine work requirements. +Install equipment attachments or components. +Select construction equipment. +Operate heavy-duty construction or installation equipment. +Record operational or environmental data. +Remove debris or vegetation from work sites. +Drive trucks or truck-mounted equipment. +Assist skilled construction or extraction personnel. +Operate road-surfacing equipment. +Compact materials to create level bases. +Test air quality at work sites. +Operate pumps or compressors.","Outdoors, Exposed to All Weather Conditions— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Consequence of Error— 95% responded “Extremely serious.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Frequency of Decision Making— 95% responded “Every day.” +Exposed to Hazardous Equipment— 80% responded “Every day.” +Contact With Others— 67% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Exposed to Contaminants— 52% responded “Every day.” +In an Open Vehicle or Operating Equipment— 68% responded “Every day.” +Work Outcomes and Results of Other Workers— 65% responded “Very high responsibility.” +Health and Safety of Other Workers— 19% responded “High responsibility.” +Spend Time Making Repetitive Motions— 50% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Telephone Conversations— 53% responded “Every day.” +Duration of Typical Work Week +Time Pressure— 52% responded “Every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Very important.” +Freedom to Make Decisions— 45% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 67% responded “Every day.” +Pace Determined by Speed of Equipment— 36% responded “Extremely important.” +Exposed to Whole Body Vibration— 50% responded “Every day.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Exposed to Very Hot or Cold Temperatures— 38% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Deal With External Customers or the Public in General— 31% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 19% responded “Never.” +Spend Time Sitting— 45% responded “Less than half the time.” +Work Schedules— 47% responded “Irregular (changes with weather conditions, production demands, or contract duration).” +Indoors, Not Environmentally Controlled— 52% responded “Every day.” +Spend Time Bending or Twisting Your Body— 32% responded “Less than half the time.”","Operation and Control— Controlling operations of equipment or systems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Construction Laborers +Bright Outlook +Continuous Mining Machine Operators +Crane and Tower Operators +Excavating and Loading Machine and Dragline Operators, Surface Mining +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Paving, Surfacing, and Tamping Equipment Operators +Pile Driver Operators","View the list of Allies +Associated General Contractors of America +external site +Pile Driving Contractors Association +external site +International Union of Operating Engineers +external site +National Center for Construction Education and Research +external site +National Commission for the Certification of Crane Operators +external site",43,17,26,58,45,45,53,40,7,13,13,24,15,11,5,29,17,64,9,39,3,1,1,10,1,34,37,17,13,31,19,,17 +53-4041.00,Subway and Streetcar Operators,https://www.onetonline.org/link/summary/53-4041.00,2025-06-11T19:29:41.324785,"Monitor lights indicating obstructions or other trains ahead and watch for car and truck traffic at crossings to stay alert to potential hazards. +Operate controls to open and close transit vehicle doors. +Drive and control rail-guided public transportation, such as subways, elevated trains, and electric-powered streetcars, trams, or trolleys, to transport passengers. +Report delays, mechanical problems, and emergencies to supervisors or dispatchers, using radios. +Regulate vehicle speed and the time spent at each stop to maintain schedules. +Make announcements to passengers, such as notifications of upcoming stops or schedule delays. +Direct emergency evacuation procedures. +Complete reports, including shift summaries and incident or accident reports. +Greet passengers, provide information, and answer questions concerning fares, schedules, transfers, and routings. +Attend meetings on driver and passenger safety to learn ways in which job performance might be affected.","Office suite software— Microsoft Office software +Word processing software","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Monitor surroundings to detect potential hazards. +Monitor traffic signals. +Monitor vehicle movement or location. +Drive passenger vehicles. +Notify others of emergencies, problems, or hazards. +Report vehicle or equipment malfunctions. +Provide transportation information to passengers or customers. +Direct emergency management activities. +Prepare accident or incident reports. +Record operational details of travel. +Maintain professional knowledge or certifications.","In an Enclosed Vehicle or Operate Enclosed Equipment— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 97% responded “Continually or almost continually.” +Duration of Typical Work Week— 76% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 61% responded “Extremely important.” +Contact With Others— 68% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 69% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 69% responded “Extremely important.” +Frequency of Decision Making— 82% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 60% responded “Every day.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Health and Safety of Other Workers— 53% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Very important results.” +Consequence of Error— 70% responded “Extremely serious.” +Outdoors, Exposed to All Weather Conditions— 66% responded “Every day.” +Importance of Repeating Same Tasks— 53% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Exposed to Contaminants— 62% responded “Every day.” +Time Pressure— 63% responded “Every day.” +Exposed to Hazardous Conditions— 67% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Pace Determined by Speed of Equipment— 56% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 39% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 43% responded “Every day.” +Conflict Situations— 33% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 54% responded “Every day.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Dealing with Violent or Physically Aggressive People— 39% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 39% responded “Less than half the time.” +Exposed to Disease or Infections— 40% responded “Never.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Air Traffic Controllers +Bus Drivers, Transit and Intercity +Heavy and Tractor-Trailer Truck Drivers +Bright Outlook +Light Truck Drivers +Locomotive Engineers +Rail Yard Engineers, Dinkey Operators, and Hostlers +Railroad Brake, Signal, and Switch Operators and Locomotive Firers +Railroad Conductors and Yardmasters +Shuttle Drivers and Chauffeurs +Taxi Drivers","View the list of Allies +American Public Transportation Association +external site +Amalgamated Transit Union +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site +Transport Workers Union of America AFL-CIO +external site",67,,14,55,23,38,73,45,20,10,6,25,12,30,19,33,28,39,7,85,31,7,19,40,4,26,11,17,6,10,17,3,6 +53-3032.00,Heavy and Tractor-Trailer Truck Drivers,https://www.onetonline.org/link/summary/53-3032.00,2025-06-11T19:29:14.582843,"Check all load-related documentation for completeness and accuracy. +Inspect loads to ensure that cargo is secure. +Check vehicles to ensure that mechanical, safety, and emergency equipment is in good working order. +Crank trailer landing gear up or down to safely secure vehicles. +Obtain receipts or signatures for delivered goods and collect payment for services when required. +Maintain logs of working hours or of vehicle service or repair status, following applicable state and federal regulations. +Read bills of lading to determine assignment details. +Report vehicle defects, accidents, traffic violations, or damage to the vehicles. +Perform basic vehicle maintenance tasks, such as adding oil, fuel, or radiator fluid, performing minor repairs, or washing trucks. +Couple or uncouple trailers by changing trailer jack positions, connecting or disconnecting air or electrical lines, or manipulating fifth-wheel locks. +Maneuver trucks into loading or unloading positions, following signals from loading crew and checking that vehicle and loading equipment are properly positioned. +Collect delivery instructions from appropriate sources, verifying instructions and routes. +Drive trucks with capacities greater than 13 tons, including tractor-trailer combinations, to transport and deliver products, livestock, or other materials. +Read and interpret maps to determine vehicle routes. +Check conditions of trailers after contents have been unloaded to ensure that there has been no damage. +Operate equipment, such as truck cab computers, CB radios, phones, or global positioning systems (GPS) equipment to exchange necessary information with bases, supervisors, or other drivers. +Drive trucks to weigh stations before and after loading and along routes in compliance with state regulations. +Load or unload trucks or help others with loading or unloading, using special loading-related equipment or other equipment as necessary. +Plan or adjust routes based on changing conditions, using computer equipment, global positioning systems (GPS) equipment, or other navigation devices, to minimize fuel consumption and carbon emissions. +Perform emergency roadside repairs, such as changing tires or installing light bulbs, tire chains, or spark plugs. +Remove debris from loaded trailers. +Secure cargo for transport, using ropes, blocks, chain, binders, or covers. +Follow appropriate safety procedures for transporting dangerous goods. +Inventory and inspect goods to be moved to determine quantities and conditions. +Follow special cargo-related procedures, such as checking refrigeration systems for frozen foods or providing food or water for livestock. +Install or remove special equipment, such as tire chains, grader blades, plow blades, or sanders. +Wrap and secure goods using pads, packing paper, containers, or straps. +Operate idle reduction systems or auxiliary power systems to generate power from alternative sources, such as fuel cells, to reduce idling time, to heat or cool truck cabins, or to provide power for other equipment. +Give directions to laborers who are packing goods and moving them onto trailers.","Analytical or scientific software— Omnitracs Performance Monitoring +Data base user interface and query software— ddlsoftware.com drivers daily log program DDL; Fog Line Software Truckn Pro; TruckersHelper +Desktop communications software— Eko +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Inventory management software— Computerized inventory tracking software; Inventory tracking software +Materials requirements planning logistics and supply chain software— PeopleNet +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Route navigation software— ALK Technologies PC*Miler; MarcoSoft Quo Vadis +Spreadsheet software— Microsoft Excel +Time accounting software— ADP ezLaborManager +Video creation and editing software— YouTube +Word processing software— 3M Post-it App; Evernote; Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Secure cargo. +Follow safety procedures for vehicle operation. +Inspect cargo to ensure it is properly loaded or secured. +Review documents or materials for compliance with policies or regulations. +Operate vehicles or material-moving equipment. +Collect fares or payment from customers. +Inspect motor vehicles. +Review work orders or schedules to determine operations or procedures. +Notify others of emergencies, problems, or hazards. +Record operational or production data. +Record service or repair activities. +Report vehicle or equipment malfunctions. +Maintain vehicles in good working condition. +Connect cables or electrical lines. +Verify information or specifications. +Read maps to determine routes. +Inspect cargo areas for cleanliness or condition. +Operate communications equipment or systems. +Acquire supplies or equipment. +Load shipments, belongings, or materials. +Adjust routes or speeds as necessary. +Choose optimal transportation routes or speeds. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Monitor cargo area conditions. +Package materials or products. +Operate green energy production equipment. +Remove debris or damaged materials. +Direct material handling or moving activities.","In an Enclosed Vehicle or Operate Enclosed Equipment— 96% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 76% responded “Every day.” +Frequency of Decision Making— 76% responded “Every day.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 67% responded “Every day.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Every day.” +Time Pressure— 60% responded “Every day.” +Contact With Others— 50% responded “Constant contact with others.” +Spend Time Sitting— 56% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Consequence of Error— 56% responded “Extremely serious.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Telephone Conversations— 49% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Exposed to Contaminants— 48% responded “Every day.” +Deal With External Customers or the Public in General— 42% responded “Extremely important.” +Health and Safety of Other Workers— 44% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Every day.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Importance of Repeating Same Tasks— 41% responded “Extremely important.” +E-Mail— 34% responded “Every day.” +Level of Competition— 27% responded “Moderately competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a year or more but not every month.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 29% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Extremely important.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Far Vision— The ability to see details at a distance. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Night Vision— The ability to see under low-light conditions. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Peripheral Vision— The ability to see objects or movement of objects to one's side when the eyes are looking ahead. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Bus and Truck Mechanics and Diesel Engine Specialists +Industrial Truck and Tractor Operators +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Light Truck Drivers +Loading and Moving Machine Operators, Underground Mining +Rail Yard Engineers, Dinkey Operators, and Hostlers +Refuse and Recyclable Material Collectors +Shuttle Drivers and Chauffeurs +Tank Car, Truck, and Ship Loaders +Taxi Drivers","View the list of Allies +American Trucking Associations +external site +Commercial Vehicle Training Association +external site +National Association of Publicly Funded Truck Driving Schools +external site +Owner-Operator Independent Drivers Association +external site +Truckload Carriers Association +external site +International Brotherhood of Electrical Workers +external site +International Brotherhood of Teamsters +external site +International Union of Operating Engineers +external site +United Steelworkers +external site",67,12,27,64,42,44,72,44,32,23,19,29,13,35,12,51,23,46,11,76,14,9,8,44,11,20,20,24,8,14,39,3,6 +11-3031.01,Treasurers and Controllers,https://www.onetonline.org/link/summary/11-3031.01,2025-06-11T18:47:10.110145,"Evaluate needs for procurement of funds and investment of surpluses and make appropriate recommendations. +Delegate authority for the receipt, disbursement, banking, protection, and custody of funds, securities, and financial instruments. +Develop and maintain relationships with banking, insurance, and external accounting personnel to facilitate financial activities. +Monitor financial activities and details, such as cash flow and reserve levels, to ensure that all legal and regulatory requirements are met. +Receive, record, and authorize requests for disbursements in accordance with company policies and procedures. +Develop internal control policies, guidelines, and procedures for activities, such as budget administration, cash and credit management, and accounting. +Coordinate and direct the financial planning, budgeting, procurement, or investment activities of all or part of an organization. +Receive cash and checks and make deposits. +Prepare or direct preparation of financial statements, business activity reports, financial position forecasts, annual budgets, or reports required by regulatory agencies. +Monitor and evaluate the performance of accounting and other financial staff, recommending and implementing personnel actions, such as promotions and dismissals. +Analyze the financial details of past, present, and expected operations to identify development opportunities and areas where improvement is needed. +Conduct or coordinate audits of company accounts and financial transactions to ensure compliance with state and federal requirements and statutes. +Advise management on short-term and long-term financial objectives, policies, and actions. +Maintain current knowledge of organizational policies and procedures, federal and state policies and directives, and current accounting standards. +Provide direction and assistance to other organizational units regarding accounting and budgeting policies and procedures and efficient control and utilization of financial resources. +Lead staff training and development in budgeting and financial management areas. +Prepare and file annual tax returns or prepare financial information so that outside accountants can complete tax returns. +Supervise employees performing financial reporting, accounting, billing, collections, payroll, and budgeting duties. +Perform tax planning work. +Compute, withhold, and account for all payroll deductions. +Handle all aspects of employee insurance, benefits, and casualty programs, including monitoring changes in health insurance regulations and creating budgets for benefits and worker's compensation. +Determine depreciation rates to apply to capitalized items and advise management on actions regarding the purchase, lease, or disposal of such items.","Accounting software— Fund accounting software; Hyperion Enterprise; Intuit QuickBooks; Sage 50 Accounting;5 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— FileMaker Pro; Microsoft Access; Structured query language SQL; Yardi software +Document management software— Microsoft SharePoint Server +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Exact Software Macola ES; Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software;13 more +Financial analysis software— Microsoft FRx; Oracle E-Business Suite Financials; Oracle Hyperion Planning +Human resources software— ADP Workforce Now; Automatic Data Processing PC payroll for windows PCPW +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Determine resource needs. +Recommend organizational process or policy changes. +Direct financial operations. +Prepare financial documents, reports, or budgets. +Establish interpersonal business relationships to facilitate work activities. +Compile operational data. +Monitor flow of cash or other resources. +Monitor organizational compliance with regulations. +Approve expenditures. +Supervise employees. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Collect payments for goods or services. +Prepare reports related to compliance matters. +Analyze financial records to improve budgeting or planning. +Analyze financial records to improve efficiency. +Conduct financial or regulatory audits. +Evaluate employee performance. +Manage control system activities in organizations. +Advise others on business or operational matters. +Maintain knowledge of current developments in area of expertise. +Calculate financial data. +Administer compensation or benefits programs. +Prepare operational budgets. +Conduct employee training programs. +Determine pricing or monetary policies.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Telephone Conversations— 88% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Spend Time Sitting— 64% responded “Continually or almost continually.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Contact With Others— 68% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Time Pressure— 56% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 63% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Work Outcomes and Results of Other Workers— 44% responded “Very high responsibility.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Frequency of Decision Making— 44% responded “Every day.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Level of Competition— 58% responded “Highly competitive.” +Consequence of Error— 29% responded “Extremely serious.” +Conflict Situations— 32% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 32% responded “Very important.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Mathematics— Using mathematics to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior.","Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Accountants and Auditors +Bright Outlook +Budget Analysts +Chief Executives +Financial and Investment Analysts +Financial Examiners +Financial Managers +General and Operations Managers +Investment Fund Managers +Management Analysts +Personal Financial Advisors","View the list of Allies +AICPA and CIMA +external site +American Payroll Association +external site +Association of Public Treasurers of the United States and Canada +external site +Financial Management Association International +external site +Government Finance Officers Association +external site +Healthcare Financial Management Association +external site +National Association of Credit Management +external site +Association for Financial Professionals +external site +Association of Government Accountants +external site +Association of School Business Officials International +external site +CFA Institute +external site +Financial Executives International +external site +Institute of Management Accountants +external site",46,2,19,80,73,76,20,39,37,90,24,53,,45,10,46,25,2,10,7,23,5,15,11,3,11,1,1,,6,11,1,5 +29-2011.02,Cytotechnologists,https://www.onetonline.org/link/summary/29-2011.02,2025-06-11T19:07:46.785506,"Examine cell samples to detect abnormalities in the color, shape, or size of cellular components and patterns. +Document specimens by verifying patients' and specimens' information. +Submit slides with abnormal cell structures to pathologists for further examination. +Prepare and analyze samples, such as Papanicolaou (PAP) smear body fluids and fine needle aspirations (FNAs), to detect abnormal conditions. +Examine specimens, using microscopes, to evaluate specimen quality. +Maintain effective laboratory operations by adhering to standards of specimen collection, preparation, or laboratory safety. +Provide patient clinical data or microscopic findings to assist pathologists in the preparation of pathology reports. +Assist pathologists or other physicians to collect cell samples by fine needle aspiration (FNA) biopsy or other method. +Prepare cell samples by applying special staining techniques, such as chromosomal staining, to differentiate cells or cell components. +Adjust, maintain, or repair laboratory equipment, such as microscopes. +Assign tasks or coordinate task assignments to ensure adequate performance of laboratory activities. +Attend continuing education programs that address laboratory issues. +Examine specimens to detect abnormal hormone conditions.","Expert system software— Ansible software +Medical software— Aspyra CyberLAB; Fortius Lab Systems Clinical LIS; MEDITECH software; Prognosis Innovation Healthcare ChartAccess;31 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Analyze laboratory specimens to detect abnormalities or other problems. +Verify accuracy of patient information. +Communicate test or assessment results to medical professionals. +Prepare biological specimens for laboratory analysis. +Test biological specimens to gather information about patient conditions. +Follow protocols or regulations for healthcare activities. +Verify that medical activities or operations meet standards. +Assist healthcare practitioners during examinations or treatments. +Adjust settings or positions of medical equipment. +Maintain medical laboratory equipment. +Repair medical facility equipment. +Supervise technical medical personnel. +Maintain medical or professional knowledge.","Indoors, Environmentally Controlled— 95% responded “Every day.” +E-Mail— 68% responded “Every day.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +Spend Time Making Repetitive Motions— 73% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Importance of Repeating Same Tasks— 73% responded “Extremely important.” +Spend Time Sitting— 57% responded “Continually or almost continually.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 48% responded “Every day.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +Consequence of Error— 59% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Exposed to Disease or Infections— 41% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Time Pressure— 41% responded “Every day.” +Exposed to Hazardous Conditions— 41% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “Limited freedom.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Contact With Others— 32% responded “Contact with others most of the time.” +Duration of Typical Work Week— 91% responded “40 hours.” +Health and Safety of Other Workers— 32% responded “High responsibility.” +Physical Proximity— 77% responded “Slightly close (e.g., shared office).”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.","Cytogenetic Technologists +Histology Technicians +Histotechnologists +Medical and Clinical Laboratory Technologists +Medical Scientists, Except Epidemiologists +Bright Outlook +Microbiologists +Neurodiagnostic Technologists +Phlebotomists +Physicians, Pathologists +Radiologists","View the list of Allies +American Association of Bioanalysts +external site +American Society for Clinical Pathology +external site +American Society for Cytotechnology +external site +American Society of Cytopathology +external site +College of American Pathologists +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +International Academy of Cytology +external site +American Medical Technologists +external site +National Accrediting Agency for Clinical Laboratory Sciences +external site",41,,22,56,36,29,30,36,51,11,13,26,43,38,2,30,22,24,1,9,15,9,9,18,72,16,,10,81,10,4,1,4 +39-6012.00,Concierges,https://www.onetonline.org/link/summary/39-6012.00,2025-06-11T19:13:36.321396,"Provide directions to guests. +Make reservations for patrons, such as for dinner, spa treatments, or golf tee times, and obtain tickets to special events. +Provide information about local features, such as shopping, dining, nightlife, or recreational destinations. +Make travel arrangements for sightseeing or other tours. +Provide business services for guests, such as sending or receiving faxes or shipping packages. +Arrange childcare services for guests. +Pick up and deliver items or run errands for guests. +Order flowers for guests. +Carry out unusual requests, such as searching for hard-to-find items or arranging for exotic services, such as hot-air balloon rides. +Receive, store, or deliver luggage or mail. +Plan special events, parties, or meetings, which may include booking musicians or celebrities. +Perform office duties on a temporary basis when needed. +Arrange for interpreters or translators when patrons require such services. +Arrange for the replacement of items lost by travelers. +Provide food and beverage services to guests. +Clean and tidy hotel lounge. +Assist guests with special needs by providing equipment such as wheelchairs. +Book airline or train tickets, reserve rental cars, or arrange shuttle service for guests.","Accounting software— Billing software; Budgeting software +Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Yardi software +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Financial analysis software— Delphi Technology +Internet browser software— Web browser software +Map creation software— Mapping software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Provide patrons with directions to locales or attractions. +Arrange services or reservations for patrons. +Provide attraction or event information to patrons. +Deliver items. +Arrange delivery of goods or services. +Order materials, supplies, or equipment. +Handle luggage or other possessions for patrons. +Organize recreational activities or events. +Perform administrative or clerical tasks. +Sell products or services. +Clean facilities or work areas.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Written Letters and Memos— 57% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Time Pressure— 50% responded “Every day.” +Frequency of Decision Making— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Spend Time Standing— 48% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Level of Competition— 52% responded “Moderately competitive.” +Conflict Situations— 29% responded “Once a week or more but not every day.” +Public Speaking— 32% responded “Every day.” +Importance of Repeating Same Tasks— 29% responded “Important.” +Duration of Typical Work Week— 68% responded “40 hours.” +Health and Safety of Other Workers— 43% responded “Limited responsibility.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Baggage Porters and Bellhops +Counter and Rental Clerks +Hotel, Motel, and Resort Desk Clerks +Bright Outlook +Locker Room, Coatroom, and Dressing Room Attendants +Lodging Managers +Passenger Attendants +Receptionists and Information Clerks +Reservation and Transportation Ticket Agents and Travel Clerks +Travel Agents +Ushers, Lobby Attendants, and Ticket Takers","View the list of Allies +Les Clefs d'Or USA +external site +National Association of Productivity and Organizing Professionals +external site +National Concierge Association +external site +UNITE HERE +external site",99,9,16,90,41,63,38,36,69,35,51,41,6,62,34,20,50,5,22,54,45,17,23,35,11,6,,1,8,7,37,31,29 +31-1121.00,Home Health Aides,https://www.onetonline.org/link/summary/31-1121.00,2025-06-11T19:09:20.220122,"Maintain records of patient care, condition, progress, or problems to report and discuss observations with supervisor or case manager. +Provide patients with help moving in and out of beds, baths, wheelchairs, or automobiles and with dressing and grooming. +Bathe patients. +Care for patients by changing bed linens, washing and ironing laundry, cleaning, or assisting with their personal care. +Entertain, converse with, or read aloud to patients to keep them mentally healthy and alert. +Plan, purchase, prepare, or serve meals to patients or other family members, according to prescribed diets. +Check patients' pulse, temperature, and respiration. +Provide patients and families with emotional support and instruction in areas such as caring for infants, preparing healthy meals, living independently, or adapting to disability or illness. +Perform a variety of duties as requested by client, such as obtaining household supplies or running errands. +Direct patients in simple prescribed exercises or in the use of braces or artificial limbs. +Massage patients or apply preparations or treatments, such as liniment, alcohol rubs, or heat-lamp stimulation. +Administer prescribed oral medications, under the written direction of physician or as directed by home care nurse or aide, and ensure patients take their medicine. +Care for children with disabilities or who have sick parents or parents with disabilities. +Accompany clients to doctors' offices or on other trips outside the home, providing transportation, assistance, and companionship. +Change dressings. +Assist patients with toileting and incontinent care. +Feed patients.","Customer relationship management CRM software— Salesforce software +Data base reporting software— Mi-Co software +Data base user interface and query software— Microsoft Access; Oracle Database +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Medical software— AIGHD OASIS +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Maintain medical records. +Assist patients with daily activities. +Give medications or immunizations. +Engage patients in exercises or activities. +Feed patients. +Assess physical conditions of patients to aid in diagnosis or treatment. +Teach basic living or other adaptive skills to patients or caregivers. +Accompany patients or clients on outings to provide assistance. +Apply bandages, dressings, or splints. +Administer therapy treatments to patients using hands or physical treatment aids.","Contact With Others— 77% responded “Constant contact with others.” +Physical Proximity— 80% responded “Very close (near touching).” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 66% responded “Every day.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Telephone Conversations— 40% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Frequency of Decision Making— 51% responded “Every day.” +Consequence of Error— 44% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 29% responded “Some freedom.” +Spend Time Standing— 41% responded “More than half the time.” +Health and Safety of Other Workers— 38% responded “High responsibility.” +Spend Time Bending or Twisting Your Body— 32% responded “More than half the time.” +Exposed to Disease or Infections— 42% responded “Every day.” +Freedom to Make Decisions— 28% responded “A lot of freedom.” +Time Pressure— 40% responded “Every day.” +Deal With External Customers or the Public in General— 29% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Spend Time Making Repetitive Motions— 29% responded “Less than half the time.” +Indoors, Environmentally Controlled— 54% responded “Every day.” +Written Letters and Memos— 33% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 30% responded “Continually or almost continually.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Emergency Medical Technicians +Bright Outlook +Licensed Practical and Licensed Vocational Nurses +Nursing Assistants +Occupational Therapy Aides +Paramedics +Personal Care Aides +Physical Therapist Aides +Physical Therapist Assistants +Psychiatric Aides +Psychiatric Technicians","View the list of Allies +American Association for Homecare +external site +American Health Care Association/National Center for Assisted Living +external site +American Nurses Association +external site +American Red Cross +external site +American Society on Aging +external site +National Association for Home Care and Hospice +external site +National Council on Aging +external site +PHI +external site +Association of Rehabilitation Nurses +external site",66,16,15,61,27,38,40,33,29,27,19,32,12,30,21,34,28,17,27,34,40,27,20,34,36,15,8,12,17,17,20,11,13 +33-3011.00,Bailiffs,https://www.onetonline.org/link/summary/33-3011.00,2025-06-11T19:10:32.049862,"Screen persons entering courthouse using magnetometers, x-ray machines, and other devices to collect and retain unauthorized firearms and other contraband. +Escort prisoners to and from courthouse and maintain custody of prisoners during court proceedings. +Maintain order in courtroom during trial and guard jury from outside contact. +Provide security by patrolling interior and exterior of courthouse and escorting judges and other court employees. +Guard lodging of sequestered jury. +Enforce courtroom rules of behavior and warn persons not to smoke or disturb court procedure. +Arrest persons in court when arrest warrants have been issued. +Report need for police or medical assistance to sheriff's office. +Check courtroom for security and cleanliness and assure availability of sundry supplies, such as notepads, for use by judge, jurors, and attorneys. +Stop people from entering courtroom while judge charges jury. +Screen, control, and handle evidence and exhibits during court proceedings. +Provide assistance to the public, such as directions to court offices. +Announce entrance of judge. +Maintain court docket. +Provide jury escort to restaurant and other areas outside of courtroom to prevent jury contact with public.","Analytical or scientific software— Statistics software +Calendar and scheduling software— Court docket management software +Data base user interface and query software— Case management system software; Microsoft Access; National Crime Information Center (NCIC) database; State crime information databases +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; IBM Lotus Notes; Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Corel WordPerfect Office Suite; Microsoft Word","Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Confiscate prohibited or dangerous items. +Search individuals for illegal or dangerous items. +Escort prisoners to courtrooms, prisons, or other facilities. +Provide security escorts for officials, jury members, or other individuals. +Maintain public order or security. +Patrol properties to maintain safety. +Guard facilities. +Warn individuals about rule violations or safety concerns. +Detain suspects or witnesses. +Request emergency personnel. +Inspect facilities for cleanliness. +Maintain inventories of materials, equipment, or products. +Document legal or regulatory information. +Prevent unauthorized individuals from entering restricted areas. +Process forensic or legal evidence in accordance with procedures. +Inform viewers, listeners, or audiences. +Present information to the public.","Contact With Others— 80% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Deal With External Customers or the Public in General— 30% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Importance of Being Exact or Accurate— 44% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Physical Proximity— 42% responded “Very close (near touching).” +Frequency of Decision Making— 42% responded “Every day.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Telephone Conversations— 43% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +E-Mail— 39% responded “Every day.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Conflict Situations— 29% responded “Once a month or more but not every week.” +Spend Time Standing— 48% responded “About half the time.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Important results.” +Time Pressure— 43% responded “Every day.” +Dealing with Violent or Physically Aggressive People— 42% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 27% responded “Very important.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Correctional Officers and Jailers +Customs and Border Protection Officers +Detectives and Criminal Investigators +First-Line Supervisors of Correctional Officers +First-Line Supervisors of Police and Detectives +First-Line Supervisors of Security Workers +Police and Sheriff's Patrol Officers +Probation Officers and Correctional Treatment Specialists +Security Guards +Bright Outlook +Transit and Railroad Police","View the list of Allies +Fraternal Order of Police +external site +National Association for Court Management +external site +National Sheriffs' Association +external site +United States Deputy Sheriffs' Association +external site +International Association of Directors of Law Enforcement Standards and Training +external site",51,5,12,66,26,48,82,43,41,15,8,35,6,39,13,77,25,13,18,27,51,31,34,35,7,4,5,2,5,5,16,,12 +53-1043.00,First-Line Supervisors of Material-Moving Machine and Vehicle Operators,https://www.onetonline.org/link/summary/53-1043.00,2025-06-11T19:28:52.142216,"Enforce safety rules and regulations. +Interpret transportation or tariff regulations, shipping orders, safety regulations, or company policies and procedures for workers. +Resolve worker problems or collaborate with employees to assist in problem resolution. +Confer with customers, supervisors, contractors, or other personnel to exchange information or to resolve problems. +Plan work assignments and equipment allocations to meet transportation, operations or production goals. +Examine, measure, or weigh cargo or materials to determine specific handling requirements. +Explain and demonstrate work tasks to new workers or assign training tasks to experienced workers. +Review orders, production schedules, blueprints, or shipping or receiving notices to determine work sequences and material shipping dates, types, volumes, or destinations. +Drive vehicles or operate machines or equipment to complete work assignments or to assist workers. +Inspect or test materials, stock, vehicles, equipment, or facilities to ensure that they are safe, free of defects, and consistent with specifications. +Maintain or verify records of time, materials, expenditures, or crew activities. +Requisition needed personnel, supplies, equipment, parts, or repair services. +Recommend and implement measures to improve worker motivation, equipment performance, work methods, or customer services. +Prepare, compile, and submit reports on work activities, operations, production, or work-related accidents. +Dispatch personnel and vehicles in response to telephone or radio reports of emergencies. +Monitor field work to ensure proper performance and use of materials. +Recommend or implement personnel actions, such as employee selection, evaluation, rewards, or disciplinary actions. +Perform or schedule repairs or preventive maintenance of vehicles or other equipment. +Compute or estimate cash, payroll, transportation, personnel, or storage requirements. +Assist workers in tasks, such as loading vehicles. +Direct workers in transportation or related services, such as pumping, moving, storing, or loading or unloading of materials. +Plan and establish schedules.","Accounting software— General ledger software +Bar coding software— Barcode software +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Map creation software— Mapping software +Materials requirements planning logistics and supply chain software— Bill of lading software; UPS Logistics Technologies Roadnet Transportation Suite; Warehouse management system WMS; XATA XATANET;16 more +Mobile location based services software— Accellos Real Dispatch; Commercial vehicle operations CVO software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Direct material handling or moving activities. +Explain regulations, policies, or procedures. +Resolve personnel problems. +Plan work operations. +Resolve issues affecting transportation operations. +Measure product or material dimensions. +Weigh materials to ensure compliance with specifications. +Review work orders or schedules to determine operations or procedures. +Record operational or production data. +Inspect facilities to ensure compliance with safety, quality, or service standards. +Inspect motor vehicles. +Operate vehicles or material-moving equipment. +Test materials, solutions, or samples. +Verify information or specifications. +Acquire supplies or equipment. +Arrange maintenance activities. +Maintain vehicles in good working condition. +Recommend personnel decisions or human resources activities. +Prepare accident or incident reports. +Direct emergency management activities. +Monitor work environment to ensure safety or adherence to specifications. +Determine resource needs. +Direct passenger or freight transport activities. +Load shipments, belongings, or materials. +Schedule product or material transportation.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Contact With Others— 92% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 86% responded “Very important results.” +Telephone Conversations— 83% responded “Every day.” +Work Outcomes and Results of Other Workers— 72% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Deal With External Customers or the Public in General— 87% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Frequency of Decision Making— 70% responded “Every day.” +Duration of Typical Work Week— 72% responded “More than 40 hours.” +Level of Competition +Freedom to Make Decisions— 69% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Health and Safety of Other Workers— 27% responded “High responsibility.” +Conflict Situations— 69% responded “Once a week or more but not every day.” +Time Pressure— 67% responded “Every day.” +Written Letters and Memos— 26% responded “Once a month or more but not every week.” +Consequence of Error— 29% responded “Extremely serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 63% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 60% responded “Every day.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Spend Time Walking or Running— 27% responded “Less than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Every day.” +Importance of Repeating Same Tasks— 36% responded “Important.” +Spend Time Standing— 32% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 18% responded “Once a year or more but not every month.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 17% responded “Never.” +Exposed to Contaminants— 27% responded “Never.” +Pace Determined by Speed of Equipment— 30% responded “Not important at all.” +Physical Proximity— 12% responded “Slightly close (e.g., shared office).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets +In an Enclosed Vehicle or Operate Enclosed Equipment +Exposed to Hazardous Equipment— 41% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers +First-Line Supervisors of Security Workers",,79,16,76,76,78,82,73,63,68,57,39,73,42,71,42,59,29,39,28,69,65,38,38,30,26,38,27,33,27,27,50,13, +47-2142.00,Paperhangers,https://www.onetonline.org/link/summary/47-2142.00,2025-06-11T19:19:07.311012,"Smooth strips or sections of paper with brushes or rollers to remove wrinkles and bubbles and to smooth joints. +Trim rough edges from strips, using straightedges and trimming knives. +Trim excess material at ceilings or baseboards, using knives. +Check finished wallcoverings for proper alignment, pattern matching, and neatness of seams. +Mark vertical guidelines on walls to align strips, using plumb bobs and chalk lines. +Cover interior walls and ceilings of rooms with decorative wallpaper or fabric, using hand tools. +Apply adhesives to the backs of paper strips, using brushes, or dunk strips of prepasted wallcovering in water, wiping off any excess adhesive. +Measure and cut strips from rolls of wallpaper or fabric, using shears or razors. +Place strips or sections of paper on surfaces, aligning section edges and patterns. +Fill holes, cracks, and other surface imperfections preparatory to covering surfaces. +Measure surfaces or review work orders to estimate the quantities of materials needed. +Apply sizing to seal surfaces and maximize adhesion of coverings to surfaces. +Smooth rough spots on walls and ceilings, using sandpaper. +Set up equipment, such as pasteboards and scaffolds. +Remove old paper, using water, steam machines, or solvents and scrapers. +Apply thinned glue to waterproof porous surfaces, using brushes, rollers, or pasting machines. +Mix paste, using paste powder and water, and brush paste onto surfaces. +Staple or tack advertising posters onto fences, walls, billboards, or poles. +Remove paint, varnish, dirt, and grease from surfaces, using paint remover and water soda solutions. +Apply acetic acid to damp plaster to prevent lime from bleeding through paper.","Accounting software— A-Systems JobView; Turtle Creek Software Goldenseal +Enterprise application integration software— Electronic data interchange EDI software +Graphics or photo imaging software— Corel Painter +Project management software— Construction Software Center EasyEst; On Center Quick Bid; PlanSwift +Spreadsheet software— Microsoft Excel +Word processing software— Google Docs; Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Apply decorative or textured finishes or coverings. +Trim excess material from installations. +Inspect completed work to ensure proper installation. +Mark reference points on construction materials. +Apply adhesives to construction materials. +Cut carpet, vinyl or other flexible materials. +Measure materials or objects for installation or assembly. +Apply material to fill gaps in surfaces. +Estimate materials requirements for projects. +Measure work site dimensions. +Prepare surfaces for finishing. +Review blueprints or specifications to determine work requirements. +Smooth surfaces with abrasive materials or tools. +Assemble temporary equipment or structures. +Remove worn, damaged or outdated materials from work areas. +Apply sealants or other protective coatings. +Implement advertising or marketing initiatives. +Mix substances or compounds needed for work activities. +Clean surfaces in preparation for work activities.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 72% responded “Continually or almost continually.” +Spend Time Standing— 60% responded “Continually or almost continually.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 52% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 65% responded “Every day.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Time Pressure— 43% responded “Every day.” +Frequency of Decision Making— 56% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Importance of Being Exact or Accurate— 69% responded “Very important.” +Contact With Others— 42% responded “Contact with others most of the time.” +Face-to-Face Discussions with Individuals and Within Teams— 54% responded “Every day.” +Spend Time Bending or Twisting Your Body— 31% responded “Continually or almost continually.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 38% responded “Less than half the time.” +Exposed to High Places— 48% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 31% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 46% responded “Important.” +Duration of Typical Work Week— 82% responded “40 hours.” +Exposed to Contaminants— 28% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 53% responded “Every day.” +Spend Time Walking or Running— 52% responded “Less than half the time.” +Health and Safety of Other Workers— 38% responded “Limited responsibility.” +Level of Competition— 31% responded “Highly competitive.” +Telephone Conversations— 28% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 38% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 30% responded “Extremely important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Carpet Installers +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Furniture Finishers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Insulation Workers, Floor, Ceiling, and Wall +Painters, Construction and Maintenance +Painting, Coating, and Decorating Workers +Sheet Metal Workers +Tile and Stone Setters","View the list of Allies +Associated Builders and Contractors +external site +Association of the Wall and Ceiling Industry +external site +Construction Specifications Institute +external site +National Association of Home Builders +external site +National Association of the Remodeling Industry +external site +Northwest Wall and Ceiling Bureau +external site +Western Wall & Ceiling Contractors Association +external site +International Union of Painters and Allied Trades +external site +Wallcovering Installers Association +external site",68,,43,50,57,51,51,46,37,38,44,39,41,29,6,25,12,51,12,29,34,4,14,8,23,39,64,21,10,49,23,11,6 +47-4031.00,Fence Erectors,https://www.onetonline.org/link/summary/47-4031.00,2025-06-11T19:20:05.336098,"Establish the location for a fence, and gather information needed to ensure that there are no electric cables or water lines in the area. +Set metal or wooden posts in upright positions in postholes. +Measure and lay out fence lines and mark posthole positions, following instructions, drawings, or specifications. +Align posts, by lines or sighting, and verify vertical alignment of posts, using plumb bobs or spirit levels. +Attach rails or tension wire along bottoms of posts to form fencing frames. +Dig postholes, using spades, posthole diggers, or power-driven augers. +Attach fence rail supports to posts, using hammers and pliers. +Assemble gates, and fasten gates into position, using hand tools. +Mix and pour concrete around bases of posts, or tamp soil into postholes to embed posts. +Make rails for fences, by sawing lumber or by cutting metal tubing to required lengths. +Nail top and bottom rails to fence posts, or insert them in slots on posts. +Discuss fencing needs with customers, and estimate and quote prices. +Stretch wire, wire mesh, or chain link fencing between posts, and attach fencing to frames. +Complete top fence rails of metal fences by connecting tube sections, using metal sleeves. +Erect alternate panel, basket weave, and louvered fences. +Insert metal tubing through rail supports. +Nail pointed slats to rails to construct picket fences. +Construct and repair barriers, retaining walls, trellises, and other types of fences, walls, and gates. +Weld metal parts together, using portable gas welding equipment. +Blast rock formations and rocky areas with dynamite to facilitate posthole digging.","Computer aided design CAD software— Autodesk AutoCAD; Cutlist Plus fx +Project management software— Maxwell Systems American Contractor; Software Design Associates Computer Fencing System CFS +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Determine appropriate locations for operations or installations. +Position structural components. +Mark reference points on construction materials. +Measure work site dimensions. +Verify alignment of structures or equipment. +Install fencing or other barriers. +Dig holes or trenches. +Install wooden structural components. +Mix substances or compounds needed for work activities. +Pour materials into or on designated areas. +Cut wood components for installation. +Communicate with clients about products, procedures, and policies. +Install metal structural components. +Operate detonation equipment. +Weld metal components.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Health and Safety of Other Workers— 82% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Work Outcomes and Results of Other Workers— 58% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Time Pressure— 56% responded “Every day.” +Spend Time Standing— 60% responded “Continually or almost continually.” +Contact With Others— 65% responded “Constant contact with others.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Every day.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 61% responded “Every day.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Spend Time Making Repetitive Motions— 58% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Continually or almost continually.” +Consequence of Error— 57% responded “Extremely serious.” +Importance of Being Exact or Accurate— 37% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 37% responded “Extremely important.” +Physical Proximity— 84% responded “Moderately close (at arm's length).” +Spend Time Bending or Twisting Your Body— 36% responded “About half the time.” +Spend Time Walking or Running— 57% responded “Continually or almost continually.” +Exposed to High Places— 48% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 63% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 60% responded “Important.” +Exposed to Very Hot or Cold Temperatures— 38% responded “Every day.” +Level of Competition— 12% responded “Moderately competitive.” +In an Open Vehicle or Operating Equipment— 53% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 31% responded “Extremely important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 48% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 59% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Important results.” +Exposed to Contaminants— 12% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 36% responded “Once a month or more but not every week.” +Exposed to Whole Body Vibration— 64% responded “Once a month or more but not every week.” +Conflict Situations— 53% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 89% responded “40 hours.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 52% responded “Once a month or more but not every week.” +Written Letters and Memos— 39% responded “Never.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 48% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Carpenters +Cement Masons and Concrete Finishers +Construction Laborers +Bright Outlook +Drywall and Ceiling Tile Installers +Electrical Power-Line Installers and Repairers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Insulation Workers, Floor, Ceiling, and Wall +Reinforcing Iron and Rebar Workers +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters","View the list of Allies +American Fence Association +external site",76,14,52,59,62,70,51,59,29,13,56,39,13,38,34,24,29,57,19,72,23,14,14,26,5,52,75,36,14,68,40,20,14 +19-4051.02,Nuclear Monitoring Technicians,https://www.onetonline.org/link/summary/19-4051.02,2025-06-11T18:58:08.666969,"Brief workers on radiation levels in work areas. +Calculate safe radiation exposure times for personnel using plant contamination readings and prescribed safe levels of radiation. +Monitor personnel to determine the amounts and intensities of radiation exposure. +Inform supervisors when individual exposures or area radiation levels approach maximum permissible limits. +Provide initial response to abnormal events or to alarms from radiation monitoring equipment. +Determine intensities and types of radiation in work areas, equipment, or materials, using radiation detectors or other instruments. +Instruct personnel in radiation safety procedures and demonstrate use of protective clothing and equipment. +Collect samples of air, water, gases, or solids to determine radioactivity levels of contamination. +Analyze samples, such as air or water samples, for contaminants or other elements. +Determine or recommend radioactive decontamination procedures, according to the size and nature of equipment and the degree of contamination. +Set up equipment that automatically detects area radiation deviations and test detection equipment to ensure its accuracy. +Prepare reports describing contamination tests, material or equipment decontaminated, or methods used in decontamination processes. +Place radioactive waste, such as sweepings or broken sample bottles, into containers for shipping or disposal. +Decontaminate objects by cleaning with soap or solvents or by abrading with wire brushes, buffing wheels, or sandblasting machines. +Enter data into computers to record characteristics of nuclear events or to locate coordinates of particles. +Calibrate and maintain chemical instrumentation sensing elements and sampling system equipment, using calibration instruments and hand tools. +Document results from radiation and contamination surveys. +Inspect, test, and maintain respiratory protection equipment. +Write radiological work permits.","Analytical or scientific software— Gamma waste assay system GWAS; Radiological assessment display and control system RADACS; RESRAD +Application server software— Google Compute Engine (GCE) +Data base user interface and query software— Structured query language SQL +Development environment software— Microsoft Azure software +Electronic mail software— Microsoft Outlook +Industrial control software— AVEVA InTouch HMI; Supervisory control and data acquisition SCADA software +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows; Microsoft Windows Server +Platform interconnectivity software— Connectivity software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Communicate safety or hazard information to others. +Measure radiation levels. +Train personnel in technical or scientific procedures. +Collect environmental data or samples. +Analyze environmental data. +Record research or operational data. +Advise others on management of emergencies or hazardous situations or materials. +Set up laboratory or field equipment. +Calibrate scientific or technical equipment. +Maintain laboratory or technical equipment. +Prepare operational reports. +Clean objects.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 96% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Exposed to Radiation— 83% responded “Every day.” +E-Mail— 78% responded “Every day.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Health and Safety of Other Workers— 68% responded “Very high responsibility.” +Contact With Others— 54% responded “Constant contact with others.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Once a week or more but not every day.” +Frequency of Decision Making— 45% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 45% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 41% responded “Once a week or more but not every day.” +Physical Proximity— 64% responded “Moderately close (at arm's length).” +Consequence of Error— 39% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Very important results.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Determine Tasks, Priorities and Goals— 31% responded “Limited freedom.” +Work Outcomes and Results of Other Workers— 40% responded “Moderate responsibility.” +Time Pressure— 34% responded “Once a week or more but not every day.” +Exposed to Contaminants— 29% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 39% responded “Once a week or more but not every day.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 30% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 31% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 29% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “More than half the time.” +Exposed to High Places— 37% responded “Once a month or more but not every week.” +Conflict Situations— 34% responded “Once a month or more but not every week.” +Spend Time Standing— 55% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Calibration Technologists and Technicians +Bright Outlook +Chemical Technicians +Environmental Engineering Technologists and Technicians +Environmental Science and Protection Technicians, Including Health +Medical and Clinical Laboratory Technicians +Nuclear Medicine Technologists +Nuclear Power Reactor Operators +Nuclear Technicians +Occupational Health and Safety Specialists +Occupational Health and Safety Technicians","View the list of Allies +American National Standards Institute +external site +American Nuclear Society +external site +American Society for Nondestructive Testing +external site +American Society of Radiologic Technologists +external site +Center for Energy Workforce Development +external site +Health Physics Society +external site +International Radiation Protection Association +external site +International Society of Radiographers and Radiological Technologists +external site +North American Young Generation in Nuclear +external site +Nuclear Energy Institute +external site +Radiological Society of North America +external site +Society of Nuclear Medicine and Molecular Imaging +external site +Women in Nuclear +external site +American College of Radiology +external site +International Brotherhood of Electrical Workers +external site +National Registry of Radiation Protection Technologists +external site",38,1,17,51,57,36,54,45,35,9,2,19,52,50,2,37,22,43,5,20,20,11,11,32,13,31,20,57,30,22,9,,5 +37-2021.00,Pest Control Workers,https://www.onetonline.org/link/summary/37-2021.00,2025-06-11T19:12:21.740850,"Record work activities performed. +Inspect premises to identify infestation source and extent of damage to property, wall, or roof porosity and access to infested locations. +Recommend treatment and prevention methods for pest problems to clients. +Spray or dust chemical solutions, powders, or gases into rooms, onto clothing, furnishings, or wood, or over marshlands, ditches, or catch basins. +Clean work site after completion of job. +Drive truck equipped with power spraying equipment. +Measure area dimensions requiring treatment, calculate fumigant requirements, and estimate cost for service. +Study preliminary reports or diagrams of infested area and determine treatment type required to eliminate and prevent recurrence of infestation. +Direct, or assist other workers in, treatment or extermination processes to eliminate or control rodents, insects, or weeds. +Post warning signs and lock building doors to secure area to be fumigated. +Set mechanical traps, or place poisonous paste or bait in sewers, burrows, or ditches. +Cut or bore openings in building or surrounding concrete, access infested areas, insert nozzle, and inject pesticide to impregnate ground. +Clean and remove blockages from infested areas to facilitate spraying procedures and provide drainage, using brooms, mops, shovels, or rakes.","Accounting software— Intuit QuickBooks +Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Database software; Marathon Data Systems PestPac +Document management software— Microsoft SharePoint +Electronic mail software— Email software +Inventory management software— Supply inventory software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Word processing software— Microsoft Word; Report writing software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Document work hours or activities. +Inspect buildings or grounds to determine condition. +Recommend products or services to customers. +Block physical access to restricted areas. +Notify others of emergencies, problems, or hazards. +Treat greenery or surfaces with protective substances. +Clean facilities or sites. +Drive trucks or other vehicles to or at work sites. +Estimate maintenance service requirements or costs. +Evaluate reports or designs to determine work needs. +Treat facilities to eliminate pests. +Supervise maintenance workers.","In an Enclosed Vehicle or Operate Enclosed Equipment— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 81% responded “Every day.” +Telephone Conversations— 72% responded “Every day.” +Exposed to Contaminants— 66% responded “Every day.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Contact With Others— 55% responded “Constant contact with others.” +Frequency of Decision Making— 64% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Important results.” +Time Pressure— 43% responded “Every day.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 47% responded “Every day.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Spend Time Walking or Running— 66% responded “More than half the time.” +Duration of Typical Work Week— 51% responded “40 hours.” +Spend Time Standing— 58% responded “More than half the time.” +Spend Time Making Repetitive Motions— 55% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 45% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 35% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 48% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 52% responded “Every day.” +Importance of Repeating Same Tasks— 34% responded “Important.” +Consequence of Error— 32% responded “Serious.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 36% responded “Every day.” +Indoors, Not Environmentally Controlled— 40% responded “Every day.” +Spend Time Bending or Twisting Your Body— 40% responded “Less than half the time.” +Work With or Contribute to a Work Group or Team— 32% responded “Important.” +Level of Competition— 37% responded “Moderately competitive.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 39% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Inspectors +Agricultural Technicians +Bright Outlook +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +Hazardous Materials Removal Workers +Landscaping and Groundskeeping Workers +Pesticide Handlers, Sprayers, and Applicators, Vegetation +Septic Tank Servicers and Sewer Pipe Cleaners +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +Association of Structural Pest Control Regulatory Officials +external site +National Pest Management Association +external site",71,23,33,52,39,36,53,32,36,30,47,27,49,24,16,47,18,41,7,29,23,3,11,16,5,19,36,24,49,19,33,2,7 +51-4122.00,"Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-4122.00,2025-06-11T19:25:23.903419,"Read blueprints, work orders, or production schedules to determine product or job instructions or specifications. +Inspect, measure, or test completed metal workpieces to ensure conformance to specifications, using measuring and testing devices. +Record operational information on specified production reports. +Correct problems by adjusting controls or by stopping machines and opening holding devices. +Set up, operate, or tend welding machines that join or bond components to fabricate metal products or assemblies. +Select torch tips, alloys, flux, coil, tubing, or wire, according to metal types or thicknesses, data charts, or records. +Lay out, fit, or connect parts to be bonded, calculating production measurements, as necessary. +Prepare metal surfaces or workpieces, using hand-operated equipment, such as grinders, cutters, or drills. +Mark weld points and positions of components on workpieces, using rules, squares, templates, or scribes. +Set dials and timing controls to regulate electrical current, gas flow pressure, heating or cooling cycles, or shut-off. +Turn and press knobs and buttons or enter operating instructions into computers to adjust and start welding machines. +Assemble, align, and clamp workpieces into holding fixtures to bond, heat-treat, or solder fabricated metal components. +Conduct trial runs before welding, soldering, or brazing, and make necessary adjustments to equipment. +Give directions to other workers regarding machine set-up and use. +Clean, lubricate, maintain, and adjust equipment to maintain efficient operation, using air hoses, cleaning fluids, and hand tools. +Select, position, align, and bolt jigs, holding fixtures, guides, or stops onto machines, using measuring instruments and hand tools. +Remove completed workpieces or parts from machinery, using hand tools. +Observe meters, gauges, or machine operations to ensure that soldering or brazing processes meet specifications. +Transfer components, metal products, or assemblies, using moving equipment. +Devise or build fixtures or jigs used to hold parts in place during welding, brazing, or soldering. +Add chemicals or materials to workpieces or machines to facilitate bonding or to cool workpieces. +Tend auxiliary equipment used in welding processes. +Compute and record settings for new work, applying knowledge of metal properties, principles of welding, and shop mathematics. +Anneal finished workpieces to relieve internal stress. +Load or feed workpieces into welding machines to join or bond components. +Fill hoppers and position spouts to direct flow of flux or manually brush flux onto seams of workpieces. +Start, monitor, and adjust robotic welding production lines. +Dress electrodes, using tip dressers, files, emery cloths, or dressing wheels. +Immerse completed workpieces into water or acid baths to cool and clean components.","Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Tool center point TCP setting software +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft operating system; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate welding equipment. +Record operational or production data. +Apply lubricants or coolants to workpieces. +Apply solutions to production equipment. +Assemble metal or plastic parts or products. +Select production equipment according to product specifications. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Lay out parts to prepare for assembly. +Operate cutting equipment. +Operate grinding equipment. +Reshape metal workpieces to established specifications. +Adjust equipment controls to regulate gas flow. +Adjust flow of electricity to tools or production equipment. +Align parts or workpieces to ensure proper assembly. +Conduct test runs of production equipment. +Enter commands, instructions, or specifications into equipment. +Direct operational or production activities. +Clean production equipment. +Lubricate production equipment. +Maintain production or processing equipment. +Mount attachments or tools onto production equipment. +Remove products or workpieces from production equipment. +Calculate specific material, equipment, or labor requirements for production. +Load materials into production equipment. +Monitor equipment operation to ensure proper functioning. +Feed materials or products into or through equipment. +Heat material or workpieces to prepare for or complete production. +Solder parts or workpieces. +Move products, materials, or equipment between work areas. +Assemble machine tools, parts, or fixtures. +Design tools, fixtures, or other devices for production equipment. +Immerse objects or workpieces in cleaning or coating solutions.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 85% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Spend Time Standing— 54% responded “Continually or almost continually.” +Time Pressure— 47% responded “Every day.” +Exposed to Contaminants— 68% responded “Every day.” +Spend Time Making Repetitive Motions— 60% responded “Continually or almost continually.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 60% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Indoors, Not Environmentally Controlled— 62% responded “Every day.” +Consequence of Error— 20% responded “Very serious.” +Exposed to Very Hot or Cold Temperatures— 27% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Duration of Typical Work Week— 48% responded “More than 40 hours.” +Frequency of Decision Making— 67% responded “Every day.” +Contact With Others— 42% responded “Constant contact with others.” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Level of Competition— 37% responded “Highly competitive.” +Pace Determined by Speed of Equipment— 29% responded “Extremely important.” +Exposed to Hazardous Conditions— 49% responded “Every day.” +Exposed to Hazardous Equipment— 47% responded “Every day.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Spend Time Walking or Running— 36% responded “More than half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 52% responded “Every day.” +Determine Tasks, Priorities and Goals— 24% responded “A lot of freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 44% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Electrical and Electronic Equipment Assemblers +Bright Outlook +Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Industrial Machinery Mechanics +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Structural Metal Fabricators and Fitters +Tool Grinders, Filers, and Sharpeners +Welders, Cutters, Solderers, and Brazers +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",42,5,70,46,40,63,48,37,35,15,23,34,17,30,11,16,12,46,2,16,2,3,1,8,7,42,27,26,3,53,4,1,5 +25-1112.00,"Law Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1112.00,2025-06-11T19:00:42.561813,"Initiate, facilitate, and moderate classroom discussions. +Evaluate and grade students' class work, assignments, papers, and oral presentations. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Compile, administer, and grade examinations, or assign this work to others. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Prepare and deliver lectures to undergraduate or graduate students on topics such as civil procedure, contracts, and torts. +Maintain student attendance records, grades, and other required records. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Select and obtain materials and supplies, such as textbooks. +Advise students on academic and vocational curricula and on career issues. +Assign cases for students to hear and try. +Supervise undergraduate or graduate teaching, internship, and research work. +Collaborate with colleagues to address teaching and research issues. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Act as advisers to student organizations. +Participate in student recruitment, registration, and placement activities. +Perform administrative duties, such as serving as department head. +Participate in campus and community events. +Compile bibliographies of specialized materials for outside reading assignments. +Write grant proposals to procure external research funding. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Panopto; Piazza;5 more +Data base user interface and query software— LexisNexis CaseMap +Desktop publishing software— Microsoft Publisher +Document management software— AbacusNext HotDocs; CT Summation iBlaze +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— ACD Systems Canvas +Information retrieval or search software— DOC Cop; iParadigms Turnitin; LexisNexis; Thomson Reuters Westlaw +Internet browser software— Web browser software +Legal management software— Collateral Consequences Calculator; Thomson Reuters WestlawNext Litigator +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Center for Computer-Assisted Legal Instruction CALI Classcaster +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Guide class discussions. +Evaluate student work. +Develop instructional materials. +Administer tests to assess educational needs or progress. +Prepare tests. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Teach social science courses at the college level. +Maintain student records. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Advise students on academic or career matters. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Plan experiential learning activities. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Supervise student research or internship work. +Direct department activities. +Serve on institutional or departmental committees. +Plan community programs or activities for the general public. +Compile specialized bibliographies or lists of materials. +Write grant proposals. +Advise educators on curricula, instructional methods, or policies.","Determine Tasks, Priorities and Goals— 92% responded “A lot of freedom.” +E-Mail— 81% responded “Every day.” +Freedom to Make Decisions— 77% responded “A lot of freedom.” +Contact With Others— 59% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Public Speaking— 58% responded “Once a week or more but not every day.” +Telephone Conversations— 46% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Frequency of Decision Making— 41% responded “Once a week or more but not every day.” +Spend Time Sitting— 34% responded “More than half the time.” +Level of Competition— 34% responded “Highly competitive.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Extremely important.” +Duration of Typical Work Week— 39% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 33% responded “Extremely important.” +Deal With External Customers or the Public in General— 30% responded “Not important at all.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Instructing— Teaching others how to do something. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Business Teachers, Postsecondary +Bright Outlook +Communications Teachers, Postsecondary +Criminal Justice and Law Enforcement Teachers, Postsecondary +Economics Teachers, Postsecondary +Education Teachers, Postsecondary +Library Science Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Political Science Teachers, Postsecondary +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +Academy of Legal Studies in Business +external site +American Association for Paralegal Education +external site +American Association of Law Libraries +external site +American Association of University Professors +external site +American Bar Association +external site +American Society for Legal History +external site +American Society of International Law +external site +Association of American Law Schools +external site +Clinical Legal Education Association +external site +Council of Graduate Schools +external site +Education Law Association +external site +Law and Society Association +external site +Legal Writing Institute +external site +Society of American Law Teachers +external site +The American Law Institute +external site +American Civil Liberties Union +external site",49,1,10,93,38,47,30,86,39,37,28,37,3,58,20,98,57,5,41,9,39,28,44,17,12,17,3,3,7,12,23,12,32 +37-2012.00,Maids and Housekeeping Cleaners,https://www.onetonline.org/link/summary/37-2012.00,2025-06-11T19:12:19.629694,"Keep storage areas and carts well-stocked, clean, and tidy. +Carry linens, towels, toilet items, and cleaning supplies, using wheeled carts. +Clean rooms, hallways, lobbies, lounges, restrooms, corridors, elevators, stairways, locker rooms, and other work areas so that health standards are met. +Empty wastebaskets, empty and clean ashtrays, and transport other trash and waste to disposal areas. +Sweep, scrub, wax, or polish floors, using brooms, mops, or powered scrubbing and waxing machines. +Replenish supplies, such as drinking glasses, linens, writing supplies, and bathroom items. +Clean rugs, carpets, upholstered furniture, and draperies, using vacuum cleaners and shampooers. +Wash windows, walls, ceilings, and woodwork, waxing and polishing as necessary. +Dust and polish furniture and equipment. +Disinfect equipment and supplies, using germicides or steam-operated sterilizers. +Observe precautions required to protect hotel and guest property and report damage, theft, and found articles to supervisors. +Sort, count, and mark clean linens and store them in linen closets. +Sort clothing and other articles, load washing machines, and iron and fold dried items. +Move and arrange furniture and turn mattresses. +Replace light bulbs. +Deliver television sets, ironing boards, baby cribs, and rollaway beds to guests' rooms. +Hang draperies and dust window blinds. +Request repair services and wait for repair workers to arrive. +Prepare rooms for meetings and arrange decorations, media equipment, and furniture for social or business functions. +Polish silver accessories and metalwork, such as fixtures and fittings.","Desktop communications software— Eko +Electronic mail software— Email software +Facilities management software— Computerized maintenance management system CMMS +Instant messaging software— Blink +Inventory management software— Inventory tracking software +Materials requirements planning logistics and supply chain software— Computerized bed control system software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Inventory materials or equipment. +Clean facilities or sites. +Move materials, equipment, or supplies. +Clean equipment or supplies. +Clean building walls or flooring. +Dispose of trash or waste materials. +Monitor building premises to ensure occupant or visitor safety. +Clean furniture or fixtures. +Operate garment treatment equipment. +Sort materials or products. +Move furniture. +Maintain equipment or systems to ensure proper functioning. +Decorate indoor or outdoor spaces. +Schedule repair, installation or maintenance activities.","Spend Time Standing— 84% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 82% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 70% responded “Continually or almost continually.” +Spend Time Walking or Running— 72% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 70% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Time Pressure— 53% responded “Every day.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Contact With Others— 37% responded “Contact with others most of the time.” +Exposed to Contaminants— 57% responded “Every day.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 30% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 34% responded “Some freedom.” +Deal With External Customers or the Public in General— 36% responded “Important.” +Freedom to Make Decisions— 29% responded “A lot of freedom.” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Physical Proximity— 39% responded “I work with others but not closely (e.g., private office).”","Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cleaners of Vehicles and Equipment +Dining Room and Cafeteria Attendants and Bartender Helpers +Bright Outlook +Dishwashers +Fast Food and Counter Workers +Food Preparation Workers +Food Servers, Nonrestaurant +Janitors and Cleaners, Except Maids and Housekeeping Cleaners +Laundry and Dry-Cleaning Workers +Locker Room, Coatroom, and Dressing Room Attendants +Pressers, Textile, Garment, and Related Materials","View the list of Allies +IEHA +external site +UNITE HERE +external site",76,19,30,56,21,48,55,34,18,21,22,26,36,25,24,22,27,19,17,16,22,16,16,26,16,14,13,13,10,13,12,4,9 +11-9111.00,Medical and Health Services Managers,https://www.onetonline.org/link/summary/11-9111.00,2025-06-11T18:48:17.757096,"Direct, supervise and evaluate work activities of medical, nursing, technical, clerical, service, maintenance, and other personnel. +Develop and maintain computerized record management systems to store and process data, such as personnel activities and information, and to produce reports. +Plan, implement, and administer programs and services in a health care or medical facility, including personnel administration, training, and coordination of medical, nursing and physical plant staff. +Conduct and administer fiscal operations, including accounting, planning budgets, authorizing expenditures, establishing rates for services, and coordinating financial reporting. +Maintain awareness of advances in medicine, computerized diagnostic and treatment equipment, data processing technology, government regulations, health insurance changes, and financing options. +Establish work schedules and assignments for staff, according to workload, space, and equipment availability. +Monitor the use of diagnostic services, inpatient beds, facilities, and staff to ensure effective use of resources and assess the need for additional staff, equipment, and services. +Direct or conduct recruitment, hiring, and training of personnel. +Manage change in integrated health care delivery systems, such as work restructuring, technological innovations, and shifts in the focus of care. +Maintain communication between governing boards, medical staff, and department heads by attending board meetings and coordinating interdepartmental functioning. +Establish objectives and evaluative or operational criteria for units managed. +Develop and implement organizational policies and procedures for the facility or medical unit. +Review and analyze facility activities and data to aid planning and cash and risk management and to improve service utilization. +Prepare activity reports to inform management of the status and implementation plans of programs, services, and quality initiatives. +Develop or expand and implement medical programs or health services that promote research, rehabilitation, and community health. +Consult with medical, business, and community groups to discuss service problems, respond to community needs, enhance public relations, coordinate activities and plans, and promote health programs. +Develop instructional materials and conduct in-service and community-based educational programs. +Inspect facilities and recommend building or equipment modifications to ensure emergency readiness and compliance to access, safety, and sanitation regulations.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting +Analytical or scientific software— Expert Health Data Programming Vitalnet; IBM SPSS Statistics; Relative Values for Physicians; SAS;4 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Calendar and scheduling software— AcuStaf; API Healthcare ActiveStaffer; e-MDs Schedule +Categorization or classification software— American Medical Association CodeManager; ColorSoft AutoMatch; Yost Engineering ABN Assistant; Yost Engineering CodeSearch Pro;2 more +Charting software— e-MDs Chart +Cloud-based data access and sharing software— Google Drive +Communications server software— IBM Domino +Compliance software— 3DGrid HIPAA Checkup; Yost Engineering EPStaffCheck +Computer aided design CAD software— Autodesk Revit +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Salesforce software +Data base management system software— Apache Hadoop; Apache Pig; Teradata Database +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Blackboard software; Microsoft SQL Server; Structured query language SQL; Yardi software;5 more +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Maven; Integrated development environment IDE software; Microsoft Visual Basic +Document management software— Adobe Acrobat; e-MDs DocMan; Microsoft SharePoint; Nuance PaperPort Professional;1 more +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Microsoft SQL Server Integration Services SSIS +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle Hyperion; Oracle JD Edwards EnterpriseOne; SAP Business Objects;3 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— Geographic information system GIS software +Graphics or photo imaging software— ConceptDraw; SmugMug Flickr; Trimble SketchUp Pro +Human resources software— Human resource management software HRMS; Oracle Taleo +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Inventory management software +Materials requirements planning logistics and supply chain software— Bed Management Suite; TeleTracking PreAdmit-Tracking +Medical software— eClinicalWorks EHR software; Epic Systems; Henry Schein Dentrix; MEDITECH software;19 more +Object or component oriented development software— R +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Contract management software; Microsoft Project; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads; Marketo Marketing Automation +Spreadsheet software— Google Sheets; Microsoft Excel +Transaction security and virus protection software— ArticSoft FileAssurity +Video conferencing software— Cisco Webex; Google Meet +Web page creation and editing software— Facebook; LinkedIn; Social media sites +Word processing software— Google Docs; Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Evaluate employee performance. +Supervise employees. +Develop computer or information systems. +Maintain operational records. +Conduct employee training programs. +Implement organizational process or policy changes. +Manage human resources activities. +Direct financial operations. +Maintain knowledge of current developments in area of expertise. +Prepare operational budgets. +Monitor performance of organizational members or partners. +Monitor resources. +Prepare staff schedules or work assignments. +Hire personnel. +Manage operations, research, or logistics projects. +Recruit personnel. +Liaise between departments or other groups to improve function or communication. +Develop organizational goals or objectives. +Develop procedures to evaluate organizational activities. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Analyze risks to minimize losses or damages. +Monitor facilities or operational systems. +Prepare operational progress or status reports. +Advise others on legal or regulatory compliance matters. +Inspect condition or functioning of facilities or equipment. +Coordinate operational activities with external stakeholders.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Telephone Conversations— 93% responded “Every day.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Contact With Others— 82% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Deal With External Customers or the Public in General— 43% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Frequency of Decision Making— 48% responded “Every day.” +Conflict Situations— 36% responded “Once a month or more but not every week.” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Level of Competition— 43% responded “Moderately competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 26% responded “Continually or almost continually.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Clinical Nurse Specialists +Bright Outlook +Education and Childcare Administrators, Preschool and Daycare +Emergency Medicine Physicians +Health Education Specialists +Health Informatics Specialists +Health Information Technologists and Medical Registrars +Health Specialties Teachers, Postsecondary +Management Analysts +Preventive Medicine Physicians +Social and Community Service Managers","View the list of Allies +Academy of Nutrition and Dietetics +external site +American College of Healthcare Executives +external site +American Nurses Association +external site +American Public Health Association +external site +Association of University Programs in Health Administration +external site +Healthcare Information and Management Systems Society +external site +LeadingAge +external site +Medical Group Management Association +external site +Oncology Nursing Society +external site +Northwest Organization of Nurse Leaders +external site +American College of Health Care Administrators +external site +American Health Information Management Association +external site +National Association for Healthcare Quality +external site",81,7,40,84,60,92,55,73,67,58,37,78,19,70,13,58,39,14,22,17,55,35,36,34,60,34,15,12,38,25,16,7,10 +39-3092.00,Costume Attendants,https://www.onetonline.org/link/summary/39-3092.00,2025-06-11T19:13:02.895145,"Create worksheets for dressing lists, show notes, or costume checks. +Provide dressing assistance to cast members or assign cast dressers to assist specific cast members with costume changes. +Arrange costumes in order of use to facilitate quick-change procedures for performances. +Design or construct costumes or send them to tailors for construction, major repairs, or alterations. +Examine costume fit on cast members and sketch or write notes for alterations. +Distribute costumes or related equipment and keep records of item status. +Check the appearance of costumes on stage or under lights to determine whether desired effects are being achieved. +Clean and press costumes before and after performances and perform any minor repairs. +Collaborate with production designers, costume designers, or other production staff to discuss and execute costume design details. +Monitor, maintain, or secure inventories of costumes, wigs, or makeup, providing keys or access to assigned directors, costume designers, or wardrobe mistresses/masters. +Purchase, rent, or requisition costumes or other wardrobe necessities. +Study books, pictures, or examples of period clothing to determine styles worn during specific periods in history. +Return borrowed or rented items when productions are complete and return other items to storage. +Review scripts or other production information to determine a story's locale or period, as well as the number of characters and required costumes. +Inventory stock to determine types or conditions of available costuming. +Direct the work of wardrobe crews during dress rehearsals or performances. +Participate in the hiring, training, scheduling, or supervision of alteration workers. +Provide managers with budget recommendations and take responsibility for budgetary line items related to costumes, storage, or makeup needs. +Assign lockers to employees and maintain locker rooms, dressing rooms, wig rooms, or costume storage or laundry areas. +Recommend vendors and monitor their work. +Care for non-clothing items, such as flags, table skirts, or draperies. +Create patterns for costumes based on designer's drawings. +Schedule costume fittings for actors.","Data base user interface and query software— Database software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Inventory management software— Garment tracking software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Assign duties or work schedules to employees. +Prepare operational reports or records. +Arrange items for use or display. +Maintain supply or equipment inventories. +Design costumes or cosmetic effects for characters. +Distribute resources to patrons or employees. +Evaluate quality of materials or products. +Review art or design materials. +Clean fabrics or apparel. +Collaborate with others to determine production details. +Monitor availability of equipment or supplies. +Order materials, supplies, or equipment. +Supervise service workers. +Assign resources or facilities to patrons or employees. +Maintain facilities. +Manage budgets for personal services operations. +Perform human resources activities. +Train service staff. +Review production information to determine costume or makeup requirements. +Deliver items. +Monitor operational quality or safety.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 92% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 90% responded “Extremely important.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Time Pressure— 46% responded “Every day.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Physical Proximity— 51% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +E-Mail— 44% responded “Every day.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Frequency of Decision Making— 31% responded “Every day.” +Duration of Typical Work Week— 44% responded “40 hours.” +Telephone Conversations— 31% responded “Once a week or more but not every day.” +Exposed to Contaminants— 37% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Moderate results.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Spend Time Standing— 42% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Once a year or more but not every month.” +Spend Time Sitting— 35% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Fabric and Apparel Patternmakers +Fashion Designers +Interior Designers +Jewelers and Precious Stone and Metal Workers +Makeup Artists, Theatrical and Performance +Bright Outlook +Merchandise Displayers and Window Trimmers +Set and Exhibit Designers +Sewers, Hand +Sewing Machine Operators +Tailors, Dressmakers, and Custom Sewers","View the list of Allies +American Sewing Guild +external site +Costume Society of America +external site +International Costumers' Guild +external site +United States Institute for Theatre Technology +external site",54,13,55,53,44,49,33,41,36,30,18,41,20,31,22,13,29,45,19,22,52,16,35,23,6,36,31,23,9,56,4,66,24 +15-1299.08,Computer Systems Engineers/Architects,https://www.onetonline.org/link/summary/15-1299.08,2025-06-11T18:52:33.924960,"Communicate with staff or clients to understand specific system requirements. +Investigate system component suitability for specified purposes, and make recommendations regarding component use. +Provide customers or installation teams guidelines for implementing secure systems. +Direct the analysis, development, and operation of complete computer systems. +Direct the installation of operating systems, network or application software, or computer or network hardware. +Monitor system operation to detect potential problems. +Identify system data, hardware, or software components required to meet user needs. +Perform ongoing hardware and software maintenance operations, including installing or upgrading hardware or software. +Verify stability, interoperability, portability, security, or scalability of system architecture. +Research, test, or verify proper functioning of software patches and fixes. +Configure servers to meet functional specifications. +Collaborate with engineers or software developers to select appropriate design solutions or ensure the compatibility of system components. +Design and conduct hardware or software tests. +Evaluate existing systems to determine effectiveness, and suggest changes to meet organizational requirements. +Document design specifications, installation instructions, and other system-related information. +Perform security analyses of developed or packaged software components. +Provide technical guidance or support for the development or troubleshooting of systems. +Define and analyze objectives, scope, issues, or organizational impact of information systems. +Establish functional or system standards to address operational requirements, quality requirements, and design constraints. +Develop system engineering, software engineering, system integration, or distributed system architectures. +Provide advice on project costs, design concepts, or design changes. +Evaluate current or emerging technologies to consider factors such as cost, portability, compatibility, or usability. +Develop or approve project plans, schedules, or budgets. +Communicate project information through presentations, technical reports, or white papers. +Train system users in system operation or maintenance. +Complete models and simulations, using manual or automated tools, to analyze or predict system performance under different operating conditions. +Develop efficient and effective system controllers. +Develop application-specific software.","Access software— Citrix cloud computing software; Symark PowerBroker +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;1 more +Application server software— Atlassian Bitbucket; GitLab; Kubernetes; Red Hat OpenShift;7 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Cloud-based data access and sharing software— Dropbox; Slack; Software as a service SaaS +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere MQ; Oracle Cloud software; Splunk Enterprise;2 more +Clustering software— VMware +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;3 more +Computer based training software— InScribe +Configuration management software— Chef; IBM Terraform; Perforce Helix software; Puppet;2 more +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Apache Hive; Oracle PL/SQL; Redis;12 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— GraphQL; IBM DB2; ServiceNow; Transact-SQL;10 more +Data mining software— Google Analytics +Desktop communications software— Eko; Skype +Desktop publishing software— Adobe FrameMaker +Development environment software— Apache Kafka; Apache Maven; Go; Oracle Java 2 Platform Enterprise Edition J2EE;24 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Jenkins CI; Microsoft SQL Server Integration Services SSIS;2 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;6 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Altia Design; Salesforce Visualforce +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Photoshop; Trimble SketchUp Pro +Human resources software— Human resource management software HRMS; Oracle Taleo +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— LexisNexis +Instant messaging software— Blink +Internet browser software— Web browser software +Internet directory services software— Microsoft Active Directory +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +LAN software— Local area network LAN software +Medical software— Epic Systems; MEDITECH software +Metadata management software— Quest Erwin Data Modeler +Network conferencing software— IBM Lotus SameTime +Network monitoring software— Nagios; Network intrusion prevention systems NIPS; Snort; Wireshark +Network security and virtual private network VPN equipment software— Firewall software +Network security or virtual private network VPN management software— Intrusion detection system IDS; Virtual private networking VPN software +Object or component oriented development software— jQuery; Scala; Swift; TypeScript;12 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;13 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium +Project management software— Atlassian Confluence; Microsoft Project; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management;1 more +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Google Ads; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3; Storage area network SAN software +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— BEA Tuxedo; Customer information control system CICS; Microsoft Internet Information Services (IIS) +Video conferencing software— Cisco Webex +Video creation and editing software— Apple Final Cut Pro +WAN switching software and firmware— Wide area network WAN software +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Django; Google Angular; React; Spring Framework;25 more +Word processing software— 3M Post-it App","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Collaborate with others to determine design specifications or details. +Evaluate utility of software or hardware technologies. +Recommend changes to improve computer or information systems. +Develop guidelines for system implementation. +Manage information technology projects or system activities. +Coordinate software or hardware installation. +Monitor computer system performance to ensure proper operation. +Test computer system operations to ensure proper functioning. +Identify information technology project resource requirements. +Install computer hardware. +Install computer software. +Maintain computer hardware. +Conduct research to gain information about products or processes. +Configure computer networks. +Coordinate project activities with other personnel or departments. +Document technical specifications or requirements. +Test computer hardware performance. +Test software performance. +Analyze security of systems, network, or data. +Develop organizational goals or objectives. +Provide technical support for software maintenance or use. +Design integrated computer systems. +Develop performance metrics or standards related to information technology. +Develop detailed project plans. +Communicate project information to others. +Prepare analytical reports. +Train others in computer interface or software use. +Design computer modeling or simulation programs. +Develop models of information or communications systems. +Design software applications.","E-Mail— 91% responded “Every day.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Telephone Conversations— 60% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 45% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Contact With Others— 36% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Determine Tasks, Priorities and Goals— 73% responded “Some freedom.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Spend Time Sitting— 41% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 40% responded “Very important.” +Duration of Typical Work Week— 59% responded “40 hours.” +Time Pressure— 59% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Level of Competition— 48% responded “Highly competitive.” +Consequence of Error— 38% responded “Extremely serious.” +Frequency of Decision Making— 33% responded “Every day.” +Spend Time Making Repetitive Motions— 32% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Deal With External Customers or the Public in General— 36% responded “Important.” +Work Outcomes and Results of Other Workers— 55% responded “Moderate responsibility.” +Conflict Situations— 36% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Programming— Writing computer programs for various purposes. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Recognition— The ability to identify and understand the speech of another person. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Blockchain Engineers +Bright Outlook +Computer Hardware Engineers +Computer Network Architects +Computer Systems Analysts +Database Administrators +Database Architects +Information Security Engineers +Network and Computer Systems Administrators +Software Developers +Software Quality Assurance Analysts and Testers","View the list of Allies +Association for Computing Machinery +external site +IASA +external site +IEEE Computer Society +external site +International Association for Computer Information Systems +external site +Society of Women Engineers +external site +USENIX +external site +CompTIA +external site +Institute for Certification of Computing Professionals +external site",72,6,41,77,48,57,39,39,41,29,24,33,9,98,10,27,36,34,9,15,21,6,10,74,9,69,20,23,5,48,15,4,8 +33-3031.00,Fish and Game Wardens,https://www.onetonline.org/link/summary/33-3031.00,2025-06-11T19:10:47.137826,"Patrol assigned areas by car, boat, airplane, horse, or on foot to enforce game, fish, or boating laws or to manage wildlife programs, lakes, or land. +Compile and present evidence for court actions. +Investigate hunting accidents or reports of fish or game law violations. +Protect and preserve native wildlife, plants, or ecosystems. +Issue warnings or citations and file reports as necessary. +Serve warrants and make arrests. +Provide assistance to other local law enforcement agencies as required. +Promote or provide hunter or trapper safety training. +Participate in search-and-rescue operations. +Arrange for disposition of fish or game illegally taken or possessed. +Seize equipment used in fish and game law violations. +Address schools, civic groups, sporting clubs, or the media to disseminate information concerning wildlife conservation and regulations. +Recommend revisions in hunting and trapping regulations or in animal management programs so that wildlife balances or habitats can be maintained. +Inspect commercial operations relating to fish or wildlife, recreation, or protected areas. +Survey areas and compile figures of bag counts of hunters to determine the effectiveness of control measures. +Collect and report information on populations or conditions of fish and wildlife in their habitats, availability of game food or cover, or suspected pollution. +Design or implement control measures to prevent or counteract damage caused by wildlife or people. +Provide advice or information to park or reserve visitors. +Investigate crop, property, or habitat damage or destruction or instances of water pollution to determine causes and to advise property owners of preventive measures. +Issue licenses, permits, or other documentation. +Document the extent of crop, property, or habitat damage and make financial loss estimates or compensation recommendations. +Supervise the activities of seasonal workers. +Perform facilities maintenance work, such as constructing or repairing structures or controlling weeds or pests. +Participate in firefighting efforts. +Operate drones for surveillance of large areas and tracking of wildlife.","Configuration management software— Puppet +Customer relationship management CRM software +Data base user interface and query software— Database software +Internet browser software— Web browser software +Map creation software— Mapping software +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— Swift +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Patrol natural areas to ensure safety or enforce regulations. +Prepare investigation or incident reports. +Testify at legal or legislative proceedings. +Protect wildlife or natural areas. +Investigate accidents to determine causes. +Investigate illegal or suspicious activities. +Issue warnings or citations. +Apprehend criminal suspects. +Collaborate with law enforcement or security agencies to respond to incidents. +Serve court ordered documents. +Arrange delivery of goods or services. +Provide safety training. +Rescue people from hazardous situations. +Confiscate prohibited or dangerous items. +Inform the public about policies, services or procedures. +Inspect operational processes. +Observe individuals' activities to gather information or compile evidence. +Record information about environmental conditions. +Issue permits or other legal documents. +Supervise employees. +Maintain facilities. +Perform forest firefighting activities.","In an Enclosed Vehicle or Operate Enclosed Equipment— 98% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 91% responded “Every day.” +Deal With External Customers or the Public in General— 85% responded “Extremely important.” +E-Mail— 84% responded “Every day.” +Freedom to Make Decisions— 78% responded “A lot of freedom.” +Contact With Others— 76% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Very important results.” +Consequence of Error— 60% responded “Extremely serious.” +Health and Safety of Other Workers— 53% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Frequency of Decision Making— 51% responded “Every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Physical Proximity— 28% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Very important.” +Conflict Situations— 57% responded “Once a week or more but not every day.” +Time Pressure— 62% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 49% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 65% responded “Once a week or more but not every day.” +Level of Competition— 31% responded “Highly competitive.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 31% responded “Once a week or more but not every day.” +Written Letters and Memos— 29% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 29% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 32% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 34% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 38% responded “Once a month or more but not every week.” +Exposed to Contaminants— 37% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 33% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 33% responded “Limited responsibility.” +Spend Time Sitting— 51% responded “About half the time.” +Indoors, Environmentally Controlled— 46% responded “Once a week or more but not every day.” +Spend Time Standing— 64% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Conservation Scientists +Bright Outlook +Environmental Compliance Inspectors +Environmental Scientists and Specialists, Including Health +Fishing and Hunting Workers +Forest and Conservation Technicians +Forest and Conservation Workers +Forest Fire Inspectors and Prevention Specialists +Park Naturalists +Police and Sheriff's Patrol Officers +Range Managers","View the list of Allies +National Wild Turkey Federation +external site +North American Wildlife Enforcement Officers Association +external site",78,28,21,79,47,51,87,60,51,29,36,46,33,51,30,90,51,38,28,42,69,35,61,43,42,24,23,32,79,28,66,4,32 +17-2199.10,Wind Energy Engineers,https://www.onetonline.org/link/summary/17-2199.10,2025-06-11T18:54:49.981716,"Create or maintain wind farm layouts, schematics, or other visual documentation for wind farms. +Recommend process or infrastructure changes to improve wind turbine performance, reduce operational costs, or comply with regulations. +Create models to optimize the layout of wind farm access roads, crane pads, crane paths, collection systems, substations, switchyards, or transmission lines. +Provide engineering technical support to designers of prototype wind turbines. +Investigate experimental wind turbines or wind turbine technologies for properties such as aerodynamics, production, noise, and load. +Develop active control algorithms, electronics, software, electromechanical, or electrohydraulic systems for wind turbines. +Develop specifications for wind technology components, such as gearboxes, blades, generators, frequency converters, or pad transformers. +Test wind turbine components, using mechanical or electronic testing equipment. +Oversee the work activities of wind farm consultants or subcontractors. +Test wind turbine equipment to determine effects of stress or fatigue. +Monitor wind farm construction to ensure compliance with regulatory standards or environmental requirements. +Direct balance of plant (BOP) construction, generator installation, testing, commissioning, or supervisory control and data acquisition (SCADA) to ensure compliance with specifications. +Analyze operation of wind farms or wind farm components to determine reliability, performance, and compliance with specifications. +Perform root cause analysis on wind turbine tower component failures. +Design underground or overhead wind farm collector systems. +Write reports to document wind farm collector system test results. +Analyze meteorological data. +Design electrical interconnections. +Design wind turbine components. +Estimate energy production by analyzing wind data.","Analytical or scientific software— ANSYS simulation software; Computational fluid dynamics CFD software; The MathWorks MATLAB; WindSim;12 more +Business intelligence and data analysis software— Tableau +Computer aided design CAD software— Autodesk AutoCAD; Bentley MicroStation; Dassault Systemes SolidWorks; PTC Creo Parametric +Data base management system software— Microsoft SQL Server +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; Structured query language SQL +Development environment software— Microsoft .NET Framework; Microsoft Visual Basic; Microsoft Visual Studio; National Instruments LabVIEW;4 more +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software +File versioning software— Apache Subversion SVN; Git +Geographic information system— ESRI ArcGIS software; ESRI ArcGIS Spatial Analyst; ESRI ArcInfo; Geographic information system GIS software;1 more +Industrial control software— Supervisory control and data acquisition SCADA software; Wonderware software +Internet browser software— Web browser software +Map creation software— Global Mapper Software Global Mapper +Object or component oriented development software— C#; C++; Oracle Java; Python;2 more +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— JUnit +Project management software— Microsoft Project; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Video conferencing software— Web conferencing software +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Create graphical representations of energy production systems. +Provide technical guidance to other personnel. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Research design or application of green technologies. +Design energy production or management equipment or systems. +Determine design criteria or specifications. +Direct energy production or management activities. +Test green technologies or processes. +Monitor processes for compliance with standards. +Evaluate the characteristics of green technologies. +Conduct quantitative failure analyses of operational data. +Document design or operational test results.","E-Mail— 92% responded “Every day.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Telephone Conversations— 49% responded “Every day.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 44% responded “Every day.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Duration of Typical Work Week— 54% responded “More than 40 hours.” +Time Pressure— 41% responded “Once a month or more but not every week.” +Contact With Others— 32% responded “Contact with others most of the time.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Very important.” +Frequency of Decision Making— 29% responded “Once a week or more but not every day.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 32% responded “Fairly important.” +Work Outcomes and Results of Other Workers— 34% responded “Moderate responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operations Analysis— Analyzing needs and product requirements to create a design. +Science— Using scientific rules and methods to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aerospace Engineers +Bright Outlook +Automotive Engineers +Civil Engineers +Electrical Engineers +Energy Engineers, Except Wind and Solar +Mechanical Engineers +Mechatronics Engineers +Solar Energy Systems Engineers +Water/Wastewater Engineers +Wind Energy Development Managers","View the list of Allies +American Clean Power +external site +American Institute of Aeronautics and Astronautics +external site +American Meteorological Society +external site +American Society for Nondestructive Testing +external site +American Society of Civil Engineers +external site +American Society of Mechanical Engineers +external site +IEEE-Power and Energy Society +external site +Institute of Electrical and Electronics Engineers +external site +National Society of Professional Engineers +external site +Society of Women Engineers +external site +World Wind Energy Association +external site +Midwest Renewable Energy Association +external site +Northeast Sustainable Energy Association +external site +Southeastern Wind Coalition +external site +Southern Alliance for Clean Energy +external site +Association of Energy Engineers +external site +Vibration Institute +external site",59,1,46,79,85,64,52,47,48,44,37,36,32,75,17,52,41,58,13,36,30,8,23,32,8,95,58,80,16,84,44,2,16 +51-9081.00,Dental Laboratory Technicians,https://www.onetonline.org/link/summary/51-9081.00,2025-06-11T19:27:44.711587,"Read prescriptions or specifications and examine models or impressions to determine the design of dental products to be constructed. +Test appliances for conformance to specifications and accuracy of occlusion, using articulators and micrometers. +Fabricate, alter, or repair dental devices, such as dentures, crowns, bridges, inlays, or appliances for straightening teeth. +Place tooth models on an apparatus that mimics bite and movement of patient's jaw to evaluate functionality of model. +Remove excess metal or porcelain and polish surfaces of prostheses or frameworks, using polishing machines. +Train or supervise other dental technicians or dental laboratory bench workers. +Melt metals or mix plaster, porcelain, or acrylic pastes and pour materials into molds or over frameworks to form dental prostheses or apparatuses. +Prepare metal surfaces for bonding with porcelain to create artificial teeth, using small hand tools. +Rebuild or replace linings, wire sections, or missing teeth to repair dentures. +Apply porcelain paste or wax over prosthesis frameworks or setups, using brushes and spatulas. +Build and shape wax teeth, using small hand instruments and information from observations or dentists' specifications. +Load newly constructed teeth into porcelain furnaces to bake the porcelain onto the metal framework. +Mold wax over denture setups to form the full contours of artificial gums. +Create a model of patient's mouth by pouring plaster into a dental impression and allowing plaster to set. +Prepare wax bite blocks and impression trays for use. +Shape and solder wire and metal frames or bands for dental products, using soldering irons and hand tools. +Fill chipped or low spots in surfaces of devices, using acrylic resins. +Meet with dentists or patients to discuss dental appliances. +Order parts or materials needed to make dental appliances. +Scan dental models to create digital files. +Stain porcelain on dental appliances to match the color of patients' teeth.","Accounting software— Bookkeeping software; Intuit QuickBooks +Calendar and scheduling software— Scheduling software +Computer aided design CAD software— Computer aided design and drafting CADD software; Dental product design software +Computer aided manufacturing CAM software— Dental product manufacturing software +Data base user interface and query software— Easy Solutions Easy Lab; Inventrix Labtrac; Laboratory Systems Group Lab Manager; Mainstreet Systems & Software DentaLab/PC II;3 more +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Computer imaging software; Graphics software +Internet browser software— Web browser software +Inventory management software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Mainstreet Systems & Software DentaRX; Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Read work orders or other instructions to determine product specifications or materials requirements. +Inspect medical or dental assistive devices. +Construct customized assistive medical or dental devices. +Repair medical or dental assistive devices. +Prepare materials for processing. +Measure clients to ensure proper product fit. +Apply parting agents or other solutions to molds. +Polish materials, workpieces, or finished products. +Trim excess material from workpieces. +Load items into ovens or furnaces. +Cast molds of patient anatomies to create medical or dental devices. +Place materials into molds. +Direct operational or production activities. +Instruct workers to use equipment or perform technical procedures. +Melt metal, plastic, or other materials to prepare for production. +Mix ingredients to create specific finishes. +Prepare medical supplies or equipment for use. +Shape metal workpieces with hammers or other small hand tools. +Solder parts or workpieces. +Fill cracks, imperfections, or holes in products or workpieces.","Importance of Being Exact or Accurate— 86% responded “Extremely important.” +Time Pressure— 88% responded “Every day.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 86% responded “Continually or almost continually.” +Exposed to Contaminants— 86% responded “Every day.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Spend Time Sitting— 62% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 83% responded “Every day.” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 58% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Exposed to Disease or Infections— 51% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 55% responded “Every day.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Exposed to Hazardous Conditions— 54% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 53% responded “Every day.” +Telephone Conversations— 37% responded “Every day.” +Contact With Others— 24% responded “Constant contact with others.” +Level of Competition— 37% responded “Moderately competitive.” +Exposed to Hazardous Equipment— 53% responded “Every day.” +Frequency of Decision Making— 41% responded “Every day.” +Physical Proximity— 44% responded “Moderately close (at arm's length).” +Duration of Typical Work Week— 51% responded “40 hours.” +Written Letters and Memos— 23% responded “Every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Calibration Technologists and Technicians +Bright Outlook +Dental Assistants +Dental Hygienists +Furniture Finishers +Grinding and Polishing Workers, Hand +Medical Appliance Technicians +Medical Equipment Repairers +Molders, Shapers, and Casters, Except Metal and Plastic +Ophthalmic Laboratory Technicians +Painting, Coating, and Decorating Workers","View the list of Allies +American Academy of Orthotists and Prosthetists +external site +American Dental Association +external site +National Association of Dental Laboratories +external site +American Board for Certification in Orthotics, Prosthetics and Pedorthics +external site +National Board for Certification in Dental Laboratory Technology +external site +National Commission on Orthotic and Prosthetic Education +external site",60,3,63,66,29,70,20,62,36,24,35,37,40,50,4,10,20,54,3,17,16,5,7,23,65,46,18,23,21,70,4,25,6 +15-2051.00,Data Scientists,https://www.onetonline.org/link/summary/15-2051.00,2025-06-11T18:52:54.701974,"Analyze, manipulate, or process large sets of data using statistical software. +Apply feature selection algorithms to models predicting outcomes of interest, such as sales, attrition, and healthcare use. +Apply sampling techniques to determine groups to be surveyed or use complete enumeration methods. +Clean and manipulate raw data using statistical software. +Compare models using statistical performance metrics, such as loss functions or proportion of explained variance. +Create graphs, charts, or other visualizations to convey the results of data analysis using specialized software. +Deliver oral or written presentations of the results of mathematical modeling and data analysis to management or other end users. +Design surveys, opinion polls, or other instruments to collect data. +Identify business problems or management objectives that can be addressed through data analysis. +Identify relationships and trends or any factors that could affect the results of research. +Identify solutions to business problems, such as budgeting, staffing, and marketing decisions, using the results of data analysis. +Propose solutions in engineering, the sciences, and other fields using mathematical theories and techniques. +Read scientific articles, conference papers, or other sources of research to identify emerging analytic trends and technologies. +Recommend data-driven solutions to key stakeholders. +Test, validate, and reformulate models to ensure accurate prediction of outcomes of interest. +Write new functions or applications in programming languages to conduct analyses.","Analytical or scientific software— IBM SPSS Statistics; SAS; TensorFlow; The MathWorks MATLAB;6 more +Application server software— Docker; GitHub; Kubernetes +Business intelligence and data analysis software— Alteryx software; Apache Spark; Microsoft Power BI; Tableau;3 more +Cloud-based management software— Amazon Web Services AWS SageMaker; Google Cloud software +Content workflow software— Atlassian JIRA +Data base management system software— Apache Cassandra; Apache Hive; Elasticsearch; MongoDB;4 more +Data base reporting software— Reporting software +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Amazon Redshift; Amazon Web Services AWS software; PyTorch;8 more +Development environment software— Apache Kafka; Go; Microsoft Azure software; Ruby;6 more +Enterprise application integration software— Jenkins CI +Enterprise resource planning ERP software— Management information systems MIS +Enterprise system management software— Splunk Enterprise +File versioning software— Git +Geographic information system— Geographic information system GIS systems +Industrial control software— Apache MXNet +Object or component oriented development software— C#; Perl; R; Scala;7 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Linux; Shell script; UNIX;1 more +Presentation software— Microsoft PowerPoint +Procedure management software— Apache Airflow +Project management software— Atlassian Confluence +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Web platform development software— JavaScript; JavaScript Object Notation JSON; RESTful API",,"Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Advise others on analytical techniques. +Analyze business or financial data. +Analyze data to identify or resolve operational problems. +Analyze data to identify trends or relationships among variables. +Analyze data to inform operational decisions or activities. +Determine appropriate methods for data analysis. +Develop procedures to evaluate organizational activities. +Develop scientific or mathematical models. +Prepare analytical reports. +Prepare data for analysis. +Prepare graphics or other visual representations of information. +Present research results to others. +Select resources needed to accomplish tasks. +Update technical knowledge. +Write computer programming code.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Bioinformatics Scientists +Bright Outlook +Bioinformatics Technicians +Biostatisticians +Business Intelligence Analysts +Computer and Information Research Scientists +Financial Quantitative Analysts +Mathematicians +Operations Research Analysts +Statistical Assistants +Statisticians","View the list of Allies +Academic Data Science Alliance +external site +American Statistical Association +external site +Institute for Operations Research and the Management Sciences +external site +American Mathematical Society +external site +American Medical Informatics Association +external site +Association for Computing Machinery +external site +Association for Data-Driven Marketing and Advertising +external site +Association for Information Science and Technology +external site +Association for the Advancement of Artificial Intelligence +external site +Association for Women in Mathematics +external site +Computing Research Association +external site +Decision Sciences Institute +external site +ESOMAR +external site +IEEE Computer Society +external site +Information Processing Society of Japan +external site +Institute of Mathematical Statistics +external site +International Association for Cryptologic Research +external site +International Association of Computer Science and Information Technology +external site +International Biometric Society +external site +ISACA +external site +Northeast Big Data Innovation Hub +external site +Python Software Foundation +external site +Society for Industrial and Applied Mathematics +external site +Transforming Data with Intelligence +external site +SouthEast SAS® Users Group +external site +West Big Data Innovation Hub +external site +Data Science Council of America +external site +CompTIA +external site +International Institute of Business Analysis +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-6031.00,Sewing Machine Operators,https://www.onetonline.org/link/summary/51-6031.00,2025-06-11T19:25:51.613358,"Monitor machine operation to detect problems such as defective stitching, breaks in thread, or machine malfunctions. +Place spools of thread, cord, or other materials on spindles, insert bobbins, and thread ends through machine guides and components. +Position items under needles, using marks on machines, clamps, templates, or cloth as guides. +Guide garments or garment parts under machine needles and presser feet to sew parts together. +Remove holding devices and finished items from machines. +Match cloth pieces in correct sequences prior to sewing them, and verify that dye lots and patterns match. +Fold or stretch edges or lengths of items while sewing to facilitate forming specified sections. +Cut excess material or thread from finished products. +Select supplies such as fasteners and thread, according to job requirements. +Examine and measure finished articles to verify conformance to standards, using rulers. +Start and operate or tend machines, such as single or double needle serging and flat-bed felling machines, to automatically join, reinforce, or decorate material or articles. +Record quantities of materials processed. +Turn knobs, screws, and dials to adjust settings of machines, according to garment styles and equipment performance. +Attach tape, trim, appliques, or elastic to specified garments or garment parts, according to item specifications. +Repair or alter items by adding replacement parts or missing stitches. +Perform equipment maintenance tasks such as replacing needles, sanding rough areas of needles, or cleaning and oiling sewing machines. +Mount attachments, such as needles, cutting blades, or pattern plates, and adjust machine guides according to specifications. +Cut materials according to specifications, using blades, scissors, or electric knives. +Inspect garments, and examine repair tags and markings on garments to locate defects or damage, and mark errors as necessary. +Attach buttons, hooks, zippers, fasteners, or other accessories to fabric, using feeding hoppers or clamp holders. +Position material or articles in clamps, templates, or hoop frames prior to automatic operation of machines. +Draw markings or pin appliques on fabric to obtain variations in design. +Tape or twist together thread or cord to repair breaks. +Baste edges of material to align and temporarily secure parts for final assembly. +Position and mark patterns on materials to prepare for sewing. +Perform specialized or automatic sewing machine functions, such as buttonhole making or tacking.","Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.","Watch operating equipment to detect malfunctions. +Cut fabrics. +Mount materials or workpieces onto production equipment. +Feed materials or products into or through equipment. +Load materials into production equipment. +Maneuver workpieces in equipment during production. +Adjust fabrics or other materials during garment production. +Compare physical characteristics of materials or products to specifications or standards. +Remove accessories, tools, or other parts from equipment. +Remove products or workpieces from production equipment. +Select production input materials. +Trim excess material from workpieces. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate sewing equipment. +Inspect garments for defects, damage, or stains. +Mark products, workpieces, or equipment with identifying information. +Attach decorative or functional accessories to products. +Record operational or production data. +Repair textiles or apparel. +Clean production equipment. +Maintain production or processing equipment. +Replace worn equipment components. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Align parts or workpieces to ensure proper assembly. +Mount attachments or tools onto production equipment. +Position patterns on equipment, materials, or workpieces.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 84% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 71% responded “Continually or almost continually.” +Spend Time Sitting— 70% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Time Pressure— 62% responded “Every day.” +Contact With Others— 38% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 36% responded “Every day.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 36% responded “Important.” +Determine Tasks, Priorities and Goals— 31% responded “Some freedom.” +Duration of Typical Work Week— 64% responded “40 hours.” +Spend Time Bending or Twisting Your Body— 34% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 26% responded “Extremely important.” +Freedom to Make Decisions— 42% responded “Limited freedom.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.",,"Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Machine Feeders and Offbearers +Paper Goods Machine Setters, Operators, and Tenders +Pressers, Textile, Garment, and Related Materials +Sewers, Hand +Shoe and Leather Workers and Repairers +Shoe Machine Operators and Tenders +Textile Cutting Machine Setters, Operators, and Tenders +Textile Knitting and Weaving Machine Setters, Operators, and Tenders","View the list of Allies +American Apparel and Footwear Association +external site +Industrial Fabrics Association International +external site +SEAMS +external site",29,3,38,43,32,25,28,31,12,5,13,11,6,15,6,10,9,27,3,18,12,5,8,6,5,5,7,4,2,14,4,3,4 +49-9021.00,"Heating, Air Conditioning, and Refrigeration Mechanics and Installers",https://www.onetonline.org/link/summary/49-9021.00,2025-06-11T19:22:28.169503,"Test electrical circuits or components for continuity, using electrical test equipment. +Comply with all applicable standards, policies, or procedures, such as safety procedures or the maintenance of a clean work area. +Study blueprints, design specifications, or manufacturers' recommendations to ascertain the configuration of heating or cooling equipment components and to ensure the proper installation of components. +Discuss heating or cooling system malfunctions with users to isolate problems or to verify that repairs corrected malfunctions. +Connect heating or air conditioning equipment to fuel, water, or refrigerant source to form complete circuit. +Adjust system controls to settings recommended by manufacturer to balance system. +Recommend, develop, or perform preventive or general maintenance procedures, such as cleaning, power-washing, or vacuuming equipment, oiling parts, or changing filters. +Inspect and test systems to verify system compliance with plans and specifications or to detect and locate malfunctions. +Repair or replace defective equipment, components, or wiring. +Install or repair self-contained ground source heat pumps or hybrid ground or air source heat pumps to minimize carbon-based energy consumption and reduce carbon emissions. +Install, connect, or adjust thermostats, humidistats, or timers. +Install auxiliary components to heating or cooling equipment, such as expansion or discharge valves, air ducts, pipes, blowers, dampers, flues, or stokers. +Braze or solder parts to repair defective joints and leaks. +Lay out and connect electrical wiring between controls and equipment, according to wiring diagrams, using electrician's hand tools. +Perform mechanical overhauls and refrigerant reclaiming. +Install expansion and control valves, using acetylene torches and wrenches. +Measure, cut, thread, or bend pipe or tubing, using pipe fitter's tools. +Mount compressor, condenser, and other components in specified locations on frames, using hand tools and acetylene welding equipment. +Install dehumidifiers or related equipment for spaces that require cool, dry air to operate efficiently, such as computer rooms. +Record and report time, materials, faults, deficiencies, or other unusual occurrences on work orders. +Keep records of repairs and replacements made and causes of malfunctions. +Cut or drill holes in floors, walls, or roof to install equipment, using power saws or drills. +Estimate, order, pick up, deliver, and install materials and supplies needed to maintain equipment in good working condition. +Schedule work with customers and initiate work orders, house requisitions, and orders from stock. +Supervise and instruct assistants. +Lay out reference points for installation of structural and functional components, using measuring instruments. +Lift and align components into position, using hoist or block and tackle. +Install or repair air purification systems, such as specialized filters or ultraviolet (UV) light purification systems. +Repair or service heating, ventilating, and air conditioning (HVAC) systems to improve efficiency, such as by changing filters, cleaning ducts, and refilling non-toxic refrigerants. +Test pipes, lines, components, and connections for leaks.","Computer aided design CAD software— Autodesk AutoCAD; HVAC tools software +Customer relationship management CRM software— Contact management systems +Data base user interface and query software— Data logging software; Database software +Document management software— Adobe Acrobat +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS; Facility energy management software; Johnson Controls Metasys; ManagerPlus;2 more +Graphics or photo imaging software— Graphics software +Industrial control software— Alerton Ascent Compass; Building automation software; Honeywell WEBs-N4; Siemens APOGEE Building Automation Software;1 more +Internet browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Atlas Construction Business Forms; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Test electrical circuits or components for proper functioning. +Determine operational compliance with regulations or standards. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Confer with customers or users to assess problems. +Install heating, ventilation, or air conditioning (HVAC) equipment. +Adjust equipment to ensure optimal performance. +Service heating, ventilation or air-conditioning (HVAC) systems or components. +Repair worn, damaged, or defective mechanical parts. +Advise others on issues related to repairs, installation, or equipment design. +Inspect systems to determine if they are operating properly. +Replace worn, damaged, or defective mechanical parts. +Install energy-efficient heating, ventilation, or air conditioning (HVAC) equipment. +Braze metal parts or components. +Connect electrical components or equipment. +Install machine or equipment replacement parts. +Cut materials according to specifications or needs. +Measure distances or dimensions. +Document operational activities. +Maintain repair or maintenance records. +Drill holes in parts, equipment, or materials. +Install home appliances. +Order materials, supplies, or equipment. +Travel to work sites to perform installation, repair or maintenance work. +Schedule repair, installation or maintenance activities. +Supervise employees. +Train others in operational procedures. +Lay out work according to specifications. +Operate cranes, hoists, or other moving or lifting equipment. +Test mechanical systems to ensure proper functioning.","Telephone Conversations— 73% responded “Every day.” +Contact With Others— 62% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 71% responded “Continually or almost continually.” +Frequency of Decision Making— 53% responded “Every day.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Work With or Contribute to a Work Group or Team— 53% responded “Very important.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Exposed to Contaminants— 44% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 56% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 37% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 38% responded “Once a week or more but not every day.” +Spend Time Standing— 41% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 51% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +E-Mail— 47% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 48% responded “Every day.” +Exposed to High Places— 42% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 39% responded “Once a week or more but not every day.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Very important.” +Consequence of Error— 35% responded “Very serious.” +Exposed to Hazardous Conditions— 39% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Once a week or more but not every day.” +Physical Proximity— 60% responded “Moderately close (at arm's length).” +Duration of Typical Work Week— 55% responded “40 hours.” +Importance of Repeating Same Tasks— 28% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 38% responded “Every day.” +Indoors, Environmentally Controlled— 41% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 27% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 29% responded “About half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 53% responded “Every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 49% responded “About half the time.” +Outdoors, Under Cover— 38% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 35% responded “Less than half the time.” +Level of Competition— 31% responded “Highly competitive.” +Spend Time Walking or Running— 55% responded “About half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Operation and Control— Controlling operations of equipment or systems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Boilermakers +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Geothermal Technicians +Home Appliance Repairers +Industrial Machinery Mechanics +Bright Outlook +Maintenance and Repair Workers, General +Plumbers, Pipefitters, and Steamfitters +Solar Thermal Installers and Technicians +Stationary Engineers and Boiler Operators","View the list of Allies +ASHRAE +external site +Associated Builders and Contractors +external site +International Institute of Ammonia Refrigeration +external site +Plumbing-Heating-Cooling Contractors Association +external site +International Union of Operating Engineers +external site +North American Technician Excellence +external site +Refrigerating Engineers and Technicians Association +external site +Refrigeration Service Engineers Society +external site +United Association of Journeymen and Apprentices of the Plumbing and Pipe Fitting Industry +external site",76,22,31,57,54,53,56,53,36,21,41,25,44,57,14,35,23,92,6,47,22,12,5,36,11,62,80,54,15,54,14,,8 +27-2023.00,"Umpires, Referees, and Other Sports Officials",https://www.onetonline.org/link/summary/27-2023.00,2025-06-11T19:03:19.408229,"Officiate at sporting events, games, or competitions, to maintain standards of play and to ensure that game rules are observed. +Inspect game sites for compliance with regulations or safety requirements. +Resolve claims of rule infractions or complaints by participants and assess any necessary penalties, according to regulations. +Signal participants or other officials to make them aware of infractions or to otherwise regulate play or competition. +Teach and explain the rules and regulations governing a specific sport. +Inspect sporting equipment or examine participants to ensure compliance with event and safety regulations. +Report to regulating organizations regarding sporting activities, complaints made, and actions taken or needed, such as fines or other disciplinary actions. +Confer with other sporting officials, coaches, players, and facility managers to provide information, coordinate activities, and discuss problems. +Judge performances in sporting competitions to award points, impose scoring penalties, and determine results. +Verify scoring calculations before competition winners are announced. +Start races and competitions. +Compile scores and other athletic records. +Verify credentials of participants in sporting events, and make other qualifying determinations, such as starting order or handicap number. +Keep track of event times, including race times and elapsed time during game segments, starting or stopping play when necessary. +Direct participants to assigned areas, such as starting blocks or penalty areas. +Research and study players and teams to anticipate issues that might arise in future engagements.","Data base user interface and query software— Database software +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Video editing software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Coordinate athletic or sporting events or activities. +Evaluate skills of athletes or performers. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Inspect work sites to identify potential environmental or safety hazards. +Verify accuracy of data. +Coach others. +Compile technical information or documentation.","Freedom to Make Decisions— 67% responded “A lot of freedom.” +Spend Time Standing— 57% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 40% responded “Every day.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Contact With Others— 43% responded “Constant contact with others.” +Work Schedules— 55% responded “Seasonal (only during certain times of the year).” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +E-Mail— 43% responded “Once a week or more but not every day.” +Level of Competition— 38% responded “Moderately competitive.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 29% responded “More than half the time.” +Telephone Conversations— 48% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Frequency of Decision Making— 38% responded “Once a year or more but not every month.” +Conflict Situations— 38% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Very important.” +Time Pressure— 24% responded “Every day.”","Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Amusement and Recreation Attendants +Bright Outlook +Animal Trainers +Athletes and Sports Competitors +Bailiffs +Coaches and Scouts +Compliance Officers +Exercise Trainers and Group Fitness Instructors +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Police and Detectives +Self-Enrichment Teachers","View the list of Allies +National Association of Sports Officials +external site +Arabian Horse Association +external site +College Basketball Officials Association +external site +Eastern Association of Intercollegiate Football Officials +external site +National Federation of State High School Associations +external site +The International Association of Approved Basketball Officials +external site +U.S. Figure Skating +external site +U.S. Soccer +external site +United States Dressage Federation +external site +United States Equestrian Federation +external site +United States Hunter Jumper Association +external site +USA Diving +external site +USA Gymnastics +external site +USA Lacrosse +external site",42,5,8,61,31,46,26,48,26,11,15,24,5,30,7,18,34,7,12,28,39,13,14,12,17,8,11,13,13,16,11,13,8 +53-3011.00,"Ambulance Drivers and Attendants, Except Emergency Medical Technicians",https://www.onetonline.org/link/summary/53-3011.00,2025-06-11T19:29:09.772501,"Remove and replace soiled linens or equipment to maintain sanitary conditions. +Drive ambulances or assist ambulance drivers in transporting sick, injured, or convalescent persons. +Report facts concerning accidents or emergencies to hospital personnel or law enforcement officials. +Place patients on stretchers, and load stretchers into ambulances, usually with assistance from other attendants. +Accompany and assist emergency medical technicians on calls. +Replace supplies and disposable items on ambulances. +Perform minor maintenance on emergency medical services vehicles, such as ambulances. +Clean and wash rigs, ambulances, or equipment. +Earn and maintain appropriate certifications. +Administer first aid, such as bandaging, splinting, or administering oxygen. +Restrain or shackle violent patients.","Electronic mail software— Microsoft Outlook +Helpdesk or call center software— Computer aided dispatch software +Map creation software— Mapping software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Clean vehicles or vehicle components. +Drive passenger vehicles. +Notify others of emergencies, problems, or hazards. +Provide first aid or rescue assistance in emergencies. +Stock medical or patient care supplies. +Maintain vehicles in good working condition. +Maintain professional knowledge or certifications. +Hold patients to ensure proper positioning or safety.","Health and Safety of Other Workers— 81% responded “Very high responsibility.” +Contact With Others— 66% responded “Constant contact with others.” +Physical Proximity— 63% responded “Very close (near touching).” +Impact of Decisions on Co-workers or Company Results— 26% responded “Important results.” +Importance of Being Exact or Accurate— 22% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 24% responded “Once a week or more but not every day.” +Frequency of Decision Making— 22% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 55% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 20% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 21% responded “Very important.” +Determine Tasks, Priorities and Goals— 24% responded “Limited freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 18% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 56% responded “Extremely important.” +Freedom to Make Decisions— 20% responded “Limited freedom.” +Consequence of Error— 39% responded “Extremely serious.” +Telephone Conversations— 29% responded “Once a week or more but not every day.” +Exposed to Disease or Infections— 53% responded “Every day.” +Importance of Repeating Same Tasks— 23% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Extremely important.” +Time Pressure— 20% responded “Once a year or more but not every month.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a month or more but not every week.” +Exposed to Contaminants— 45% responded “Every day.” +Outdoors, Under Cover— 24% responded “Once a year or more but not every month.” +E-Mail— 31% responded “Every day.” +Spend Time Bending or Twisting Your Body— 29% responded “Less than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 40% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 32% responded “Limited responsibility.” +Spend Time Sitting— 51% responded “About half the time.” +Duration of Typical Work Week— 37% responded “40 hours.” +Written Letters and Memos— 22% responded “Once a year or more but not every month.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Once a week or more but not every day.” +Level of Competition— 28% responded “Extremely competitive.” +Spend Time Standing— 51% responded “About half the time.” +Spend Time Making Repetitive Motions— 35% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Emergency Medical Technicians +Bright Outlook +Home Health Aides +Lifeguards, Ski Patrol, and Other Recreational Protective Service Workers +Medical Assistants +Nursing Assistants +Orderlies +Paramedics +Personal Care Aides +Public Safety Telecommunicators +Surgical Assistants","View the list of Allies +American Ambulance Association +external site",74,13,20,72,38,59,68,56,47,22,17,33,23,40,35,57,41,36,16,56,40,31,15,49,52,21,8,16,28,10,35,6,11 +49-9061.00,Camera and Photographic Equipment Repairers,https://www.onetonline.org/link/summary/49-9061.00,2025-06-11T19:22:52.442793,"Adjust cameras, photographic mechanisms, or equipment such as range and view finders, shutters, light meters, or lens systems, using hand tools. +Disassemble equipment to gain access to defect, using hand tools. +Test equipment performance, focus of lens system, diaphragm alignment, lens mounts, or film transport, using precision gauges. +Clean and lubricate cameras and polish camera lenses, using cleaning materials and work aids. +Requisition parts or materials. +Calibrate and verify accuracy of light meters, shutter diaphragm operation, or lens carriers, using timing instruments. +Examine cameras, equipment, processed film, or laboratory reports to diagnose malfunction, using work aids and specifications. +Read and interpret engineering drawings, diagrams, instructions, or specifications to determine needed repairs, fabrication method, and operation sequence. +Measure parts to verify specified dimensions or settings, such as camera shutter speed or light meter reading accuracy, using measuring instruments. +Fabricate or modify defective electronic, electrical, or mechanical components, using bench lathe, milling machine, shaper, grinder, or precision hand tools, according to specifications. +Install electrical assemblies and wiring in aircraft camera housings and memory cards or film in cameras, following blueprints and using hand tools and soldering equipment. +Assemble aircraft cameras, still or motion picture cameras, photographic equipment, or frames, using diagrams, blueprints, bench machines, hand tools, or power tools. +Record test data and document fabrication techniques on reports. +Lay out reference points and dimensions on parts or metal stock to be machined, using precision measuring instruments. +Recommend design changes or upgrades of microfilming, film-developing, or photographic equipment. +Repair and calibrate drone cameras and equipment for aerial photography and videography.","Data base user interface and query software— RepairTRAX +Electronic mail software— Email software +Industrial control software— Statistical process control SPC software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Adjust equipment to ensure optimal performance. +Disassemble equipment for maintenance or repair. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Lubricate equipment to allow proper functioning. +Test mechanical equipment to ensure proper functioning. +Install electrical components, equipment, or systems. +Order materials, supplies, or equipment. +Calibrate equipment to specifications. +Inspect mechanical equipment to locate damage, defects, or wear. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Read technical information needed to perform maintenance or repairs. +Measure distances or dimensions. +Assemble mechanical components or machine parts. +Fabricate parts or components. +Document test results. +Lay out work according to specifications. +Advise others on issues related to repairs, installation, or equipment design.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 78% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Determine Tasks, Priorities and Goals— 58% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Freedom to Make Decisions— 63% responded “A lot of freedom.” +Spend Time Sitting— 46% responded “Continually or almost continually.” +E-Mail— 48% responded “Every day.” +Telephone Conversations— 51% responded “Every day.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Contact With Others— 32% responded “Constant contact with others.” +Frequency of Decision Making— 48% responded “Every day.” +Spend Time Making Repetitive Motions— 33% responded “More than half the time.” +Consequence of Error— 28% responded “Extremely serious.” +Exposed to Contaminants— 31% responded “Never.” +Deal With External Customers or the Public in General— 24% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 27% responded “No results.”","Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Repairing— Repairing machines or systems using the needed tools. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Audiovisual Equipment Installers and Repairers +Avionics Technicians +Bright Outlook +Calibration Technologists and Technicians +Computer, Automated Teller, and Office Machine Repairers +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electronic Equipment Installers and Repairers, Motor Vehicles +Lighting Technicians +Motion Picture Projectionists +Photographic Process Workers and Processing Machine Operators +Prepress Technicians and Workers","View the list of Allies +The Society of Photo-Technologists +external site",65,2,36,63,41,41,22,44,45,35,42,36,19,68,12,21,24,73,9,14,23,2,11,25,4,57,8,16,Not available,38,12,16,8 +51-4022.00,"Forging Machine Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4022.00,2025-06-11T19:24:35.412414,"Read work orders or blueprints to determine specified tolerances and sequences of operations for machine setup. +Position and move metal wires or workpieces through a series of dies that compress and shape stock to form die impressions. +Measure and inspect machined parts to ensure conformance to product specifications. +Set up, operate, or tend presses and forging machines to perform hot or cold forging by flattening, straightening, bending, cutting, piercing, or other operations to taper, shape, or form metal. +Turn handles or knobs to set pressures and depths of ram strokes and to synchronize machine operations. +Install, adjust, and remove dies, synchronizing cams, forging hammers, and stop guides, using overhead cranes or other hoisting devices, and hand tools. +Start machines to produce sample workpieces, and observe operations to detect machine malfunctions and to verify that machine setups conform to specifications. +Confer with other workers about machine setups and operational specifications. +Trim and compress finished forgings to specified tolerances. +Remove dies from machines when production runs are finished. +Repair, maintain, and replace parts on dies. +Select, align, and bolt positioning fixtures, stops, and specified dies to rams and anvils, forging rolls, or presses and hammers. +Sharpen cutting tools and drill bits, using bench grinders.","Electronic mail software— Email software +Industrial control software— Machine control software +Inventory management software— Inventory tracking software","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Study blueprints or other instructions to determine equipment setup requirements. +Maneuver workpieces in equipment during production. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate metal or plastic forming equipment. +Operate cutting equipment. +Mount attachments or tools onto production equipment. +Remove accessories, tools, or other parts from equipment. +Conduct test runs of production equipment. +Exchange information with colleagues. +Trim excess material from workpieces. +Maintain production or processing equipment. +Repair production equipment or tools. +Replace worn equipment components. +Select production equipment according to product specifications. +Set equipment guides, stops, spacers, or other fixtures. +Operate grinding equipment. +Sharpen cutting or grinding tools.","Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Duration of Typical Work Week— 74% responded “More than 40 hours.” +Time Pressure— 53% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 71% responded “Every day.” +Spend Time Standing— 50% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Contact With Others— 58% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 17% responded “More than half the time.” +Health and Safety of Other Workers— 45% responded “High responsibility.” +In an Open Vehicle or Operating Equipment— 70% responded “Every day.” +Pace Determined by Speed of Equipment— 52% responded “Very important.” +Importance of Being Exact or Accurate— 57% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 53% responded “Every day.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 23% responded “Once a month or more but not every week.” +Frequency of Decision Making— 48% responded “Every day.” +Indoors, Not Environmentally Controlled +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Important.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Spend Time Making Repetitive Motions— 28% responded “Continually or almost continually.” +Consequence of Error— 36% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 55% responded “Limited freedom.” +Spend Time Walking or Running— 32% responded “About half the time.” +Exposed to Contaminants— 42% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 26% responded “Once a year or more but not every month.” +Conflict Situations— 50% responded “Once a month or more but not every week.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tool and Die Makers +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +Forging Industry Association +external site +National Tooling and Machining Association +external site +Plastics Industry Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",45,18,79,48,66,47,37,65,43,19,35,27,38,48,13,24,26,62,7,41,23,15,9,14,12,56,29,36,9,51,7,9,11 +43-3061.00,Procurement Clerks,https://www.onetonline.org/link/summary/43-3061.00,2025-06-11T19:15:19.613257,"Track the status of requisitions, contracts, and orders. +Perform buying duties when necessary. +Prepare purchase orders and send copies to suppliers and to departments originating requests. +Calculate costs of orders, and charge or forward invoices to appropriate accounts. +Compare prices, specifications, and delivery dates to determine the best bid among potential suppliers. +Approve and pay bills. +Maintain knowledge of all organizational and governmental rules affecting purchases, and provide information about these rules to organization staff members and to vendors. +Determine if inventory quantities are sufficient for needs, ordering more materials when necessary. +Check shipments when they arrive to ensure that orders have been filled correctly and that goods meet specifications. +Contact suppliers to schedule or expedite deliveries and to resolve shortages, missed or late deliveries, and other problems. +Prepare, maintain, and review purchasing files, reports and price lists. +Review requisition orders to verify accuracy, terminology, and specifications. +Respond to customer and supplier inquiries about order status, changes, or cancellations. +Monitor in-house inventory movement and complete inventory transfer forms for bookkeeping purposes. +Compare suppliers' bills with bids and purchase orders to verify accuracy. +Locate suppliers, using sources such as catalogs and the internet, and interview them to gather information about products to be ordered. +Monitor contractor performance, recommending contract modifications when necessary. +Prepare invitation-of-bid forms, and mail forms to supplier firms or distribute forms for public posting. +Train and supervise subordinates and other staff.","Accounting software— Intuit QuickBooks +Calendar and scheduling software— Work scheduling software +Data base user interface and query software— Microsoft Access; Oracle Database +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Electronic data interchange EDI software +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; Radiant Systems CounterPoint; SAP software;3 more +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Maintain operational records. +Order materials, supplies, or equipment. +Prepare documentation for contracts, transactions, or regulatory compliance. +Send information, materials or documentation. +Calculate costs of goods or services. +Analyze financial information. +Execute sales or other financial transactions. +Inspect shipments to ensure correct order fulfillment. +Maintain current knowledge related to work activities. +Monitor inventories of products or materials. +Provide information to coworkers. +Verify accuracy of financial or transactional data. +Check data for recording errors. +Coordinate shipping activities with external parties. +Discuss account status or activity with customers or patrons. +Track goods or materials. +Obtain information about goods or services. +Supervise clerical or administrative personnel. +Train personnel.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Importance of Being Exact or Accurate— 90% responded “Extremely important.” +Contact With Others— 64% responded “Constant contact with others.” +Importance of Repeating Same Tasks— 77% responded “Extremely important.” +Frequency of Decision Making— 78% responded “Every day.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Spend Time Sitting— 60% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Indoors, Environmentally Controlled +Duration of Typical Work Week— 11% responded “Less than 40 hours.” +Time Pressure— 43% responded “Every day.” +Deal With External Customers or the Public in General— 58% responded “Important.” +Written Letters and Memos— 37% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 63% responded “Important.” +Physical Proximity— 84% responded “Slightly close (e.g., shared office).”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Billing and Posting Clerks +Buyers and Purchasing Agents, Farm Products +Bright Outlook +Counter and Rental Clerks +Customer Service Representatives +Office Clerks, General +Order Clerks +Production, Planning, and Expediting Clerks +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +American Bankers Association +external site +Association for Supply Chain Management +external site +Coalition for Government Procurement +external site +Institute for Supply Management +external site +Mortgage Bankers Association +external site",69,10,43,74,61,61,50,43,70,62,29,35,29,55,11,37,39,30,20,53,18,17,17,41,14,33,19,12,15,16,29,10,9 +29-1141.04,Clinical Nurse Specialists,https://www.onetonline.org/link/summary/29-1141.04,2025-06-11T19:06:16.267850,"Evaluate the quality and effectiveness of nursing practice or organizational systems. +Collaborate with other health care professionals and service providers to ensure optimal patient care. +Develop and maintain departmental policies, procedures, objectives, or patient care standards, based on evidence-based practice guidelines or expert opinion. +Develop nursing service philosophies, goals, policies, priorities, or procedures. +Direct or supervise nursing care staff in the provision of patient therapy. +Read current literature, talk with colleagues, or participate in professional organizations or conferences to keep abreast of developments in nursing. +Instruct nursing staff in areas such as the assessment, development, implementation, and evaluation of disability, illness, management, technology, or resources. +Provide coaching and mentoring to other caregivers to help facilitate their professional growth and development. +Provide consultation to other health care providers in areas such as patient discharge, patient care, or clinical procedures. +Develop, implement, or evaluate standards of nursing practice in specialty area, such as pediatrics, acute care, and geriatrics. +Maintain departmental policies, procedures, objectives, or infection control standards. +Make clinical recommendations to physicians, other health care providers, insurance companies, patients, or health care organizations. +Develop or assist others in development of care and treatment plans. +Plan, evaluate, or modify treatment programs, based on information gathered by observing and interviewing patients or by analyzing patient records. +Provide specialized direct and indirect care to inpatients and outpatients within a designated specialty, such as obstetrics, neurology, oncology, or neonatal care. +Monitor or evaluate medical conditions of patients in collaboration with other health care professionals. +Design evaluation programs regarding the quality and effectiveness of nursing practice or organizational systems. +Coordinate or conduct educational programs or in-service training sessions on topics, such as clinical procedures. +Observe, interview, and assess patients to identify care needs. +Lead nursing department implementation of, or compliance with, regulatory or accreditation processes. +Present clients with information required to make informed health care and treatment decisions. +Participate in clinical research projects, such as by reviewing protocols, reviewing patient records, monitoring compliance, and meeting with regulatory authorities. +Chair nursing departments or committees. +Design patient education programs that include information required to make informed health care and treatment decisions. +Provide direct care by performing comprehensive health assessments, developing differential diagnoses, conducting specialized tests, or prescribing medications or treatments. +Prepare reports to document patients' care activities. +Write nursing orders. +Identify training needs or conduct training sessions for nursing students or medical staff. +Perform discharge planning for patients. +Teach patient education programs that include information required to make informed health care and treatment decisions.","Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— Online medical databases +Internet browser software— Web browser software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; GE Healthcare Centricity EMR; StatCom Patient Flow Logistics Enterprise Suite;11 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Collaborate with healthcare professionals to plan or provide treatment. +Establish nursing policies or standards. +Supervise patient care personnel. +Train medical providers. +Maintain medical or professional knowledge. +Advise medical personnel regarding healthcare issues. +Follow protocols or regulations for healthcare activities. +Support the professional development of others. +Develop medical treatment plans. +Analyze patient data to determine patient needs or treatment goals. +Treat acute illnesses, infections, or injuries. +Evaluate patient functioning, capabilities, or health. +Monitor patient conditions during treatments, procedures, or activities. +Develop procedures to evaluate organizational activities. +Collect medical information from patients, family members, or other medical professionals. +Examine patients to assess general physical condition. +Manage healthcare operations. +Communicate detailed medical information to patients or family members. +Conduct research to increase knowledge about medical issues. +Monitor medical facility activities to ensure adherence to standards or regulations. +Develop educational programs. +Diagnose medical conditions. +Prescribe medications. +Prepare reports summarizing patient diagnostic or care activities. +Teach classes in area of specialization.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Exposed to Disease or Infections— 79% responded “Every day.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Contact With Others— 52% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 59% responded “Extremely important.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Physical Proximity— 41% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Consequence of Error— 48% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 59% responded “Important results.” +Written Letters and Memos— 34% responded “Every day.” +Frequency of Decision Making— 45% responded “Every day.” +Health and Safety of Other Workers— 45% responded “High responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 38% responded “Once a week or more but not every day.” +Time Pressure— 34% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 52% responded “Once a week or more but not every day.” +Conflict Situations— 45% responded “Once a week or more but not every day.” +Public Speaking— 48% responded “Once a week or more but not every day.” +Spend Time Standing— 41% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Acute Care Nurses +Bright Outlook +Advanced Practice Psychiatric Nurses +Critical Care Nurses +Health Informatics Specialists +Hospitalists +Licensed Practical and Licensed Vocational Nurses +Nurse Midwives +Nurse Practitioners +Physician Assistants +Registered Nurses","View the list of Allies +National Association of Clinical Nurse Specialists +external site +American Association of Colleges of Nursing +external site +American Association of Critical-Care Nurses +external site +American Association of Diabetes Educators +external site +American Heart Association +external site +American Nurses Association +external site +American Society of Registered Nurses +external site +Association for Nursing Professional Development +external site +Emergency Nurses Association +external site +National Student Nurses' Association +external site +Sigma Theta Tau International +external site +Society of Critical Care Medicine +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",80,13,24,85,63,61,47,89,42,39,23,44,46,49,23,39,45,23,48,12,81,60,66,31,91,32,9,28,82,21,15,6,14 +19-3092.00,Geographers,https://www.onetonline.org/link/summary/19-3092.00,2025-06-11T18:57:34.495436,"Create and modify maps, graphs, or diagrams, using geographical information software and related equipment, and principles of cartography, such as coordinate systems, longitude, latitude, elevation, topography, and map scales. +Gather and compile geographic data from sources such as censuses, field observations, satellite imagery, aerial photographs, and existing maps. +Teach geography. +Write and present reports of research findings. +Provide geographical information systems support to the private and public sectors. +Study the economic, political, and cultural characteristics of a specific region's population. +Analyze geographic distributions of physical and cultural phenomena on local, regional, continental, or global scales. +Develop, operate, and maintain geographical information computer systems, including hardware, software, plotters, digitizers, printers, and video cameras. +Locate and obtain existing geographic information databases. +Collect data on physical characteristics of specified areas, such as geological formations, climates, and vegetation, using surveying or meteorological equipment. +Conduct field work at outdoor sites. +Provide consulting services in fields such as resource development and management, business location and market area analysis, environmental hazards, regional cultural history, and urban social planning.","Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;7 more +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— RIVERMorph; Structured query language SQL +Electronic mail software— Microsoft Outlook +Geographic information system— Caliper Maptitude; ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems;4 more +Graphics or photo imaging software— ACD Systems Canvas; Adobe Photoshop; Corel CorelDraw Graphics Suite; Lemkesoft GraphicConverter;1 more +Internet browser software— Microsoft Internet Explorer +Map creation software— Leica Geosystems ERDAS IMAGINE; MapInfo MapMarker; Martin D Adamiker's TruFlite; RockWare ArcMap;5 more +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Dreamweaver +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Prepare maps. +Collect geographical or geological field data. +Compile geographic or related data. +Instruct college students in social sciences or humanities disciplines. +Prepare scientific or technical reports or presentations. +Develop software or applications for scientific or technical use. +Conduct anthropological or archaeological research. +Collect archival data. +Advise others on business or operational matters.","E-Mail— 90% responded “Every day.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Telephone Conversations— 75% responded “Once a week or more but not every day.” +Spend Time Sitting— 60% responded “More than half the time.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Level of Competition— 50% responded “Moderately competitive.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Contact With Others— 40% responded “Contact with others about half the time.” +Written Letters and Memos— 45% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 45% responded “Important.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Important.” +Public Speaking— 45% responded “Once a year or more but not every month.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Anthropologists and Archeologists +Bright Outlook +Cartographers and Photogrammetrists +Data Scientists +Geodetic Surveyors +Geographic Information Systems Technologists and Technicians +Geography Teachers, Postsecondary +Geoscientists, Except Hydrologists and Geographers +Historians +Remote Sensing Scientists and Technologists +Statisticians","View the list of Allies +American Association of Geographers +external site +American Geographical Society +external site +American Geophysical Union +external site +American Meteorological Society +external site +American Society for Photogrammetry and Remote Sensing +external site +Association of Pacific Coast Geographers +external site +National Council for Geographic Education +external site +National Society of Professional Surveyors +external site +Society for Ecological Restoration +external site +GIS Certification Institute +external site +International Geographical Union +external site",38,4,15,71,50,41,28,64,41,26,14,35,24,69,25,46,45,9,25,30,32,11,61,33,5,33,11,28,42,37,96,9,48 +11-3012.00,Administrative Services Managers,https://www.onetonline.org/link/summary/11-3012.00,2025-06-11T18:46:55.681061,"Prepare and review operational reports and schedules to ensure accuracy and efficiency. +Set goals and deadlines for the department. +Acquire, distribute and store supplies. +Analyze internal processes and recommend and implement procedural or policy changes to improve operations, such as supply changes or the disposal of records. +Conduct classes to teach procedures to staff. +Plan, administer, and control budgets for contracts, equipment, and supplies. +Hire and terminate clerical and administrative personnel. +Direct or coordinate the supportive services department of a business, agency, or organization. +Communicate with and provide guidance for external vendors and service providers to ensure the organization, department, or work unit's business needs are met. +Develop operational standards and procedures for the work unit or department. +Establish work procedures or schedules to organize the daily work of administrative staff. +Learn to operate new office technologies as they are developed and implemented. +Manage paper or electronic filing systems by recording information, updating paperwork, or maintaining documents, such as attendance records or correspondence. +Meet with other departmental leaders to establish organizational goals, strategic plans, and objectives, as well as make decisions about personnel, resources, and space or equipment needs. +Oversee payroll functions, such as maintaining timekeeping information and processing and submitting payroll. +Read through contracts, regulations, and procedural guidelines to ensure comprehension and compliance. +Represent work unit at meetings or conferences and serve as liaison for requests or complaints. +Supervise administrative staff and provide training and orientation to new staff.","Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS +Cloud-based data access and sharing software— Google Drive +Computer aided design CAD software— Autodesk AutoCAD +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base management system software— Teradata Database +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Database software; Microsoft Access; Sage 300 Construction and Real Estate; Yardi software;1 more +Desktop publishing software— Adobe PageMaker; Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; IBM Notes; MicroFocus GroupWise; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Microsoft Dynamics GP; Oracle PeopleSoft; SAP software;4 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Delphi Technology +Human resources software— ADP Enterprise HR; ADP Workforce Now; Human resource management software HRMS +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— LexisNexis +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer; Web browser software +Medical software— Medical procedure coding software; PracticeWorks Systems Kodak WINOMS CS +Object or component oriented development software— R +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows XP +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Web page creation and editing software— LinkedIn +Word processing software— Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Prepare operational budgets. +Hire personnel. +Direct administrative or support services. +Develop organizational goals or objectives. +Prepare operational progress or status reports. +Manage inventories of products or organizational resources. +Purchase materials, equipment, or other resources. +Analyze data to inform operational decisions or activities. +Recommend organizational process or policy changes. +Conduct employee training programs. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Confer with managers to make operational decisions. +Develop organizational policies or programs. +Establish standards for products, processes, or procedures. +Evaluate information related to legal matters in public or personal records. +Maintain current knowledge related to work activities. +Maintain records, documents, or other files. +Manage human resources activities. +Prepare employee work schedules. +Read documents to gather technical information. +Respond to customer problems or complaints. +Select resources needed to accomplish tasks. +Supervise clerical or administrative personnel.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Telephone Conversations— 80% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Contact With Others— 55% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Deal With External Customers or the Public in General— 49% responded “Extremely important.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Health and Safety of Other Workers— 43% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Frequency of Decision Making— 42% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Time Pressure— 55% responded “Once a week or more but not every day.” +Spend Time Sitting— 44% responded “More than half the time.” +Written Letters and Memos— 34% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 44% responded “40 hours.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Conflict Situations— 38% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Negotiation— Bringing others together and trying to reconcile differences. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Compliance Managers +Bright Outlook +Document Management Specialists +Executive Secretaries and Executive Administrative Assistants +Facilities Managers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +General and Operations Managers +Human Resources Managers +Human Resources Specialists +Project Management Specialists","View the list of Allies +American Society for Public Administration +external site +ARMA International +external site +Association of Executive and Administrative Professionals +external site +International Facility Management Association +external site +National Association of College and University Business Officers +external site +National Notary Association +external site +Society for Human Resource Management +external site +Institute of Certified Records Managers +external site",86,7,47,76,57,81,57,46,73,48,24,59,13,59,9,47,35,33,12,24,27,19,19,41,20,27,32,15,9,28,13,3,11 +11-2021.00,Marketing Managers,https://www.onetonline.org/link/summary/11-2021.00,2025-06-11T18:46:44.862906,"Identify, develop, or evaluate marketing strategy, based on knowledge of establishment objectives, market characteristics, and cost and markup factors. +Formulate, direct, or coordinate marketing activities or policies to promote products or services, working with advertising or promotion managers. +Evaluate the financial aspects of product development, such as budgets, expenditures, research and development appropriations, or return-on-investment and profit-loss projections. +Develop pricing strategies, balancing firm objectives and customer satisfaction. +Compile lists describing product or service offerings. +Direct the hiring, training, or performance evaluations of marketing or sales staff and oversee their daily activities. +Consult with product development personnel on product specifications, such as design, color, or packaging. +Use sales forecasting or strategic planning to ensure the sale and profitability of products, lines, or services, analyzing business developments and monitoring market trends. +Negotiate contracts with vendors or distributors to manage product distribution, establishing distribution networks or developing distribution strategies. +Coordinate or participate in promotional activities or trade shows, working with developers, advertisers, or production managers, to market products or services. +Initiate market research studies, or analyze their findings. +Confer with legal staff to resolve problems, such as copyright infringement or royalty sharing with outside producers or distributors. +Consult with buying personnel to gain advice regarding the types of products or services expected to be in demand. +Consult with buying personnel to gain advice regarding environmentally sound or sustainable products. +Conduct economic or commercial surveys to identify potential markets for products or services. +Recommend modifications to products, packaging, production processes, or other characteristics to improve the environmental soundness or sustainability of products. +Advise business or other groups on local, national, or international factors affecting the buying or selling of products or services. +Select products or accessories to be displayed at trade or special production shows. +Develop business cases for environmental marketing strategies. +Integrate environmental information into product or company marketing strategies, policies, or activities.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Intuit QuickBooks; Tax software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;4 more +Application server software— GitHub +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Cloud-based data access and sharing software— Asana; Dropbox; Google Drive; Slack;1 more +Cloud-based management software— Splunk Enterprise +Communications server software— IBM Domino +Computer based training software— Padlet +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; QAD Marketing Automation; Salesforce software;5 more +Data base management system software— Apache Cassandra; Apache Hive; Elasticsearch; Oracle PL/SQL;5 more +Data base reporting software— Database reporting software +Data base user interface and query software— Airtable; Amazon Redshift; MySQL; Yardi software;11 more +Data mining software— Google Analytics +Desktop communications software— Eko +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— C; Microsoft Azure software; Microsoft Visual Basic for Applications VBA; Ruby;3 more +Document management software— Adobe Acrobat; Adobe Acrobat Reader; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle Hyperion; Oracle PeopleSoft; SAP software;4 more +Enterprise system management software— IBM Power Systems software +Expert system software— Oracle Beehive +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Graphical user interface development software— Figma +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Canva; JamBoard;2 more +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Multi-media educational software— Nearpod +Network conferencing software— LogMeIn GoToWebinar +Object or component oriented development software— Jupyter Notebook; Python; R; Swift +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Apple Keynote; Google Slides; Mentimeter; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Microsoft Project; Microsoft Teams +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Armand Morin MultiTrack Generator +Video conferencing software— Google Meet; LogMeIn GoToMeeting +Video creation and editing software— Adobe After Effects; Flipgrid; TikTok; YouTube;5 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; Instagram; WordPress;2 more +Web platform development software— Cascading style sheets CSS; Drupal; Hypertext markup language HTML; PHP;6 more +Word processing software— Evernote; Google Docs; Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Develop marketing plans or strategies. +Evaluate program effectiveness. +Direct sales, marketing, or customer service activities. +Analyze data to inform operational decisions or activities. +Estimate cost or material requirements. +Determine pricing or monetary policies. +Compile operational data. +Supervise employees. +Confer with organizational members to accomplish work activities. +Analyze market research data. +Analyze forecasting data to improve business decisions. +Monitor external affairs or events affecting business operations. +Negotiate contracts for transportation, distribution, or logistics services. +Coordinate special events or programs. +Conduct opinion surveys or needs assessments. +Develop sustainable organizational policies or practices. +Recommend organizational process or policy changes. +Advise others on business or operational matters. +Develop marketing plans or strategies for environmental initiatives.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 70% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 64% responded “A lot of freedom.” +Contact With Others— 69% responded “Constant contact with others.” +Duration of Typical Work Week— 81% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Spend Time Sitting— 52% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Extremely important.” +Deal With External Customers or the Public in General— 49% responded “Extremely important.” +Time Pressure— 55% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Frequency of Decision Making— 42% responded “Every day.” +Work Outcomes and Results of Other Workers— 44% responded “High responsibility.” +Level of Competition— 44% responded “Extremely competitive.” +Importance of Being Exact or Accurate— 57% responded “Very important.” +Written Letters and Memos— 41% responded “Once a week or more but not every day.” +Public Speaking— 54% responded “Once a week or more but not every day.” +Conflict Situations— 34% responded “Once a year or more but not every month.”","Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Negotiation— Bringing others together and trying to reconcile differences. +Coordination— Adjusting actions in relation to others' actions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Advertising and Promotions Managers +Advertising Sales Agents +Business Intelligence Analysts +Bright Outlook +Market Research Analysts and Marketing Specialists +Online Merchants +Public Relations Managers +Public Relations Specialists +Purchasing Managers +Sales Managers +Search Marketing Strategists","View the list of Allies +American Association of Advertising Agencies +external site +American Marketing Association +external site +Association of Sales and Marketing Companies +external site +Business Marketing Association +external site +Hospitality Sales and Marketing Association International +external site +Insights Association +external site +Institute of Internal Auditors +external site +LOMA +external site +Public Relations Society of America +external site +Self-Insurance Institute of America +external site +Society for Healthcare Strategy and Market Development of the American Hospital Association +external site +Society for Marketing Professional Services +external site +Urban Land Institute +external site +Product Development and Management Association +external site +SMEI +external site",71,3,37,87,63,76,38,51,50,53,96,43,5,63,16,47,70,8,16,17,36,16,26,47,7,44,5,5,3,54,30,18,17 +25-2031.00,"Secondary School Teachers, Except Special and Career/Technical Education",https://www.onetonline.org/link/summary/25-2031.00,2025-06-11T19:01:28.824078,"Prepare materials and classrooms for class activities. +Instruct through lectures, discussions, and demonstrations in one or more subjects, such as English, mathematics, or social studies. +Establish clear objectives for all lessons, units, and projects, and communicate those objectives to students. +Establish and enforce rules for behavior and procedures for maintaining order among students. +Adapt teaching methods and instructional materials to meet students' varying needs and interests. +Maintain accurate and complete student records as required by laws, district policies, and administrative regulations. +Observe and evaluate students' performance, behavior, social development, and physical health. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Confer with parents or guardians, other teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Assign and grade class work and homework. +Prepare, administer, and grade tests and assignments to evaluate students' progress. +Prepare students for later grades by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Instruct and monitor students in the use of equipment and materials to prevent injuries and damage. +Enforce all administration policies and rules governing students. +Guide and counsel students with adjustments, academic problems, or special academic interests. +Meet with other professionals to discuss individual students' needs and progress. +Prepare and implement remedial programs for students requiring extra help. +Meet with parents and guardians to discuss their children's progress and to determine priorities for their children and their resource needs. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Collaborate with other teachers and administrators in the development, evaluation, and revision of secondary school programs. +Prepare reports on students and activities as required by administration. +Prepare for assigned classes, and show written evidence of preparation upon request of immediate supervisors. +Plan and supervise class projects, field trips, visits by guest speakers, or other experiential activities, and guide students in learning from those activities. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading. +Attend staff meetings and serve on committees, as required. +Select, store, order, issue, and inventory classroom equipment, materials, and supplies. +Sponsor extracurricular activities, such as clubs, student organizations, and academic contests. +Administer standardized ability and achievement tests, and interpret results to determine students' strengths and needs. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities such as restrooms.","Analytical or scientific software— Desmos; Geogebra +Cloud-based data access and sharing software— Google Drive +Computer based training software— Common Curriculum; Instructional software; Moodle; Schoology +Data base user interface and query software— Blackboard software; PowerSchool SIS +Development environment software— ABC programming language; Logo design software +Document management software— Microsoft SharePoint +Electronic mail software— Email software +Internet browser software— Web browser software +Multi-media educational software— Nearpod +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Flipgrid; Screencastify; Video editing software +Word processing software— Microsoft Word","Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Apply multiple teaching methods. +Set up classroom materials or equipment. +Develop instructional objectives. +Establish rules or policies governing student behavior. +Maintain student records. +Modify teaching methods or materials to accommodate student needs. +Evaluate student work. +Monitor student performance. +Monitor student behavior, social development, or health. +Discuss problems or issues with supervisors. +Discuss student progress with parents or guardians. +Plan educational activities. +Assign class work to students. +Administer tests to assess educational needs or progress. +Prepare tests. +Create technology-based learning materials. +Encourage students. +Enforce rules or policies governing student behavior. +Teach others to use technology or equipment. +Assist students with special educational needs. +Advise students on academic or career matters. +Develop strategies or programs for students with special needs. +Collaborate with other teaching professionals to develop educational programs. +Prepare reports detailing student activities or performance. +Document lesson plans. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Plan experiential learning activities. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment. +Serve on institutional or departmental committees. +Supervise school or student activities. +Coordinate student extracurricular activities.","E-Mail— 87% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Public Speaking— 77% responded “Every day.” +Freedom to Make Decisions— 52% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 56% responded “Extremely important.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Frequency of Decision Making— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Time Pressure— 37% responded “Once a month or more but not every week.” +Spend Time Standing— 34% responded “More than half the time.” +Conflict Situations— 33% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Every day.” +Importance of Being Exact or Accurate— 31% responded “Very important.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Telephone Conversations— 40% responded “Once a week or more but not every day.” +Level of Competition— 40% responded “Moderately competitive.” +Written Letters and Memos— 34% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 24% responded “Every day.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Persuasion— Persuading others to change their minds or behavior.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Career/Technical Education Teachers, Middle School +Career/Technical Education Teachers, Secondary School +Elementary School Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Middle School +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Tutors","View the list of Allies +American Council on the Teaching of Foreign Languages +external site +Council for the Accreditation of Educator Preparation +external site +National Association for Music Education +external site +National Business Education Association +external site +National Council for the Social Studies +external site +National Council of Teachers of English +external site +National Council of Teachers of Mathematics +external site +National Federation of State High School Associations +external site +National Science Teaching Association +external site +Society of Health and Physical Educators +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",58,8,21,89,53,49,56,89,47,19,19,48,31,62,27,36,45,13,38,24,68,41,50,28,23,26,10,23,34,26,37,35,35 +19-2021.00,Atmospheric and Space Scientists,https://www.onetonline.org/link/summary/19-2021.00,2025-06-11T18:56:37.621147,"Develop or use mathematical or computer models for weather forecasting. +Interpret data, reports, maps, photographs, or charts to predict long- or short-range weather conditions, using computer models and knowledge of climate theory, physics, and mathematics. +Conduct meteorological research into the processes or determinants of atmospheric phenomena, weather, or climate. +Formulate predictions by interpreting environmental data, such as meteorological, atmospheric, oceanic, paleoclimate, climate, or related information. +Broadcast weather conditions, forecasts, or severe weather warnings to the public via television, radio, or the Internet or provide this information to the news media. +Prepare forecasts or briefings to meet the needs of industry, business, government, or other groups. +Gather data from sources such as surface or upper air stations, satellites, weather bureaus, or radar for use in meteorological reports or forecasts. +Develop computer programs to collect meteorological data or to present meteorological information. +Prepare weather reports or maps for analysis, distribution, or use in weather broadcasts, using computer graphics. +Develop and deliver training on weather topics. +Prepare scientific atmospheric or climate reports, articles, or texts. +Analyze climate data sets, using techniques such as geophysical fluid dynamics, data assimilation, or numerical modeling. +Analyze historical climate information, such as precipitation or temperature records, to help predict future weather or climate trends. +Consult with other offices, agencies, professionals, or researchers regarding the use and interpretation of climatological information for weather predictions and warnings. +Speak to the public to discuss weather topics or answer questions. +Apply meteorological knowledge to issues such as global warming, pollution control, or ozone depletion. +Perform managerial duties, such as creating work schedules, creating or implementing staff training, matching staff expertise to situations, or analyzing performance of offices. +Measure wind, temperature, and humidity in the upper atmosphere, using weather balloons. +Direct forecasting services at weather stations or at radio or television broadcasting facilities. +Collect air samples from planes or ships over land or sea to study atmospheric composition. +Teach college-level courses on topics such as atmospheric and space science, meteorology, or global climate change. +Design or develop new equipment or methods for meteorological data collection, remote sensing, or related applications. +Research the impact of industrial projects or pollution on climate, air quality, or weather phenomena. +Conduct wind assessment, integration, or validation studies. +Conduct numerical simulations of climate conditions to understand and predict global or regional weather patterns. +Estimate or predict the effects of global warming over time for specific geographic regions. +Create visualizations to illustrate historical or future changes in the Earth's climate, using paleoclimate or climate geographic information systems (GIS) databases.","Analytical or scientific software— IBM SPSS Statistics; PC Weather Products HURRTRAK; SAS; Systat Software SigmaStat;29 more +Data base user interface and query software— Microsoft Access; Structured query language SQL +Desktop publishing software— QuarkXPress +Development environment software— Formula translation/translator FORTRAN; Software development tools +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcInfo; ESRI ArcView +Graphics or photo imaging software— Adobe Photoshop; Advanced Visual Systems AVS/Express; Image editing software; Microsoft Paint;1 more +Map creation software— ITT Visual Information Solutions ENVI +Object or component oriented development software— C++; Perl; Python; R +Office suite software— Microsoft Office software +Operating system software— Cisco IOS; Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple Final Cut Pro +Web page creation and editing software— Facebook; Social media sites +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Develop theories or models of physical phenomena. +Interpret research or operational data. +Conduct climatological research. +Provide technical information or assistance to public. +Prepare scientific or technical reports or presentations. +Direct technical activities or operations. +Collect environmental data or samples. +Analyze design requirements for computer or electronics systems. +Test computer system operations to ensure proper functioning. +Write computer programming code. +Develop training materials. +Prepare research or technical reports on environmental issues. +Present information to the public. +Teach classes in area of specialization. +Collaborate on research activities with scientists or technical specialists. +Instruct college students in physical or life sciences. +Develop environmental research methods. +Research environmental impact of industrial or development activities. +Develop mathematical models of environmental conditions. +Communicate with the public on environmental issues. +Provide educational information to the public. +Apply knowledge or research findings to address environmental problems. +Measure environmental characteristics. +Create images or other visual displays.","E-Mail— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Telephone Conversations— 60% responded “Every day.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Time Pressure— 45% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Contact With Others— 35% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Duration of Typical Work Week— 60% responded “40 hours.” +Level of Competition— 45% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Deal With External Customers or the Public in General— 35% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Moderate results.” +Frequency of Decision Making— 30% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Public Speaking— 30% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Far Vision— The ability to see details at a distance. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Astronomers +Bright Outlook +Climate Change Policy Analysts +Data Scientists +Geodetic Surveyors +Geographers +Geographic Information Systems Technologists and Technicians +Geological Technicians, Except Hydrologic Technicians +Geoscientists, Except Hydrologists and Geographers +Hydrologists +Remote Sensing Scientists and Technologists","View the list of Allies +American Geophysical Union +external site +American Geosciences Institute +external site +American Meteorological Society +external site +National Agricultural Aviation Association +external site +National Oceanic and Atmospheric Administration +external site +National Weather Association +external site",50,1,21,70,86,40,40,48,36,23,19,31,50,79,10,22,56,12,4,15,21,,18,39,,45,4,86,21,26,85,3,11 +53-7061.00,Cleaners of Vehicles and Equipment,https://www.onetonline.org/link/summary/53-7061.00,2025-06-11T19:30:33.363144,"Rinse objects and place them on drying racks or use cloth, squeegees, or air compressors to dry surfaces. +Apply paints, dyes, polishes, reconditioners, waxes, or masking materials to vehicles to preserve, protect, or restore color or condition. +Clean and polish vehicle windows. +Drive vehicles to or from workshops or customers' workplaces or homes. +Scrub, scrape, or spray machine parts, equipment, or vehicles, using scrapers, brushes, clothes, cleaners, disinfectants, insecticides, acid, abrasives, vacuums, or hoses. +Inspect parts, equipment, or vehicles for cleanliness, damage, and compliance with standards or regulations. +Mix cleaning solutions, abrasive compositions, or other compounds, according to formulas. +Maintain inventories of supplies. +Pre-soak or rinse machine parts, equipment, or vehicles by immersing objects in cleaning solutions or water, manually or using hoists. +Turn valves or disconnect hoses to eliminate water, cleaning solutions, or vapors from machinery or tanks. +Turn valves or handles on equipment to regulate pressure or flow of water, air, steam, or abrasives from sprayer nozzles. +Sweep, shovel, or vacuum loose debris or salvageable scrap into containers and remove containers from work areas. +Monitor operation of cleaning machines and stop machines or notify supervisors when malfunctions occur. +Press buttons to activate cleaning equipment or machines. +Connect hoses or lines to pumps or other equipment. +Clean the plastic work inside cars, using paintbrushes. +Disassemble and reassemble machines or equipment or remove and reattach vehicle parts or trim, using hand tools. +Lubricate machinery, vehicles, or equipment or perform minor repairs or adjustments, using hand tools. +Transport materials, equipment, or supplies to or from work areas, using carts or hoists. +Fit boot spoilers, side skirts, or mud flaps to cars.","Calendar and scheduling software— BookFresh; Thoughtful Systems Scheduling Manager for Auto Detailing +Data base user interface and query software— Bella FSM Auto Detailing Service Software; Green Cloud KleanTRAC +Inventory management software— Inventory tracking software +Operating system software— Microsoft Windows","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Clean vehicles or vehicle components. +Apply protective or decorative finishes to workpieces or products. +Clean machinery or equipment. +Drive passenger vehicles. +Inspect motor vehicles. +Mix substances or compounds needed for work activities. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Acquire supplies or equipment. +Control pumps or pumping equipment. +Clean facilities or work areas. +Monitor engine operation or functioning. +Remove debris or damaged materials. +Report vehicle or equipment malfunctions. +Shovel materials. +Operate industrial equipment. +Maintain vehicles in good working condition. +Connect hoses to equipment or machinery. +Move materials, equipment, or supplies.","In an Enclosed Vehicle or Operate Enclosed Equipment— 95% responded “Every day.” +Exposed to Contaminants— 89% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 74% responded “Every day.” +Spend Time Making Repetitive Motions— 12% responded “About half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Indoors, Not Environmentally Controlled +Freedom to Make Decisions— 42% responded “Some freedom.” +Spend Time Standing— 42% responded “More than half the time.” +Time Pressure +Determine Tasks, Priorities and Goals— 70% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 13% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 49% responded “Every day.” +Spend Time Walking or Running— 34% responded “Continually or almost continually.” +Outdoors, Under Cover— 59% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 15% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 49% responded “About half the time.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Health and Safety of Other Workers— 45% responded “High responsibility.” +Contact With Others— 43% responded “Constant contact with others.” +Duration of Typical Work Week— 62% responded “40 hours.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Very important results.” +Physical Proximity— 28% responded “Slightly close (e.g., shared office).” +Exposed to Hazardous Conditions— 48% responded “Every day.” +Frequency of Decision Making— 43% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 22% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 40% responded “Never.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Consequence of Error— 26% responded “Very serious.”","Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Dishwashers +Home Appliance Repairers +Janitors and Cleaners, Except Maids and Housekeeping Cleaners +Bright Outlook +Laundry and Dry-Cleaning Workers +Machine Feeders and Offbearers +Maintenance Workers, Machinery +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Septic Tank Servicers and Sewer Pipe Cleaners","View the list of Allies +Cleaning Equipment Trade Association +external site +International Association of Machinists and Aerospace Workers +external site +MHI +external site +Warehousing Education and Research Council +external site",64,10,46,58,37,48,47,39,34,34,31,35,35,31,27,28,32,41,5,54,29,10,10,20,17,20,21,21,17,17,17,4,4 +25-1062.00,"Area, Ethnic, and Cultural Studies Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1062.00,2025-06-11T19:00:07.499116,"Initiate, facilitate, and moderate classroom discussions. +Evaluate and grade students' class work, assignments, and papers. +Prepare and deliver lectures to undergraduate or graduate students on topics such as race and ethnic relations, gender studies, and cross-cultural perspectives. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Compile, administer, and grade examinations, or assign this work to others. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Maintain regularly scheduled office hours to advise and assist students. +Maintain student attendance records, grades, and other required records. +Collaborate with colleagues to address teaching and research issues. +Advise students on academic and vocational curricula, and on career issues. +Select and obtain materials and supplies, such as textbooks. +Perform administrative duties, such as serving as department head. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Supervise undergraduate or graduate teaching, internship, and research work. +Compile bibliographies of specialized materials for outside reading assignments. +Write grant proposals to procure external research funding. +Participate in campus and community events, such as giving public lectures about research. +Incorporate experiential or site visit components into courses. +Participate in student recruitment, registration, and placement activities. +Act as advisers to student organizations. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Cloud-based data access and sharing software— Google Drive +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Data base user interface and query software— FileMaker Pro +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Social media software +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Guide class discussions. +Evaluate student work. +Teach humanities courses at the college level. +Develop instructional materials. +Administer tests to assess educational needs or progress. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Prepare tests. +Stay informed about current developments in field of specialization. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Maintain student records. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Serve on institutional or departmental committees. +Supervise student research or internship work. +Compile specialized bibliographies or lists of materials. +Write grant proposals. +Plan community programs or activities for the general public. +Plan experiential learning activities. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Freedom to Make Decisions— 68% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 62% responded “A lot of freedom.” +Contact With Others— 64% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Public Speaking— 54% responded “Every day.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Level of Competition— 53% responded “Highly competitive.” +Time Pressure— 62% responded “Once a week or more but not every day.” +Spend Time Sitting— 69% responded “More than half the time.” +Frequency of Decision Making— 31% responded “Once a week or more but not every day.” +Written Letters and Memos— 38% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Telephone Conversations— 58% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 23% responded “Extremely important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Foreign Language— Knowledge of the structure and content of a foreign (non-English) language including the meaning and spelling of words, rules of composition and grammar, and pronunciation. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Anthropology and Archeology Teachers, Postsecondary +Communications Teachers, Postsecondary +Education Teachers, Postsecondary +English Language and Literature Teachers, Postsecondary +Foreign Language and Literature Teachers, Postsecondary +Geography Teachers, Postsecondary +History Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Political Science Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +African Studies Association +external site +American Academy of Religion +external site +American Anthropological Association +external site +American Historical Association +external site +American Philosophical Association +external site +American Sociological Association +external site +Association for Asian American Studies +external site +Association for Asian Studies +external site +Council of Graduate Schools +external site +Latin American Studies Association +external site +Middle East Studies Association +external site +Modern Language Association +external site +National Association of African American Studies and Affiliates +external site +National Women's Studies Association +external site +Popular Culture Association +external site +TESOL International Association +external site",43,2,9,90,26,42,24,91,50,19,15,34,2,57,64,41,61,3,52,19,47,30,68,24,4,8,,1,9,11,45,36,65 +51-9041.00,"Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-9041.00,2025-06-11T19:27:32.109238,"Adjust machine components to regulate speeds, pressures, and temperatures, and amounts, dimensions, and flow of materials or ingredients. +Press control buttons to activate machinery and equipment. +Examine, measure, and weigh materials or products to verify conformance to standards, using measuring devices such as templates, micrometers, or scales. +Monitor machine operations and observe lights and gauges to detect malfunctions. +Clear jams, and remove defective or substandard materials or products. +Notify supervisors when extruded filaments fail to meet standards. +Record and maintain production data, such as meter readings, and quantities, types, and dimensions of materials produced. +Review work orders, specifications, or instructions to determine materials, ingredients, procedures, components, settings, and adjustments for extruding, forming, pressing, or compacting machines. +Turn controls to adjust machine functions, such as regulating air pressure, creating vacuums, and adjusting coolant flow. +Clean dies, arbors, compression chambers, and molds, using swabs, sponges, or air hoses. +Synchronize speeds of sections of machines when producing products involving several steps or processes. +Move materials, supplies, components, and finished products between storage and work areas, using work aids such as racks, hoists, and handtrucks. +Activate machines to shape or form products, such as candy bars, light bulbs, balloons, or insulation panels. +Select and install machine components, such as dies, molds, and cutters, according to specifications, using hand tools and measuring devices. +Send product samples to laboratories for analysis. +Couple air and gas lines to machines to maintain plasticity of material and to regulate solidification of final products. +Pour, scoop, or dump specified ingredients, metal assemblies, or mixtures into sections of machine prior to starting machines. +Measure, mix, cut, shape, soften, and join materials and ingredients, such as powder, cornmeal, or rubber to prepare them for machine processing. +Remove materials or products from molds or from extruding, forming, pressing, or compacting machines, and stack or store them for additional processing. +Feed products into machines by hand or conveyor. +Measure arbors and dies to verify sizes specified on work tickets. +Complete work tickets, and place them with products. +Disassemble equipment to repair it or to replace parts, such as nozzles, punches, and filters. +Remove molds, mold components, and feeder tubes from machinery after production is complete. +Swab molds with solutions to prevent products from sticking. +Install, align, and adjust neck rings, press plungers, and feeder tubes.","Data base user interface and query software— Operational databases +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Materials requirements planning logistics and supply chain software— Production scheduling software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Operate metal or plastic forming equipment. +Adjust equipment controls to regulate flow of production materials or products. +Adjust temperature controls of ovens or other heating equipment. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Inspect metal, plastic, or composite products. +Weigh finished products. +Monitor equipment operation to ensure proper functioning. +Clear equipment jams. +Notify others of equipment repair or maintenance needs. +Record operational or production data. +Remove products or workpieces from production equipment. +Mount attachments or tools onto production equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Study blueprints or other instructions to determine equipment setup requirements. +Select production equipment according to product specifications. +Adjust equipment controls to regulate coolant flow. +Clean production equipment. +Send information, materials or documentation. +Connect supply lines to production equipment or tools. +Load materials into production equipment. +Cut industrial materials in preparation for fabrication or processing. +Measure ingredients or substances to be used in production processes. +Remove workpieces from molds. +Stack finished items for further processing or shipment. +Move products, materials, or equipment between work areas. +Feed materials or products into or through equipment. +Mark products, workpieces, or equipment with identifying information. +Record production information. +Align parts or workpieces to ensure proper assembly. +Apply parting agents or other solutions to molds. +Disassemble equipment for maintenance or repair. +Remove accessories, tools, or other parts from equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Standing— 65% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Pace Determined by Speed of Equipment— 51% responded “Very important.” +Exposed to Contaminants— 79% responded “Every day.” +Importance of Being Exact or Accurate— 67% responded “Very important.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 49% responded “Continually or almost continually.” +Contact With Others— 47% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 63% responded “Every day.” +Time Pressure— 44% responded “Every day.” +Frequency of Decision Making— 54% responded “Every day.” +Importance of Repeating Same Tasks— 34% responded “Important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 54% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Very important results.” +Physical Proximity— 53% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers— 46% responded “Very high responsibility.” +Freedom to Make Decisions— 42% responded “Some freedom.” +Spend Time Walking or Running— 32% responded “More than half the time.” +Duration of Typical Work Week— 74% responded “40 hours.” +Exposed to Hazardous Equipment— 58% responded “Every day.” +Work Outcomes and Results of Other Workers— 29% responded “Very high responsibility.” +Indoors, Not Environmentally Controlled— 58% responded “Every day.” +Spend Time Making Repetitive Motions— 29% responded “Less than half the time.” +Degree of Automation— 58% responded “Moderately automated.” +Consequence of Error— 26% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 36% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 30% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 48% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Adhesive Bonding Machine Operators and Tenders +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Machine Feeders and Offbearers +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Packaging and Filling Machine Operators and Tenders +Bright Outlook +Paper Goods Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Manufacturers Alliance +external site +National Tooling and Machining Association +external site",33,46,67,46,48,40,45,43,36,20,23,27,39,53,20,15,26,64,15,25,21,8,17,27,23,46,23,33,21,31,17,10,12 +19-2043.00,Hydrologists,https://www.onetonline.org/link/summary/19-2043.00,2025-06-11T18:56:59.145822,"Prepare written and oral reports describing research results, using illustrations, maps, appendices, and other information. +Design and conduct scientific hydrogeological investigations to ensure that accurate and appropriate information is available for use in water resource management decisions. +Measure and graph phenomena such as lake levels, stream flows, and changes in water volumes. +Conduct research and communicate information to promote the conservation and preservation of water resources. +Coordinate and supervise the work of professional and technical staff, including research assistants, technologists, and technicians. +Study public water supply issues, including flood and drought risks, water quality, wastewater, and impacts on wetland habitats. +Apply research findings to help minimize the environmental impacts of pollution, waterborne diseases, erosion, and sedimentation. +Study and document quantities, distribution, disposition, and development of underground and surface waters. +Install, maintain, and calibrate instruments such as those that monitor water levels, rainfall, and sediments. +Develop computer models for hydrologic predictions. +Study and analyze the physical aspects of the earth in terms of hydrological components, including atmosphere, hydrosphere, and interior structure. +Evaluate research data in terms of its impact on issues such as soil and water conservation, flood control planning, and water supply forecasting. +Collect and analyze water samples as part of field investigations or to validate data from automatic monitors. +Prepare hydrogeologic evaluations of known or suspected hazardous waste sites and land treatment and feedlot facilities. +Evaluate data and provide recommendations regarding the feasibility of municipal projects, such as hydroelectric power plants, irrigation systems, flood warning systems, and waste treatment facilities. +Develop or modify methods for conducting hydrologic studies. +Review applications for site plans and permits and recommend approval, denial, modification, or further investigative action. +Monitor the work of well contractors, exploratory borers, and engineers and enforce rules regarding their activities. +Answer questions and provide technical assistance and information to contractors or the public regarding issues such as well drilling, code requirements, hydrology, and geology. +Investigate properties, origins, and activities of glaciers, ice, snow, and permafrost. +Conduct short- and long-term climate assessments and study storm occurrences. +Administer programs designed to ensure the proper sealing of abandoned wells. +Investigate complaints or conflicts related to the alteration of public waters, gathering information, recommending alternatives, informing participants of progress, and preparing draft orders. +Design civil works associated with hydrographic activities and supervise their construction, installation, and maintenance. +Compile and evaluate hydrologic information to prepare navigational charts and maps and to predict atmospheric conditions.","Analytical or scientific software— Data visualization software; Laboratory information management system LIMS; The MathWorks MATLAB; Watershed modeling system WMS software;87 more +Categorization or classification software— GAEA Technologies WinSieve +Compliance software— National pollutant discharge elimination system NPDES compliance software +Computer aided design CAD software— Advanced Logic Technology WellCAD; Autodesk AutoCAD Civil 3D; Autodesk Land Desktop; BOSS International Visual Groundwater;9 more +Data base user interface and query software— ChemStat; Groundwater Software Visual Site Manager; Microsoft Access; Structure query language SQL;11 more +Development environment software— Formula translation/translator FORTRAN; Microsoft Visual Basic +Electronic mail software— Email software +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems; Trimble TerraSync;2 more +Graphics or photo imaging software— Amtec Engineering Tecplot; Graphics software; RockWare SieveGraph; StatPoint StatGraphics Plus +Internet browser software— Web browser software +Map creation software— Geomechanical design analysis GDA software; Golden Software Surfer; Scientific Software Group SURF; Softree Technical Systems Terrain Tools;3 more +Object or component oriented development software— C++; Python; R +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows Vista Business +Presentation software— EnviroInsite; Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— GAEA Technologies Packet ESA; GAEA Technologies WinLog; Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Prepare scientific or technical reports or presentations. +Research hydrologic features or processes. +Plan environmental research. +Record research or operational data. +Measure environmental characteristics. +Research impacts of environmental conservation initiatives. +Communicate results of environmental research. +Supervise scientific or technical personnel. +Analyze environmental data. +Apply knowledge or research findings to address environmental problems. +Calibrate scientific or technical equipment. +Maintain laboratory or technical equipment. +Develop mathematical models of environmental conditions. +Collect environmental data or samples. +Assess compliance with environmental laws. +Evaluate civic projects or public policies. +Develop environmental research methods. +Review environmental permits, plans, or reports. +Direct natural resources extraction projects. +Provide technical information or assistance to public. +Conduct climatological research. +Analyze geological or geographical data. +Compile geographic or related data.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Freedom to Make Decisions— 59% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 68% responded “Some freedom.” +Indoors, Environmentally Controlled— 55% responded “Once a week or more but not every day.” +Contact With Others— 57% responded “Contact with others most of the time.” +Spend Time Sitting— 64% responded “More than half the time.” +Duration of Typical Work Week— 65% responded “40 hours.” +Level of Competition— 50% responded “Highly competitive.” +Time Pressure— 57% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Written Letters and Memos— 48% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Moderate results.” +Outdoors, Exposed to All Weather Conditions— 48% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 39% responded “Fairly important.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 52% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Conservation Scientists +Bright Outlook +Environmental Engineers +Environmental Restoration Planners +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Geoscientists, Except Hydrologists and Geographers +Industrial Ecologists +Soil and Plant Scientists +Water Resource Specialists +Water/Wastewater Engineers","View the list of Allies +American Geophysical Union +external site +American Society of Agronomy +external site +American Association for the Advancement of Science +external site +American Association of Geographers +external site +American Geosciences Institute +external site +American Institute of Professional Geologists +external site +American Society of Civil Engineers +external site +American Water Resources Association +external site +Consortium of Universities for the Advancement of Hydrologic Science +external site +Geological Society of America +external site +International Association of Hydrogeologists +external site +National Association of Environmental Professionals +external site +National Ground Water Association +external site +American Institute of Hydrology +external site",44,10,11,73,84,41,25,39,32,21,27,36,60,62,19,34,35,33,9,19,19,7,23,26,9,75,22,78,56,36,72,4,16 +47-4011.00,Construction and Building Inspectors,https://www.onetonline.org/link/summary/47-4011.00,2025-06-11T19:19:54.869601,"Approve building plans that meet required specifications. +Review and interpret plans, blueprints, site layouts, specifications, or construction methods to ensure compliance to legal requirements and safety regulations. +Issue permits for construction, relocation, demolition, or occupancy. +Inspect bridges, dams, highways, buildings, wiring, plumbing, electrical circuits, sewers, heating systems, or foundations during and after construction for structural quality, general safety, or conformance to specifications and codes. +Monitor installation of plumbing, wiring, equipment, or appliances to ensure that installation is performed properly and is in compliance with applicable regulations. +Inspect and monitor construction sites to ensure adherence to safety standards, building codes, or specifications. +Confer with owners, violators, or authorities to explain regulations or recommend remedial actions. +Measure dimensions and verify level, alignment, or elevation of structures or fixtures to ensure compliance to building plans and codes. +Maintain daily logs and supplement inspection records with photographs. +Conduct inspections, using survey instruments, metering devices, tape measures, or test equipment. +Train, direct, or supervise other construction inspectors. +Monitor construction activities to ensure that environmental regulations are not violated. +Evaluate project details to ensure adherence to environmental regulations. +Inspect facilities or installations to determine their environmental impact. +Examine lifting or conveying devices, such as elevators, escalators, moving sidewalks, hoists, inclined railways, ski lifts, or amusement rides to ensure safety and proper functioning. +Conduct environmental hazard inspections to identify or quantify problems, such as asbestos, poor air quality, water contamination, or other environmental hazards. +Estimate cost of completed work or of needed renovations or upgrades. +Evaluate premises for cleanliness, such as proper garbage disposal or lack of vermin infestation. +Sample and test air to identify gasses, such as bromine, ozone, or sulfur dioxide, or particulates, such as mold, dust, or allergens. +Inspect structures to determine cause and origin of damage.","Accounting software— Intuit QuickBooks; Quicken +Calendar and scheduling software +Compliance software— Automated permit system software; NorthWest Builders Network Plan Analyst; OptaSoft Commercial Building Inspector +Computer aided design CAD software— Arc Second PocketCAD; Autodesk AutoCAD +Data base reporting software— Mobile building inspection software +Data base user interface and query software— Database software; Real estate and tax software +Electronic mail software— Email software; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Municipal geographic management software; SAP software +Geographic information system— ESRI ArcView +Internet browser software— Microsoft Internet Explorer +Map creation software— Trimble Digital Fieldbook +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Procurement software— Vision Software +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Word processing software— Inspection Depot Home Guide System; Microsoft Word; New construction inspection form software; Residential home inspection form software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Authorize construction activities. +Evaluate construction projects to determine compliance with external standards or regulations. +Review blueprints or specifications to determine work requirements. +Inspect work sites to identify potential environmental or safety hazards. +Inspect plumbing systems or fixtures. +Test electrical equipment or systems to ensure proper functioning. +Monitor construction operations. +Communicate with clients about products, procedures, and policies. +Evaluate projects to determine compliance with technical specifications. +Measure work site dimensions. +Verify alignment of structures or equipment. +Record operational or environmental data. +Inspect completed work to ensure proper installation. +Direct construction or extraction personnel. +Train construction or extraction personnel. +Inspect industrial or commercial equipment to ensure proper operation. +Estimate construction project costs. +Test air quality at work sites.","E-Mail— 96% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Freedom to Make Decisions— 68% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 80% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 64% responded “Every day.” +Contact With Others— 48% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 56% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 60% responded “Every day.” +Indoors, Not Environmentally Controlled— 58% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Frequency of Decision Making— 52% responded “Every day.” +Time Pressure— 52% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 40% responded “Very important.” +Written Letters and Memos— 38% responded “Every day.” +Indoors, Environmentally Controlled— 54% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 48% responded “Every day.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 52% responded “Once a week or more but not every day.” +Conflict Situations— 44% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Once a week or more but not every day.” +Spend Time Standing— 48% responded “About half the time.” +Consequence of Error— 24% responded “Extremely serious.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 44% responded “Once a week or more but not every day.” +Exposed to High Places— 60% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 24% responded “Very important.” +Duration of Typical Work Week— 64% responded “40 hours.” +Health and Safety of Other Workers— 32% responded “High responsibility.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aviation Inspectors +Civil Engineering Technologists and Technicians +Electricians +Bright Outlook +Energy Auditors +First-Line Supervisors of Construction Trades and Extraction Workers +Government Property Inspectors and Investigators +Maintenance and Repair Workers, General +Plumbers, Pipefitters, and Steamfitters +Solar Energy Installation Managers +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +American Institute of Architects +external site +American Society of Civil Engineers +external site +American Society of Home Inspectors +external site +American Society of Mechanical Engineers +external site +Association for Materials Protection and Performance +external site +Housing Inspection Foundation +external site +International Association of Certified Home Inspectors +external site +International Association of Electrical Inspectors +external site +International Code Council +external site +National Academy of Building Inspection Engineers +external site +National Academy of Forensic Engineers +external site +National Association of Elevator Safety Authorities +external site +National Fire Protection Association +external site +National Society of Professional Engineers +external site +American Concrete Institute +external site +American Construction Inspectors Association +external site +Association of Construction Inspectors +external site +International Association of Plumbing and Mechanical Officials +external site",66,11,26,74,61,60,76,53,57,35,24,42,27,57,22,62,37,58,7,29,29,9,16,37,7,55,92,39,14,62,33,1,20 +35-1011.00,Chefs and Head Cooks,https://www.onetonline.org/link/summary/35-1011.00,2025-06-11T19:11:25.980202,"Monitor sanitation practices to ensure that employees follow standards and regulations. +Check the quality of raw or cooked food products to ensure that standards are met. +Determine production schedules and staff requirements necessary to ensure timely delivery of services. +Check the quantity and quality of received products. +Supervise or coordinate activities of cooks or workers engaged in food preparation. +Determine how food should be presented and create decorative food displays. +Analyze recipes to assign prices to menu items, based on food, labor, and overhead costs. +Instruct cooks or other workers in the preparation, cooking, garnishing, or presentation of food. +Prepare and cook foods of all types, either on a regular basis or for special guests or functions. +Recruit and hire staff, such as cooks and other kitchen workers. +Order or requisition food or other supplies needed to ensure efficient operation. +Coordinate planning, budgeting, or purchasing for all the food operations within establishments such as clubs, hotels, or restaurant chains. +Inspect supplies, equipment, or work areas to ensure conformance to established standards. +Estimate amounts and costs of required supplies, such as food and ingredients. +Record production or operational data on specified forms. +Plan, direct, or supervise food preparation or cooking activities of multiple kitchens or restaurants in an establishment such as a restaurant chain, hospital, or hotel. +Arrange for equipment purchases or repairs. +Collaborate with other personnel to plan and develop recipes or menus, taking into account such factors as seasonal availability of ingredients or the likely number of customers. +Demonstrate new cooking techniques or equipment to staff. +Meet with customers to discuss menus for special occasions, such as weddings, parties, or banquets. +Meet with sales representatives to negotiate prices or order supplies.","Analytical or scientific software— Axxya Systems Nutritionist Pro; GNOME Gnutrition; IPro Restaurant Inventory, Recipe & Menu Software; Nutrition analysis software +Data base user interface and query software— Barrington Software CookenPro Commercial; CostGuard; Culinary Software Services ChefTec; ReServe Interactive;2 more +Desktop publishing software— SoftCafe MenuPro +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Sage MAS 90 ERP +Financial analysis software— Delphi Technology +Instant messaging software— GroupMe +Internet browser software +Materials requirements planning logistics and supply chain software— Enggist & Grandjean EGS F&B Control +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Google Sheets; Microsoft Excel +Time accounting software— ADP eTIME +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Monitor activities of individuals to ensure safety or compliance with rules. +Check quality of foods or supplies. +Coordinate timing of food production activities. +Coordinate activities of food service staff. +Create new recipes or food presentations. +Determine prices for menu items. +Train food preparation or food service personnel. +Cook foods. +Perform human resources activities. +Order materials, supplies, or equipment. +Manage food service operations or parts of operations. +Estimate supplies, ingredients, or staff requirements for food preparation activities. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Record operational or production data. +Schedule equipment maintenance. +Plan menu options. +Communicate with customers to resolve complaints or ensure satisfaction. +Plan special events.","E-Mail— 90% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Time Pressure— 90% responded “Every day.” +Spend Time Standing— 83% responded “Continually or almost continually.” +Contact With Others— 76% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 76% responded “Continually or almost continually.” +Duration of Typical Work Week— 79% responded “More than 40 hours.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 69% responded “Every day.” +Frequency of Decision Making— 69% responded “Every day.” +Spend Time Making Repetitive Motions— 59% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 62% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 64% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 72% responded “Every day.” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 61% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Written Letters and Memos— 41% responded “Every day.” +Conflict Situations— 48% responded “Once a week or more but not every day.” +Level of Competition— 41% responded “Extremely competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 48% responded “Very important.” +Freedom to Make Decisions— 38% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Spend Time Bending or Twisting Your Body— 34% responded “Continually or almost continually.” +Exposed to Contaminants— 45% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 28% responded “Every day.” +Consequence of Error— 26% responded “Very serious.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 45% responded “Every day.” +Public Speaking— 34% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 34% responded “Every day.” +Indoors, Not Environmentally Controlled— 24% responded “Every day.”","Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Mathematics— Using mathematics to solve problems. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bakers +Cooks, Institution and Cafeteria +Cooks, Private Household +Cooks, Restaurant +Bright Outlook +Cooks, Short Order +Dietetic Technicians +First-Line Supervisors of Food Preparation and Serving Workers +Food Batchmakers +Food Service Managers +Waiters and Waitresses","View the list of Allies +American Personal and Private Chef Association +external site +Chaine Des Rotisseurs +external site +James Beard Foundation +external site +National Association for Catering and Events +external site +National Restaurant Association +external site +Women Chefs and Restaurateurs +external site +American Culinary Federation +external site +Retail Bakers of America +external site +World Association of Chefs Societies +external site",79,92,76,68,72,76,66,72,57,63,59,74,47,56,35,42,44,47,21,38,54,29,32,29,21,30,35,29,44,43,35,29,24 +43-4141.00,New Accounts Clerks,https://www.onetonline.org/link/summary/43-4141.00,2025-06-11T19:15:57.639582,"Perform teller duties as required. +Compile information about new accounts, enter account information into computers, and file related forms or other documents. +Collect and record customer deposits and fees and issue receipts, using computers. +Inform customers of procedures for applying for services, such as ATM cards, direct deposit of checks, and certificates of deposit. +Answer customers' questions and explain available services, such as deposit accounts, bonds, and securities. +Interview customers to obtain information needed for opening accounts or renting safe-deposit boxes. +Refer customers to appropriate bank personnel to meet their financial needs. +Investigate and correct errors upon customers' request, according to customer and bank records. +Execute wire transfers of funds. +Issue initial and replacement safe-deposit keys to customers, and admit customers to vaults. +Process loan applications. +Obtain credit records from reporting agencies. +Schedule repairs for locks on safe-deposit boxes. +Perform foreign currency transactions and sell traveler's checks. +Duplicate records for distribution to branch offices.","Accounting software +Customer relationship management CRM software— IPS-Sendero Relationship Profitability Manager Catalyst +Data base user interface and query software— Corporate Information Factory CIF; Fiserv financial services software; Harland Financial Solutions DepositPro +Document management software— Microsoft SharePoint +Electronic mail software— Email software; IBM Lotus Notes +Enterprise resource planning ERP software— DCI iCore; Microsoft Dynamics GP +Financial analysis software— Financial needs analysis software; Systems Union Group MIS DecisionWare +Internet browser software— Microsoft Internet Explorer; Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Execute sales or other financial transactions. +Collect deposits, payments or fees. +Compile data or documentation. +Enter information into databases or software programs. +Type documents. +Explain regulations, policies, or procedures. +Discuss goods or services information with customers or patrons. +Obtain personal or financial information about customers or applicants. +Interview employees, customers, or others to collect information. +Refer customers to appropriate personnel. +Respond to customer problems or complaints. +Distribute materials to employees or customers. +Schedule appointments. +Sell products or services. +Operate office equipment.","Telephone Conversations— 90% responded “Every day.” +Contact With Others— 89% responded “Constant contact with others.” +E-Mail— 87% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Deal With External Customers or the Public in General— 71% responded “Extremely important.” +Importance of Repeating Same Tasks— 74% responded “Extremely important.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Frequency of Decision Making— 48% responded “Every day.” +Time Pressure— 45% responded “Every day.” +Physical Proximity— 44% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Spend Time Making Repetitive Motions— 48% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 21% responded “Limited freedom.” +Written Letters and Memos— 31% responded “Once a week or more but not every day.” +Spend Time Sitting— 32% responded “About half the time.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 44% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 89% responded “40 hours.” +Conflict Situations— 44% responded “Once a month or more but not every week.” +Consequence of Error— 27% responded “Extremely serious.” +Degree of Automation— 44% responded “Highly automated.” +Level of Competition— 36% responded “Slightly competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bill and Account Collectors +Brokerage Clerks +Credit Authorizers, Checkers, and Clerks +Customer Service Representatives +Bright Outlook +Loan Interviewers and Clerks +Loan Officers +Personal Financial Advisors +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Securities, Commodities, and Financial Services Sales Agents +Tellers","View the list of Allies +American Bankers Association +external site +Mortgage Bankers Association +external site",95,,27,74,62,49,54,53,78,59,85,26,1,63,23,47,28,5,7,1,28,5,14,21,,8,,2,,2,3,,1 +27-2012.00,Producers and Directors,https://www.onetonline.org/link/summary/27-2012.00,2025-06-11T19:03:02.457975,"Plan details such as framing, composition, camera movement, sound, and actor movement for each shot or scene. +Communicate to actors the approach, characterization, and movement needed for each scene in such a way that rehearsals and takes are minimized. +Direct live broadcasts, films and recordings, or non-broadcast programming for public entertainment or education. +Research production topics using the internet, video archives, and other informational sources. +Review film, recordings, or rehearsals to ensure conformance to production and broadcast standards. +Study and research scripts to determine how they should be directed. +Supervise and coordinate the work of camera, lighting, design, and sound crew members. +Confer with technical directors, managers, crew members, and writers to discuss details of production, such as photography, script, music, sets, and costumes. +Perform management activities, such as budgeting, scheduling, planning, and marketing. +Consult with writers, producers, or actors about script changes or ""workshop"" scripts, through rehearsal with writers and actors to create final drafts. +Identify and approve equipment and elements required for productions, such as scenery, lights, props, costumes, choreography, and music. +Establish pace of programs and sequences of scenes according to time requirements and cast and set accessibility. +Conduct meetings with staff to discuss production progress and to ensure production objectives are attained. +Compile scripts, program notes, and other material related to productions. +Resolve personnel problems that arise during the production process by acting as liaisons between dissenting parties when necessary. +Coordinate the activities of writers, directors, managers, and other personnel throughout the production process. +Obtain rights to scripts or to such items as existing video footage. +Write and submit proposals to bid on contracts for projects. +Compose and edit scripts or provide screenwriters with story outlines from which scripts can be written. +Cut and edit film or tape to integrate component parts into desired sequences. +Write and edit news stories from information collected by reporters and other sources. +Choose settings and locations for films and determine how scenes will be shot in these settings. +Review film daily to check on work in progress and to plan for future filming. +Negotiate with parties, including independent producers and the distributors and broadcasters who will be handling completed productions. +Perform administrative duties, such as preparing operational reports, distributing rehearsal call sheets and script copies, and arranging for rehearsal quarters. +Develop marketing plans for finished products, collaborating with sales associates to supervise product distribution. +Arrange financing for productions. +Hire principal cast members and crew members, such as art directors, cinematographers, and costume designers. +Hold auditions for parts or negotiate contracts with actors determined suitable for specific roles. +Select plays, scripts, books, news content, or ideas to be produced.","Cloud-based data access and sharing software— Asana; Google Drive; Slack +Content workflow software— Atlassian JIRA +Data base user interface and query software— Airtable; Microsoft Access +Data mining software— Google Analytics +Desktop communications software— Eko +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Adobe ActionScript +Document management software— Adobe Acrobat +Electronic mail software— Email software; Google Gmail; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Canva;2 more +Information retrieval or search software— Pinterest +Instant messaging software— Snapchat; Twitter +Music or sound editing software— Adobe Audition; Avid Technology Pro Tools; MAGIX Software Sound Forge; Magix Vegas Pro;2 more +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Microsoft Project; Microsoft Teams +Sales and marketing software— Google Ads +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime; Zoom +Video creation and editing software— Adobe After Effects; Screencastify; TikTok; YouTube;11 more +Web page creation and editing software— Adobe Dreamweaver; Content management systems CMS; Facebook; WordPress;5 more +Web platform development software— Cascading style sheets CSS; Drupal; Hypertext markup language HTML; PHP;1 more +Word processing software— Google Docs; Microsoft Word; Scripting software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Determine technical requirements of productions or projects. +Coordinate artistic activities. +Direct productions or performances. +Conduct research to inform art, designs, or other work. +Manage content of broadcasts or presentations. +Study scripts to determine project requirements. +Coordinate activities of production personnel. +Collaborate with others to determine technical details of productions. +Develop proposals for current or prospective customers. +Collaborate with others to prepare or perform artistic productions. +Manage operations of artistic or entertainment departments or organizations. +Edit written materials. +Write material for artistic or entertainment purposes. +Select materials or props. +Discuss production content and progress with others. +Edit audio or video recordings. +Determine presentation subjects or content. +Compile technical information or documentation. +Write informational material. +Coordinate logistics for productions or events. +Negotiate for services. +Obtain copyrights or other legal permissions. +Develop promotional strategies or plans. +Direct fundraising or financing activities. +Audition or interview potential performers or staff members. +Select staff, team members, or performers.","E-Mail— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 88% responded “Extremely important.” +Contact With Others— 87% responded “Constant contact with others.” +Telephone Conversations— 85% responded “Every day.” +Frequency of Decision Making— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Time Pressure— 73% responded “Every day.” +Duration of Typical Work Week— 76% responded “More than 40 hours.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 55% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Spend Time Sitting— 44% responded “Continually or almost continually.” +Level of Competition— 37% responded “Extremely competitive.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Conflict Situations— 44% responded “Once a week or more but not every day.” +Written Letters and Memos— 44% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Art Directors +Broadcast Announcers and Radio Disc Jockeys +Editors +Film and Video Editors +Media Programming Directors +Bright Outlook +Media Technical Directors/Managers +Music Directors and Composers +News Analysts, Reporters, and Journalists +Talent Directors +Writers and Authors","View the list of Allies +Alliance of Motion Picture and Television Producers +external site +American Advertising Federation +external site +Association for Women in Communications +external site +International Motor Press Association +external site +National Association of Broadcasters +external site +National Association of Hispanic Journalists +external site +National Association of Schools of Theatre +external site +Producers Guild of America +external site +Radio Television Digital News Association +external site +Society of Professional Journalists +external site +Stage Directors and Choreographers Society +external site +The National Academy of Television Arts and Sciences +external site +Theatre Communications Group +external site +Theatre for Young Audiences/USA +external site +Actors' Equity Association +external site +Communications Workers of America +external site +Directors Guild of America +external site +International Brotherhood of Electrical Workers +external site +National Association of Broadcast Employees and Technicians - Communications Workers of America +external site +Screen Actors Guild - American Federation of Television and Radio Artists +external site +Writers Guild of America East +external site +Writers Guild of America West +external site",54,4,31,72,28,59,16,35,37,20,38,29,1,64,27,31,93,13,25,15,25,9,27,69,4,43,4,8,3,28,29,45,22 +51-9023.00,"Mixing and Blending Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-9023.00,2025-06-11T19:27:23.769234,"Weigh or measure materials, ingredients, or products to ensure conformance to requirements. +Read work orders to determine production specifications or information. +Observe production or monitor equipment to ensure safe and efficient operation. +Mix or blend ingredients by starting machines and mixing for specified times. +Stop mixing or blending machines when specified product qualities are obtained and open valves and start pumps to transfer mixtures. +Compound or process ingredients or dyes, according to formulas. +Examine materials, ingredients, or products visually or with hands to ensure conformance to established standards. +Operate or tend machines to mix or blend any of a wide variety of materials, such as spices, dough batter, tobacco, fruit juices, chemicals, livestock feed, food products, color pigments, or explosive ingredients. +Dump or pour specified amounts of materials into machinery or equipment. +Record operational or production data on specified forms. +Collect samples of materials or products for laboratory testing. +Unload mixtures into containers or onto conveyors for further processing. +Clean work areas. +Add or mix chemicals or ingredients for processing, using hand tools or other devices. +Tend accessory equipment, such as pumps or conveyors, to move materials or ingredients through production processes. +Transfer materials, supplies, or products between work areas, using moving equipment or hand tools. +Clean and maintain equipment, using hand tools. +Dislodge and clear jammed materials or other items from machinery or equipment, using hand tools. +Test samples of materials or products to ensure compliance with specifications, using test equipment. +Open valves to drain slurry from mixers into storage tanks.","Data base user interface and query software— Operational databases +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Measure ingredients or substances to be used in production processes. +Read work orders or other instructions to determine product specifications or materials requirements. +Weigh finished products. +Operate mixing equipment. +Monitor equipment operation to ensure proper functioning. +Mix substances to create chemical solutions. +Operate pumping systems or equipment. +Test chemical or physical characteristics of materials or products. +Load materials into production equipment. +Collect samples of materials or products for testing. +Operate cooking, baking, or other food preparation equipment. +Record operational or production data. +Clean facilities or work areas. +Clean work areas. +Move products, materials, or equipment between work areas. +Clean production equipment. +Maintain production or processing equipment. +Adjust equipment controls to regulate flow of production materials or products. +Clear equipment jams.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Standing— 77% responded “Continually or almost continually.” +Time Pressure— 85% responded “Every day.” +Exposed to Contaminants— 84% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Exposed to Hazardous Conditions— 85% responded “Every day.” +Health and Safety of Other Workers— 76% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Frequency of Decision Making— 76% responded “Every day.” +Work Outcomes and Results of Other Workers— 55% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Extremely important.” +Importance of Repeating Same Tasks— 54% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 61% responded “Every day.” +Pace Determined by Speed of Equipment— 41% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Contact With Others— 50% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 33% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 53% responded “Every day.” +Consequence of Error— 38% responded “Extremely serious.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Indoors, Environmentally Controlled +Spend Time Bending or Twisting Your Body— 47% responded “About half the time.” +Duration of Typical Work Week— 70% responded “40 hours.” +Determine Tasks, Priorities and Goals— 32% responded “A lot of freedom.” +Spend Time Walking or Running— 35% responded “Continually or almost continually.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 45% responded “Every day.” +In an Open Vehicle or Operating Equipment— 36% responded “Never.” +Exposed to Very Hot or Cold Temperatures— 27% responded “Every day.” +Exposed to High Places— 37% responded “Never.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Adhesive Bonding Machine Operators and Tenders +Chemical Equipment Operators and Tenders +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Food Batchmakers +Bright Outlook +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Machine Feeders and Offbearers +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Textile Bleaching and Dyeing Machine Operators and Tenders","View the list of Allies +International Association of Machinists and Aerospace Workers +external site +International Brotherhood of Teamsters +external site +United Steelworkers +external site",21,20,83,49,41,30,43,34,17,17,21,26,41,22,10,27,12,44,12,8,16,6,7,9,13,22,5,21,13,12,13,4,6 +45-1011.00,"First-Line Supervisors of Farming, Fishing, and Forestry Workers",https://www.onetonline.org/link/summary/45-1011.00,2025-06-11T19:17:21.401371,"Assign tasks such as feeding and treatment of animals, and cleaning and maintenance of animal quarters. +Record the numbers and types of fish or shellfish reared, harvested, released, sold, and shipped. +Monitor workers to ensure that safety regulations are followed, warning or disciplining those who violate safety regulations. +Observe animals for signs of illness, injury, or unusual behavior, notifying veterinarians or managers as warranted. +Observe fish and beds or ponds to detect diseases, monitor fish growth, determine quality of fish, or determine completeness of harvesting. +Train workers in tree felling or bucking, operation of tractors or loading machines, yarding or loading techniques, or safety regulations. +Treat animal illnesses or injuries, following experience or instructions of veterinarians. +Train workers in spawning, rearing, cultivating, and harvesting methods, and in the use of equipment. +Train workers in techniques such as planting, harvesting, weeding, or insect identification and in the use of safety measures. +Confer with managers to evaluate weather or soil conditions, to develop plans or procedures, or to discuss issues such as changes in fertilizers, herbicides, or cultivating techniques. +Communicate with forestry personnel regarding forest harvesting or forest management plans, procedures, or schedules. +Inspect crops, fields, or plant stock to determine conditions and need for cultivating, spraying, weeding, or harvesting. +Coordinate dismantling, moving, and setting up equipment at new work sites. +Coordinate the selection and movement of logs from storage areas, according to transportation schedules or production requirements. +Schedule work crews, equipment, or transportation for several different work locations. +Drive or operate farm machinery, such as trucks, tractors, or self-propelled harvesters, to transport workers or supplies or to cultivate or harvest fields. +Perform both supervisory and management functions, such as accounting, marketing, and personnel work. +Transport or arrange for transport of animals, equipment, food, animal feed, and other supplies to and from work sites. +Inspect buildings, fences, fields or ranges, supplies, and equipment to determine work to be performed. +Read inventory records, customer orders, or shipping schedules to determine required activities. +Inspect facilities to determine maintenance needs. +Confer with managers to determine production requirements, conditions of equipment and supplies, and work schedules. +Prepare and maintain time or payroll reports, as well as details of personnel actions, such as performance evaluations, hires, promotions, or disciplinary actions. +Requisition or purchase supplies, such as insecticides, machine parts or lubricants, or tools. +Monitor or oversee construction projects, such as horticultural buildings or irrigation systems. +Issue equipment, such as farm implements, machinery, ladders, or containers to workers, and collect equipment when work is complete. +Calculate or monitor budgets for maintenance or development of collections, grounds, or infrastructure. +Direct or assist with the adjustment or repair of equipment or machinery. +Monitor operations to identify and solve problems, improve work methods, and ensure compliance with safety, company, and government regulations. +Plan work schedules according to personnel and equipment availability.","Accounting software— BCS Woodlands Software The Logger Tracker; Sage 50 Accounting +Calendar and scheduling software— Employee scheduling software; Work scheduling software +Data base user interface and query software— Cattlesoft CattleMax; Database software; Lion Edge Technologies Ranch Manager; Valley Agricultural Software DairyCOMP 305 +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Midwest MicroSystems Cow Sense +Expert system software— Valley Agricultural Software Feed Watch +Internet browser software— Web browser software +Inventory management software— Landmark Sales LOG-istics; TradeTec Computer Systems TallyWorks Logs +Map creation software— Mapping software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Atlassian Confluence +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Assign duties or work schedules to employees. +Record agricultural or forestry inventory data. +Inspect products or operations to ensure that standards are met. +Monitor animal behavior or condition. +Train workers in farming, forestry, or hunting techniques. +Treat animal injuries or illnesses. +Confer with managers to make operational decisions. +Communicate with other workers to coordinate activities. +Evaluate quality of plants or crops. +Coordinate forestry or agricultural activities. +Schedule agricultural or forestry work. +Operate farming equipment. +Direct activities of agricultural, forestry, or fishery employees. +Transport animals, crops, or equipment. +Inspect equipment or facilities to determine condition or maintenance needs. +Monitor organizational processes. +Maintain personnel records. +Maintain inventories of materials, equipment, or products. +Monitor financial activities. +Direct technical activities or operations. +Maintain forestry, hunting, or agricultural equipment. +Monitor operational quality or safety.","Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Telephone Conversations— 69% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 71% responded “Every day.” +Freedom to Make Decisions— 56% responded “A lot of freedom.” +Contact With Others— 55% responded “Constant contact with others.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 68% responded “Every day.” +Work Outcomes and Results of Other Workers— 47% responded “High responsibility.” +Frequency of Decision Making— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Health and Safety of Other Workers— 39% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Time Pressure— 40% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Every day.” +Exposed to Contaminants— 41% responded “Every day.” +E-Mail— 51% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 28% responded “More than half the time.” +Consequence of Error— 34% responded “Extremely serious.” +Indoors, Environmentally Controlled— 32% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 33% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 30% responded “Very important.” +Exposed to Hazardous Equipment— 29% responded “Every day.” +In an Open Vehicle or Operating Equipment— 25% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 28% responded “Once a year or more but not every month.” +Spend Time Standing— 45% responded “About half the time.” +Indoors, Not Environmentally Controlled— 30% responded “Every day.” +Outdoors, Under Cover— 28% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 36% responded “Less than half the time.”","Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Operation and Control— Controlling operations of equipment or systems. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Food Preparation and Serving Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers","View the list of Allies +American Association for Laboratory Animal Science +external site +American Association of Bovine Practitioners +external site +American Farm Bureau Federation +external site +American Fisheries Society +external site +American Veterinary Medical Association +external site +Catfish Farmers of America +external site +East Coast Shellfish Growers Association +external site +International Horsemanship Association +external site +Laboratory Animal Management Association +external site +National Shellfisheries Association +external site +United States Trout Farmers Association +external site +World Aquaculture Society +external site",63,51,68,61,51,72,49,58,46,39,41,46,38,41,25,37,24,60,14,48,43,15,24,25,15,40,42,32,56,28,32,3,12 +53-7121.00,"Tank Car, Truck, and Ship Loaders",https://www.onetonline.org/link/summary/53-7121.00,2025-06-11T19:31:02.254354,"Seal outlet valves on tank cars, barges, and trucks. +Verify tank car, barge, or truck load numbers to ensure car placement accuracy based on written or verbal instructions. +Start pumps and adjust valves or cables to regulate the flow of products to vessels, using knowledge of loading procedures. +Check conditions and weights of vessels to ensure cleanliness and compliance with loading procedures. +Observe positions of cars passing loading spouts, and swing spouts into the correct positions at the appropriate times. +Monitor product movement to and from storage tanks, coordinating activities with other workers to ensure constant product flow. +Operate ship loading and unloading equipment, conveyors, hoists, and other specialized material handling equipment such as railroad tank car unloading equipment. +Record operating data such as products and quantities pumped, gauge readings, and operating times, manually or using computers. +Operate industrial trucks, tractors, loaders, and other equipment to transport materials to and from transportation vehicles and loading docks, and to store and retrieve materials in warehouses. +Connect ground cables to carry off static electricity when unloading tanker cars. +Copy and attach load specifications to loaded tanks. +Remove and replace tank car dome caps, or direct other workers in their removal and replacement. +Test samples for specific gravity, using hydrometers, or send samples to laboratories for testing. +Test vessels for leaks, damage, and defects, and repair or replace defective parts as necessary. +Unload cars containing liquids by connecting hoses to outlet plugs and pumping compressed air into cars to force liquids into storage tanks. +Clean interiors of tank cars or tank trucks, using mechanical spray nozzles. +Lower gauge rods into tanks or read meters to verify contents, temperatures, and volumes of liquid loads. +Operate conveyors and equipment to transfer grain or other materials from transportation vehicles. +Perform general warehouse activities, such as opening containers and crates, filling warehouse orders, assisting in taking inventory, and weighing and checking materials.","Data base user interface and query software— CompuWeigh GMS +Enterprise resource planning ERP software— SAP software +Materials requirements planning logistics and supply chain software— Distributed control system DCS; Warehouse management system WMS +Office suite software— Microsoft Office software +Operating system software— Linux +Spreadsheet software— Microsoft Excel","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Install parts, assemblies, or attachments in transportation or material handling equipment. +Verify information or specifications. +Connect cables or electrical lines. +Control pumps or pumping equipment. +Inspect cargo areas for cleanliness or condition. +Monitor vehicle movement or location. +Position material handling equipment. +Communicate with others to coordinate material handling or movement. +Monitor loading processes to ensure they are performed properly. +Mark materials or objects for identification. +Direct maintenance or repair activities. +Operate cranes, hoists, or other moving or lifting equipment. +Test materials, solutions, or samples. +Record operational or production data. +Inspect material-moving equipment to detect problems. +Maintain material moving equipment in good working condition. +Operate vehicles or material-moving equipment. +Connect hoses to equipment or machinery. +Clean vessels or marine equipment. +Measure the level or depth of water or other liquids. +Operate conveyors or other industrial material moving equipment. +Monitor availability of equipment or supplies. +Weigh materials to ensure compliance with specifications.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Consequence of Error— 89% responded “Extremely serious.” +Outdoors, Exposed to All Weather Conditions— 84% responded “Every day.” +Exposed to Contaminants— 86% responded “Every day.” +Duration of Typical Work Week— 82% responded “More than 40 hours.” +Exposed to Hazardous Conditions— 85% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 85% responded “Every day.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Health and Safety of Other Workers— 80% responded “Very high responsibility.” +Contact With Others— 72% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Time Pressure— 64% responded “Every day.” +Importance of Repeating Same Tasks— 62% responded “Extremely important.” +Frequency of Decision Making— 65% responded “Every day.” +Telephone Conversations— 28% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Every day.” +Exposed to Hazardous Equipment— 72% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 77% responded “Every day.” +Exposed to High Places— 60% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +E-Mail— 56% responded “Every day.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Indoors, Not Environmentally Controlled— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Spend Time Making Repetitive Motions— 41% responded “More than half the time.” +Conflict Situations— 41% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 42% responded “Every day.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Spend Time Standing— 41% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 43% responded “Every day.” +Pace Determined by Speed of Equipment— 33% responded “Very important.” +Physical Proximity— 29% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 33% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 29% responded “Less than half the time.” +Written Letters and Memos— 40% responded “Every day.” +Deal With External Customers or the Public in General— 27% responded “Very important.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Conveyor Operators and Tenders +Crane and Tower Operators +Excavating and Loading Machine and Dragline Operators, Surface Mining +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Loading and Moving Machine Operators, Underground Mining +Machine Feeders and Offbearers +Mobile Heavy Equipment Mechanics, Except Engines +Pump Operators, Except Wellhead Pumpers","View the list of Allies +The United Food and Commercial Workers International Union +external site",32,4,58,57,32,28,54,38,36,14,9,25,35,37,5,20,17,49,5,63,11,9,8,28,13,15,12,21,12,14,18,2,5 +29-2035.00,Magnetic Resonance Imaging Technologists,https://www.onetonline.org/link/summary/29-2035.00,2025-06-11T19:08:09.120576,"Review physicians' orders to confirm prescribed exams. +Conduct screening interviews of patients to identify contraindications, such as ferrous objects, pregnancy, prosthetic heart valves, cardiac pacemakers, or tattoos. +Select appropriate imaging techniques or coils to produce required images. +Operate magnetic resonance imaging (MRI) scanners. +Provide headphones or earplugs to patients to improve comfort and reduce unpleasant noise. +Position patients on cradle, attaching immobilization devices, if needed, to ensure appropriate placement for imaging. +Take brief medical histories from patients. +Inspect images for quality, using magnetic resonance scanner equipment and laser camera. +Intravenously inject contrast dyes, such as gadolinium contrast, in accordance with scope of practice. +Test magnetic resonance imaging (MRI) equipment to ensure proper functioning and performance in accordance with specifications. +Create backup copies of images by transferring images from disk to storage media or workstation. +Instruct medical staff or students in magnetic resonance imaging (MRI) procedures or equipment operation. +Write reports or notes to summarize testing procedures or outcomes for physicians or other medical professionals. +Comfort patients during exams, or request sedatives or other medication from physicians for patients with anxiety or claustrophobia. +Explain magnetic resonance imaging (MRI) procedures to patients, patient representatives, or family members. +Calibrate magnetic resonance imaging (MRI) console or peripheral hardware. +Troubleshoot technical issues related to magnetic resonance imaging (MRI) scanner or peripheral equipment, such as monitors or coils. +Connect physiological leads to physiological acquisition control (PAC) units. +Operate optical systems to capture dynamic magnetic resonance imaging (MRI) images, such as functional brain imaging, real-time organ motion tracking, or musculoskeletal anatomy and trajectory visualization. +Attach physiological monitoring leads to patient's finger, chest, waist, or other body parts. +Conduct inventories to maintain stock of clinical supplies. +Place and secure small, portable magnetic resonance imaging (MRI) scanners on body part to be imaged, such as arm, leg, or head. +Develop or otherwise produce film records of magnetic resonance images. +Schedule appointments for research subjects or clinical patients.","Calendar and scheduling software— Appointment scheduling software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Electronic medical record EMR software; MEDITECH software; Radiology information systems (RIS);3 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Collect medical information from patients, family members, or other medical professionals. +Follow protocols or regulations for healthcare activities. +Review technical documents to plan work. +Review work orders or schedules to determine operations or procedures. +Create advanced digital images of patients using computer imaging systems. +Operate diagnostic imaging equipment. +Prepare patients physically for medical procedures. +Position patients for treatment or examination. +Check quality of diagnostic images. +Administer medical substances for imaging or other procedures. +Examine medical instruments or equipment to ensure proper operation. +Train medical providers. +Collaborate with healthcare professionals to plan or provide treatment. +Explain medical procedures or test results to patients or family members. +Prepare reports summarizing patient diagnostic or care activities. +Maintain medical equipment or instruments. +Repair medical facility equipment. +Operate diagnostic or therapeutic medical instruments or equipment. +Maintain inventory of medical supplies or equipment. +Process x-rays or other medical images. +Schedule patient procedures or appointments.","Importance of Being Exact or Accurate— 83% responded “Extremely important.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Health and Safety of Other Workers— 78% responded “Very high responsibility.” +Telephone Conversations— 74% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +E-Mail— 74% responded “Every day.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Every day.” +Exposed to Disease or Infections— 57% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Consequence of Error— 52% responded “Extremely serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Physical Proximity— 39% responded “Very close (near touching).” +Time Pressure— 48% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Spend Time Sitting— 48% responded “About half the time.” +Pace Determined by Speed of Equipment— 36% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Frequency of Decision Making— 57% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Continually or almost continually.” +Duration of Typical Work Week— 65% responded “40 hours.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 30% responded “High responsibility.” +Spend Time Making Repetitive Motions— 32% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Extremely important.” +Level of Competition— 43% responded “Moderately competitive.” +Conflict Situations— 36% responded “Once a year or more but not every month.” +Written Letters and Memos— 30% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Endoscopy Technicians +Medical and Clinical Laboratory Technicians +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Ophthalmic Medical Technologists +Radiation Therapists +Radiologic Technologists and Technicians +Respiratory Therapists","View the list of Allies +American Society of Radiologic Technologists +external site +Society for MR Radiographers and Technologists, A Section of the International Society for Magnetic Resonance in Medicine +external site +American Registry of Magnetic Resonance Imaging Technologists +external site +American Registry of Radiologic Technologists +external site +Joint Review Committee on Education in Radiologic Technology +external site",80,1,31,75,43,35,63,60,47,16,20,29,31,66,30,29,28,32,15,13,51,37,19,38,63,44,9,74,51,14,6,2,6 +21-1015.00,Rehabilitation Counselors,https://www.onetonline.org/link/summary/21-1015.00,2025-06-11T18:58:47.019649,"Prepare and maintain records and case files, including documentation, such as clients' personal and eligibility information, services provided, narratives of client contacts, or relevant correspondence. +Confer with clients to discuss their options and goals so that rehabilitation programs and plans for accessing needed services can be developed. +Develop rehabilitation plans that fit clients' aptitudes, education levels, physical abilities, and career goals. +Locate barriers to client employment, such as inaccessible work sites, inflexible schedules, or transportation problems, and work with clients to develop strategies for overcoming these barriers. +Monitor and record clients' progress to ensure that goals and objectives are met. +Participate in job development and placement programs, contacting prospective employers, placing clients in jobs, and evaluating the success of placements. +Analyze information from interviews, educational and medical records, consultation with other professionals, and diagnostic evaluations to assess clients' abilities, needs, and eligibility for services. +Collaborate with clients' families to implement rehabilitation plans, such as behavioral, residential, social, or employment goals. +Develop and maintain relationships with community referral sources, such as schools or community groups. +Maintain close contact with clients during job training and placements to resolve problems and evaluate placement adequacy. +Arrange for on-site job coaching or assistive devices, such as specially equipped wheelchairs, to help clients adapt to work or school environments. +Arrange for physical, mental, academic, vocational, and other evaluations to obtain information for assessing clients' needs and developing rehabilitation plans. +Confer with physicians, psychologists, occupational therapists, and other professionals to develop and implement client rehabilitation programs. +Collaborate with community agencies to establish facilities and programs for persons with disabilities. +Manage budgets and direct case service allocations, authorizing expenditures and payments. +Supervise rehabilitation counselors and staff. +Develop diagnostic procedures to determine clients' needs.","Accounting software— Budgeting software +Analytical or scientific software— Test interpretation software +Calendar and scheduling software— Fanatic Software Informant; Microsoft Office Outlook; Scheduling software +Data base user interface and query software— Data input software; SkillTRAN Job Browser Pro; SkillTRAN OASYS +Document management software— Adobe Acrobat Reader +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Microsoft Internet Explorer; Microsoft Mobile Explorer MME; Netscape Navigator; Web browser software +Medical software— Chart Links; Client information database software; Electronic medical record EMR software +Mobile location based services software— Global positioning system GPS software +Mobile operator specific application software— Microsoft ActiveSync +Office suite software— Microsoft Office Mobile; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— Encryption software; Virus protection software +Voice recognition software— Word recognition software +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Maintain client records. +Confer with clients to discuss treatment plans or progress. +Develop treatment plans for patients or clients. +Assist clients in handling details of daily life. +Evaluate potential problems in home or work environments of clients. +Monitor clients to evaluate treatment progress. +Evaluate the effectiveness of counseling or educational programs. +Refer individuals to educational or work programs. +Confer with family members to discuss client treatment plans or progress. +Develop working relationships with others to facilitate program activities. +Evaluate characteristics of individuals to determine needs or eligibility. +Counsel clients regarding educational or vocational issues. +Arrange physical or mental health services for clients. +Collaborate with other professionals to assess client needs or plan treatments. +Manage organizational or program finances. +Supervise patient care personnel. +Collaborate with other professionals to develop education or assistance programs. +Develop tools to diagnose or assess needs.","E-Mail— 94% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Telephone Conversations— 81% responded “Every day.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Contact With Others— 58% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Frequency of Decision Making— 59% responded “Every day.” +Time Pressure— 53% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Spend Time Sitting— 47% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Importance of Being Exact or Accurate— 53% responded “Very important.” +Written Letters and Memos— 41% responded “Every day.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Once a week or more but not every day.” +Conflict Situations— 43% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 34% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 23% responded “Every day.” +Level of Competition— 35% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Bright Outlook +Healthcare Social Workers +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Occupational Therapists +Occupational Therapy Aides +Psychiatric Technicians +Recreational Therapists +Social and Community Service Managers","View the list of Allies +American Correctional Association +external site +American Counseling Association +external site +American Occupational Therapy Association +external site +American Rehabilitation Counseling Association +external site +International Association of Rehabilitation Professionals +external site +National Association of Social Workers +external site +National Rehabilitation Association +external site +Association of People Supporting Employment First +external site +Commission on Rehabilitative Counseling Certification +external site",79,8,23,72,42,57,54,74,71,33,36,57,7,66,10,51,47,8,35,38,74,78,59,41,42,12,4,3,11,10,24,5,14 +17-2199.05,Mechatronics Engineers,https://www.onetonline.org/link/summary/17-2199.05,2025-06-11T18:54:34.877222,"Create mechanical design documents for parts, assemblies, or finished products. +Design advanced precision equipment for accurate or controlled applications. +Design engineering systems for the automation of industrial tasks. +Implement or test design solutions. +Maintain technical project files. +Identify materials appropriate for mechatronic system designs. +Research, select, or apply sensors, communication technologies, or control devices for motion control, position sensing, pressure sensing, or electronic communication. +Apply mechatronic or automated solutions to the transfer of materials, components, or finished goods. +Provide consultation or training on topics such as mechatronics or automated control. +Oversee the work of contractors in accordance with project requirements. +Publish engineering reports documenting design details or qualification test results. +Upgrade the design of existing devices by adding mechatronic elements. +Create mechanical models to simulate mechatronic design concepts. +Analyze existing development or manufacturing procedures and suggest improvements. +Determine the feasibility, costs, or performance benefits of new mechatronic equipment. +Develop electronic, mechanical, or computerized processes to perform tasks in dangerous situations, such as underwater exploration or extraterrestrial mining. +Monitor or calibrate automated systems, industrial control systems, or system components to maximize efficiency of production. +Create embedded software design programs. +Design advanced electronic control systems for mechanical systems. +Design self-monitoring mechanical systems, such as gear systems that monitor loading or condition of systems to detect and prevent failures. +Design or develop automated control systems for environmental applications, such as waste processing, air quality, or water quality systems. +Design, develop, or implement control circuits or algorithms for electromechanical or pneumatic devices or systems. +Design mechatronics components for computer-controlled products, such as cameras, video recorders, automobiles, or airplanes.","Analytical or scientific software— Dassault Systemes Dymola; MSC Software Adams; Simulation software; Vector Canape;7 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; Mentor Graphics VeSys Design;3 more +Computer aided manufacturing CAM software— Rapid prototyping software +Data base user interface and query software— Structured query language SQL +Development environment software— C; Microchip MPLAB Integrated Development Environment (IDE); Microsoft Visual Basic; National Instruments LabVIEW;5 more +Document management software— dSPACE +Enterprise resource planning ERP software— SAP software +Filesystem software— Disk file systems +Industrial control software— AVEVA InTouch HMI; Programmable logic controller PLC software +Internet browser software— Web browser software +Object or component oriented development software— C++; Modelica; Oracle Java; Python +Office suite software— Microsoft Office software +Operating system software— Linux; Magellan Firmware; Microsoft Windows +Platform interconnectivity software— Keysight Intuilink Connectivity Software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debuggers +Project management software— Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Create graphical representations of mechanical equipment. +Design electromechanical equipment or systems. +Design industrial processing systems. +Implement design or process improvements. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Estimate technical or resource requirements for development or production projects. +Maintain operational records or records systems. +Select project materials. +Research engineering applications of emerging technologies. +Select tools, equipment, or technologies for use in operations or projects. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Provide technical guidance to other personnel. +Supervise engineering or other technical personnel. +Train personnel on proper operational procedures. +Develop technical methods or processes. +Document design or operational test results. +Analyze design or requirements information for mechanical equipment or systems. +Create physical models or prototypes. +Calibrate scientific or technical equipment. +Develop software or computer applications. +Monitor the productivity or efficiency of industrial operations. +Design control systems for mechanical or other equipment. +Estimate operational costs. +Design environmental control systems.","E-Mail— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Freedom to Make Decisions— 35% responded “Some freedom.” +Spend Time Sitting— 50% responded “More than half the time.” +Duration of Typical Work Week— 58% responded “More than 40 hours.” +Telephone Conversations— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Very important.” +Contact With Others— 39% responded “Contact with others most of the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 24% responded “Once a month or more but not every week.” +Frequency of Decision Making— 26% responded “Once a week or more but not every day.” +Time Pressure— 16% responded “Every day.” +Level of Competition— 60% responded “Highly competitive.” +Health and Safety of Other Workers— 33% responded “Moderate responsibility.” +Consequence of Error— 20% responded “Not serious at all.” +Importance of Repeating Same Tasks— 39% responded “Important.” +Written Letters and Memos— 35% responded “Once a year or more but not every month.” +Deal With External Customers or the Public in General— 20% responded “Fairly important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Once a month or more but not every week.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Science— Using scientific rules and methods to solve problems. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Calibration Technologists and Technicians +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical Engineers +Electronics Engineers, Except Computer +Mechanical Engineering Technologists and Technicians +Mechanical Engineers +Microsystems Engineers +Robotics Engineers +Robotics Technicians +Software Developers","View the list of Allies +American Institute of Chemical Engineers +external site +American Society of Mechanical Engineers +external site +Institute of Electrical and Electronics Engineers +external site +SAE International +external site +Society of Manufacturing Engineers +external site +Society of Women Engineers +external site +International Society of Automation +external site",25,3,79,49,72,34,44,47,38,30,7,23,28,51,8,13,25,78,1,16,14,,6,26,2,91,30,57,8,81,2,, +51-2022.00,Electrical and Electronic Equipment Assemblers,https://www.onetonline.org/link/summary/51-2022.00,2025-06-11T19:23:49.503583,"Read and interpret schematic drawings, diagrams, blueprints, specifications, work orders, or reports to determine materials requirements or assembly instructions. +Assemble electrical or electronic systems or support structures and install components, units, subassemblies, wiring, or assembly casings, using rivets, bolts, soldering or micro-welding equipment. +Adjust, repair, or replace electrical or electronic components to correct defects and to ensure conformance to specifications. +Position, align, or adjust workpieces or electrical parts to facilitate wiring or assembly. +Explain assembly procedures or techniques to other workers. +Clean parts, using cleaning solutions, air hoses, and cloths. +Drill or tap holes in specified equipment locations to mount control units or to provide openings for elements, wiring, or instruments. +Fabricate or form parts, coils, or structures according to specifications, using drills, calipers, cutters, or saws. +Confer with supervisors or engineers to plan or review work activities or to resolve production problems. +Inspect or test wiring installations, assemblies, or circuits for resistance factors or for operation, and record results. +Mark and tag components so that stock inventory can be tracked and identified. +Measure and adjust voltages to specified values to determine operational accuracy of instruments. +Complete, review, or maintain production, time, or component waste reports. +Distribute materials, supplies, or subassemblies to work areas. +Pack finished assemblies for shipment, and transport them to storage areas, using hoists or handtrucks. +Instruct customers in the installation, repair, or maintenance of products.","Analytical or scientific software— Calibration software +Development environment software— National Instruments LabVIEW +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Sage 100 ERP; SAP software +Industrial control software— Production control software +Network connectivity terminal emulation software— Rasmussen Software Anzio; Terminal emulation software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Assemble electrical or electronic equipment. +Operate welding equipment. +Solder parts or workpieces. +Record operational or production data. +Test electrical equipment or systems to ensure proper functioning. +Repair parts or assemblies. +Align parts or workpieces to ensure proper assembly. +Instruct workers to use equipment or perform technical procedures. +Mark products, workpieces, or equipment with identifying information. +Clean workpieces or finished products. +Drill holes in parts, equipment, or materials. +Adjust flow of electricity to tools or production equipment. +Distribute supplies to workers. +Confer with others to resolve production problems or equipment malfunctions. +Exchange information with colleagues. +Move products, materials, or equipment between work areas. +Package products for storage or shipment. +Advise others on issues related to repairs, installation, or equipment design.","Indoors, Environmentally Controlled— 80% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 80% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Time Pressure— 62% responded “Every day.” +Importance of Being Exact or Accurate— 49% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 46% responded “Every day.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 31% responded “Very high responsibility.” +Health and Safety of Other Workers— 33% responded “High responsibility.” +Duration of Typical Work Week— 74% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 28% responded “Important results.” +Exposed to Contaminants— 40% responded “Every day.” +Spend Time Sitting— 31% responded “Less than half the time.” +Contact With Others— 39% responded “Contact with others most of the time.” +Physical Proximity— 51% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 32% responded “Once a year or more but not every month.” +Exposed to Hazardous Conditions— 35% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 31% responded “Every day.” +Level of Competition— 23% responded “Moderately competitive.” +Conflict Situations— 34% responded “Once a month or more but not every week.” +Consequence of Error— 33% responded “Serious.” +Spend Time Standing— 25% responded “More than half the time.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.",,"Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Calibration Technologists and Technicians +Bright Outlook +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electromechanical Equipment Assemblers +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Timing Device Assemblers and Adjusters +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Fabricators and Manufacturers Association +external site +IPC +external site",15,,47,34,32,26,18,27,10,2,2,9,18,31,,3,2,41,,11,2,2,2,6,6,20,8,14,,37,,, +41-2022.00,Parts Salespersons,https://www.onetonline.org/link/summary/41-2022.00,2025-06-11T19:14:12.398500,"Receive payment or obtain credit authorization. +Assist customers, such as responding to customer complaints and updating them about back-ordered parts. +Fill customer orders from stock, and place orders when requested items are out of stock. +Receive and fill telephone orders for parts. +Locate and label parts, and maintain inventory of stock. +Prepare sales slips or sales contracts. +Read catalogs, microfiche viewers, or computer displays to determine replacement part stock numbers and prices. +Determine replacement parts required, according to inspections of old parts, customer requests, or customers' descriptions of malfunctions. +Examine returned parts for defects, and exchange defective parts or refund money. +Manage shipments by researching shipping methods or costs and tracking packages. +Mark and store parts in stockrooms, according to prearranged systems. +Maintain and clean work and inventory areas. +Place new merchandise on display. +Advise customers on substitution or modification of parts when identical replacements are not available. +Discuss use and features of various parts, based on knowledge of machines or equipment. +Demonstrate equipment to customers, and explain functioning of equipment. +Measure parts, using precision measuring instruments, to determine whether similar parts may be machined to required sizes. +Pick up and deliver parts. +Repair parts or equipment.","Customer relationship management CRM software— Customer information databases +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— SmugMug Flickr +Internet browser software— Web browser software +Inventory management software— Inventory control system software; Inventory management systems; Inventory tracking software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Process sales or other transactions. +Explain technical product or service information to customers. +Order materials, supplies, or equipment. +Monitor inventories of products or materials. +Take product orders from customers. +Prepare sales or other contracts. +Gather customer or product information to determine customer needs. +Examine condition of property or products. +Analyze shipping information to make routing decisions. +Calculate shipping costs. +Stock products or parts. +Clean work areas. +Set up merchandise displays. +Advise customers on the use of products or services. +Demonstrate products to consumers. +Measure product or material dimensions. +Arrange delivery of goods or services. +Repair parts or assemblies.","Contact With Others— 100% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 91% responded “Extremely important.” +Deal With External Customers or the Public in General— 84% responded “Extremely important.” +Telephone Conversations— 94% responded “Every day.” +Freedom to Make Decisions— 63% responded “A lot of freedom.” +E-Mail— 76% responded “Every day.” +Indoors, Not Environmentally Controlled— 61% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Work Outcomes and Results of Other Workers— 58% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Time Pressure— 42% responded “Every day.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 62% responded “Once a week or more but not every day.” +Frequency of Decision Making— 49% responded “Every day.” +Importance of Repeating Same Tasks— 44% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Physical Proximity— 65% responded “Moderately close (at arm's length).” +Exposed to Contaminants— 44% responded “Every day.” +Spend Time Standing— 36% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Every day.” +Conflict Situations— 40% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 57% responded “More than half the time.” +Health and Safety of Other Workers— 64% responded “Moderate responsibility.” +Outdoors, Exposed to All Weather Conditions— 29% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Never.” +Spend Time Making Repetitive Motions— 27% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Automotive and Watercraft Service Attendants +Counter and Rental Clerks +Door-to-Door Sales Workers, News and Street Vendors, and Related Workers +Engine and Other Machine Assemblers +Home Appliance Repairers +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Order Clerks +Retail Salespersons +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers","View the list of Allies +National Automobile Dealers Association +external site +National Retail Federation +external site +Retail Industry Leaders Association +external site",86,2,59,64,56,75,47,47,72,62,78,57,12,70,24,28,34,53,3,45,37,14,14,47,2,41,16,9,2,29,21,,1 +53-7011.00,Conveyor Operators and Tenders,https://www.onetonline.org/link/summary/53-7011.00,2025-06-11T19:30:20.433341,"Inform supervisors of equipment malfunctions that need to be addressed. +Observe conveyor operations and monitor lights, dials, and gauges to maintain specified operating levels and to detect equipment malfunctions. +Record production data such as weights, types, quantities, and storage locations of materials, as well as equipment performance problems and downtime. +Load, unload, or adjust materials or products on conveyors by hand, by using lifts, hoists, and scoops, or by opening gates, chutes, or hoppers. +Stop equipment or machinery and clear jams, using poles, bars, and hand tools, or remove damaged materials from conveyors. +Distribute materials, supplies, and equipment to work stations, using lifts and trucks. +Observe packages moving along conveyors to identify packages, detect defective packaging, and perform quality control. +Collect samples of materials or products, checking them to ensure conformance to specifications or sending them to laboratories for analysis. +Position deflector bars, gates, chutes, or spouts to divert flow of materials from one conveyor onto another conveyor. +Repair or replace equipment components or parts such as blades, rolls, and pumps. +Manipulate controls, levers, and valves to start pumps, auxiliary equipment, or conveyors, and to adjust equipment positions, speeds, timing, and material flows. +Weigh or measure materials and products, using scales or other measuring instruments, or read scales on conveyors that continually weigh products, to verify specified tonnages and prevent overloads. +Read production and delivery schedules, and confer with supervisors, to determine sorting and transfer procedures, arrangement of packages on pallets, and destinations of loaded pallets. +Press console buttons to deflect packages to predetermined accumulators or reject lines. +Clean, sterilize, and maintain equipment, machinery, and work stations, using hand tools, shovels, brooms, chemicals, hoses, and lubricants. +Affix identifying information to materials or products, using hand tools. +Move, assemble, and connect hoses or nozzles to material hoppers, storage tanks, conveyor sections or chutes, and pumps. +Thread strapping through strapping tools and secure battens with strapping to form protective pallets around extrusions. +Contact workers in work stations or other departments to request movement of materials, products, or machinery, or to notify them of incoming shipments and their estimated delivery times. +Join sections of conveyor frames at temporary working areas, and connect power units.","Enterprise resource planning ERP software— SAP software +Industrial control software— Control system software; Conveyor control software; Sortation software +Materials requirements planning logistics and supply chain software— Intelligrated InControlWare +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Monitor operational quality or safety. +Collect samples for analysis or testing. +Test materials, solutions, or samples. +Report vehicle or equipment malfunctions. +Inspect material-moving equipment to detect problems. +Monitor equipment gauges or displays to ensure proper operation. +Position material handling equipment. +Maintain material moving equipment in good working condition. +Record operational or production data. +Load materials into equipment for processing. +Operate conveyors or other industrial material moving equipment. +Remove debris or damaged materials. +Control pumps or pumping equipment. +Measure product or material dimensions. +Weigh materials to ensure compliance with specifications. +Communicate with others to coordinate material handling or movement. +Review work orders or schedules to determine operations or procedures. +Operate packing or other material processing equipment. +Clean facilities or work areas. +Clean machinery or equipment. +Mark materials or objects for identification. +Move materials, equipment, or supplies. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Connect hoses to equipment or machinery. +Secure cargo. +Connect cables or electrical lines.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Pace Determined by Speed of Equipment— 79% responded “Extremely important.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Exposed to Contaminants— 80% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 61% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Health and Safety of Other Workers— 59% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 53% responded “A lot of freedom.” +Time Pressure— 68% responded “Every day.” +Duration of Typical Work Week— 54% responded “More than 40 hours.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Every day.” +Frequency of Decision Making— 63% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 66% responded “Every day.” +Spend Time Standing— 46% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 37% responded “Every day.” +Outdoors, Under Cover— 52% responded “Every day.” +Contact With Others— 27% responded “Constant contact with others.” +Level of Competition— 35% responded “Extremely competitive.” +In an Open Vehicle or Operating Equipment— 49% responded “Every day.” +Consequence of Error— 38% responded “Fairly serious.” +Exposed to Hazardous Equipment— 52% responded “Every day.” +Freedom to Make Decisions— 27% responded “A lot of freedom.” +Telephone Conversations— 40% responded “Never.” +Importance of Repeating Same Tasks— 26% responded “Extremely important.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Hoist and Winch Operators +Industrial Machinery Mechanics +Bright Outlook +Industrial Truck and Tractor Operators +Laborers and Freight, Stock, and Material Movers, Hand +Machine Feeders and Offbearers +Paper Goods Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tank Car, Truck, and Ship Loaders","View the list of Allies +MHI +external site +Warehousing Education and Research Council +external site +International Union of Operating Engineers +external site +National Commission for the Certification of Crane Operators +external site",23,4,50,74,15,17,51,41,22,2,1,13,6,12,13,24,11,52,,44,12,1,1,4,,5,4,9,2,3,2,, +15-1299.06,Digital Forensics Analysts,https://www.onetonline.org/link/summary/15-1299.06,2025-06-11T18:52:24.763336,"Adhere to legal policies and procedures related to handling digital media. +Analyze log files or other digital information to identify the perpetrators of network intrusions. +Conduct predictive or reactive analyses on security measures to support cyber security initiatives. +Create system images or capture network settings from information technology environments to preserve as evidence. +Develop plans for investigating alleged computer crimes, violations, or suspicious activity. +Develop policies or requirements for data collection, processing, or reporting. +Duplicate digital evidence to use for data recovery and analysis procedures. +Identify or develop reverse-engineering tools to improve system capabilities or detect vulnerabilities. +Maintain cyber defense software or hardware to support responses to cyber incidents. +Maintain knowledge of laws, regulations, policies or other issuances pertaining to digital forensics or information privacy. +Perform file signature analysis to verify files on storage media or discover potential hidden files. +Perform forensic investigations of operating or file systems. +Perform web service network traffic analysis or waveform analysis to detect anomalies, such as unusual events or trends. +Preserve and maintain digital forensic evidence for analysis. +Recommend cyber defense software or hardware to support responses to cyber incidents. +Recover data or decrypt seized data. +Write and execute scripts to automate tasks, such as parsing large data files. +Write cyber defense recommendations, reports, or white papers using research or experience. +Write reports, sign affidavits, or give depositions for legal proceedings. +Write technical summaries to report findings.","Analytical or scientific software— Guidance Software EnCase Enterprise +Application server software— Kubernetes +Authentication server software— Single sign-on SSO +Cloud-based data access and sharing software— Platform as a service PaaS; Slack +Configuration management software— IBM Terraform +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; ServiceNow; Structured query language SQL +Development environment software— Go; Microsoft Azure software; Microsoft PowerShell; Ruby;1 more +Enterprise application integration software— Enterprise application integration EAI software; Extensible markup language XML +Enterprise resource planning ERP software— Management information systems MIS +Enterprise system management software— Splunk Enterprise +Expert system software— Ansible software +Filesystem software— Computer forensic software +Geographic information system— Geographic information system GIS systems +Graphical user interface development software— Graphical user interface GUI design software +Internet directory services software— Microsoft Active Directory; Network directory services software +Network monitoring software— AccessData FTK; Cisco Systems Cisco NetFlow Collection Engine; Snort; Wireshark;1 more +Network security and virtual private network VPN equipment software— Firewall software +Network security or virtual private network VPN management software— Intrusion detection system IDS +Object or component oriented development software— C#; Oracle Java; Perl; R;2 more +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Apple iOS; Apple macOS; Bash; Microsoft Windows Server;3 more +Presentation software— Microsoft PowerPoint +Program testing software— Kali Linux; MITRE ATT&CK software; System testing software +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Switch or router software— Border Gateway Protocol BGP +Transaction security and virus protection software— Metasploit; Microsoft Defender Antivirus; OpenVAS; Tenable Nessus;1 more +Transaction server software— Web server software +Web platform development software— Hypertext markup language HTML; JavaScript; PHP; Security assertion markup language SAML",,"Examine records or other types of data to investigate criminal activities. +Write reports or evaluations. +Recommend changes to improve computer or information systems. +Analyze security of systems, network, or data. +Analyze traffic data. +Compile technical information or documentation. +Develop technical methods or processes. +Enter codes or other information into computers. +Establish operational policies. +Identify information technology project resource requirements. +Maintain computer equipment or software. +Maintain knowledge of laws or regulations. +Maintain records, documents, or other files. +Monitor the security of digital information. +Plan production or operational procedures or sequences. +Provide recommendations to others about computer hardware. +Record images needed to address work issues. +Testify at legal or legislative proceedings. +Translate information for others. +Write computer programming code.",,,,,"Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Business Intelligence Analysts +Bright Outlook +Computer Network Support Specialists +Computer Systems Analysts +Document Management Specialists +Forensic Science Technicians +Geographic Information Systems Technologists and Technicians +Information Security Analysts +Information Security Engineers +Penetration Testers +Search Marketing Strategists","View the list of Allies +American Academy of Forensic Sciences +external site +Association for Computing Machinery +external site +Association for Information Systems +external site +Chartered Institute of Information Security +external site +Computer Professionals for Social Responsibility +external site +Cybersecurity Collaborative +external site +Digital Forensic Research Workshop +external site +Digital Forensics Association +external site +Federation of Security Professionals +external site +High Technology Crime Investigation Association +external site +Information Systems Security Association International +external site +International Association for Cryptologic Research +external site +International Association for Identification +external site +International Association of Financial Crimes Investigators +external site +International Association of Privacy Professionals +external site +ISACA +external site +National Cybersecurity Alliance +external site +Open Worldwide Application Security Project +external site +The International Association of Counterterrorism and Security Professionals +external site +Mid-Atlantic Association of Forensic Scientists +external site +Middle Atlantic-Great Lakes Organized Crime Law Enforcement Network +external site +Midwest Cyber Security Alliance +external site +New England Regional Developers +external site +Pacific Northwest Association of Investigators +external site +Southwestern Association of Forensic Scientists +external site +EC-Council +external site +Association of Certified E-Discovery Specialists +external site +Association of Certified Fraud Examiners +external site +Association of Information Security Professionals +external site +Cloud Security Alliance +external site +CompTIA +external site +Digital Forensics Certification Board +external site +International Association of Computer Investigative Specialists +external site +ISC2 +external site +SANS Institute +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +53-4011.00,Locomotive Engineers,https://www.onetonline.org/link/summary/53-4011.00,2025-06-11T19:29:30.613698,"Interpret train orders, signals, or railroad rules and regulations that govern the operation of locomotives. +Confer with conductors or traffic control center personnel via radiophones to issue or receive information concerning stops, delays, or oncoming trains. +Receive starting signals from conductors and use controls such as throttles or air brakes to drive electric, diesel-electric, steam, or gas turbine-electric locomotives. +Monitor gauges or meters that measure speed, amperage, battery charge, or air pressure in brake lines or in main reservoirs. +Observe tracks to detect obstructions. +Call out train signals to assistants to verify meanings. +Operate locomotives to transport freight or passengers between stations or to assemble or disassemble trains within rail yards. +Check to ensure that brake examination tests are conducted at shunting stations. +Respond to emergency conditions or breakdowns, following applicable safety procedures and rules. +Inspect locomotives to verify adequate fuel, sand, water, or other supplies before each run or to check for mechanical problems. +Inspect locomotives after runs to detect damaged or defective equipment. +Prepare reports regarding any problems encountered, such as accidents, signaling problems, unscheduled stops, or delays. +Check to ensure that documentation, such as procedure manuals or logbooks, are in the driver's cab and available for staff use. +Monitor train loading procedures to ensure that freight or rolling stock are loaded or unloaded without damage.","Expert system software— Electronic train management systems ETMS +Route navigation software— Route mapping software +Spreadsheet software— Microsoft Excel +Time accounting software— Time tracking software +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Receive information or instructions for performing work assignments. +Communicate with others to coordinate vehicle movement. +Operate locomotives or other rail vehicles. +Monitor equipment gauges or displays to ensure proper operation. +Monitor surroundings to detect potential hazards. +Signal others to coordinate vehicle movement. +Monitor operational quality or safety. +Monitor availability of equipment or supplies. +Respond to transportation emergencies. +Inspect locomotives or other railroad equipment. +Prepare accident or incident reports. +Monitor loading processes to ensure they are performed properly.","Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 89% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Health and Safety of Other Workers— 78% responded “Very high responsibility.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 79% responded “Extremely important.” +Contact With Others— 69% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Telephone Conversations— 67% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 60% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 79% responded “Every day.” +Time Pressure— 61% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Extremely important.” +Exposed to Contaminants— 76% responded “Every day.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Frequency of Decision Making— 76% responded “Every day.” +Spend Time Sitting— 59% responded “Continually or almost continually.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Consequence of Error— 63% responded “Extremely serious.” +Exposed to Hazardous Equipment— 73% responded “Every day.” +Exposed to Whole Body Vibration— 70% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Very important results.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 37% responded “Limited freedom.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 50% responded “Every day.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Exposed to Cramped Work Space, Awkward Positions— 51% responded “Every day.” +Indoors, Not Environmentally Controlled— 53% responded “Every day.” +Written Letters and Memos— 38% responded “Every day.” +Exposed to Hazardous Conditions— 46% responded “Every day.” +Deal With External Customers or the Public in General— 44% responded “Important.” +Conflict Situations— 39% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a month or more but not every week.” +Physical Proximity— 37% responded “Moderately close (at arm's length).”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Far Vision— The ability to see details at a distance. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bus and Truck Mechanics and Diesel Engine Specialists +Heavy and Tractor-Trailer Truck Drivers +Bright Outlook +Operating Engineers and Other Construction Equipment Operators +Rail Yard Engineers, Dinkey Operators, and Hostlers +Railroad Brake, Signal, and Switch Operators and Locomotive Firers +Railroad Conductors and Yardmasters +Ship Engineers +Signal and Track Switch Repairers +Subway and Streetcar Operators +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +Association of American Railroads +external site +Brotherhood of Locomotive Engineers and Trainmen +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site",51,3,19,58,30,45,66,58,27,16,6,31,19,33,6,36,24,50,9,87,21,15,7,35,14,28,13,24,7,11,32,1,10 +17-2072.01,Radio Frequency Identification Device Specialists,https://www.onetonline.org/link/summary/17-2072.01,2025-06-11T18:53:45.680876,"Identify operational requirements for new systems to inform selection of technological solutions. +Integrate tags, readers, or software in radio frequency identification device (RFID) designs. +Perform systems analysis or programming of radio frequency identification device (RFID) technology. +Test radio frequency identification device (RFID) software to ensure proper functioning. +Select appropriate radio frequency identification device (RFID) tags and determine placement locations. +Perform site analyses to determine system configurations, processes to be impacted, or on-site obstacles to technology implementation. +Perform acceptance testing on newly installed or updated systems. +Determine means of integrating radio frequency identification device (RFID) into other applications. +Provide technical support for radio frequency identification device (RFID) technology. +Collect data about existing client hardware, software, networking, or key business processes to inform implementation of radio frequency identification device (RFID) technology. +Install, test, or maintain radio frequency identification device (RFID) systems. +Test tags or labels to ensure readability. +Determine usefulness of new radio frequency identification device (RFID) technologies. +Verify compliance of developed applications with architectural standards and established practices. +Train users in details of system operation. +Develop process flows, work instructions, or standard operating procedures for radio frequency identification device (RFID) systems. +Read current literature, attend meetings or conferences, or talk with colleagues to stay abreast of industry research about new technologies. +Document equipment or process details of radio frequency identification device (RFID) technology. +Define and compare possible radio frequency identification device (RFID) solutions to inform selection for specific projects. +Create simulations or models of radio frequency identification device (RFID) systems to provide information for selection and configuration. +Analyze radio frequency identification device (RFID)-related supply chain data.","Administration software— Dynamic host configuration protocol DHCP; Simple network management protocol SNMP software +Analytical or scientific software— ANSYS simulation software; The MathWorks MATLAB +Computer aided design CAD software— Dassault Systemes SolidWorks; Field programmable gate array FPGA design software +Data base management system software— Microsoft SQL Server Compact +Data base user interface and query software— Microsoft SQL Server; Structured query language SQL +Development environment software— C; Microsoft Visual Basic; Microsoft Visual Studio; Ruby;3 more +Device drivers or system software— Device driver software +Electronic mail software— IBM Notes +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software +Internet browser software— Web browser software +Map creation software— MapInfo Professional +Network monitoring software— Forsk Atoll +Object or component oriented development software— C#; C++; Oracle Java; Perl;3 more +Office suite software— Microsoft Office software +Operating system software— Cygwin; Linux; Magellan Firmware; UNIX;1 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— FitNesse; JUnit; Selenium; Watir;5 more +Project management software— Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Spreadsheet software— Microsoft Excel +WAN switching software and firmware— Wide area network WAN software","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Design electronic or computer equipment or instrumentation. +Estimate technical or resource requirements for development or production projects. +Develop software or computer applications. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Analyze design requirements for computer or electronics systems. +Select project materials. +Advise customers on the use of products or services. +Collect data about project sites. +Conduct validation tests of equipment or processes. +Determine operational methods. +Assess product or process usefulness. +Install instrumentation or electronic equipment or systems. +Maintain electronic equipment. +Inspect equipment or systems. +Develop technical methods or processes. +Train personnel on proper operational procedures. +Update technical knowledge. +Document technical design details. +Create schematic drawings for electronics. +Analyze operational data to evaluate operations, processes or products.","E-Mail— 100% responded “Every day.” +Duration of Typical Work Week— 85% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Telephone Conversations— 69% responded “Every day.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Contact With Others— 54% responded “Constant contact with others.” +Freedom to Make Decisions— 61% responded “Some freedom.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 72% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Important results.” +Time Pressure— 56% responded “Once a week or more but not every day.” +Spend Time Sitting— 41% responded “Continually or almost continually.” +Frequency of Decision Making— 34% responded “Every day.” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Conflict Situations— 44% responded “Once a week or more but not every day.” +Level of Competition— 39% responded “Highly competitive.” +Importance of Repeating Same Tasks— 24% responded “Extremely important.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Hardware Engineers +Bright Outlook +Computer Systems Engineers/Architects +Electrical and Electronic Engineering Technologists and Technicians +Electrical Engineers +Electronics Engineers, Except Computer +Mechatronics Engineers +Microsystems Engineers +Photonics Engineers +Robotics Engineers +Software Developers","View the list of Allies +American Society for Engineering Education +external site +National Society of Professional Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +International Society of Automation +external site +National Council of Examiners for Engineering and Surveying +external site",65,6,50,81,63,61,32,64,37,31,50,32,20,95,17,27,45,36,12,35,27,13,15,60,12,89,28,45,13,68,24,9,9 +49-9012.00,"Control and Valve Installers and Repairers, Except Mechanical Door",https://www.onetonline.org/link/summary/49-9012.00,2025-06-11T19:22:26.124739,"Record maintenance information, including test results, material usage, and repairs made. +Disassemble and repair mechanical control devices or valves, such as regulators, thermostats, or hydrants, using power tools, hand tools, and cutting torches. +Lubricate wearing surfaces of mechanical parts, using oils or other lubricants. +Calibrate instrumentation, such as meters, gauges, and regulators, for pressure, temperature, flow, and level. +Install, inspect and test electric meters, relays, and power sources to detect causes of malfunctions and inaccuracies, using hand tools and testing equipment. +Test valves and regulators for leaks and accurate temperature and pressure settings, using precision testing equipment. +Record meter readings and installation data on meter cards, work orders, or field service orders, or enter data into hand-held computers. +Turn meters on or off to establish or close service. +Shut off service and notify repair crews when major repairs are required, such as the replacement of underground pipes or wiring. +Install regulators and related equipment such as gas meters, odorization units, and gas pressure telemetering equipment. +Cut seats to receive new orifices, tap inspection ports, and perform other repairs to salvage usable materials, using hand tools and machine tools. +Turn valves to allow measured amounts of air or gas to pass through meters at specified flow rates. +Report hazardous field situations and damaged or missing meters. +Vary air pressure flowing into regulators and turn handles to assess functioning of valves and pistons. +Examine valves or mechanical control device parts for defects, dents, or loose attachments, and mark malfunctioning areas of defective units. +Mount and install meters and other electric equipment such as time clocks, transformers, and circuit breakers, using electricians' hand tools. +Connect regulators to test stands, and turn screw adjustments until gauges indicate that inlet and outlet pressures meet specifications. +Investigate instances of illegal tapping into service lines. +Trace and tag meters or house lines. +Repair electric meters and components, such as transformers and relays, and replace metering devices, dial glasses, and faulty or incorrect wiring, using hand tools. +Replace defective parts, such as bellows, range springs, and toggle switches, and reassemble units according to blueprints, using cam presses and hand tools. +Measure tolerances of assembled and salvageable parts for conformance to standards or specifications, using gauges, micrometers, and calipers. +Clean internal compartments and moving parts, using rags and cleaning compounds. +Dismantle meters, and replace or adjust defective parts such as cases, shafts, gears, disks, and recording mechanisms, using soldering irons and hand tools. +Disconnect or remove defective or unauthorized meters, using hand tools. +Attach air hoses to meter inlets, plug outlets, and observe gauges for pressure losses to test internal seams for leaks. +Make adjustments to meter components, such as setscrews or timing mechanisms, so that they conform to specifications. +Repair leaks in valve seats or bellows of automotive heater thermostats, using soft solder, flux, and acetylene torches. +Splice and connect cables from meters or current transformers to pull boxes or switchboards, using hand tools. +Advise customers on proper installation of valves or regulators and related equipment. +Clean plant growth, scale, paint, soil, or rust from meter housings, using wire brushes, scrapers, buffers, sandblasters, or cleaning compounds. +Connect hoses from provers to meter inlets and outlets, and raise prover bells until prover gauges register zero.","Analytical or scientific software— Emerson FIRSTVUE Value Sizing +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Microsoft Access; Structured query language SQL +Development environment software— Ladder Logic +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— IBM Maximo Asset Management; SAP software +Graphical user interface development software— Graphical user interface GUI design software +Industrial control software— Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software; Wonderware software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Maintenance record software; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Maintain repair or maintenance records. +Install metering equipment. +Calibrate equipment to specifications. +Inspect electrical or electronic systems for defects. +Install electrical components, equipment, or systems. +Control power supply connections. +Document operational activities. +Enter codes or other information into computers. +Test mechanical equipment to ensure proper functioning. +Communicate with coworkers to coordinate installations or repairs. +Adjust equipment to ensure optimal performance. +Disassemble equipment for maintenance or repair. +Repair worn, damaged, or defective mechanical parts. +Cut materials according to specifications or needs. +Confer with coworkers to coordinate work activities. +Inspect mechanical equipment to locate damage, defects, or wear. +Connect electrical components or equipment. +Adjust the tension of nuts or bolts. +Investigate illegal or suspicious activities. +Repair electrical circuits or wiring. +Replace worn, damaged, or defective mechanical parts. +Lubricate equipment to allow proper functioning. +Repair electrical components. +Measure distances or dimensions. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Remove parts or components from equipment. +Connect hoses to equipment or piping. +Repair non-engine automotive or vehicle components. +Train customers in the use of products.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 74% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Importance of Being Exact or Accurate— 51% responded “Extremely important.” +Health and Safety of Other Workers— 43% responded “High responsibility.” +Freedom to Make Decisions— 44% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 68% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 54% responded “Every day.” +Indoors, Not Environmentally Controlled— 53% responded “Every day.” +Time Pressure— 45% responded “Every day.” +E-Mail— 60% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 56% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Exposed to Contaminants— 43% responded “Every day.” +Exposed to Hazardous Equipment— 48% responded “Every day.” +Frequency of Decision Making— 52% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 45% responded “Once a week or more but not every day.” +Consequence of Error— 53% responded “Extremely serious.” +Duration of Typical Work Week— 61% responded “40 hours.” +Determine Tasks, Priorities and Goals— 31% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 43% responded “Every day.” +Spend Time Making Repetitive Motions— 30% responded “Continually or almost continually.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Once a week or more but not every day.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Important.” +Spend Time Standing— 47% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 28% responded “Important.” +Spend Time Bending or Twisting Your Body— 35% responded “About half the time.” +Written Letters and Memos— 31% responded “Every day.” +Outdoors, Under Cover— 28% responded “Every day.” +Indoors, Environmentally Controlled— 29% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Maintenance Workers, Machinery +Plumbers, Pipefitters, and Steamfitters +Rail Car Repairers +Stationary Engineers and Boiler Operators","View the list of Allies +American Public Gas Association +external site +American Public Power Association +external site +National Utility Contractors Association +external site +International Brotherhood of Electrical Workers +external site",56,2,51,48,55,47,64,46,43,29,17,27,41,56,10,35,22,78,7,29,19,8,8,31,11,66,49,46,17,55,22,1,6 +45-2092.00,"Farmworkers and Laborers, Crop, Nursery, and Greenhouse",https://www.onetonline.org/link/summary/45-2092.00,2025-06-11T19:17:35.826672,"Record information about crops, such as pesticide use, yields, or costs. +Direct and monitor the work of casual and seasonal help during planting and harvesting. +Participate in the inspection, grading, sorting, storage, and post-harvest treatment of crops. +Harvest plants, and transplant or pot and label them. +Repair and maintain farm vehicles, implements, and mechanical equipment. +Harvest fruits and vegetables by hand. +Set up and operate irrigation equipment. +Inform farmers or farm managers of crop progress. +Identify plants, pests, and weeds to determine the selection and application of pesticides and fertilizers. +Operate tractors, tractor-drawn machinery, and self-propelled machinery to plow, harrow and fertilize soil, or to plant, cultivate, spray and harvest crops. +Load agricultural products into trucks, and drive trucks to market or storage facilities. +Clean work areas, and maintain grounds and landscaping. +Sell and deliver plants and flowers to customers. +Regulate greenhouse conditions, and indoor and outdoor irrigation systems. +Feel plants' leaves and note their coloring to detect the presence of insects or disease. +Provide information and advice to the public regarding the selection, purchase, and care of products. +Maintain and repair irrigation and climate control systems. +Dig, cut, and transplant seedlings, cuttings, trees, and shrubs. +Record information about plants and plant growth. +Maintain inventory, ordering materials as required. +Dig, rake, and screen soil, filling cold frames and hot beds in preparation for planting. +Inspect plants and bud ties to assess quality. +Move containerized shrubs, plants, and trees, using wheelbarrows or tractors. +Tie and bunch flowers, plants, shrubs, and trees, wrap their roots, and pack them into boxes to fill orders. +Haul and spread topsoil, fertilizer, peat moss, and other materials to condition soil, using wheelbarrows or carts and shovels. +Repair farm buildings, fences, and other structures. +Plant, spray, weed, fertilize, water, and prune plants, shrubs, and trees, using gardening tools.","Data base user interface and query software— BCL Landview Systems WinCrop; Farm Works Software Trac +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Internet browser software— Web browser software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Transport animals, crops, or equipment. +Sell agricultural products. +Maintain operational records. +Direct activities of agricultural, forestry, or fishery employees. +Harvest agricultural products. +Mark agricultural or forestry products for identification. +Sort forestry or agricultural materials. +Operate irrigation systems. +Evaluate quality of plants or crops. +Maintain forestry, hunting, or agricultural equipment. +Advise others on farming or forestry operations, regulations, or equipment. +Build agricultural structures. +Confer with managers to make operational decisions. +Cut trees or logs. +Plant crops, trees, or other plants. +Examine characteristics or behavior of living organisms. +Operate farming equipment. +Maintain inventories of materials, equipment, or products. +Prepare land for agricultural use. +Load agricultural or forestry products for shipment. +Package agricultural products for shipment or further processing. +Clean equipment or facilities. +Perform manual agricultural, aquacultural, or horticultural tasks.","Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 65% responded “Every day.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Every day.” +Time Pressure— 49% responded “Every day.” +Spend Time Bending or Twisting Your Body— 49% responded “Continually or almost continually.” +Spend Time Standing— 42% responded “Continually or almost continually.” +Spend Time Walking or Running— 39% responded “More than half the time.” +Contact With Others— 35% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 39% responded “Important.” +Determine Tasks, Priorities and Goals— 29% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 34% responded “Important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 35% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 29% responded “Every day.” +Exposed to Contaminants— 29% responded “Every day.” +Freedom to Make Decisions— 24% responded “A lot of freedom.” +Health and Safety of Other Workers— 38% responded “High responsibility.” +Physical Proximity— 56% responded “Moderately close (at arm's length).”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively.",,"Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Far Vision— The ability to see details at a distance. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Equipment Operators +Bright Outlook +Fallers +Farmworkers, Farm, Ranch, and Aquacultural Animals +Forest and Conservation Workers +Graders and Sorters, Agricultural Products +Laborers and Freight, Stock, and Material Movers, Hand +Landscaping and Groundskeeping Workers +Pesticide Handlers, Sprayers, and Applicators, Vegetation +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Tree Trimmers and Pruners","View the list of Allies +American Farm Bureau Federation +external site +AmericanHort +external site +Association of Farmworker Opportunity Programs +external site +International Plant Propagators' Society +external site",30,46,36,38,40,42,29,28,28,27,23,25,41,25,15,24,20,43,11,29,24,9,16,18,17,28,23,23,46,24,24,6,12 +47-4099.03,Weatherization Installers and Technicians,https://www.onetonline.org/link/summary/47-4099.03,2025-06-11T19:20:21.531874,"Test combustible appliances, such as gas appliances. +Determine amount of air leakage in buildings, using a blower door machine. +Test and diagnose air flow systems, using furnace efficiency analysis equipment. +Install and seal air ducts, combustion air openings, or ventilation openings to improve heating and cooling efficiency. +Inspect buildings to identify required weatherization measures, including repair work, modification, or replacement. +Recommend weatherization techniques to clients in accordance with needs and applicable energy regulations, codes, policies, or statutes. +Apply insulation materials, such as loose, blanket, board, and foam insulation to attics, crawl spaces, basements, or walls. +Make minor repairs using basic hand or power tools and materials, such as glass, lumber, and drywall. +Prepare cost estimates or specifications for rehabilitation or weatherization services. +Contact residents or building owners to schedule appointments. +Wrap air ducts and water lines with insulating materials, such as duct wrap and pipe insulation. +Prepare and apply weather-stripping, glazing, caulking, or door sweeps to reduce energy losses. +Clean and maintain tools and equipment. +Apply spackling, compounding, or other materials to repair holes in walls. +Explain recommendations, policies, procedures, requirements, or other related information to residents or building owners. +Maintain activity logs, financial transaction logs, or other records of weatherization work performed. +Explain energy conservation measures, such as the use of low flow showerheads and energy-efficient lighting. +Prepare or assist in the preparation of bids, contracts, or written reports related to weatherization work. +Install storm windows or storm doors and verify proper fit. +Wrap water heaters with water heater blankets.","Analytical or scientific software— Energy auditing software +Calendar and scheduling software— Work scheduling software +Customer relationship management CRM software— Salesforce.com Salesforce CRM +Data base user interface and query software— Database software; Energy use ratings databases; Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Test products for functionality or quality. +Inspect equipment to ensure proper functioning. +Test characteristics of materials or structures. +Apply material to fill gaps in surfaces. +Inspect industrial or commercial equipment to ensure proper operation. +Install green structural components, equipment or systems. +Inspect work sites to determine condition or necessary repairs. +Communicate with clients about products, procedures, and policies. +Install insulation in equipment or structures. +Install building fixtures. +Estimate construction project costs. +Clean equipment or facilities. +Maintain construction tools or equipment. +Record operational or environmental data. +Prepare operational reports. +Inspect completed work to ensure proper installation. +Install doors or windows.","Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Contact With Others— 61% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 65% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 55% responded “Every day.” +Health and Safety of Other Workers— 43% responded “Very high responsibility.” +Telephone Conversations— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Exposed to Cramped Work Space, Awkward Positions— 52% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 52% responded “Once a week or more but not every day.” +Spend Time Standing— 61% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “More than half the time.” +Exposed to Hazardous Equipment— 39% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Physical Proximity— 57% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Exposed to Contaminants— 39% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Once a month or more but not every week.” +E-Mail— 30% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “Limited freedom.” +Importance of Being Exact or Accurate— 59% responded “Very important.” +Indoors, Environmentally Controlled— 35% responded “Every day.” +Indoors, Not Environmentally Controlled— 45% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 43% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 30% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 39% responded “Limited freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 43% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 30% responded “More than half the time.” +Written Letters and Memos— 27% responded “Once a week or more but not every day.” +Exposed to High Places— 52% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Moderate results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 45% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 30% responded “More than half the time.” +Consequence of Error— 35% responded “Fairly serious.” +Frequency of Decision Making— 26% responded “Every day.” +Spend Time Walking or Running— 39% responded “More than half the time.” +Outdoors, Under Cover— 30% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 87% responded “40 hours.” +Importance of Repeating Same Tasks— 36% responded “Important.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Geothermal Technicians +Heating, Air Conditioning, and Refrigeration Mechanics and Installers +Bright Outlook +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Maintenance and Repair Workers, General +Plumbers, Pipefitters, and Steamfitters +Solar Photovoltaic Installers +Solar Thermal Installers and Technicians","View the list of Allies +American Society of Home Inspectors +external site +ASHRAE +external site +Associated Builders and Contractors +external site +Energy and Environmental Building Alliance +external site +Energy Services Coalition +external site +Insulation Contractors Association of America +external site +International Association of Certified Home Inspectors +external site +International Facility Management Association +external site +National Association for State Community Services Programs +external site +National Association of Home Builders +external site +National Association of the Remodeling Industry +external site +National Institute of Building Sciences +external site +National Insulation Association +external site +Mid-Atlantic Renewable Energy Association +external site +Northeast Home Energy Rating System Alliance +external site +Northwest Energy Efficiency Alliance +external site +Northwest Energy Efficiency Council +external site +Southeast Energy Efficiency Alliance +external site +Western HVAC Performance Alliance +external site +Association of Energy Engineers +external site +Association of Energy Services Professionals +external site +Building Performance Institute +external site +North American Technician Excellence +external site +Residential Energy Services Network +external site",73,12,50,56,58,63,53,61,52,50,34,44,35,51,22,40,22,64,13,45,23,21,16,27,26,49,78,38,18,50,23,7,9 +19-2041.03,Industrial Ecologists,https://www.onetonline.org/link/summary/19-2041.03,2025-06-11T18:56:53.444281,"Identify environmental impacts caused by products, systems, or projects. +Identify or develop strategies or methods to minimize the environmental impact of industrial production processes. +Analyze changes designed to improve the environmental performance of complex systems and avoid unintended negative consequences. +Conduct environmental sustainability assessments, using material flow analysis (MFA) or substance flow analysis (SFA) techniques. +Identify sustainable alternatives to industrial or waste-management practices. +Review research literature to maintain knowledge on topics related to industrial ecology, such as physical science, technology, economy, and public policy. +Redesign linear, or open-loop, systems into cyclical, or closed-loop, systems so that waste products become inputs for new processes, modeling natural ecosystems. +Prepare technical and research reports, such as environmental impact reports, and communicate the results to individuals in industry, government, or the general public. +Examine local, regional, or global use and flow of materials or energy in industrial production processes. +Monitor the environmental impact of development activities, pollution, or land degradation. +Build and maintain databases of information about energy alternatives, pollutants, natural environments, industrial processes, and other information related to ecological change. +Perform analyses to determine how human behavior can affect, and be affected by, changes in the environment. +Recommend methods to protect the environment or minimize environmental damage from industrial production practices. +Translate the theories of industrial ecology into eco-industrial practices. +Develop alternative energy investment scenarios to compare economic and environmental costs and benefits. +Carry out environmental assessments in accordance with applicable standards, regulations, or laws. +Examine societal issues and their relationship with both technical systems and the environment. +Plan or conduct field research on topics such as industrial production, industrial ecology, population ecology, and environmental production or sustainability. +Create complex and dynamic mathematical models of population, community, or ecological systems. +Evaluate the effectiveness of industrial ecology programs, using statistical analysis and applications. +Forecast future status or condition of ecosystems, based on changing industrial practices or environmental conditions. +Review industrial practices, such as the methods and materials used in construction or production, to identify potential liabilities and environmental hazards. +Apply new or existing research about natural ecosystems to understand economic and industrial systems in the context of the environment. +Prepare plans to manage renewable resources. +Identify or compare the component parts or relationships between the parts of industrial, social, and natural systems. +Plan or conduct studies of the ecological implications of historic or projected changes in industrial processes or development. +Research sources of pollution to determine environmental impact or to develop methods of pollution abatement or control. +Perform environmentally extended input-output (EE I-O) analyses. +Promote use of environmental management systems (EMS) to reduce waste or to improve environmentally sound use of natural resources. +Investigate the impact of changed land management or land use practices on ecosystems. +Develop or test protocols to monitor ecosystem components and ecological processes. +Research environmental effects of land and water use to determine methods of improving environmental conditions or increasing outputs, such as crop yields. +Provide industrial managers with technical materials on environmental issues, regulatory guidelines, or compliance actions. +Conduct applied research on the effects of industrial processes on the protection, restoration, inventory, monitoring, or reintroduction of species to the natural environment. +Conduct scientific protection, mitigation, or restoration projects to prevent resource damage, maintain the integrity of critical habitats, and minimize the impact of human activities. +Investigate accidents affecting the environment to assess ecological impact. +Conduct analyses to determine the maximum amount of work that can be accomplished for a given amount of energy in a system, such as industrial production systems and waste treatment systems. +Investigate the adaptability of various animal and plant species to changed environmental conditions. +Conduct life cycle assessments of products.","Analytical or scientific software— Economic Input-Output Life Cycle Assessment EIO-LCA; PRe Consultants SimaPro; StataCorp Stata; Substance Flow Analysis STAN;5 more +Cloud-based management software— Splunk Enterprise +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA +Customer relationship management CRM software— Salesforce software +Data base management system software— Apache Hadoop; Microsoft SQL Server; NoSQL +Data base user interface and query software— Microsoft Access; Online databases; Oracle Database; Structure query language SQL +Development environment software— Microsoft Visual Studio +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software +Enterprise resource planning ERP software— Microsoft Dynamics; Microsoft Dynamics AX; SAP software +File versioning software— Git +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Object or component oriented development software— C#; Oracle Java; Python +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debugging software +Project management software— Atlassian JIRA; Productivity software +Sales and marketing software— Sales Automation Software +Spreadsheet software— Microsoft Excel","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Research environmental impact of industrial or development activities. +Develop sustainable industrial or development methods. +Identify sustainable business practices. +Research impacts of environmental conservation initiatives. +Review professional literature to maintain professional knowledge. +Communicate results of environmental research. +Prepare research or technical reports on environmental issues. +Monitor environmental impacts of production or development activities. +Develop technical or scientific databases. +Advise others about environmental management or conservation. +Apply knowledge or research findings to address environmental problems. +Develop environmental sustainability plans or projects. +Plan environmental research. +Conduct research on social issues. +Develop mathematical models of environmental conditions. +Develop plans to manage natural or renewable resources. +Appraise environmental impact of regulations or policies. +Analyze environmental data. +Promote environmental sustainability or conservation initiatives. +Prepare information or documentation related to legal or regulatory matters. +Plan natural resources conservation or restoration programs. +Conduct research of processes in natural or industrial ecosystems.","E-Mail— 87% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Every day.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Telephone Conversations— 41% responded “Every day.” +Spend Time Sitting— 43% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Contact With Others— 35% responded “Contact with others most of the time.” +Written Letters and Memos— 59% responded “Once a month or more but not every week.” +Level of Competition— 41% responded “Moderately competitive.” +Indoors, Environmentally Controlled— 36% responded “Every day.” +Time Pressure— 65% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Moderate results.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Climate Change Policy Analysts +Conservation Scientists +Environmental Engineers +Environmental Restoration Planners +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Hydrologists +Soil and Plant Scientists +Water Resource Specialists","View the list of Allies +Ecological Society of America +external site +Society of Environmental Toxicology and Chemistry +external site +Academy of Clinical Laboratory Physicians and Scientists +external site +American Association for the Advancement of Science +external site +American Geosciences Institute +external site +American Society of Civil Engineers +external site +Association of Environmental Engineering and Science Professors +external site +International Association for Impact Assessment +external site +International Input - Output Association +external site +International Society for Industrial Ecology +external site +National Environmental Health Association +external site +University Corporation for Atmospheric Research +external site",27,32,56,56,82,46,22,46,27,34,24,20,63,59,13,48,42,32,10,43,28,1,29,24,7,76,36,57,53,54,48,6,12 +27-3091.00,Interpreters and Translators,https://www.onetonline.org/link/summary/27-3091.00,2025-06-11T19:03:54.386692,"Follow ethical codes that protect the confidentiality of information. +Translate messages simultaneously or consecutively into specified languages, orally or by using hand signs, maintaining message content, context, and style as much as possible. +Listen to speakers' statements to determine meanings and to prepare translations, using electronic listening systems as necessary. +Compile terminology and information to be used in translations, including technical terms such as those for legal or medical material. +Refer to reference materials, such as dictionaries, lexicons, encyclopedias, and computerized terminology banks, as needed to ensure translation accuracy. +Check translations of technical terms and terminology to ensure that they are accurate and remain consistent throughout translation revisions. +Identify and resolve conflicts related to the meanings of words, concepts, practices, or behaviors. +Compile information on content and context of information to be translated and on intended audience. +Adapt translations to students' cognitive and grade levels, collaborating with educational team members as necessary. +Check original texts or confer with authors to ensure that translations retain the content, meaning, and feeling of the original material. +Adapt software and accompanying technical documents to another language and culture. +Educate students, parents, staff, and teachers about the roles and functions of educational interpreters. +Proofread, edit, and revise translated materials. +Train and supervise other translators or interpreters. +Read written materials, such as legal documents, scientific works, or news reports, and rewrite material into specified languages. +Travel with or guide tourists who speak another language. +Discuss translation requirements with clients and determine any fees to be charged for services provided.","Data base user interface and query software— Microsoft Access +Dictionary software— Electronic dictionaries +Electronic mail software— Microsoft Outlook +Foreign language software— AceTools.biz Ace Translator; Adapt It; Smart Link Corporation ImTranslator; Stormdance CatsCradle;11 more +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Mobile messaging service software— Intrado SchoolMessenger +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Extensible hypertext markup language XHTML; Hypertext markup language HTML +Word processing software— Microsoft Word","Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Translate information for others. +Compile technical information or documentation. +Conduct research to inform art, designs, or other work. +Verify accuracy of data. +Provide educational information to the public. +Edit written materials. +Train others on work processes. +Confer with clients to determine needs.","Importance of Being Exact or Accurate— 92% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 88% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Contact With Others— 71% responded “Constant contact with others.” +E-Mail— 74% responded “Every day.” +Frequency of Decision Making— 64% responded “Every day.” +Importance of Repeating Same Tasks— 55% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Time Pressure— 72% responded “Every day.” +Level of Competition— 35% responded “Extremely competitive.” +Telephone Conversations— 33% responded “Every day.” +Spend Time Sitting— 39% responded “Continually or almost continually.” +Consequence of Error— 51% responded “Extremely serious.” +Physical Proximity— 58% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 46% responded “High responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a year or more but not every month.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Foreign Language— Knowledge of the structure and content of a foreign (non-English) language including the meaning and spelling of words, rules of composition and grammar, and pronunciation. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +English Language and Literature Teachers, Postsecondary +Foreign Language and Literature Teachers, Postsecondary +Proofreaders and Copy Markers +Secondary School Teachers, Except Special and Career/Technical Education +Social Science Research Assistants +Bright Outlook +Speech-Language Pathologists +Speech-Language Pathology Assistants +Technical Writers +Tutors","View the list of Allies +Alexander Graham Bell Association for the Deaf and Hard of Hearing +external site +American Association of the DeafBlind +external site +American Literary Translators Association +external site +American Sign Language Teachers Association +external site +American Translators Association +external site +Conference of Interpreter Trainers +external site +International Association of Conference Interpreters +external site +National Association of Judiciary Interpreters and Translators +external site +National Council on Interpreting in Health Care +external site +Registry of Interpreters for the Deaf +external site +World Association of Sign Language Interpreters +external site +New England Translators Association +external site +Communications Workers of America +external site",72,3,19,92,34,35,52,60,56,17,13,28,11,48,78,51,39,6,17,20,38,22,37,27,31,9,5,8,26,10,30,6,19 +33-3051.00,Police and Sheriff's Patrol Officers,https://www.onetonline.org/link/summary/33-3051.00,2025-06-11T19:10:52.949774,"Identify, pursue, and arrest suspects and perpetrators of criminal acts. +Provide for public safety by maintaining order, responding to emergencies, protecting people and property, enforcing motor vehicle and criminal laws, and promoting good community relations. +Record facts to prepare reports that document incidents and activities. +Render aid to accident survivors and other persons requiring first aid for physical injuries. +Review facts of incidents to determine if criminal act or statute violations were involved. +Investigate illegal or suspicious activities. +Monitor, note, report, and investigate suspicious persons and situations, safety hazards, and unusual or illegal activity in patrol area. +Testify in court to present evidence or act as witness in traffic and criminal cases. +Relay complaint and emergency-request information to appropriate agency dispatchers. +Monitor traffic to ensure motorists observe traffic regulations and exhibit safe driving procedures. +Drive vehicles or patrol specific areas to detect law violators, issue citations, and make arrests. +Execute arrest warrants, locating and taking persons into custody. +Patrol and guard courthouses, grand jury rooms, or assigned areas to provide security, enforce laws, maintain order, and arrest violators. +Photograph or draw diagrams of crime or accident scenes and interview principals and eyewitnesses. +Evaluate complaint and emergency-request information to determine response requirements. +Patrol specific area on foot, horseback, or motorized conveyance, responding promptly to calls for assistance. +Investigate traffic accidents and other accidents to determine causes and to determine if a crime has been committed. +Verify that the proper legal charges have been made against law offenders. +Transport or escort prisoners and defendants en route to courtrooms, prisons or jails, attorneys' offices, or medical facilities. +Direct traffic flow and reroute traffic in case of emergencies. +Question individuals entering secured areas to determine their business, directing and rerouting individuals as necessary. +Notify patrol units to take violators into custody or to provide needed assistance or medical aid. +Place people in protective custody. +Serve statements of claims, subpoenas, summonses, jury summonses, orders to pay alimony, and other court orders. +Inform citizens of community services and recommend options to facilitate longer-term problem resolution. +Locate and confiscate real or personal property, as directed by court order. +Provide road information to assist motorists. +Conduct community programs for all ages concerning topics such as drugs and violence. +Process prisoners, and prepare and maintain records of prisoner bookings and prisoner status during booking and pre-trial process. +Supervise law enforcement staff, such as jail staff, officers, and deputy sheriffs.","Data base user interface and query software— Database software; Microsoft Access; National Crime Information Center (NCIC) database; Spillman Technologies Records Management;3 more +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcView +Graphics or photo imaging software— Computer aided composite drawing software; DesignWare 3D EyeWitness; SmugMug Flickr; The CAD Zone The Crime Zone;1 more +Helpdesk or call center software— Computer aided dispatch software +Internet browser software— Microsoft Internet Explorer; Web browser software +Map creation software— Crime mapping software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Apprehend criminal suspects. +Respond to emergencies to provide assistance. +Maintain public order or security. +Prepare investigation or incident reports. +Administer first aid. +Investigate accidents to determine causes. +Investigate illegal or suspicious activities. +Communicate situation details to appropriate personnel. +Maintain surveillance of individuals or establishments. +Testify at legal or legislative proceedings. +Maintain operational records. +Record information about suspects or criminals. +Monitor access or flow of people to prevent problems. +Relay information about incidents or emergencies to personnel using phones or two-way radios. +Patrol properties to maintain safety. +Determine operational procedures. +Guard facilities. +Interview people to gather information about criminal activities. +Record crime or accident scene evidence with video or still cameras. +Investigate legal issues. +Direct law enforcement activities. +Escort prisoners to courtrooms, prisons, or other facilities. +Direct vehicle traffic. +Interview people to obtain information about actions or status of individuals. +Detain suspects or witnesses. +Inform the public about policies, services or procedures. +Recommend improvements to increase safety or reduce risks. +Serve court ordered documents. +Confiscate prohibited or dangerous items. +Locate suspicious objects or vehicles. +Assist motorists or pedestrians. +Communicate health and wellness information to the public. +Present social services program information to the public.","Deal With External Customers or the Public in General— 86% responded “Extremely important.” +Contact With Others— 80% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Importance of Being Exact or Accurate— 76% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 86% responded “Every day.” +Frequency of Decision Making— 82% responded “Every day.” +Telephone Conversations— 78% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 69% responded “Every day.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 74% responded “Every day.” +Freedom to Make Decisions— 62% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 68% responded “Very important results.” +Health and Safety of Other Workers— 62% responded “Very high responsibility.” +Conflict Situations— 60% responded “Every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +E-Mail— 59% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Dealing with Violent or Physically Aggressive People— 38% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 51% responded “Every day.” +Physical Proximity— 48% responded “Very close (near touching).” +Time Pressure— 46% responded “Every day.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 40% responded “Every day.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Consequence of Error— 59% responded “Extremely serious.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 46% responded “Every day.” +Exposed to Contaminants— 30% responded “Every day.” +Spend Time Sitting— 45% responded “About half the time.” +Exposed to Disease or Infections— 33% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 41% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 28% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 34% responded “Moderate responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Once a year or more but not every month.” +Indoors, Environmentally Controlled— 27% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bailiffs +Correctional Officers and Jailers +Customs and Border Protection Officers +Detectives and Criminal Investigators +First-Line Supervisors of Correctional Officers +First-Line Supervisors of Police and Detectives +Private Detectives and Investigators +Probation Officers and Correctional Treatment Specialists +Security Guards +Bright Outlook +Transit and Railroad Police","View the list of Allies +American Association of State Troopers +external site +APCO International +external site +Fraternal Order of Police +external site +International Association of Chiefs of Police +external site +National Conference of Law Enforcement Emerald Societies +external site +National Narcotic Officers' Associations' Coalition +external site +National Sheriffs' Association +external site +National Tactical Officers Association +external site +United States Deputy Sheriffs' Association +external site +International Union of Police Associations +external site",75,4,18,82,35,62,96,69,61,27,14,45,28,60,29,96,58,21,27,53,77,49,50,62,27,18,8,21,17,17,51,4,17 +29-1223.00,Psychiatrists,https://www.onetonline.org/link/summary/29-1223.00,2025-06-11T19:06:57.830020,"Prescribe, direct, or administer psychotherapeutic treatments or medications to treat mental, emotional, or behavioral disorders. +Gather and maintain patient information and records, including social or medical history obtained from patients, relatives, or other professionals. +Design individualized care plans, using a variety of treatments. +Collaborate with physicians, psychologists, social workers, psychiatric nurses, or other professionals to discuss treatment plans and progress. +Analyze and evaluate patient data or test findings to diagnose nature or extent of mental disorder. +Examine or conduct laboratory or diagnostic tests on patients to provide information on general physical condition or mental disorder. +Counsel outpatients or other patients during office visits. +Advise or inform guardians, relatives, or significant others of patients' conditions or treatment. +Teach, take continuing education classes, attend conferences or seminars, or conduct research and publish findings to increase understanding of mental, emotional, or behavioral states or disorders. +Review and evaluate treatment procedures and outcomes of other psychiatrists or medical professionals. +Prepare and submit case reports or summaries to government or mental health agencies. +Serve on committees to promote or maintain community mental health services or delivery systems. +Perform mental health evaluations to provide information to courts of law on patients' mental states.","Accounting software— FifthWalk BillingTracker Pro +Data base user interface and query software— Psychiatric information databases +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Virtual reality software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Electronic medical record EMR software; Epic Systems; MEDITECH software;18 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Time accounting software— Blumenthal Software PBSW24 +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Prescribe medications. +Prescribe treatments or therapies. +Treat patients using psychological therapies. +Collect medical information from patients, family members, or other medical professionals. +Record patient medical histories. +Develop medical treatment plans. +Analyze test data or images to inform diagnosis or treatment. +Collaborate with healthcare professionals to plan or provide treatment. +Examine patients to assess general physical condition. +Advise patients on effects of health conditions or treatments. +Explain medical procedures or test results to patients or family members. +Conduct research to increase knowledge about medical issues. +Maintain medical or professional knowledge. +Present medical research reports. +Analyze quantitative data to determine effectiveness of treatments or therapies. +Prepare official health documents or records. +Prepare reports summarizing patient diagnostic or care activities.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Freedom to Make Decisions— 87% responded “A lot of freedom.” +E-Mail— 89% responded “Every day.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Contact With Others— 52% responded “Contact with others most of the time.” +Frequency of Decision Making— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Written Letters and Memos— 51% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Spend Time Sitting— 43% responded “More than half the time.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Consequence of Error— 40% responded “Extremely serious.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Conflict Situations— 37% responded “Every day.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Exposed to Disease or Infections— 35% responded “Once a week or more but not every day.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Dealing with Violent or Physically Aggressive People— 43% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Level of Competition— 47% responded “Moderately competitive.” +Health and Safety of Other Workers— 40% responded “Limited responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical and Counseling Psychologists +Clinical Neuropsychologists +Clinical Nurse Specialists +Family Medicine Physicians +General Internal Medicine Physicians +Neurologists +Neuropsychologists +Pediatric Surgeons +Pediatricians, General","View the list of Allies +Alpha Omega Alpha Honor Medical Society +external site +American Academy of Child and Adolescent Psychiatry +external site +American Academy of Family Physicians +external site +American Academy of Pediatrics +external site +American Academy of Psychiatry and the Law +external site +American Association for Geriatric Psychiatry +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American College of Psychiatrists +external site +American Medical Association +external site +American Neuropsychiatric Association +external site +American Osteopathic Association +external site +American Psychiatric Association +external site +American Psychological Association +external site +American Society of Addiction Medicine +external site +Association for Behavioral and Cognitive Therapies +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +International Psychogeriatric Association +external site +Western Psychological Association +external site +New England Psychological Association +external site +Southwestern Psychological Association +external site +American Board of Physician Specialties +external site +American Board of Psychiatry and Neurology +external site +American College of Physicians +external site +American College of Surgeons +external site",67,,4,82,40,56,42,67,40,28,24,34,48,51,29,45,25,4,51,15,98,99,63,19,94,6,1,18,70,2,25,5,17 +27-4011.00,Audio and Video Technicians,https://www.onetonline.org/link/summary/27-4011.00,2025-06-11T19:03:58.957279,"Notify supervisors when major equipment repairs are needed. +Diagnose and resolve media system problems. +Direct and coordinate activities of assistants and other personnel during production. +Compress, digitize, duplicate, and store audio and video data. +Install, adjust, and operate electronic equipment to record, edit, and transmit radio and television programs, motion pictures, video conferencing, or multimedia presentations. +Control the lights and sound of events, such as live concerts, before and after performances, and during intermissions. +Switch sources of video input from one camera or studio to another, from film to live programming, or from network to local programming. +Record and edit audio material, such as movie soundtracks, using audio recording and editing equipment. +Perform minor repairs and routine cleaning of audio and video equipment. +Design layouts of audio and video equipment and perform upgrades and maintenance. +Conduct training sessions on selection, use, and design of audio-visual materials and on operation of presentation equipment. +Monitor incoming and outgoing pictures and sound feeds to ensure quality and notify directors of any possible problems. +Mix and regulate sound inputs and feeds or coordinate audio feeds with television pictures. +Construct and position properties, sets, lighting equipment, and other equipment. +Reserve audio-visual equipment and facilities, such as meeting rooms. +Determine formats, approaches, content, levels, and mediums to effectively meet objectives within budgetary constraints, using research, knowledge, and training. +Edit videotapes by erasing and removing portions of programs and adding video or sound as required. +Obtain, set up, and load videotapes for scheduled productions or broadcasts. +Produce rough and finished graphics and graphic designs. +Locate and secure settings, properties, effects, and other production necessities. +Meet with directors and senior members of camera crews to discuss assignments and determine filming sequences, camera movements, and picture composition. +Maintain inventories of audio and videotapes and related supplies. +Obtain and preview musical performance programs prior to events to become familiar with the order and approximate times of pieces. +Perform narration of productions or present announcements. +Plan and develop pre-production ideas into outlines, scripts, story boards, and graphics, using own ideas or specifications of assignments. +Organize and maintain compliance, license, and warranty information related to audio and video facilities. +Inform users of audio and videotaping service policies and procedures. +Analyze and maintain data logs for audio-visual activities. +Develop manuals, texts, workbooks, or related materials for use in conjunction with production materials or for training. +Operate drones for aerial videography and photography during live events or for pre-recorded material. +Purchase audio or video equipment.","Computer aided design CAD software +Data base user interface and query software— Blackboard software; Microsoft Access +Desktop publishing software— Adobe InDesign +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Office suite software— Microsoft Office software +Operating system software— Cisco IOS; Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Teams +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex; Zoom +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; Corel Ulead DVD Workshop; YouTube;1 more +Web page creation and editing software— Adobe Dreamweaver +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Notify others of equipment problems. +Maintain recording or broadcasting equipment. +Maintain records, documents, or other files. +Convert data among multiple digital or analog formats. +Coordinate activities of production personnel. +Operate communications, transmissions, or broadcasting equipment. +Monitor broadcasting operations to ensure proper functioning. +Operate control consoles for sound, lighting or video. +Mix sound inputs. +Edit audio or video recordings. +Operate audio recording equipment. +Coordinate logistics for productions or events. +Set up still or video cameras or related equipment. +Construct distinctive physical objects for artistic, functional, or commercial purposes. +Determine technical requirements of productions or projects. +Draw detailed or technical illustrations. +Collaborate with others to determine technical details of productions. +Train others on work processes. +Maintain inventories of materials, equipment, or products. +Study details of musical compositions. +Inform viewers, listeners, or audiences. +Write material for artistic or entertainment purposes. +Compile technical information or documentation. +Maintain logs of production activities. +Write informational material.","Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 74% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +E-Mail +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Freedom to Make Decisions— 56% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Telephone Conversations— 58% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 60% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 56% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Very important results.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Contact With Others— 55% responded “Constant contact with others.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Spend Time Sitting— 34% responded “About half the time.” +Frequency of Decision Making— 54% responded “Every day.” +Physical Proximity— 44% responded “Slightly close (e.g., shared office).” +Spend Time Making Repetitive Motions— 30% responded “Less than half the time.” +Health and Safety of Other Workers— 33% responded “Very high responsibility.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Audiovisual Equipment Installers and Repairers +Broadcast Technicians +Calibration Technologists and Technicians +Bright Outlook +Camera Operators, Television, Video, and Film +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Lighting Technicians +Motion Picture Projectionists +Robotics Technicians +Sound Engineering Technicians","View the list of Allies +Audio Engineering Society +external site +Audiovisual and Integrated Experience Association +external site +Cinema Audio Society +external site +Educational Technology Collaborative +external site +National Association of Broadcasters +external site +The National Academy of Television Arts and Sciences +external site +United States Institute for Theatre Technology +external site +International Alliance of Theatrical Stage Employees, Moving Picture Technicians, Artists and Allied Crafts +external site +International Brotherhood of Electrical Workers +external site +National Association of Broadcast Employees and Technicians - Communications Workers of America +external site +National Education Association +external site +Society of Broadcast Engineers +external site",60,2,36,76,46,50,52,52,36,15,21,37,17,78,6,41,77,48,15,30,34,11,24,68,10,64,24,43,9,50,21,65,19 +29-2012.01,Histology Technicians,https://www.onetonline.org/link/summary/29-2012.01,2025-06-11T19:07:55.686019,"Archive diagnostic material, such as histologic slides and blocks. +Cut sections of body tissues for microscopic examination, using microtomes. +Embed tissue specimens into paraffin wax blocks, or infiltrate tissue specimens with wax. +Freeze tissue specimens. +Maintain laboratory equipment, such as microscopes, mass spectrometers, microtomes, immunostainers, tissue processors, embedding centers, and water baths. +Mount tissue specimens on glass slides. +Operate computerized laboratory equipment to dehydrate, decalcify, or microincinerate tissue samples. +Stain tissue specimens with dyes or other chemicals to make cell details visible under microscopes.","Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Label making software— Brady Specimen Labeling System; Specimen labeling system software +Medical software— Cerner Millennium; Laboratory information system LIS; MEDITECH software +Office suite software— Microsoft Office software +Presentation software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Prepare biological specimens for laboratory analysis. +Collect biological specimens from patients. +Maintain medical laboratory equipment. +Operate laboratory equipment to analyze medical samples. +Prepare materials for preservation, storage, or display.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Biological Technicians +Bright Outlook +Cardiovascular Technologists and Technicians +Cytogenetic Technologists +Diagnostic Medical Sonographers +Histotechnologists +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Phlebotomists +Radiologic Technologists and Technicians +Surgical Technologists","View the list of Allies +American Society for Clinical Pathology +external site +National Society for Histotechnology +external site +Academy of Clinical Laboratory Physicians and Scientists +external site +American Association of Bioanalysts +external site +American Association of Pathologists' Assistants +external site +American Society for Investigative Pathology +external site +American Society of Cytopathology +external site +American Society of Hematology +external site +Association for Diagnostics and Laboratory Medicine +external site +Association for Molecular Pathology +external site +Association for Professionals in Infection Control and Epidemiology +external site +Association of Clinical Scientists +external site +Association of Public Health Laboratories +external site +College of American Pathologists +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +International Academy of Cytology +external site +International Clinical Cytometry Society +external site +International Federation of Biomedical Laboratory Science +external site +International Society for Biological and Environmental Repositories +external site +International Society for Laboratory Hematology +external site +The Biological Stain Commission +external site +The International Academy of Pathology +external site +The Pathological Society +external site +United States and Canadian Academy of Pathology +external site +South Central Association for Clinical Microbiology +external site +American Society for Clinical Pathology Board of Certification +external site +American Medical Technologists +external site +National Accrediting Agency for Clinical Laboratory Sciences +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +53-4013.00,"Rail Yard Engineers, Dinkey Operators, and Hostlers",https://www.onetonline.org/link/summary/53-4013.00,2025-06-11T19:29:33.198901,"Observe and respond to wayside and cab signals, including color light signals, position signals, torpedoes, flags, and hot box detectors. +Inspect engines before and after use to ensure proper operation. +Apply and release hand brakes. +Signal crew members for movement of engines or trains, using lanterns, hand signals, radios, or telephones. +Confer with conductors and other workers via radiotelephones or computers to exchange switching information. +Inspect track for defects such as broken rails and switch malfunctions. +Observe water levels and oil, air, and steam pressure gauges to ensure proper operation of equipment. +Couple and uncouple air hoses and electrical connections between cars. +Drive engines within railroad yards or other establishments to couple, uncouple, or switch railroad cars. +Inspect the condition of stationary trains, rolling stock, and equipment. +Read switching instructions and daily car schedules to determine work to be performed, or receive orders from yard conductors. +Receive, relay, and act upon instructions and inquiries from train operations and customer service center personnel. +Spot cars for loading and unloading at customer locations. +Operate track switches, derails, automatic switches, and retarders to change routing of train or cars. +Report arrival and departure times, train delays, work order completion, and time on duty. +Perform routine repair and maintenance duties. +Drive locomotives to and from various stations in roundhouses to have locomotives cleaned, serviced, repaired, or supplied. +Pull knuckles to open them for coupling. +Provide assistance in aligning drawbars, using available equipment to lift, pull, or push on the drawbars. +Ride on moving cars by holding onto grab irons and standing on ladder steps. +Record numbers of cars available, numbers of cars sent to repair stations, and types of service needed. +Operate flatcars equipped with derricks or railcars to transport personnel or equipment. +Provide assistance in the installation or repair of rails and ties.","Data base user interface and query software— Railyard management software RMS +Expert system software— Positive train control PTC systems +Facilities management software— Railcar inspection management software +Industrial control software— RailComm DocYard; Softrail AEI Automatic Yard Tracking System +Internet browser software— Web browser software +Inventory management software— Railyard inventory software; Softrail AEI Rail & Road Manager","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Monitor traffic signals. +Inspect locomotives or other railroad equipment. +Operate locomotives or other rail vehicles. +Communicate with others to coordinate vehicle movement. +Signal others to coordinate vehicle movement. +Connect cables or electrical lines. +Connect hoses to equipment or machinery. +Measure the level or depth of water or other liquids. +Receive information or instructions for performing work assignments. +Review work orders or schedules to determine operations or procedures. +Monitor vehicle movement or location. +Control equipment that regulates vehicle traffic. +Climb ladders or vehicles to perform duties. +Maintain locomotives or other rail equipment in good working condition. +Position material handling equipment. +Record operational or production data. +Record service or repair activities.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Work With or Contribute to a Work Group or Team— 91% responded “Extremely important.” +Health and Safety of Other Workers— 78% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 81% responded “Every day.” +Consequence of Error— 79% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 73% responded “Every day.” +Contact With Others— 68% responded “Constant contact with others.” +Exposed to Contaminants— 63% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 53% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 52% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Very important results.” +Work Outcomes and Results of Other Workers— 42% responded “High responsibility.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 51% responded “Every day.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +Spend Time Sitting— 44% responded “More than half the time.” +Indoors, Not Environmentally Controlled— 62% responded “Every day.” +Importance of Being Exact or Accurate— 31% responded “Very important.” +Frequency of Decision Making— 43% responded “Every day.” +Time Pressure— 33% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 34% responded “Every day.” +Telephone Conversations— 35% responded “Every day.” +Determine Tasks, Priorities and Goals— 31% responded “Some freedom.” +Importance of Repeating Same Tasks— 34% responded “Important.” +Exposed to Whole Body Vibration— 29% responded “Every day.” +Conflict Situations— 27% responded “Once a week or more but not every day.”","Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Recognition— The ability to identify and understand the speech of another person. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bus and Truck Mechanics and Diesel Engine Specialists +Heavy and Tractor-Trailer Truck Drivers +Bright Outlook +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Loading and Moving Machine Operators, Underground Mining +Locomotive Engineers +Operating Engineers and Other Construction Equipment Operators +Railroad Brake, Signal, and Switch Operators and Locomotive Firers +Railroad Conductors and Yardmasters +Tank Car, Truck, and Ship Loaders","View the list of Allies +Association of American Railroads +external site +Brotherhood of Locomotive Engineers and Trainmen +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site",50,5,21,53,34,56,66,49,49,22,26,27,7,33,4,41,26,54,5,79,16,6,6,33,8,31,15,22,3,12,29,,3 +47-5071.00,"Roustabouts, Oil and Gas",https://www.onetonline.org/link/summary/47-5071.00,2025-06-11T19:20:58.579388,"Unscrew or tighten pipes, casing, tubing, and pump rods, using hand and power wrenches and tongs. +Dismantle and repair oil field machinery, boilers, and steam engine parts, using hand tools and power tools. +Guide cranes to move loads about decks. +Walk flow lines to locate leaks, using electronic detectors and by making visual inspections, and repair the leaks. +Lay gas and oil pipelines. +Bolt together pump and engine parts. +Move pipes to and from trucks, using truck winches and motorized lifts, or by hand. +Clean trucks used in the fields. +Dig holes, set forms, and mix and pour concrete into forms to make foundations for wood or steel derricks. +Supply equipment to rig floors as requested and provide assistance to roughnecks. +Clean up spilled oil by bailing it into barrels. +Dig drainage ditches around wells and storage tanks. +Cut down and remove trees and brush to clear drill sites, to reduce fire hazards, and to make way for roads to sites.","Data base management system software— Database management systems +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Maintenance software; SAP software +Internet protocol IP multimedia subsystem software— Telephony software +Inventory management software— Enertia; Inventory management systems +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows; Microsoft Windows XP +Presentation software— Microsoft PowerPoint +Procurement software— Purchasing software +Project management software— Maintenance record software +Spreadsheet software— Microsoft Excel +Switch or router software— Token Ring +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Install plumbing or piping. +Maintain mechanical equipment. +Operate cranes, hoists, or other moving or lifting equipment. +Locate equipment or materials in need of repair or replacement. +Maintain extraction or excavation equipment. +Install production equipment or systems. +Dig holes or trenches. +Mix substances or compounds needed for work activities. +Pour materials into or on designated areas. +Assemble products or production equipment. +Load or unload materials used in construction or extraction. +Clean vehicles or vehicle components. +Assist skilled construction or extraction personnel. +Move construction or extraction materials to locations where they are needed. +Clean work sites. +Remove debris or vegetation from work sites.","Outdoors, Exposed to All Weather Conditions— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Contact With Others— 84% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 62% responded “Every day.” +Frequency of Decision Making— 76% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 27% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 72% responded “Every day.” +Time Pressure— 55% responded “Every day.” +Indoors, Not Environmentally Controlled— 13% responded “Once a year or more but not every month.” +Spend Time Standing— 82% responded “More than half the time.” +Exposed to Contaminants— 16% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Freedom to Make Decisions— 28% responded “A lot of freedom.” +Physical Proximity— 51% responded “Moderately close (at arm's length).” +Duration of Typical Work Week +Impact of Decisions on Co-workers or Company Results— 46% responded “Moderate results.” +Importance of Being Exact or Accurate— 46% responded “Important.” +Spend Time Bending or Twisting Your Body— 44% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 56% responded “Every day.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Consequence of Error— 14% responded “Fairly serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Exposed to Hazardous Conditions— 36% responded “Every day.” +Importance of Repeating Same Tasks— 20% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Very important.” +Exposed to Cramped Work Space, Awkward Positions— 31% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 27% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 30% responded “Every day.” +Spend Time Walking or Running— 60% responded “About half the time.” +Level of Competition— 32% responded “Not at all competitive.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Construction Laborers +Bright Outlook +Derrick Operators, Oil and Gas +Earth Drillers, Except Oil and Gas +Helpers--Extraction Workers +Hoist and Winch Operators +Maintenance Workers, Machinery +Operating Engineers and Other Construction Equipment Operators +Riggers +Rotary Drill Operators, Oil and Gas +Service Unit Operators, Oil and Gas","View the list of Allies +United Steelworkers +external site",52,2,38,35,37,27,22,34,22,13,15,19,26,22,3,7,8,66,3,38,11,2,3,13,2,33,31,34,7,29,17,2,2 +17-3029.08,Photonics Technicians,https://www.onetonline.org/link/summary/17-3029.08,2025-06-11T18:55:39.065769,"Compute or record photonic test data. +Maintain clean working environments, according to clean room standards. +Adjust or maintain equipment, such as lasers, laser systems, microscopes, oscilloscopes, pulse generators, power meters, beam analyzers, or energy measurement devices. +Document procedures, such as calibration of optical or fiber optic equipment. +Set up or operate assembly or processing equipment, such as lasers, cameras, die bonders, wire bonders, dispensers, reflow ovens, soldering irons, die shears, wire pull testers, temperature or humidity chambers, or optical spectrum analyzers. +Assist scientists or engineers in the conduct of photonic experiments. +Test or perform failure analysis for optomechanical or optoelectrical products, according to test plans. +Assist engineers in the development of new products, fixtures, tools, or processes. +Recommend optical or optic equipment design or material changes to reduce costs or processing times. +Set up or operate prototype or test apparatus, such as control consoles, collimators, recording equipment, or cables. +Monitor inventory levels and order supplies as necessary. +Assemble fiber optical, optoelectronic, or free-space optics components, subcomponents, assemblies, or subassemblies. +Optimize photonic process parameters by making prototype or production devices. +Splice fibers, using fusion splicing or other techniques. +Build prototype optomechanical devices for use in equipment such as aerial cameras, gun sights, or telescopes. +Terminate, cure, polish, or test fiber cables with mechanical connectors. +Perform diagnostic analyses of processing steps, using analytical or metrological tools, such as microscopy, profilometry, or ellipsometry devices. +Assemble or adjust parts or related electrical units of prototypes to prepare for testing. +Repair or calibrate products, such as surgical lasers. +Design, build, or modify fixtures used to assemble parts. +Assemble components of energy-efficient optical communications systems involving photonic switches, optical backplanes, or optoelectronic interfaces. +Lay out cutting lines for machining, using drafting tools. +Mix, pour, or use processing chemicals or gases according to safety standards or established operating procedures. +Fabricate devices, such as optoelectronic or semiconductor devices.","Analytical or scientific software— Data acquisition software; Statistical analysis software; The MathWorks MATLAB +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; ZEMAX Optical Design Program +Computer aided manufacturing CAM software +Data base user interface and query software— Database software; Microsoft Access +Development environment software— National Instruments LabVIEW +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Image processing software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Analyze test or validation data. +Document design or operational test results. +Maintain clean work areas. +Calibrate scientific or technical equipment. +Maintain electronic equipment. +Assemble precision electronics or optical equipment. +Create physical models or prototypes. +Prepare procedural documents. +Assist engineers or scientists with research. +Install instrumentation or electronic equipment or systems. +Conduct quantitative failure analyses of operational data. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Design electronic or computer equipment or instrumentation. +Develop technical methods or processes. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Operate industrial equipment. +Analyze operational data to evaluate operations, processes or products. +Assemble equipment or components. +Create schematic drawings for electronics. +Prepare materials for processing. +Maintain inventories of materials, equipment, or products. +Purchase materials, equipment, or other resources. +Fabricate devices or components.","E-Mail— 77% responded “Every day.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 55% responded “Every day.” +Telephone Conversations— 55% responded “Every day.” +Work With or Contribute to a Work Group or Team— 45% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Contact With Others— 38% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Freedom to Make Decisions— 38% responded “Limited freedom.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 64% responded “40 hours.” +Exposed to Hazardous Equipment— 33% responded “Once a week or more but not every day.” +Consequence of Error— 32% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Moderate results.” +Importance of Repeating Same Tasks— 36% responded “Important.” +Exposed to Hazardous Conditions— 27% responded “Once a week or more but not every day.” +Spend Time Standing— 45% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Physical Proximity— 55% responded “Slightly close (e.g., shared office).” +Exposed to Contaminants— 23% responded “Every day.” +Health and Safety of Other Workers— 27% responded “Moderate responsibility.” +Frequency of Decision Making— 29% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 27% responded “More than half the time.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electro-Mechanical and Mechatronics Technologists and Technicians +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Nanotechnology Engineering Technologists and Technicians +Photonics Engineers +Robotics Technicians","View the list of Allies +American Society of Mechanical Engineers +external site +Optica +external site +SAE International +external site +SPIE International Society for Optics and Photonics +external site +Electronics Technicians Association International +external site",51,2,56,56,61,41,32,31,43,18,20,17,31,70,13,25,27,60,1,19,11,1,5,41,4,73,25,55,9,48,9,2,4 +31-1133.00,Psychiatric Aides,https://www.onetonline.org/link/summary/31-1133.00,2025-06-11T19:09:29.475144,"Listen and provide emotional support and encouragement to psychiatric patients. +Provide patients with cognitive, intellectual, or developmental disabilities with routine physical, emotional, psychological, or rehabilitation care under the direction of nursing or medical staff. +Complete physical checks and monitor patients to detect unusual or harmful behavior and report observations to professional staff. +Restrain or aid patients as necessary to prevent injury. +Work as part of a team that may include psychiatrists, psychologists, psychiatric nurses, or social workers. +Record and maintain patient information, such as vital signs, eating habits, behavior, progress notes, treatments, or discharge plans. +Maintain patients' restrictions to assigned areas. +Organize, supervise, or encourage patient participation in social, educational, or recreational activities. +Provide patients with assistance in bathing, dressing, or grooming, demonstrating these skills as necessary. +Aid patients in becoming accustomed to hospital routines. +Serve meals or feed patients needing assistance or persuasion. +Clean and disinfect rooms and furnishings to maintain a safe and orderly environment. +Complete administrative tasks, such as entering orders into computer, answering telephone calls, or maintaining medical or facility information. +Accompany patients to and from wards for medical or dental treatments, shopping trips, or religious or recreational events. +Participate in recreational activities with patients, including card games, sports, or television viewing. +Perform nursing duties, such as administering medications, measuring vital signs, collecting specimens, or drawing blood samples. +Interview patients upon admission and record information.","Electronic mail software— Email software; Microsoft Outlook +Medical software— Patient management software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Encourage patients during therapeutic activities. +Care for patients with mental illnesses. +Assess physical conditions of patients to aid in diagnosis or treatment. +Monitor patients to detect health problems. +Hold patients to ensure proper positioning or safety. +Confer with other professionals to plan patient care. +Maintain medical records. +Record vital statistics or other health information. +Assist patients with daily activities. +Feed patients. +Clean patient rooms or patient treatment rooms. +Perform clerical work in medical settings. +Collect biological specimens from patients. +Give medications or immunizations. +Interview patients to gather medical information. +Accompany patients or clients on outings to provide assistance. +Engage patients in exercises or activities.","Contact With Others— 84% responded “Constant contact with others.” +Physical Proximity— 57% responded “Very close (near touching).” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Exposed to Disease or Infections— 71% responded “Every day.” +Conflict Situations— 27% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 22% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +E-Mail— 54% responded “Every day.” +Health and Safety of Other Workers— 39% responded “High responsibility.” +Consequence of Error— 43% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 35% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Telephone Conversations— 47% responded “Every day.” +Importance of Being Exact or Accurate— 39% responded “Extremely important.” +Importance of Repeating Same Tasks— 37% responded “Extremely important.” +Time Pressure— 39% responded “Every day.” +Dealing with Violent or Physically Aggressive People— 18% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 59% responded “Every day.” +Freedom to Make Decisions— 45% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Frequency of Decision Making— 50% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 34% responded “Every day.” +Work Outcomes and Results of Other Workers— 34% responded “Moderate responsibility.” +Spend Time Standing— 43% responded “About half the time.” +Deal With External Customers or the Public in General— 30% responded “Important.” +Spend Time Bending or Twisting Your Body— 29% responded “About half the time.” +Spend Time Walking or Running— 27% responded “About half the time.” +Written Letters and Memos— 35% responded “Once a month or more but not every week.” +Spend Time Sitting— 42% responded “About half the time.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Home Health Aides +Bright Outlook +Licensed Practical and Licensed Vocational Nurses +Medical Assistants +Nursing Assistants +Occupational Therapy Aides +Occupational Therapy Assistants +Physical Therapist Aides +Physical Therapist Assistants +Psychiatric Technicians +Registered Nurses","View the list of Allies +American Psychiatric Association +external site +American Association of Psychiatric Technicians +external site +National Education Association +external site",65,11,3,53,27,38,47,36,50,16,14,32,17,34,20,19,30,11,37,20,76,53,50,19,34,8,7,6,14,4,14,9,15 +17-3011.00,Architectural and Civil Drafters,https://www.onetonline.org/link/summary/17-3011.00,2025-06-11T18:54:56.036825,"Produce drawings, using computer-assisted drafting systems (CAD) or drafting machines, or by hand, using compasses, dividers, protractors, triangles, and other drafting devices. +Draft plans and detailed drawings for structures, installations, and construction projects, such as highways, sewage disposal systems, and dikes, working from sketches or notes. +Coordinate structural, electrical, and mechanical designs and determine a method of presentation to graphically represent building plans. +Analyze building codes, by-laws, space and site requirements, and other technical documents and reports to determine their effect on architectural designs. +Draw maps, diagrams, and profiles, using cross-sections and surveys, to represent elevations, topographical contours, subsurface formations, and structures. +Lay out and plan interior room arrangements for commercial buildings, using computer-assisted drafting (CAD) equipment and software. +Supervise and train other technologists, technicians, and drafters. +Determine the order of work and method of presentation, such as orthographic or isometric drawing. +Finish and duplicate drawings and documentation packages according to required mediums and specifications for reproduction, using blueprinting, photography, or other duplicating methods. +Draw rough and detailed scale plans for foundations, buildings, and structures, based on preliminary concepts, sketches, engineering calculations, specification sheets, and other data. +Correlate, interpret, and modify data obtained from topographical surveys, well logs, and geophysical prospecting reports. +Check dimensions of materials to be used and assign numbers to lists of materials. +Determine procedures and instructions to be followed, according to design specifications and quantity of required materials. +Supervise or conduct field surveys, inspections, or technical investigations to obtain data required to revise construction drawings. +Explain drawings to production or construction teams and provide adjustments as necessary. +Obtain and assemble data to complete architectural designs, visiting job sites to compile measurements as necessary. +Determine quality, cost, strength, and quantity of required materials, and enter figures on materials lists. +Locate and identify symbols on topographical surveys to denote geological and geophysical formations or oil field installations. +Create freehand drawings and lettering to accompany drawings. +Calculate excavation tonnage and prepare graphs and fill-hauling diagrams for use in earth-moving operations. +Prepare colored drawings of landscape and interior designs for presentation to client. +Calculate weights, volumes, and stress factors and their implications for technical aspects of designs. +Plot characteristics of boreholes for oil and gas wells from photographic subsurface survey recordings and other data, representing depth, degree, and direction of inclination. +Reproduce drawings on copy machines or trace copies of plans and drawings, using transparent paper or cloth, ink, pencil, and standard drafting instruments. +Calculate heat loss and gain of buildings and structures to determine required equipment specifications, following standard procedures. +Prepare cost estimates, contracts, bidding documents, and technical reports for specific projects under an architect's or engineer's supervision. +Represent architect or engineer on construction site, ensuring builder compliance with design specifications and advising on design corrections, under supervision. +Review rough sketches, drawings, specifications, and other engineering data to ensure that they conform to design concepts. +Use drone technology to capture aerial views and topographical data for civil engineering projects.","Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Trimble SketchUp Pro;25 more +Data base user interface and query software— ARCOM Masterspec; Database software; Microsoft Access +Desktop publishing software— Adobe InDesign +Development environment software— C; Microsoft .NET Framework +Document management software— Adobe Acrobat; Document management system software +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— ERP software; SAP software +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS systems +Graphics or photo imaging software— Adobe After Effects; Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop;13 more +Map creation software— Bentley Systems InRoads Suite; Boundary survey software; Geomechanical design analysis GDA software; Topographic map software +Materials requirements planning logistics and supply chain software— Bill of materials software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Digitizing and photogrammetric software; Scanning software +Pattern design software— 100 Plus Hatch Pattern Library +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; SpecsInTact +Spreadsheet software— Microsoft Excel +Video creation and editing software— Animation software; Autodesk 3ds Max +Word processing software— Microsoft Word; Specification software","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Create graphical representations of civil structures. +Create graphical representations of structures or landscapes. +Evaluate technical data to determine effect on designs or plans. +Create maps. +Supervise engineering or other technical personnel. +Prepare detailed work plans. +Analyze operational data to evaluate operations, processes or products. +Verify mathematical calculations. +Determine operational methods. +Survey land or bodies of water to measure or determine features. +Collect data about project sites. +Explain engineering drawings, specifications, or other technical information. +Estimate operational costs. +Estimate technical or resource requirements for development or production projects. +Prepare procedural documents. +Review technical documents to plan work. +Analyze costs and benefits of proposed designs or projects. +Create graphical representations of energy production systems. +Evaluate designs or specifications to ensure quality. +Monitor processes for compliance with standards. +Prepare contracts, disclosures, or applications. +Prepare technical reports for internal use. +Provide technical guidance to other personnel. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Review details of technical drawings or specifications.","E-Mail— How frequently does your job require you to use E-mail? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Spend Time Sitting— How much does this job require sitting? +Telephone Conversations— How often do you have telephone conversations in this job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Written Letters and Memos— How frequently does your job require written letters and memos? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architects, Except Landscape and Naval +Bright Outlook +Architectural and Engineering Managers +Civil Engineering Technologists and Technicians +Civil Engineers +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Drafters +Layout Workers, Metal and Plastic +Mechanical Drafters +Mechanical Engineering Technologists and Technicians +Surveying and Mapping Technicians","View the list of Allies +American Design Drafting Association +external site +American Institute of Architects +external site +American Public Works Association +external site +American Society of Landscape Architects +external site +Association for Career and Technical Education +external site +Autodesk User Group International +external site +International Code Council +external site +National Society of Professional Surveyors +external site +Society of Manufacturing Engineers +external site +Accrediting Commission of Career Schools and Colleges +external site",51,1,37,70,65,51,53,46,37,27,41,20,16,70,14,45,33,38,12,35,12,7,10,27,10,80,81,41,11,83,47,15,12 +11-3061.00,Purchasing Managers,https://www.onetonline.org/link/summary/11-3061.00,2025-06-11T18:47:30.616937,"Develop and implement purchasing and contract management instructions, policies, and procedures. +Locate vendors of materials, equipment or supplies, and interview them to determine product availability and terms of sales. +Prepare bid awards requiring board approval. +Direct and coordinate activities of personnel engaged in buying, selling, and distributing materials, equipment, machinery, and supplies. +Review purchase order claims and contracts for conformance to company policy. +Review, evaluate, and approve specifications for issuing and awarding bids. +Administer online purchasing systems. +Prepare and process requisitions and purchase orders for supplies and equipment. +Interview and hire staff, and oversee staff training. +Develop cost reduction strategies and savings plans. +Control purchasing department budgets. +Resolve vendor or contractor grievances and claims against suppliers. +Analyze market and delivery systems to assess present and future material availability. +Participate in the development of specifications for equipment, products, or substitute materials. +Maintain records of goods ordered and received. +Represent companies in negotiating contracts and formulating policies with suppliers. +Prepare reports regarding market conditions and merchandise costs. +Arrange for disposal of surplus materials.","Business intelligence and data analysis software— Qlik Tech QlikView +Calendar and scheduling software— Scheduling software +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Corel Paradox; Database software; Microsoft Access; Oracle Database +Document management software— Microsoft SharePoint +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;4 more +Financial analysis software— Oracle PeopleSoft Enterprise Financial Management Solutions +Internet browser software— Web browser software +Inventory management software +Materials requirements planning logistics and supply chain software— Infor Lawson Supply Chain Management; Materials requirement planning MRP software +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Procurement software— Automated purchase order software; Purchasing software; PurchasingNet eProcurement; SAP Ariba;1 more +Project management software— Microsoft Project; Oracle Primavera P6 Enterprise Portfolio Project Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Implement organizational process or policy changes. +Interview employees, customers, or others to collect information. +Coordinate with external parties to exchange information. +Prepare financial documents, reports, or budgets. +Approve expenditures. +Examine financial records to ensure compliance with policies or regulations. +Supervise employees. +Verify information or specifications. +Analyze data to assess operational or project effectiveness. +Conduct employee training programs. +Direct financial operations. +Hire personnel. +Prepare forms or applications. +Prepare operational budgets. +Resolve employee or contractor problems. +Analyze data to inform operational decisions or activities. +Implement transportation changes to reduce environmental impact. +Develop specifications for new products or processes. +Maintain operational records. +Negotiate sales or lease agreements for products or services. +Schedule product or material transportation.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Spend Time Sitting— 58% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Importance of Being Exact or Accurate— 53% responded “Extremely important.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Written Letters and Memos— 42% responded “Every day.” +Deal With External Customers or the Public in General— 53% responded “Very important.” +Time Pressure— 47% responded “Every day.” +Work Outcomes and Results of Other Workers— 58% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 58% responded “Very important.” +Duration of Typical Work Week— 47% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Frequency of Decision Making— 32% responded “Every day.” +Importance of Repeating Same Tasks— 44% responded “Very important.” +Level of Competition— 50% responded “Highly competitive.” +Conflict Situations— 58% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Logisticians +Bright Outlook +Logistics Analysts +Management Analysts +Marketing Managers +Procurement Clerks +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Sales Managers +Supply Chain Managers +Transportation, Storage, and Distribution Managers +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +Association for Supply Chain Management +external site +American Purchasing Society +external site +Institute for Supply Management +external site +National Association of State Procurement Officials +external site +NIGP: The Institute for Public Procurement +external site +Universal Public Procurement Certification Council +external site",75,15,45,74,62,82,42,50,60,69,46,59,17,63,11,71,46,22,16,37,25,9,20,40,13,34,38,11,9,29,22,7,12 +51-1011.00,First-Line Supervisors of Production and Operating Workers,https://www.onetonline.org/link/summary/51-1011.00,2025-06-11T19:23:41.079219,"Enforce safety and sanitation regulations. +Keep records of employees' attendance and hours worked. +Inspect materials, products, or equipment to detect defects or malfunctions. +Read and analyze charts, work orders, production schedules, and other records and reports to determine production requirements and to evaluate current production estimates and outputs. +Plan and establish work schedules, assignments, and production sequences to meet production goals. +Confer with other supervisors to coordinate operations and activities within or between departments. +Interpret specifications, blueprints, job orders, and company policies and procedures for workers. +Observe work and monitor gauges, dials, and other indicators to ensure that operators conform to production or processing standards. +Direct and coordinate the activities of employees engaged in the production or processing of goods, such as inspectors, machine setters, or fabricators. +Conduct employee training in equipment operations or work and safety procedures, or assign employee training to experienced workers. +Evaluate employee performance. +Confer with management or subordinates to resolve worker problems, complaints, or grievances. +Determine standards, budgets, production goals, and rates, based on company policies, equipment and labor availability, and workloads. +Calculate labor and equipment requirements and production specifications, using standard formulas. +Recommend or implement measures to motivate employees and to improve production methods, equipment performance, product quality, or efficiency. +Maintain operations data, such as time, production, and cost records, and prepare management reports of production results. +Requisition materials, supplies, equipment parts, or repair services. +Set up and adjust machines and equipment. +Recommend or execute personnel actions, such as hirings, evaluations, or promotions. +Plan and develop new products and production processes.","Analytical or scientific software— Minitab +Computer aided design CAD software— Autodesk AutoCAD +Computer aided manufacturing CAM software +Data base user interface and query software— Database software; Microsoft Access; Microsoft Total Quality Control Management; Operational databases +Document management software— Microsoft SharePoint +Electronic mail software— Email software; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Epicor Vantage ERP; Oracle JD Edwards EnterpriseOne; SAP software; Technology Group International Enterprise 21 ERP;14 more +Financial analysis software— Delphi Technology +Human resources software— GHG Clockwise +Industrial control software— Supervisory control and data acquisition SCADA software +Internet browser software— Apple Safari; Google Chrome; Microsoft Internet Explorer; Mozilla Firefox +Inventory management software +Materials requirements planning logistics and supply chain software— Integrated materials management systems; Materials management software; QA Software QMS Materials Management +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Project management software— HCSS HeavyJob; Microsoft Project; Total quality management TQM software +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Timekeeper; Timekeeping software; Work Technology WorkTech Time +Word processing software— Apple iWork Pages; Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Enforce rules or regulations. +Record operational or production data. +Inspect production equipment. +Study blueprints or other instructions to determine equipment setup requirements. +Plan production or operational procedures or sequences. +Exchange information with colleagues. +Instruct workers to use equipment or perform technical procedures. +Direct operational or production activities. +Monitor equipment operation to ensure proper functioning. +Confer with others to resolve production problems or equipment malfunctions. +Evaluate employee performance. +Calculate specific material, equipment, or labor requirements for production. +Advise others on ways to improve processes or products. +Determine metal or plastic production methods. +Order materials, supplies, or equipment. +Adjust equipment to ensure optimal performance. +Install equipment attachments or components. +Perform human resources activities.","Contact With Others— 90% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Duration of Typical Work Week— 83% responded “More than 40 hours.” +Time Pressure— 69% responded “Every day.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Frequency of Decision Making— 73% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 72% responded “Every day.” +E-Mail— 85% responded “Every day.” +Health and Safety of Other Workers— 51% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 54% responded “Very high responsibility.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 63% responded “Every day.” +Spend Time Standing— 36% responded “Continually or almost continually.” +Telephone Conversations— 67% responded “Every day.” +Pace Determined by Speed of Equipment— 41% responded “Extremely important.” +Conflict Situations— 34% responded “Once a week or more but not every day.” +Exposed to Contaminants— 55% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 38% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a week or more but not every day.” +Physical Proximity— 38% responded “Slightly close (e.g., shared office).” +Spend Time Walking or Running— 33% responded “About half the time.” +Public Speaking— 34% responded “Every day.” +Importance of Repeating Same Tasks— 26% responded “Very important.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Exposed to Hazardous Conditions— 40% responded “Every day.” +Consequence of Error— 27% responded “Extremely serious.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 27% responded “Never.” +Level of Competition— 40% responded “Highly competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Food Preparation and Serving Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Security Workers","View the list of Allies +American Foundry Society +external site +American Society for Quality +external site +Flexographic Technical Association +external site +National Society of Professional Engineers +external site +North American Die Casting Association +external site +Society of Plastics Engineers +external site +TAPPI +external site +International Brotherhood of Electrical Workers +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",49,19,84,63,56,78,49,54,56,30,31,65,28,56,11,25,29,54,20,32,39,17,26,15,11,52,39,26,11,47,12,2,8 +43-9021.00,Data Entry Keyers,https://www.onetonline.org/link/summary/43-9021.00,2025-06-11T19:16:56.356814,"Locate and correct data entry errors, or report them to supervisors. +Compile, sort, and verify the accuracy of data before it is entered. +Compare data with source documents, or re-enter data in verification format to detect errors. +Store completed documents in appropriate locations. +Select materials needed to complete work assignments. +Read source documents such as canceled checks, sales reports, or bills, and enter data in specific data fields or onto tapes or disks for subsequent entry, using keyboards or scanners. +Maintain logs of activities and completed work. +Load machines with required input or output media, such as paper, cards, disks, tape, or Braille media. +Resolve garbled or indecipherable messages, using cryptographic procedures and equipment.","Accounting software— Intuit QuickBooks; Sage 50 Accounting +Cloud-based data access and sharing software— Google Drive +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Salesforce.com Salesforce CRM +Data base user interface and query software— Database software; FileMaker Pro; IBM Informix; Microsoft Access;1 more +Document management software— Perceptive Software Intelligent Capture +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Jenzabar ERP; Microsoft Dynamics; Microsoft Dynamics GP; SAP software +Medical software— Electronic medical record EMR software; Healthcare common procedure coding system HCPCS; Medical condition coding software; Medical procedure coding software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— FaceTime +Word processing software— Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Check data for recording errors. +Provide information to coworkers. +Compile data or documentation. +Enter information into databases or software programs. +Verify accuracy of financial or transactional data. +Select resources needed to accomplish tasks. +Store records or related materials. +Maintain operational records. +Operate office equipment. +Translate information for others.","Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Spend Time Sitting— 93% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 84% responded “Extremely important.” +Spend Time Making Repetitive Motions— 85% responded “Continually or almost continually.” +Freedom to Make Decisions— 21% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +E-Mail— 69% responded “Every day.” +Contact With Others— 11% responded “Occasional contact with others.” +Determine Tasks, Priorities and Goals— 14% responded “Limited freedom.” +Telephone Conversations— 23% responded “Once a week or more but not every day.” +Time Pressure— 56% responded “Every day.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Frequency of Decision Making— 52% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Moderate results.” +Physical Proximity— 18% responded “I work with others but not closely (e.g., private office).” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Every day.” +Consequence of Error— 33% responded “Very serious.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Billing and Posting Clerks +File Clerks +Mail Clerks and Mail Machine Operators, Except Postal Service +Office Clerks, General +Bright Outlook +Office Machine Operators, Except Computer +Payroll and Timekeeping Clerks +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Production, Planning, and Expediting Clerks +Shipping, Receiving, and Inventory Clerks +Word Processors and Typists","View the list of Allies +ARMA International +external site +Association for Computing Machinery +external site +Association for Information Systems +external site +Association for Women in Computing +external site +Association of Executive and Administrative Professionals +external site +International Association of Administrative Professionals +external site +International Data Spaces Association +external site +Northeast Big Data Innovation Hub +external site +Society for Information Management +external site +The International Association for Data Quality, Governance and Analytics (IADQGA) +external site +Transforming Data with Intelligence +external site +Midwest Association for Information Systems +external site +Southern Association for Information Systems +external site +American Health Information Management Association +external site +DAMA International +external site +Office and Professional Employees International Union +external site +Society for Technical Communication +external site",65,3,33,94,47,43,48,42,89,37,24,26,3,45,26,64,34,13,3,24,18,11,15,24,3,11,3,8,3,11,13,3,13 +19-3034.00,School Psychologists,https://www.onetonline.org/link/summary/19-3034.00,2025-06-11T18:57:18.329124,"Compile and interpret students' test results, along with information from teachers and parents, to diagnose conditions and to help assess eligibility for special services. +Maintain student records, including special education reports, confidential records, records of services provided, and behavioral data. +Report any pertinent information to the proper authorities in cases of child endangerment, neglect, or abuse. +Select, administer, and score psychological tests. +Interpret test results and prepare psychological reports for teachers, administrators, and parents. +Assess an individual child's needs, limitations, and potential, using observation, review of school records, and consultation with parents and school personnel. +Develop individualized educational plans in collaboration with teachers and other staff members. +Counsel children and families to help solve conflicts and problems in learning and adjustment. +Collect and analyze data to evaluate the effectiveness of academic programs and other services, such as behavioral management systems. +Provide consultation to parents, teachers, administrators, and others on topics such as learning styles and behavior modification techniques. +Collaborate with other educational professionals to develop teaching strategies and school programs. +Design classes and programs to meet the needs of special students. +Promote an understanding of child development and its relationship to learning and behavior. +Attend workshops, seminars, or professional meetings to remain informed of new developments in school psychology. +Refer students and their families to appropriate community agencies for medical, vocational, or social services. +Serve as a resource to help families and schools deal with crises, such as separation and loss. +Initiate and direct efforts to foster tolerance, understanding, and appreciation of diversity in school communities. +Provide educational programs on topics such as classroom management, teaching strategies, or parenting skills. +Conduct research to generate new knowledge that can be used to address learning and behavior issues.","Analytical or scientific software— Testing software +Computer based training software— Instructional software +Data base user interface and query software— Centris Group IEP Direct; Global Education Technologies EXCENT; PowerSchool Group PowerSchool SIS; Vision Management Consulting IEP PlaNET;11 more +Electronic mail software— Email software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Test scoring software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet; Zoom +Word processing software— Ewing Solutions QuickWriter; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Administer standardized physical or psychological tests. +Collect information from people through observation, interviews, or surveys. +Interpret research or operational data. +Prepare scientific or technical reports or presentations. +Design psychological or educational treatment procedures or programs. +Counsel clients on mental health or personal achievement. +Conduct scientific research of organizational behavior or processes. +Advise others on educational matters. +Coordinate cross-disciplinary research programs. +Develop educational programs. +Attend conferences or workshops to maintain professional knowledge. +Advise others on healthcare matters.","Indoors, Environmentally Controlled— 97% responded “Every day.” +E-Mail— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Contact With Others— 52% responded “Contact with others most of the time.” +Duration of Typical Work Week— 73% responded “More than 40 hours.” +Telephone Conversations— 56% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Spend Time Sitting— 66% responded “More than half the time.” +Deal With External Customers or the Public in General— 42% responded “Important.” +Frequency of Decision Making— 31% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Written Letters and Memos— 49% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Bright Outlook +Clinical Neuropsychologists +Educational, Guidance, and Career Counselors and Advisors +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Neuropsychologists +Psychiatrists +Special Education Teachers, Secondary School","View the list of Allies +National Association of School Psychologists +external site +ACSD +external site +American Counseling Association +external site +American Psychological Association +external site +American School Counselor Association +external site +Council for Exceptional Children +external site +Society for Industrial and Organizational Psychology +external site +American Board of Professional Psychology +external site +National Education Association +external site",77,6,18,53,67,50,42,86,76,7,16,32,9,55,13,56,31,12,27,11,97,88,82,17,28,9,6,6,20,15,10,7,6 +51-2041.00,Structural Metal Fabricators and Fitters,https://www.onetonline.org/link/summary/51-2041.00,2025-06-11T19:24:00.272491,"Verify conformance of workpieces to specifications, using squares, rulers, and measuring tapes. +Study engineering drawings and blueprints to determine materials requirements and task sequences. +Position, align, fit, and weld parts to form complete units or subunits, following blueprints and layout specifications, and using jigs, welding torches, and hand tools. +Lay out and examine metal stock or workpieces to be processed to ensure that specifications are met. +Tack-weld fitted parts together. +Move parts into position, manually or with hoists or cranes. +Set up and operate fabricating machines, such as brakes, rolls, shears, flame cutters, grinders, and drill presses, to bend, cut, form, punch, drill, or otherwise form and assemble metal components. +Position or tighten braces, jacks, clamps, ropes, or bolt straps, or bolt parts in position for welding or riveting. +Lift or move materials and finished products, using large cranes. +Set up face blocks, jigs, and fixtures. +Align and fit parts according to specifications, using jacks, turnbuckles, wedges, drift pins, pry bars, and hammers. +Hammer, chip, and grind workpieces to cut, bend, and straighten metal. +Locate and mark workpiece bending and cutting lines, allowing for stock thickness, machine and welding shrinkage, and other component specifications. +Remove high spots and cut bevels, using hand files, portable grinders, and cutting torches. +Smooth workpiece edges and fix taps, tubes, and valves. +Mark reference points onto floors or face blocks and transpose them to workpieces, using measuring devices, squares, chalk, and soapstone. +Design and construct templates and fixtures, using hand tools. +Direct welders to build up low spots or short pieces with weld. +Heat-treat parts, using acetylene torches. +Straighten warped or bent parts, using sledges, hand torches, straightening presses, or bulldozers. +Erect ladders and scaffolding to fit together large assemblies. +Preheat workpieces to make them malleable, using hand torches or furnaces. +Install boilers, containers, and other structures. +Troubleshoot and repair electrical or mechanical equipment.","Computer aided design CAD software— Computer aided design and drafting CADD software; Dassault Systemes CATIA; Tekla software; Three-dimensional modeling software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Align parts or workpieces to ensure proper assembly. +Operate welding equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Inspect metal, plastic, or composite products. +Lay out parts to prepare for assembly. +Lift materials or workpieces using cranes or other lifting equipment. +Operate grinding equipment. +Operate cutting equipment. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Mount materials or workpieces onto production equipment. +Mount attachments or tools onto production equipment. +Shape metal workpieces with hammers or other small hand tools. +Construct patterns, templates, or other work aids. +Design templates or patterns. +Direct operational or production activities. +Smooth metal surfaces or edges. +Heat material or workpieces to prepare for or complete production. +Reshape metal workpieces to established specifications. +Assemble temporary equipment or structures. +Assemble electromechanical or hydraulic systems.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 76% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 79% responded “Continually or almost continually.” +Exposed to Contaminants— 81% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 76% responded “Every day.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Spend Time Standing— 51% responded “Continually or almost continually.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Contact With Others— 57% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Exposed to Hazardous Equipment— 52% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 52% responded “Every day.” +Freedom to Make Decisions— 31% responded “A lot of freedom.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Spend Time Making Repetitive Motions— 37% responded “About half the time.” +Physical Proximity— 41% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 34% responded “Every day.” +Work Outcomes and Results of Other Workers— 29% responded “High responsibility.” +Exposed to Hazardous Conditions— 32% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 58% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 25% responded “No results.” +Spend Time Bending or Twisting Your Body— 45% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Boilermakers +Layout Workers, Metal and Plastic +Millwrights +Reinforcing Iron and Rebar Workers +Sheet Metal Workers +Structural Iron and Steel Workers +Tool and Die Makers +Welders, Cutters, Solderers, and Brazers +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +American Welding Society +external site +Fabricators and Manufacturers Association +external site +International Association of Bridge, Structural, Ornamental and Reinforcing Iron Workers +external site +IPC +external site +Metal Treating Institute +external site +International Brotherhood of Boilermakers +external site +United Steelworkers +external site",41,4,58,51,60,47,43,45,32,20,16,27,15,32,10,11,16,58,1,25,6,5,1,7,4,40,34,24,2,44,5,2,1 +35-3011.00,Bartenders,https://www.onetonline.org/link/summary/35-3011.00,2025-06-11T19:11:50.307561,"Clean glasses, utensils, and bar equipment. +Collect money for drinks served. +Balance cash receipts. +Check identification of customers to verify age requirements for purchase of alcohol. +Clean bars, work areas, and tables. +Attempt to limit problems and liability related to customers' excessive drinking by taking steps such as persuading customers to stop drinking, or ordering taxis or other transportation for intoxicated patrons. +Take beverage orders from serving staff or directly from patrons. +Serve wine, and bottled or draft beer. +Plan, organize, and control the operations of a cocktail lounge or bar. +Stock bar with beer, wine, liquor, and related supplies such as ice, glassware, napkins, or straws. +Serve snacks or food items to customers seated at the bar. +Mix ingredients, such as liquor, soda, water, sugar, and bitters, to prepare cocktails and other drinks. +Slice and pit fruit for garnishing drinks. +Ask customers who become loud and obnoxious to leave, or physically remove them. +Arrange bottles and glasses to make attractive displays. +Create drink recipes. +Supervise the work of bar staff and other bartenders. +Order or requisition liquors and supplies. +Plan bar menus. +Prepare appetizers such as pickles, cheese, and cold meats. +Provide customers with directions or answers to questions.","Data base user interface and query software— AZZ CardFile +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Point of sale POS software— Focus point of sale POS software; Intuit QuickBooks Point of Sale; NCR NeighborhoodPOS; The General Store;3 more +Web page creation and editing software— Facebook","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Clean tableware. +Process customer bills or payments. +Enforce rules or regulations. +Balance receipts. +Clean food service areas. +Communicate with customers to resolve complaints or ensure satisfaction. +Take customer orders. +Serve food or beverages. +Manage food service operations or parts of operations. +Stock serving stations or dining areas with food or supplies. +Coordinate activities of food service staff. +Mix ingredients. +Order materials, supplies, or equipment. +Prepare foods for cooking or serving. +Arrange tables or dining areas. +Plan menu options. +Create new recipes or food presentations. +Cook foods.","Contact With Others— 92% responded “Constant contact with others.” +Spend Time Standing— 79% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 56% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Freedom to Make Decisions— 41% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Every day.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Spend Time Making Repetitive Motions— 44% responded “Continually or almost continually.” +Spend Time Walking or Running— 41% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 60% responded “Continually or almost continually.” +Frequency of Decision Making— 63% responded “Every day.” +Work With or Contribute to a Work Group or Team— 56% responded “Important.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Spend Time Bending or Twisting Your Body— 29% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Extremely important.” +Importance of Repeating Same Tasks— 32% responded “Extremely important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Baristas +Bright Outlook +Chefs and Head Cooks +Cooks, Restaurant +Cooks, Short Order +Dining Room and Cafeteria Attendants and Bartender Helpers +Fast Food and Counter Workers +First-Line Supervisors of Food Preparation and Serving Workers +Food Preparation Workers +Food Service Managers +Waiters and Waitresses","View the list of Allies +National Restaurant Association +external site +TIPS +external site +United States Bartenders' Guild +external site +Service Employees International Union +external site +UNITE HERE +external site",86,37,32,66,49,50,50,54,28,36,54,45,14,34,19,42,32,10,11,6,35,23,37,28,10,18,9,11,7,10,20,10,9 +19-3039.03,Clinical Neuropsychologists,https://www.onetonline.org/link/summary/19-3039.03,2025-06-11T18:57:23.516516,"Interview patients to obtain comprehensive medical histories. +Write or prepare detailed clinical neuropsychological reports, using data from psychological or neuropsychological tests, self-report measures, rating scales, direct observations, or interviews. +Conduct neuropsychological evaluations such as assessments of intelligence, academic ability, attention, concentration, sensorimotor function, language, learning, and memory. +Diagnose and treat conditions involving injury to the central nervous system, such as cerebrovascular accidents, neoplasms, infectious or inflammatory diseases, degenerative diseases, head traumas, demyelinating diseases, and various forms of dementing illnesses. +Diagnose and treat pediatric populations for conditions such as learning disabilities with developmental or organic bases. +Provide education or counseling to individuals and families. +Distinguish between psychogenic and neurogenic syndromes, two or more suspected etiologies of cerebral dysfunction, or between disorders involving complex seizures. +Diagnose and treat neural and psychological conditions in medical and surgical populations, such as patients with early dementing illness or chronic pain with a neurological basis. +Consult with other professionals about patients' neurological conditions. +Read current literature, talk with colleagues, and participate in professional organizations or conferences to keep abreast of developments in neuropsychology. +Diagnose and treat psychiatric populations for conditions such as somatoform disorder, dementias, and psychoses. +Establish neurobehavioral baseline measures for monitoring progressive cerebral disease or recovery. +Compare patients' progress before and after pharmacologic, surgical, or behavioral interventions. +Participate in educational programs, in-service training, or workshops to remain current in methods and techniques. +Educate and supervise practicum students, psychology interns, or hospital staff. +Design or implement rehabilitation plans for patients with cognitive dysfunction. +Identify and communicate risks associated with specific neurological surgical procedures, such as epilepsy surgery. +Provide psychotherapy, behavior therapy, or other counseling interventions to patients with neurological disorders. +Provide feedback to patients and their families on the results of neuropsychological evaluations and recommendations.","Analytical or scientific software— IBM SPSS Statistics; Noldus Information Technology The Observer XT; Statistical software +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— BrainTrain Captain's Log; Patient electronic medical record EMR software; Psychological testing software; The Tova Company Test of Variables of Attention;7 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Administer standardized physical or psychological tests. +Collect information from people through observation, interviews, or surveys. +Prepare scientific or technical reports or presentations. +Diagnose neural or psychological disorders. +Counsel clients on mental health or personal achievement. +Collaborate with healthcare professionals to plan or provide treatment. +Attend conferences or workshops to maintain professional knowledge. +Review professional literature to maintain professional knowledge. +Establish standards for medical care. +Monitor clients to evaluate treatment progress. +Design psychological or educational treatment procedures or programs. +Direct medical science or healthcare programs. +Instruct college students in social sciences or humanities disciplines. +Confer with clients to discuss treatment plans or progress. +Evaluate treatment options to guide medical decisions.","Indoors, Environmentally Controlled— 100% responded “Every day.” +E-Mail— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Freedom to Make Decisions— 83% responded “A lot of freedom.” +Duration of Typical Work Week— 88% responded “More than 40 hours.” +Spend Time Sitting— 71% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 54% responded “A lot of freedom.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Written Letters and Memos— 57% responded “Every day.” +Contact With Others— 46% responded “Contact with others most of the time.” +Deal With External Customers or the Public in General— 58% responded “Extremely important.” +Telephone Conversations— 61% responded “Once a week or more but not every day.” +Frequency of Decision Making— 50% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Level of Competition— 33% responded “Extremely competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Exposed to Disease or Infections— 46% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 25% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Service Orientation— Actively looking for ways to help people. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Negotiation— Bringing others together and trying to reconcile differences.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,"Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical and Counseling Psychologists +Clinical Nurse Specialists +General Internal Medicine Physicians +Neurologists +Neuropsychologists +Pediatricians, General +Physical Medicine and Rehabilitation Physicians +Psychiatric Technicians +Psychiatrists","View the list of Allies +American Academy of Neurology +external site +American Association of Neurological Surgeons +external site +American Epilepsy Society +external site +American Neuropsychiatric Association +external site +American Psychological Association +external site +American Society of Neurorehabilitation +external site +Association for Psychological Science +external site +Brain Injury Association of America +external site +Cognitive Neuroscience Society +external site +Hispanic Neuropsychological Society +external site +International Brain Injury Association +external site +International Neuropsychological Society +external site +National Academy of Neuropsychology +external site +National Association of School Psychologists +external site +Neurocritical Care Society +external site +Society for Clinical Neuropsychology +external site +Society for Industrial and Organizational Psychology +external site +Society for Neuroscience +external site +Sports Neuropsychology Society +external site +Western Psychological Association +external site +World Federation of Neurology +external site +Eastern Psychological Association +external site +Midwestern Psychological Association +external site +New England Psychological Association +external site +Rocky Mountain Psychological Association +external site +Southeastern Psychological Association +external site +Southwestern Psychological Association +external site +American Board of Professional Psychology +external site +American Academy of Clinical Neuropsychology +external site",68,,7,89,66,46,33,88,48,24,13,31,12,51,18,43,28,4,28,4,100,94,60,14,83,9,1,4,70,1,11,,14 +39-5011.00,Barbers,https://www.onetonline.org/link/summary/39-5011.00,2025-06-11T19:13:18.469806,"Clean and sterilize scissors, combs, clippers, and other instruments. +Drape and pin protective cloths around customers' shoulders. +Cut and trim hair according to clients' instructions or current hairstyles, using clippers, combs, hand-held blow driers, and scissors. +Question patrons regarding desired services and haircut styles. +Clean work stations and sweep floors. +Apply lather and shave beards or neck and temple hair contours, using razors. +Record services provided on cashiers' tickets or receive payment from customers. +Shape and trim beards and moustaches, using scissors. +Perform clerical and administrative duties such as keeping records, paying bills, and hiring and supervising personnel. +Stay informed of the latest styles and hair care techniques. +Suggest treatments to alleviate hair problems. +Order supplies. +Shampoo hair. +Recommend and sell lotions, tonics, or other cosmetic supplies. +Provide skin care and nail treatments. +Keep card files on clientele, recording notes of work done, products used and fees charged after each visit. +Curl, color, or straighten hair, using special chemical solutions and equipment. +Provide face, neck, and scalp massages.","Calendar and scheduling software— Appointment scheduling software +Data base user interface and query software— Customer information databases +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows +Point of sale POS software— Point of sale POS payment software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Trim client hair. +Apply protective coverings to objects or surfaces near work areas. +Clean tools or equipment. +Discuss service options or needs with clients. +Clean facilities or work areas. +Maintain financial or account records. +Perform administrative or clerical tasks. +Perform human resources activities. +Supervise service workers. +Maintain professional knowledge or certifications. +Provide medical or cosmetic advice for clients. +Order materials, supplies, or equipment. +Apply cleansing or conditioning agents to client hair, scalp, or skin. +Treat nails by shaping, decorating, or augmenting. +Promote products, services, or programs. +Sell products or services. +Maintain client information or service records. +Apply solutions to hair for therapeutic or cosmetic purposes. +Administer therapeutic massages.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 98% responded “Continually or almost continually.” +Contact With Others— 82% responded “Constant contact with others.” +Freedom to Make Decisions— 79% responded “A lot of freedom.” +Physical Proximity— 80% responded “Very close (near touching).” +Spend Time Standing— 65% responded “Continually or almost continually.” +Telephone Conversations— 80% responded “Every day.” +Spend Time Making Repetitive Motions— 83% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 71% responded “Very important results.” +Importance of Being Exact or Accurate— 57% responded “Very important.” +Level of Competition— 44% responded “Highly competitive.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Determine Tasks, Priorities and Goals— 26% responded “Some freedom.” +Duration of Typical Work Week— 61% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Exposed to Disease or Infections— 34% responded “Never.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 43% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 32% responded “Fairly important.” +Spend Time Bending or Twisting Your Body— 57% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","First-Line Supervisors of Personal Service Workers +Bright Outlook +Hairdressers, Hairstylists, and Cosmetologists +Makeup Artists, Theatrical and Performance +Manicurists and Pedicurists +Painters, Construction and Maintenance +Sewers, Hand +Shampooers +Skincare Specialists +Spa Managers +Tailors, Dressmakers, and Custom Sewers","View the list of Allies +American Association of Cosmetology Schools +external site +Professional Beauty Association +external site +National Association of Barber Boards of America +external site",86,11,43,54,46,54,35,39,35,51,41,31,33,29,17,32,33,28,4,24,50,18,3,22,6,15,,6,12,34,7,7,2 +43-2021.00,Telephone Operators,https://www.onetonline.org/link/summary/43-2021.00,2025-06-11T19:15:01.949137,"Observe signal lights on switchboards, and dial or press buttons to make connections. +Operate telephone switchboards and systems to advance and complete connections, including those for local, long distance, pay telephone, mobile, person-to-person, and emergency calls. +Listen to customer requests, referring to alphabetical or geographical directories to answer questions and provide telephone information. +Update directory information. +Suggest and check alternate spellings, locations, or listing formats to customers lacking details or complete information. +Perform clerical duties such as typing, proofreading, and sorting mail. +Offer special assistance to persons such as those who are unable to dial or who are in emergency situations. +Operate paging systems or other systems of bells or buzzers to notify recipients of incoming calls. +Monitor automated systems for placing collect calls and intervene for a callers needing assistance. +Interrupt busy lines if an emergency warrants. +Provide assistance for customers with special billing requests. +Provide relay service for users who are deaf or hard of hearing. +Keep records of calls placed and received, and of related toll charges. +Promote company products, services, and savings plans when appropriate.","Electronic mail software— Microsoft Outlook +Helpdesk or call center software— Computer aided dispatch software +Office suite software— Microsoft Office software +Operating system software— Handheld computer device software; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Video conference software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.","Operate communications equipment or systems. +Answer telephones to direct calls or provide information. +Search files, databases or reference materials to obtain needed information. +Assist individuals with paperwork. +Enter information into databases or software programs. +Proofread documents, records, or other files to ensure accuracy. +Sort mail. +Assist disabled or incapacitated individuals. +Discuss account status or activity with customers or patrons. +Maintain call records. +Promote products, services, or programs.","Contact With Others— 100% responded “Constant contact with others.” +Telephone Conversations— 100% responded “Every day.” +Deal With External Customers or the Public in General— 74% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 88% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +E-Mail +Indoors, Environmentally Controlled— 82% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Spend Time Making Repetitive Motions +Coordinate or Lead Others in Accomplishing Work Activities— 68% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Every day.” +Importance of Repeating Same Tasks— 25% responded “Important.” +Spend Time Sitting— 19% responded “Less than half the time.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Very important results.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 33% responded “A lot of freedom.” +Time Pressure— 47% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 42% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “Continually or almost continually.” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Conflict Situations— 36% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Customer Service Representatives +Bright Outlook +Dispatchers, Except Police, Fire, and Ambulance +Office Clerks, General +Public Safety Telecommunicators +Receptionists and Information Clerks +Reservation and Transportation Ticket Agents and Travel Clerks +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Switchboard Operators, Including Answering Service +Telecommunications Equipment Installers and Repairers, Except Line Installers +Telemarketers","View the list of Allies +NTCA - The Rural Broadband Association +external site +USTelecom +external site +Communications Workers of America +external site +International Brotherhood of Electrical Workers +external site",81,7,20,55,18,40,36,33,65,15,20,31,6,53,18,15,28,4,12,8,16,4,14,69,15,11,3,4,3,6,14,5,8 +17-2141.00,Mechanical Engineers,https://www.onetonline.org/link/summary/17-2141.00,2025-06-11T18:54:13.964998,"Read and interpret blueprints, technical drawings, schematics, or computer-generated reports. +Research, design, evaluate, install, operate, or maintain mechanical products, equipment, systems or processes to meet requirements. +Specify system components or direct modification of products to ensure conformance with engineering design, performance specifications, or environmental regulations. +Confer with engineers or other personnel to implement operating procedures, resolve system malfunctions, or provide technical information. +Investigate equipment failures or difficulties to diagnose faulty operation and recommend remedial actions. +Recommend design modifications to eliminate machine or system malfunctions. +Research and analyze customer design proposals, specifications, manuals, or other data to evaluate the feasibility, cost, or maintenance requirements of designs or applications. +Provide technical customer service. +Oversee installation, operation, maintenance, or repair to ensure that machines or equipment are installed and functioning according to specifications. +Assist drafters in developing the structural design of products, using drafting tools or computer-assisted drafting equipment or software. +Conduct research that tests or analyzes the feasibility, design, operation, or performance of equipment, components, or systems. +Develop or test models of alternate designs or processing methods to assess feasibility, sustainability, operating condition effects, potential new applications, or necessity of modification. +Provide feedback to design engineers on customer problems or needs. +Write performance requirements for product development or engineering projects. +Estimate costs or submit bids for engineering, construction, or extraction projects. +Develop, coordinate, or monitor all aspects of production, including selection of manufacturing methods, fabrication, or operation of product designs. +Design integrated mechanical or alternative systems, such as mechanical cooling systems with natural ventilation systems, to improve energy efficiency. +Calculate energy losses for buildings, using equipment such as computers, combustion analyzers, or pressure gauges. +Recommend the use of utility or energy services that minimize carbon footprints. +Perform personnel functions, such as supervision of production workers, technicians, technologists, or other engineers. +Apply engineering principles or practices to emerging fields, such as robotics, waste management, or biomedical engineering. +Direct the installation, operation, maintenance, or repair of renewable energy equipment, such as heating, ventilating, and air conditioning (HVAC) or water systems. +Select or install combined heat units, power units, cogeneration equipment, or trigeneration equipment that reduces energy use or pollution. +Evaluate mechanical designs or prototypes for energy performance or environmental impact. +Study industrial processes to maximize the efficiency of equipment applications, including equipment placement. +Design test control apparatus or equipment or develop procedures for testing products. +Establish or coordinate the maintenance or safety procedures, service schedule, or supply of materials required to maintain machines or equipment in the prescribed condition. +Solicit new business.","Analytical or scientific software— MAYA Nastran; Minitab; ReliaSoft Weibull++ 6; The MathWorks MATLAB;20 more +Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;15 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics; Rapid prototyping software +Configuration management software— Chef; Perforce Helix software; Puppet +Customer relationship management CRM software— Microsoft Dynamics +Data base management system software— Teradata Database +Data base user interface and query software— Microsoft Access; Microsoft SQL Server +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; National Instruments LabVIEW; Verilog;6 more +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; SAP software +Financial analysis software— Cost estimating software +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphics or photo imaging software— Adobe Illustrator; SmugMug Flickr; Trimble SketchUp Pro +Industrial control software— Computer numerical control CNC software; Human machine interface HMI software; Supervisory control and data acquisition SCADA software +Instant messaging software— Blink +Materials requirements planning logistics and supply chain software— Bill of materials software +Object or component oriented development software— C++; Perl; Python; R;1 more +Office suite software— Microsoft Office software +Operating system software— Shell script +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Review technical documents to plan work. +Design industrial processing systems. +Design industrial equipment. +Evaluate characteristics of equipment or systems. +Implement design or process improvements. +Confer with other personnel to resolve design or operational problems. +Confer with technical personnel to prepare designs or operational plans. +Estimate operational costs. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Investigate system, equipment, or product failures. +Advise others regarding green practices or environmental concerns. +Analyze design or requirements information for mechanical equipment or systems. +Identify new applications for existing technologies. +Supervise production or support personnel. +Direct installation activities. +Direct equipment maintenance or repair activities. +Advise customers on the use of products or services. +Create images or other visual displays. +Design structures or facilities. +Install production equipment or systems. +Select tools, equipment, or technologies for use in operations or projects. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Evaluate plans or specifications to determine technological or environmental implications. +Create models of engineering designs or methods. +Document technical design details. +Research industrial processes or operations. +Prepare proposal documents. +Design electronic or computer equipment or instrumentation. +Coordinate safety or regulatory compliance activities. +Determine operational methods. +Direct industrial production activities. +Perform marketing activities.","E-Mail— 100% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 69% responded “Every day.” +Telephone Conversations— 49% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 49% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team +Importance of Being Exact or Accurate— 56% responded “Very important.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Duration of Typical Work Week— 55% responded “40 hours.” +Spend Time Sitting— 26% responded “About half the time.” +Work Outcomes and Results of Other Workers— 50% responded “Very high responsibility.” +Level of Competition— 48% responded “Moderately competitive.” +Time Pressure— 55% responded “Once a month or more but not every week.” +Frequency of Decision Making— 29% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 32% responded “Once a year or more but not every month.” +Deal With External Customers or the Public in General— 22% responded “Extremely important.” +Health and Safety of Other Workers— 16% responded “No responsibility.” +Importance of Repeating Same Tasks— 30% responded “Very important.” +Consequence of Error— 28% responded “Serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operations Analysis— Analyzing needs and product requirements to create a design. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Automotive Engineers +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical Engineers +Electronics Engineers, Except Computer +Fuel Cell Engineers +Industrial Engineers +Mechanical Engineering Technologists and Technicians +Mechatronics Engineers","View the list of Allies +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +ASHRAE +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",52,,84,77,72,55,68,60,56,35,37,41,41,66,16,41,33,81,13,28,27,11,21,33,16,87,42,60,21,88,19,8,8 +29-1229.04,Physical Medicine and Rehabilitation Physicians,https://www.onetonline.org/link/summary/29-1229.04,2025-06-11T19:07:09.477589,"Document examination results, treatment plans, and patients' outcomes. +Examine patients to assess mobility, strength, communication, or cognition. +Assess characteristics of patients' pain, such as intensity, location, or duration, using standardized clinical measures. +Provide inpatient or outpatient medical management of neuromuscular disorders, musculoskeletal trauma, acute and chronic pain, deformity or amputation, cardiac or pulmonary disease, or other disabling conditions. +Monitor effectiveness of pain management interventions, such as medication or spinal injections. +Develop comprehensive plans for immediate and long-term rehabilitation, including therapeutic exercise, speech and occupational therapy, counseling, cognitive retraining, patient, family or caregiver education, or community reintegration. +Coordinate physical medicine and rehabilitation services with other medical activities. +Perform electrodiagnosis, including electromyography, nerve conduction studies, or somatosensory evoked potentials of neuromuscular disorders or damage. +Prescribe physical therapy to relax the muscles and improve strength. +Consult or coordinate with other rehabilitative professionals, including physical and occupational therapists, rehabilitation nurses, speech pathologists, neuropsychologists, behavioral psychologists, social workers, or medical technicians. +Prescribe therapy services, such as electrotherapy, ultrasonography, heat or cold therapy, hydrotherapy, debridement, short-wave or microwave diathermy, and infrared or ultraviolet radiation, to enhance rehabilitation. +Instruct interns and residents in the diagnosis and treatment of temporary or permanent physically disabling conditions. +Diagnose or treat performance-related conditions, such as sports injuries or repetitive-motion injuries. +Prescribe orthotic and prosthetic applications and adaptive equipment, such as wheelchairs, bracing, or communication devices, to maximize patient function and self-sufficiency. +Conduct physical tests, such as functional capacity evaluations, to determine injured workers' capabilities to perform the physical demands of their jobs.","Electronic mail software— Email software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; GE Healthcare Centricity Practice Solution; Greenway Medical Technologies PrimeSUITE;20 more +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Record patient medical histories. +Examine patients to assess general physical condition. +Treat chronic diseases or disorders. +Develop treatment plans that use non-medical therapies. +Monitor patient progress or responses to treatments. +Collaborate with healthcare professionals to plan or provide treatment. +Prescribe treatments or therapies. +Test patient nervous system functioning. +Train medical providers. +Diagnose medical conditions. +Treat acute illnesses, infections, or injuries. +Prescribe assistive medical devices or related treatments.","Freedom to Make Decisions— 91% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 84% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 83% responded “Extremely important.” +E-Mail— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 80% responded “Very important results.” +Importance of Being Exact or Accurate— 82% responded “Extremely important.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Contact With Others— 69% responded “Constant contact with others.” +Physical Proximity— 69% responded “Very close (near touching).” +Coordinate or Lead Others in Accomplishing Work Activities— 71% responded “Extremely important.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Exposed to Disease or Infections— 69% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Frequency of Decision Making— 75% responded “Every day.” +Written Letters and Memos— 59% responded “Every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Consequence of Error— 54% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 53% responded “Very high responsibility.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Level of Competition— 35% responded “Highly competitive.” +Conflict Situations— 49% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 36% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 36% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a week or more but not every day.” +Spend Time Standing— 33% responded “About half the time.” +Importance of Repeating Same Tasks— 34% responded “Very important.” +Spend Time Sitting— 37% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Bright Outlook +Nurse Practitioners +Occupational Therapists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physical Therapists +Urologists","View the list of Allies +Academy of Spinal Cord Injury Professionals +external site +American Academy for Cerebral Palsy and Developmental Medicine +external site +American Academy of Family Physicians +external site +American Academy of Orthopaedic Surgeons +external site +American Academy of Pediatrics +external site +American Academy of Physical Medicine and Rehabilitation +external site +American Association of Colleges of Osteopathic Medicine +external site +American Association of Neuromuscular and Electrodiagnostic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Physical Therapy Association +external site +Association of Academic Physiatrists +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +International Pain and Spine Intervention Society +external site +North American Spine Society +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Sports Medicine +external site +American College of Surgeons +external site",81,2,32,81,53,62,47,84,48,49,46,59,57,54,36,57,49,41,47,31,92,90,58,27,99,39,10,41,91,32,21,11,13 +29-1299.01,Naturopathic Physicians,https://www.onetonline.org/link/summary/29-1299.01,2025-06-11T19:07:35.695745,"Document patients' histories, including identifying data, chief complaints, illnesses, previous medical or family histories, or psychosocial characteristics. +Educate patients about health care management. +Advise patients about therapeutic exercise and nutritional medicine regimens. +Conduct physical examinations and physiological function tests for diagnostic purposes. +Administer, dispense, or prescribe natural medicines, such as food or botanical extracts, herbs, dietary supplements, vitamins, nutraceuticals, and amino acids. +Interview patients to document symptoms and health histories. +Diagnose health conditions, based on patients' symptoms and health histories, laboratory and diagnostic radiology test results, or other physiological measurements, such as electrocardiograms and electroencephalographs. +Administer treatments or therapies, such as homeopathy, hydrotherapy, Oriental or Ayurvedic medicine, electrotherapy, and diathermy, using physical agents including air, heat, cold, water, sound, or ultraviolet light to catalyze the body to heal itself. +Consult with other health professionals to provide optimal patient care, referring patients to traditional health care professionals as necessary. +Order diagnostic imaging procedures such as radiographs (x-rays), ultrasounds, mammograms, and bone densitometry tests, or refer patients to other health professionals for these procedures. +Maintain professional development through activities such as postgraduate education, continuing education, preceptorships, and residency programs. +Obtain medical records from previous physicians or other health care providers for the purpose of patient evaluation. +Conduct periodic public health maintenance activities such as immunizations and screenings for diseases and disease risk factors. +Perform venipuncture or skin pricking to collect blood samples. +Monitor updates from public health agencies to keep abreast of health trends. +Perform mobilizations and high-velocity adjustments to joints or soft tissues, using principles of massage, stretching, or resistance. +Prescribe synthetic drugs under the supervision of medical doctors or within the allowances of regulatory bodies. +Report patterns of patients' health conditions, such as disease status and births, to public health agencies. +Treat minor cuts, abrasions, or contusions. +Perform minor surgical procedures, such as removing warts, moles, or cysts, sampling tissues for skin cancer or lipomas, and applying or removing sutures.","Accounting software— EZ-Zone Software Alternative Medical Billing +Information retrieval or search software— Online medical databases +Internet browser software— Web browser software +Label making software— Labeling software +Medical software— Enova eNatro; SimpleClinic Practice Management software; Trigram Software AcuBase Pro; ZYTO LSA Pro;4 more +Point of sale POS software +Spreadsheet software— Microsoft Excel","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Record patient medical histories. +Advise patients on healthcare system processes. +Examine patients to assess general physical condition. +Provide health and wellness advice to patients, program participants, or caregivers. +Prescribe medications. +Administer non-intravenous medications. +Collect medical information from patients, family members, or other medical professionals. +Analyze test data or images to inform diagnosis or treatment. +Diagnose medical conditions. +Treat patients using alternative medical procedures. +Refer patients to other healthcare practitioners or health resources. +Collaborate with healthcare professionals to plan or provide treatment. +Order medical diagnostic or clinical tests. +Maintain medical or professional knowledge. +Gather medical information from patient histories. +Immunize patients. +Collect biological specimens from patients. +Treat patients using physical therapy techniques. +Operate on patients to treat conditions. +Prepare official health documents or records. +Treat acute illnesses, infections, or injuries.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Telephone Conversations— 80% responded “Every day.” +Freedom to Make Decisions— 80% responded “A lot of freedom.” +Contact With Others— 60% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Frequency of Decision Making— 68% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Exposed to Disease or Infections— 64% responded “Every day.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Deal With External Customers or the Public in General— 56% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Physical Proximity— 54% responded “Very close (near touching).” +Written Letters and Memos— 44% responded “Once a week or more but not every day.” +Time Pressure— 44% responded “Every day.” +Spend Time Sitting— 54% responded “More than half the time.” +Consequence of Error— 33% responded “Extremely serious.” +Duration of Typical Work Week— 52% responded “40 hours.” +Health and Safety of Other Workers— 44% responded “High responsibility.” +Work With or Contribute to a Work Group or Team— 36% responded “Important.” +Conflict Situations— 36% responded “Once a year or more but not every month.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Very important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acupuncturists +Bright Outlook +Allergists and Immunologists +Cardiologists +Chiropractors +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Obstetricians and Gynecologists +Pediatric Surgeons +Pediatricians, General","View the list of Allies +American Association of Naturopathic Physicians +external site +American College for Advancement in Medicine +external site +National Center for Homeopathy +external site +OncANP +external site",86,32,26,81,51,60,38,64,62,55,62,46,67,43,11,47,44,16,41,10,94,88,56,22,99,11,6,35,94,5,15,3,18 +33-3012.00,Correctional Officers and Jailers,https://www.onetonline.org/link/summary/33-3012.00,2025-06-11T19:10:35.097074,"Conduct head counts to ensure that each prisoner is present. +Inspect conditions of locks, window bars, grills, doors, and gates at correctional facilities to ensure security and help prevent escapes. +Monitor conduct of prisoners in housing unit, or during work or recreational activities, according to established policies, regulations, and procedures, to prevent escape or violence. +Search prisoners and vehicles and conduct shakedowns of cells for valuables and contraband, such as weapons or drugs. +Guard facility entrances to screen visitors. +Record information, such as prisoner identification, charges, and incidents of inmate disturbance, keeping daily logs of prisoner activities. +Inspect mail for the presence of contraband. +Maintain records of prisoners' identification and charges. +Use weapons, handcuffs, and physical force to maintain discipline and order among prisoners. +Use nondisciplinary tools and equipment, such as a computer. +Conduct fire, safety, and sanitation inspections. +Take prisoners into custody and escort to locations within and outside of facility, such as visiting room, courtroom, or airport. +Participate in required job training. +Serve meals, distribute commissary items, and dispense prescribed medication to prisoners. +Settle disputes between inmates. +Provide to supervisors oral and written reports of the quality and quantity of work performed by inmates, inmate disturbances and rule violations, and unusual occurrences. +Drive passenger vehicles and trucks used to transport inmates to other institutions, courtrooms, hospitals, and work sites. +Counsel inmates and respond to legitimate questions, concerns, and requests. +Assign duties to inmates, providing instructions as needed. +Issue clothing, tools, and other authorized items to inmates. +Arrange daily schedules for prisoners, including library visits, work assignments, family visits, and counseling appointments. +Search for and recapture escapees. +Process or book convicted individuals into prison. +Supervise and coordinate work of other correctional service officers. +Take fingerprints of arrestees, prisoners, or the general public. +Investigate crimes that have occurred within an institution, or assist police in their investigations of crimes and inmates. +Sponsor inmate recreational activities, such as newspapers and self-help groups. +Conduct security checks of the premises.","Data base management system software— Corrections housing software +Data base user interface and query software— 3M Electronic Monitoring; Guardian RFID; Jail management software; Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Count prison inmates or personnel. +Inspect equipment to ensure safety or proper functioning. +Maintain surveillance of individuals or establishments. +Locate suspicious objects or vehicles. +Search individuals for illegal or dangerous items. +Guard facilities. +Record information about suspects or criminals. +Inspect cargo to identify potential hazards. +Apprehend criminal suspects. +Use weapons or physical force to maintain security. +Inspect facilities for cleanliness. +Inspect facilities to ensure compliance with fire regulations. +Inspect facilities to ensure compliance with security or safety regulations. +Direct operations of correctional facilities. +Attend training to learn new skills or update knowledge. +Escort prisoners to courtrooms, prisons, or other facilities. +Collect information about clients. +Discuss performance, complaints, or violations with supervisors. +Resolve interpersonal conflicts. +Drive vehicles to transport individuals or equipment. +Investigate crimes committed within organizations. +Supervise inmate activities. +Maintain inventories of materials, equipment, or products. +Prepare activity or work schedules.","Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Telephone Conversations— 85% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 84% responded “Every day.” +Contact With Others— 87% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 74% responded “Extremely important.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +E-Mail— 70% responded “Every day.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Time Pressure— 62% responded “Every day.” +Conflict Situations— 70% responded “Every day.” +Health and Safety of Other Workers— 57% responded “Very high responsibility.” +Dealing with Violent or Physically Aggressive People— 63% responded “Every day.” +Frequency of Decision Making— 78% responded “Every day.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Very important results.” +Importance of Repeating Same Tasks— 53% responded “Extremely important.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Physical Proximity— 51% responded “Moderately close (at arm's length).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 63% responded “Every day.” +Exposed to Disease or Infections— 63% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 68% responded “Every day.” +Written Letters and Memos— 51% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Consequence of Error— 41% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Duration of Typical Work Week— 52% responded “40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 43% responded “Continually or almost continually.” +Spend Time Standing— 38% responded “About half the time.” +Public Speaking— 44% responded “Every day.” +Spend Time Sitting— 38% responded “About half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 36% responded “Once a week or more but not every day.” +Level of Competition— 41% responded “Moderately competitive.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 28% responded “Every day.” +Spend Time Walking or Running— 41% responded “Less than half the time.” +Exposed to Contaminants— 36% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bailiffs +Detectives and Criminal Investigators +First-Line Supervisors of Correctional Officers +First-Line Supervisors of Police and Detectives +First-Line Supervisors of Security Workers +Police and Sheriff's Patrol Officers +Probation Officers and Correctional Treatment Specialists +Residential Advisors +Security Guards +Bright Outlook +Transit and Railroad Police","View the list of Allies +American Correctional Association +external site +American Jail Association +external site +Fraternal Order of Police +external site +United States Deputy Sheriffs' Association +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +International Association of Directors of Law Enforcement Standards and Training +external site",63,24,27,75,47,63,79,59,59,25,11,46,14,61,37,70,40,24,33,36,60,42,48,54,34,22,18,13,13,12,16,4,16 +47-4051.00,Highway Maintenance Workers,https://www.onetonline.org/link/summary/47-4051.00,2025-06-11T19:20:11.233430,"Set out signs and cones around work areas to divert traffic. +Flag motorists to warn them of obstacles or repair work ahead. +Perform preventative maintenance on vehicles and heavy equipment. +Drive trucks to transport crews and equipment to work sites. +Erect, install, or repair guardrails, road shoulders, berms, highway markers, warning signals, and highway lighting, using hand tools and power tools. +Clean and clear debris from culverts, catch basins, drop inlets, ditches, and other drain structures. +Drive heavy equipment and vehicles with adjustable attachments to sweep debris from paved surfaces, mow grass and weeds, remove snow and ice, and spread salt and sand. +Haul and spread sand, gravel, and clay to fill washouts and repair road shoulders. +Inspect, clean, and repair drainage systems, bridges, tunnels, and other structures. +Remove litter and debris from roadways, including debris from rock and mud slides. +Dump, spread, and tamp asphalt, using pneumatic tampers, to repair joints and patch broken pavement. +Perform roadside landscaping work, such as clearing weeds and brush, and planting and trimming trees. +Apply poisons along roadsides and in animal burrows to eliminate unwanted roadside vegetation and rodents. +Measure and mark locations for installation of markers, using tape, string, or chalk. +Paint traffic control lines and place pavement traffic messages, by hand or using machines. +Apply oil to road surfaces, using sprayers. +Inspect markers to verify accurate installation. +Place and remove snow fences used to prevent the accumulation of drifting snow on highways. +Blend compounds to form adhesive mixtures used for marker installation.","Data base user interface and query software— Database software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Direct vehicle traffic. +Maintain mechanical equipment. +Drive trucks or truck-mounted equipment. +Install fencing or other barriers. +Remove debris or vegetation from work sites. +Move construction or extraction materials to locations where they are needed. +Operate equipment or vehicles to clear construction sites or move materials. +Spread sand, dirt or other loose materials onto surfaces. +Clean equipment or facilities. +Compact materials to create level bases. +Inspect industrial or commercial equipment to ensure proper operation. +Maintain plumbing structures or fixtures. +Pour materials into or on designated areas. +Spread concrete or other aggregate mixtures. +Treat greenery or surfaces with protective substances. +Mark reference points on construction materials. +Measure work site dimensions. +Apply paint to surfaces. +Operate road-surfacing equipment. +Dismantle equipment or temporary structures. +Inspect completed work to ensure proper installation. +Mix substances or compounds needed for work activities.","Outdoors, Exposed to All Weather Conditions— 94% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Exposed to Contaminants— 76% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Work With or Contribute to a Work Group or Team— 84% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 53% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Contact With Others— 68% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 55% responded “Once a week or more but not every day.” +Frequency of Decision Making— 60% responded “Every day.” +Spend Time Making Repetitive Motions— 51% responded “More than half the time.” +Consequence of Error— 55% responded “Extremely serious.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Spend Time Bending or Twisting Your Body— 46% responded “Continually or almost continually.” +Exposed to Whole Body Vibration— 65% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 46% responded “High responsibility.” +Spend Time Standing— 24% responded “About half the time.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 68% responded “Important results.” +Deal With External Customers or the Public in General— 54% responded “Very important.” +Physical Proximity— 56% responded “Moderately close (at arm's length).” +Time Pressure— 34% responded “Once a week or more but not every day.” +Conflict Situations— 33% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 49% responded “Every day.” +In an Open Vehicle or Operating Equipment— 62% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 38% responded “Every day.” +Indoors, Not Environmentally Controlled— 46% responded “Every day.” +Telephone Conversations— 30% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 58% responded “Very important.” +Freedom to Make Decisions— 47% responded “Some freedom.” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 21% responded “Once a year or more but not every month.” +Spend Time Walking or Running— 28% responded “Less than half the time.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Pace Determined by Speed of Equipment— 27% responded “Very important.” +Level of Competition— 26% responded “Slightly competitive.” +Duration of Typical Work Week— 99% responded “40 hours.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Construction Laborers +Bright Outlook +Excavating and Loading Machine and Dragline Operators, Surface Mining +Helpers--Extraction Workers +Industrial Truck and Tractor Operators +Maintenance and Repair Workers, General +Operating Engineers and Other Construction Equipment Operators +Paving, Surfacing, and Tamping Equipment Operators +Pile Driver Operators +Rail-Track Laying and Maintenance Equipment Operators +Septic Tank Servicers and Sewer Pipe Cleaners","View the list of Allies +American Federation of State, County and Municipal Employees, AFL-CIO +external site +International Brotherhood of Teamsters +external site +International Union of Operating Engineers +external site",49,8,41,63,45,50,81,51,28,32,13,32,30,25,16,34,33,50,13,57,30,16,21,32,15,47,55,27,24,40,38,8,9 +51-9011.00,Chemical Equipment Operators and Tenders,https://www.onetonline.org/link/summary/51-9011.00,2025-06-11T19:27:14.889869,"Observe safety precautions to prevent fires or explosions. +Record operational data, such as temperatures, pressures, ingredients used, processing times, or test results. +Control or operate equipment in which chemical changes or reactions take place during the processing of industrial or consumer products. +Patrol work areas to detect leaks or equipment malfunctions or to monitor operating conditions. +Draw samples of products at specified stages so that analyses can be performed. +Adjust controls to regulate temperature, pressure, feed, or flow of liquids or gases and times of prescribed reactions, according to knowledge of equipment and processes. +Monitor gauges, recording instruments, flowmeters, or products to ensure that specified conditions are maintained. +Test product samples for specific gravity, chemical characteristics, pH levels, concentrations, or viscosities, or send them to laboratories for testing. +Inspect equipment or units to detect leaks or malfunctions, shutting equipment down, if necessary. +Open valves or start pumps, agitators, reactors, blowers, or automatic feed of materials. +Read plant specifications to determine products, ingredients, or prescribed modifications of plant procedures. +Implement appropriate industrial emergency response procedures. +Measure, weigh, and mix chemical ingredients, according to specifications. +Dump or scoop prescribed solid, granular, or powdered materials into equipment. +Notify maintenance engineers of equipment malfunctions. +Estimate materials required for production and manufacturing of products. +Add treating or neutralizing agents to products, and pump products through filters or centrifuges to remove impurities or to precipitate products. +Observe and compare colors and consistencies of products to instrument readings and to laboratory and standard test results. +Direct activities of workers assisting in control or verification of processes or in unloading of materials. +Drain equipment, and pump water or other solutions through to flush and clean tanks or equipment. +Flush or clean equipment, using steam hoses or mechanical reamers. +Make minor repairs, lubricate, and maintain equipment, using hand tools. +Inventory supplies received and consumed. +Load products into tanks for shipment.","Data base user interface and query software— Operational databases +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Maintain safety. +Record operational or production data. +Operate chemical processing or water treatment systems or equipment. +Watch operating equipment to detect malfunctions. +Adjust equipment controls to regulate gas flow. +Adjust temperature controls of ovens or other heating equipment. +Collect samples of materials or products for testing. +Monitor instruments to ensure proper production conditions. +Inspect production equipment. +Operate pumping systems or equipment. +Test chemical or physical characteristics of materials or products. +Direct operational or production activities. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Measure ingredients or substances to be used in production processes. +Mix substances to create chemical solutions. +Load materials into production equipment. +Notify others of equipment repair or maintenance needs. +Clean production equipment. +Estimate material requirements for production. +Compare physical characteristics of materials or products to specifications or standards. +Lubricate production equipment. +Maintain production or processing equipment. +Repair production equipment or tools. +Maintain inventories of materials, equipment, or products.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Exposed to Contaminants— 89% responded “Every day.” +Exposed to Hazardous Conditions— 77% responded “Every day.” +Health and Safety of Other Workers— 61% responded “Very high responsibility.” +E-Mail— 71% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 53% responded “Every day.” +Indoors, Not Environmentally Controlled— 68% responded “Every day.” +Contact With Others— 52% responded “Constant contact with others.” +Pace Determined by Speed of Equipment— 60% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 47% responded “Every day.” +Duration of Typical Work Week— 53% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Time Pressure— 41% responded “Every day.” +Consequence of Error— 45% responded “Extremely serious.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 48% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 46% responded “Very important.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Exposed to Hazardous Equipment— 55% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 47% responded “Every day.” +Telephone Conversations— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Frequency of Decision Making— 47% responded “Every day.” +Spend Time Standing— 45% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Continually or almost continually.” +Spend Time Walking or Running— 38% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 31% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 43% responded “Once a week or more but not every day.” +Exposed to High Places— 44% responded “Once a month or more but not every week.” +Written Letters and Memos— 24% responded “Once a week or more but not every day.” +Level of Competition— 43% responded “Moderately competitive.” +Spend Time Making Repetitive Motions— 42% responded “Less than half the time.” +Physical Proximity— 36% responded “Slightly close (e.g., shared office).”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biomass Plant Technicians +Chemical Plant and System Operators +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Metal-Refining Furnace Operators and Tenders +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Plating Machine Setters, Operators, and Tenders, Metal and Plastic +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +American Chemical Society +external site +International Brotherhood of Teamsters +external site",44,16,89,67,62,56,62,52,56,19,19,47,85,67,6,58,22,77,3,49,22,16,8,34,9,53,22,36,17,49,5,3,2 +51-4191.00,"Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4191.00,2025-06-11T19:25:25.882416,"Read production schedules and work orders to determine processing sequences, furnace temperatures, and heat cycle requirements for objects to be heat-treated. +Record times that parts are removed from furnaces to document that objects have attained specified temperatures for specified times. +Adjust controls to maintain temperatures and heating times, using thermal instruments and charts, dials and gauges of furnaces, and color of stock in furnaces to make setting determinations. +Start conveyors and open furnace doors to load stock, or signal crane operators to uncover soaking pits and lower ingots into them. +Set up and operate or tend machines, such as furnaces, baths, flame-hardening machines, and electronic induction machines, that harden, anneal, and heat-treat metal. +Remove parts from furnaces after specified times, and air dry or cool parts in water, oil brine, or other baths. +Move controls to light gas burners and to adjust gas and water flow and flame temperature. +Instruct new workers in machine operation. +Determine flame temperatures, current frequencies, heating cycles, and induction heating coils needed, based on degree of hardness required and properties of stock to be treated. +Determine types and temperatures of baths and quenching media needed to attain specified part hardness, toughness, and ductility, using heat-treating charts and knowledge of methods, equipment, and metals. +Examine parts to ensure metal shades and colors conform to specifications, using knowledge of metal heat-treating. +Set and adjust speeds of reels and conveyors for prescribed time cycles to pass parts through continuous furnaces. +Load parts into containers and place containers on conveyors to be inserted into furnaces, or insert parts into furnaces. +Test parts for hardness, using hardness testing equipment, or by examining and feeling samples. +Signal forklift operators to deposit or extract containers of parts into and from furnaces and quenching rinse tanks. +Mount workpieces in fixtures, on arbors, or between centers of machines. +Reduce heat when processing is complete to allow parts to cool in furnaces or machinery. +Mount fixtures and industrial coils on machines, using hand tools. +Heat billets, bars, plates, rods, and other stock to specified temperatures preparatory to forging, rolling, or processing, using oil, gas, or electrical furnaces. +Position stock in furnaces, using tongs, chain hoists, or pry bars. +Repair, replace, and maintain furnace equipment as needed, using hand tools. +Clean oxides and scales from parts or fittings, using steam sprays or chemical and water baths. +Stamp heat-treatment identification marks on parts, using hammers and punches.","Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Review blueprints or other instructions to determine operational methods or sequences. +Study blueprints or other instructions to determine equipment setup requirements. +Determine metal or plastic production methods. +Record operational or production data. +Adjust temperature controls of ovens or other heating equipment. +Inspect metal, plastic, or composite products. +Operate heating or drying equipment. +Load items into ovens or furnaces. +Signal others to coordinate work activities. +Remove products or workpieces from production equipment. +Adjust equipment controls to regulate gas flow. +Mount attachments or tools onto production equipment. +Mount materials or workpieces onto production equipment. +Heat material or workpieces to prepare for or complete production. +Position raw materials on processing or production equipment. +Instruct workers to use equipment or perform technical procedures. +Maintain production or processing equipment. +Repair production equipment or tools. +Replace worn equipment components. +Clean production equipment. +Mark products, workpieces, or equipment with identifying information.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 90% responded “Every day.” +Time Pressure— 60% responded “Every day.” +Spend Time Standing— 57% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 60% responded “Continually or almost continually.” +Exposed to Contaminants— 67% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 62% responded “Every day.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Importance of Repeating Same Tasks— 63% responded “Extremely important.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Health and Safety of Other Workers— 44% responded “High responsibility.” +Indoors, Not Environmentally Controlled— 67% responded “Every day.” +Contact With Others— 49% responded “Constant contact with others.” +Pace Determined by Speed of Equipment— 51% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 37% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 63% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 39% responded “More than half the time.” +Spend Time Walking or Running— 33% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 25% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Frequency of Decision Making— 36% responded “Every day.” +Exposed to Hazardous Equipment— 54% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 36% responded “Every day.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Exposed to Hazardous Conditions— 34% responded “Every day.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Moderate results.” +Written Letters and Memos— 29% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Indoors, Environmentally Controlled— 46% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Cooling and Freezing Equipment Operators and Tenders +Bright Outlook +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Metal-Refining Furnace Operators and Tenders +Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic +Plating Machine Setters, Operators, and Tenders, Metal and Plastic +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site +United Steelworkers +external site",40,6,73,34,56,44,35,46,21,13,21,14,43,34,6,19,23,40,5,17,23,6,10,8,8,39,14,36,6,37,6,, +25-4022.00,Librarians and Media Collections Specialists,https://www.onetonline.org/link/summary/25-4022.00,2025-06-11T19:02:05.529485,"Check books in and out of the library. +Teach library patrons basic computer skills, such as searching computerized databases. +Review and evaluate materials, using book reviews, catalogs, faculty recommendations, and current holdings to select and order print, audio-visual, and electronic resources. +Search standard reference materials, including online sources and the Internet, to answer patrons' reference questions. +Keep up-to-date records of circulation and materials, maintain inventory, and correct cataloging errors. +Analyze patrons' requests to determine needed information and assist in furnishing or locating that information. +Supervise daily library operations, budgeting, planning, and personnel activities, such as hiring, training, scheduling, and performance evaluations. +Plan and teach classes on topics such as information literacy, library instruction, and technology use. +Confer with colleagues, faculty, and community members and organizations to conduct informational programs, make collection decisions, and determine library services to offer. +Code, classify, and catalog books, publications, films, audio-visual aids, and other library materials, based on subject matter or standard library classification systems. +Respond to customer complaints, taking action as necessary. +Plan and deliver client-centered programs and services, such as special services for corporate clients, storytelling for children, newsletters, or programs for special groups. +Explain use of library facilities, resources, equipment, and services, and provide information about library policies. +Locate unusual or unique information in response to specific requests. +Troubleshoot problems with audio-visual equipment. +Develop library policies and procedures. +Evaluate materials to determine outdated or unused items to be discarded. +Direct and train library staff in duties, such as receiving, shelving, researching, cataloging, and equipment use. +Develop, maintain, and troubleshoot information access aids, such as databases, annotated bibliographies, Web pages, electronic pathfinders, software programs, and online tutorials. +Engage in professional development activities, such as taking continuing education classes and attending or participating in conferences, workshops, professional meetings, and associations. +Compile lists of books, periodicals, articles, and audio-visual materials on particular subjects. +Confer with teachers to select course materials and to determine which training aids are best suited to particular grade levels. +Evaluate vendor products and performance, negotiate contracts, and place orders. +Arrange for interlibrary loans of materials not available in a particular library. +Represent library or institution on internal and external committees. +Set up, adjust, and operate audio-visual equipment, such as cameras, film and slide projectors, and recording equipment, for meetings, events, classes, seminars, and video conferences. +Assemble and arrange display materials. +Maintain inventory of audio-visual equipment. +Maintain hardware and software, including computers, media equipment, scanners, color copiers, and color laser printers. +Train faculty and media staff on the use of software and audio-visual equipment.","Analytical or scientific software— Data visualization software; StataCorp Stata +Computer aided design CAD software— Autodesk AutoCAD +Computer based training software— Learning management system LMS +Data base user interface and query software— Blackboard software; Database software; Microsoft Access; Structured query language SQL;12 more +Desktop publishing software— Adobe InDesign; Microsoft Publisher; QuarkXPress +Development environment software— Standard generalized markup language SGML +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Graphics software;1 more +Information retrieval or search software— Classification Web; LexisNexis; Thomson Reuters Westlaw Edge +Internet browser software— Web browser software +Library software— Online Computer Library Center (OCLC) databases; RCL Software Media Library Manager; Surpass management system software; WorldCat;13 more +Object or component oriented development software— Oracle Java +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Video creation and editing software— Adobe After Effects; Adobe Premiere Pro; Apple Final Cut Pro; Apple iMovie +Web page creation and editing software— Adobe Dreamweaver; Blogging software; Facebook; Wiki software;2 more +Web platform development software— Cascading style sheets CSS; Drupal; Hypertext markup language HTML; PHP;3 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Teach others to use technology or equipment. +Process library materials. +Select educational materials or equipment. +Search information sources to find specific data. +Maintain inventories of materials, equipment, or products. +Maintain operational records. +Help patrons use library or archival resources. +Direct department activities. +Confer with others to conduct or arrange operational activities. +Classify materials according to standard systems. +Plan community programs or activities for the general public. +Diagnose equipment malfunctions. +Troubleshoot equipment or systems operation problems. +Develop policies or procedures for archives, museums or libraries. +Direct activities of subordinates. +Inspect materials or equipment to determine need for repair or replacement. +Train staff members. +Develop library or archival databases. +Order instructional or library materials or equipment. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Collaborate with other teaching professionals to develop educational programs. +Compile specialized bibliographies or lists of materials. +Negotiate purchases or contracts. +Inventory materials or equipment. +Maintain inventory records. +Maintain the inventory of equipment. +Serve on institutional or departmental committees. +Operate audiovisual equipment. +Construct exhibits or parts of exhibits. +Maintain computer equipment or software.","E-Mail— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Telephone Conversations— 71% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 54% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Importance of Being Exact or Accurate— 35% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Very important.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Time Pressure— 41% responded “Once a month or more but not every week.” +Frequency of Decision Making— 41% responded “Every day.” +Public Speaking— 30% responded “Once a week or more but not every day.” +Spend Time Sitting— 33% responded “More than half the time.” +Physical Proximity— 37% responded “I work with others but not closely (e.g., private office).” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.” +Conflict Situations— 25% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 59% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Archivists +Bright Outlook +Computer User Support Specialists +Database Administrators +Document Management Specialists +Instructional Coordinators +Library Assistants, Clerical +Library Science Teachers, Postsecondary +Library Technicians +Social Science Research Assistants +Web Administrators","View the list of Allies +American Association of Law Libraries +external site +American Association of School Librarians +external site +American Library Association +external site +Association for Educational Communications and Technology +external site +Association for Information Science and Technology +external site +Association for Library and Information Science Education +external site +Association for Library Collections and Technical Services +external site +Association for Library Service to Children +external site +Association of College and Research Libraries +external site +Association of Independent Information Professionals +external site +Association of Jewish Libraries +external site +Audiovisual and Integrated Experience Association +external site +Educational Technology Collaborative +external site +International Federation of Library Associations and Institutions +external site +International Society for Technology in Education +external site +Library and Information Technology Association +external site +Medical Library Association +external site +Music Library Association +external site +NASIG +external site +National Association of Government Archives and Records Administrators +external site +Public Library Association +external site +Reforma +external site +Society for Applied Learning Technology +external site +Society of American Archivists +external site +Special Libraries Association +external site +The Black Caucus of the American Library Association +external site +Visual Resources Association +external site +Mid-Atlantic Regional Archives Conference +external site +Midwest Archives Conference +external site +Mountain Plains Library Association +external site +Pacific Northwest Library Association +external site +Southeastern Library Association +external site +Southwestern Association of Law Libraries +external site +Western Association of Map Libraries +external site +Society of Broadcast Engineers +external site",90,5,32,85,41,56,41,74,71,32,40,39,13,76,16,38,57,17,30,10,43,16,38,33,9,20,9,8,10,26,37,18,36 +13-2099.01,Financial Quantitative Analysts,https://www.onetonline.org/link/summary/13-2099.01,2025-06-11T18:51:15.549780,"Apply mathematical or statistical techniques to address practical issues in finance, such as derivative valuation, securities trading, risk management, or financial market regulation. +Research or develop analytical tools to address issues such as portfolio construction or optimization, performance measurement, attribution, profit and loss measurement, or pricing models. +Interpret results of financial analysis procedures. +Develop core analytical capabilities or model libraries, using advanced statistical, quantitative, or econometric techniques. +Define or recommend model specifications or data collection methods. +Produce written summary reports of financial research results. +Maintain or modify all financial analytic models in use. +Provide application or analytical support to researchers or traders on issues such as valuations or data. +Devise or apply independent models or tools to help verify results of analytical systems. +Collaborate in the development or testing of new analytical software to ensure compliance with user requirements, specifications, or scope. +Confer with other financial engineers or analysts on trading strategies, market dynamics, or trading system performance to inform development of quantitative techniques. +Consult traders or other financial industry personnel to determine the need for new or improved analytical applications. +Research new financial products or analytics to determine their usefulness. +Identify, track, or maintain metrics for trading system operations. +Develop methods of assessing or measuring corporate performance in terms of environmental, social, and governance (ESG) issues. +Collaborate with product development teams to research, model, validate, or implement quantitative structured solutions for new or expanded markets. +Prepare requirements documentation for use by software developers. +Develop solutions to help clients hedge carbon exposure or risk. +Develop tools to assess green technologies or green financial products, such as green hedge funds or social responsibility investment funds. +Assess the potential impact of climate change on business financial issues, such as damage repairs, insurance costs, or potential disruptions of daily activities. +Analyze pricing or risks of carbon trading products.","Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;1 more +Business intelligence and data analysis software— Microsoft Power BI; MicroStrategy; Tableau +Data base management system software— Apache Hive +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; Microsoft SQL Server; Structured query language SQL +Data mining software— IBM Cognos Business Intelligence +Development environment software— Microsoft Azure software; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; Microsoft Visual Studio +Enterprise resource planning ERP software— Microsoft Dynamics; MicroStrategy Desktop; Oracle JD Edwards EnterpriseOne +Financial analysis software— Bloomberg Professional +Internet browser software— Web browser software +Object or component oriented development software— C#; Oracle Java; Perl; R;2 more +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Apply mathematical models of financial or business conditions. +Develop business or financial information systems. +Analyze business or financial data. +Advise others on analytical techniques. +Prepare financial documents, reports, or budgets. +Confer with personnel to coordinate business operations. +Discuss business strategies, practices, or policies with managers. +Assess the cost effectiveness of products, projects, or services. +Monitor business indicators. +Develop financial analysis methods. +Develop technical specifications for systems or equipment. +Measure effectiveness of business strategies or practices. +Analyze risks related to investments in green technology.","E-Mail— 95% responded “Every day.” +Spend Time Sitting— 70% responded “Continually or almost continually.” +Duration of Typical Work Week— 75% responded “More than 40 hours.” +Level of Competition— 58% responded “Extremely competitive.” +Telephone Conversations— 50% responded “Once a week or more but not every day.” +Face-to-Face Discussions with Individuals and Within Teams— 44% responded “Every day.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 61% responded “Very important.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Contact With Others— 35% responded “Contact with others about half the time.” +Frequency of Decision Making— 42% responded “Once a year or more but not every month.” +Consequence of Error— 26% responded “Extremely serious.” +Written Letters and Memos— 41% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Work Outcomes and Results of Other Workers— 44% responded “Moderate responsibility.”","Mathematics— Using mathematics to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Persuasion— Persuading others to change their minds or behavior. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Business Intelligence Analysts +Bright Outlook +Credit Analysts +Data Scientists +Financial and Investment Analysts +Financial Risk Specialists +Investment Fund Managers +Management Analysts +Operations Research Analysts +Statistical Assistants +Statisticians","View the list of Allies +Chicago Quantitative Alliance +external site +Chartered Alternative Investment Analyst Association +external site +International Association for Quantitative Finance +external site +Society of Quantitative Analysts +external site +CFA Institute +external site +Financial Industry Regulatory Authority +external site",26,,18,51,91,28,1,26,13,80,21,25,1,68,3,23,25,1,1,4,26,1,18,9,1,43,3,8,1,28,9,1,6 +51-2011.00,"Aircraft Structure, Surfaces, Rigging, and Systems Assemblers",https://www.onetonline.org/link/summary/51-2011.00,2025-06-11T19:23:43.130238,"Assemble parts, fittings, or subassemblies on aircraft, using layout tools, hand tools, power tools, or fasteners, such as bolts, screws, rivets, or clamps. +Read blueprints, illustrations, or specifications to determine layouts, sequences of operations, or identities or relationships of parts. +Attach brackets, hinges, or clips to secure or support components or subassemblies, using bolts, screws, rivets, chemical bonding, or welding. +Inspect or test installed units, parts, systems, or assemblies for fit, alignment, performance, defects, or compliance with standards, using measuring instruments or test equipment. +Adjust, repair, rework, or replace parts or assemblies to ensure proper operation. +Cut, trim, file, bend, or smooth parts to ensure proper fit and clearance. +Fabricate parts needed for assembly or installation, using shop machinery or equipment. +Layout and mark reference points and locations for installation of parts or components, using jigs, templates, or measuring and marking instruments. +Clean, oil, or coat system components, as necessary, before assembly or attachment. +Assemble prefabricated parts to form subassemblies. +Set, align, adjust, or synchronize aircraft armament or rigging or control system components to established tolerances or requirements, using sighting devices and hand tools. +Join structural assemblies, such as wings, tails, or fuselage. +Position and align subassemblies in jigs or fixtures, using measuring instruments and following blueprint lines and index points. +Assemble prototypes or integrated-technology demonstrators of new or emerging environmental technologies for aircraft. +Manually install structural assemblies or signal crane operators to position assemblies for joining. +Align, fit, assemble, connect, or install system components, using jigs, fixtures, measuring instruments, hand tools, or power tools. +Set up or operate machines or systems to crimp, cut, bend, form, swage, flare, bead, burr, or straighten tubing, according to specifications. +Place and connect control cables to electronically controlled units, using hand tools, ring locks, cotter keys, threaded connectors, turnbuckles, or related devices. +Install mechanical linkages and actuators, using tensiometers to verify tension of cables. +Clean aircraft structures, parts, or components, using aqueous, semi-aqueous, aliphatic hydrocarbon, or organic solvent cleaning products or techniques to reduce carbon or other harmful emissions. +Install accessories in swaging machines, using hand tools. +Mark identifying information on tubing or cable assemblies, using etching devices, labels, rubber stamps, or other methods. +Verify dimensions of cable assemblies or positions of fittings, using measuring instruments. +Weld tubing and fittings or solder cable ends, using tack welders, induction brazing chambers, or other equipment. +Fit and fasten sheet metal coverings to surface areas or other sections of aircraft prior to welding or riveting. +Capture or segregate waste material, such as aluminum swarf, machine cutting fluid, or solvents, for recycling or environmentally responsible disposal. +Cut cables and tubing, using master templates, measuring instruments, and cable cutters or saws.","Computer aided design CAD software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Electrical power management system software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Assemble metal or plastic parts or products. +Assemble metal structures. +Review blueprints or other instructions to determine operational methods or sequences. +Adjust vehicle components according to specifications. +Cut industrial materials in preparation for fabrication or processing. +Align parts or workpieces to ensure proper assembly. +Inspect installed components or assemblies. +Repair parts or assemblies. +Replace worn equipment components. +Reshape metal workpieces to established specifications. +Trim excess material from workpieces. +Operate metal or plastic forming equipment. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Clean workpieces or finished products. +Apply lubricants or coolants to workpieces. +Assemble electrical or electronic equipment. +Install mechanical components in production equipment. +Signal others to coordinate work activities. +Operate cutting equipment. +Connect supply lines to production equipment or tools. +Assemble electromechanical or hydraulic systems. +Mount attachments or tools onto production equipment. +Mark products, workpieces, or equipment with identifying information. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Operate welding equipment. +Solder parts or workpieces. +Sort recyclable materials.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 86% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Exposed to Contaminants— 86% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Exposed to Hazardous Conditions— 49% responded “Every day.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 56% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 58% responded “Every day.” +Contact With Others— 44% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 52% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +Spend Time Standing— 37% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Important results.” +Time Pressure— 30% responded “Once a week or more but not every day.” +Consequence of Error— 31% responded “Very serious.” +Exposed to Hazardous Equipment— 36% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 28% responded “High responsibility.” +Physical Proximity— 63% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 34% responded “Every day.” +Spend Time Bending or Twisting Your Body— 37% responded “About half the time.” +Work Outcomes and Results of Other Workers— 28% responded “High responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 26% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Aircraft Mechanics and Service Technicians +Avionics Technicians +Bright Outlook +Electrical and Electronic Equipment Assemblers +Electromechanical Equipment Assemblers +Engine and Other Machine Assemblers +Layout Workers, Metal and Plastic +Millwrights +Sheet Metal Workers +Structural Metal Fabricators and Fitters +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Aircraft Owners and Pilots Association +external site +Experimental Aircraft Association +external site +Fabricators and Manufacturers Association +external site +International Association of Machinists and Aerospace Workers +external site +IPC +external site",46,7,60,61,62,46,50,62,29,27,20,34,42,54,11,38,29,61,7,36,25,19,8,24,15,49,28,36,8,60,32,7,7 +29-1126.00,Respiratory Therapists,https://www.onetonline.org/link/summary/29-1126.00,2025-06-11T19:05:49.994278,"Provide emergency care, such as artificial respiration, external cardiac massage, or assistance with cardiopulmonary resuscitation. +Monitor patient's physiological responses to therapy, such as vital signs, arterial blood gases, or blood chemistry changes, and consult with physician if adverse reactions occur. +Set up and operate devices, such as mechanical ventilators, therapeutic gas administration apparatus, environmental control systems, or aerosol generators, following specified parameters of treatment. +Work as part of a team of physicians, nurses, or other healthcare professionals to manage patient care by assisting with medical procedures or related duties. +Maintain charts that contain patients' pertinent identification and therapy information. +Read prescription, measure arterial blood gases, and review patient information to assess patient condition. +Relay blood analysis results to a physician. +Inspect, clean, test, and maintain respiratory therapy equipment to ensure equipment is functioning safely and efficiently, ordering repairs when necessary. +Explain treatment procedures to patients to gain cooperation and allay fears. +Make emergency visits to resolve equipment problems. +Determine requirements for treatment, such as type, method and duration of therapy, precautions to be taken, or medication and dosages, compatible with physicians' orders. +Enforce safety rules and ensure careful adherence to physicians' orders. +Educate patients and their families about their conditions and teach appropriate disease management techniques, such as breathing exercises or the use of medications or respiratory equipment. +Perform bronchopulmonary drainage and assist or instruct patients in performance of breathing exercises. +Conduct tests, such as electrocardiograms (EKGs), stress testing, or lung capacity tests, to evaluate patients' cardiopulmonary functions. +Perform pulmonary function and adjust equipment to obtain optimum results in therapy. +Demonstrate respiratory care procedures to trainees or other healthcare personnel. +Use a variety of testing techniques to assist doctors in cardiac or pulmonary research or to diagnose disorders. +Transport patients to the hospital or within the hospital. +Teach, train, supervise, or use the assistance of students, respiratory therapy technicians, or assistants. +Perform endotracheal intubation to maintain open airways for patients who are unable to breathe on their own. +Monitor cardiac patients, using electrocardiography devices, such as a holter monitor. +Attend high-risk and caesarian section infant deliveries to provide neonatal respiratory care as needed.","Calendar and scheduling software +Data base user interface and query software— Database software +Electronic mail software— Microsoft Outlook +Medical software— eClinicalWorks EHR software; Electronic medical record EMR software; HMS; MEDITECH software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Implement advanced life support techniques. +Treat medical emergencies. +Monitor patient conditions during treatments, procedures, or activities. +Inform medical professionals regarding patient conditions and care. +Assist healthcare practitioners during examinations or treatments. +Collaborate with healthcare professionals to plan or provide treatment. +Maintain medical facility records. +Operate diagnostic or therapeutic medical instruments or equipment. +Prepare medical supplies or equipment for use. +Gather medical information from patient histories. +Clean medical equipment or facilities. +Communicate test or assessment results to medical professionals. +Examine medical instruments or equipment to ensure proper operation. +Maintain medical equipment or instruments. +Explain medical procedures or test results to patients or family members. +Determine protocols for medical procedures. +Repair medical facility equipment. +Verify that medical activities or operations meet standards. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Treat chronic diseases or disorders. +Test patient heart or lung functioning. +Adjust settings or positions of medical equipment. +Train medical providers. +Move patients to or from treatment areas. +Supervise patient care personnel.","Exposed to Disease or Infections— 92% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Contact With Others— 85% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 94% responded “Every day.” +Physical Proximity— 75% responded “Very close (near touching).” +Frequency of Decision Making— 83% responded “Every day.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Consequence of Error— 73% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Very important results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 66% responded “Every day.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +E-Mail— 65% responded “Every day.” +Time Pressure— 56% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 53% responded “Continually or almost continually.” +Spend Time Standing— 48% responded “More than half the time.” +Spend Time Walking or Running— 46% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 60% responded “Some freedom.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Health and Safety of Other Workers— 43% responded “High responsibility.” +Exposed to Contaminants— 46% responded “Every day.” +Importance of Repeating Same Tasks— 31% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a month or more but not every week.” +Conflict Situations— 43% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 27% responded “Once a week or more but not every day.” +Exposed to Radiation— 35% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 27% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 41% responded “Limited responsibility.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Science— Using scientific rules and methods to solve problems.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Cardiovascular Technologists and Technicians +Critical Care Nurses +Occupational Therapy Assistants +Paramedics +Physical Therapist Aides +Physical Therapist Assistants +Physical Therapists +Radiation Therapists +Registered Nurses","View the list of Allies +American Association for Respiratory Care +external site +American Lung Association +external site +American Thoracic Society +external site +Northeast Pediatric Cardiology Nurses Association +external site +Southern Society for Clinical Investigation +external site +Commission on Accreditation of Allied Health Education Programs +external site +National Board for Respiratory Care +external site",83,2,15,73,52,29,39,68,33,14,13,26,53,56,25,43,33,33,34,12,61,48,40,24,82,30,7,47,56,5,8,2,5 +13-1199.05,Sustainability Specialists,https://www.onetonline.org/link/summary/13-1199.05,2025-06-11T18:50:27.723336,"Develop sustainability project goals, objectives, initiatives, or strategies in collaboration with other sustainability professionals. +Monitor or track sustainability indicators, such as energy usage, natural resource usage, waste generation, and recycling. +Assess or propose sustainability initiatives, considering factors such as cost effectiveness, technical feasibility, and acceptance. +Provide technical or administrative support for sustainability programs or issues. +Review and revise sustainability proposals or policies. +Develop reports or presentations to communicate the effectiveness of sustainability initiatives. +Create or maintain plans or other documents related to sustainability projects. +Collect information about waste stream management or green building practices to inform decision makers. +Research or review regulatory, technical, or market issues related to sustainability. +Identify or investigate violations of natural resources, waste management, recycling, or other environmental policies. +Identify or create new sustainability indicators. +Create marketing or outreach media, such as brochures or Web sites, to communicate sustainability issues, procedures, or objectives. +Identify or procure needed resources to implement sustainability programs or projects. +Write grant applications, rebate applications, or project proposals to secure funding for sustainability projects. +Deliver sustainability training to employees.","Analytical or scientific software— Life cycle assessment LCA software; PE INTERNATIONAL GaBi; PE INTERNATIONAL SoFi; PRe Consultants SimaPro +Business intelligence and data analysis software— Microsoft Power BI; Tableau +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation +Data base user interface and query software— Microsoft Access; Oracle Database; Structured query language SQL +Data mining software— Google Analytics +Desktop publishing software— Adobe InDesign; Microsoft Publisher; Quark enterprise publishing software +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Geographic information system— Esri ArcGIS; Geographic information system GIS software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Information retrieval or search software— Online database search and retrieval software +Internet browser software— Web browser software +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Social media sites +Web platform development software— JavaScript +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Develop sustainable business strategies or practices. +Monitor business indicators. +Assess the cost effectiveness of products, projects, or services. +Advise others on business or operational matters. +Establish organizational guidelines or policies. +Research issues related to the environment or sustainable business practices. +Prepare financial documents. +Prepare operational reports. +Investigate legal issues. +Create marketing materials. +Obtain information about goods or services. +Purchase products or services. +Prepare proposal documents.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 71% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 59% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Very important.” +Contact With Others— 43% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Spend Time Sitting— 57% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 65% responded “Very important.” +Duration of Typical Work Week— 52% responded “40 hours.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Written Letters and Memos— 36% responded “Once a month or more but not every week.” +Level of Competition— 43% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Deal With External Customers or the Public in General— 35% responded “Very important.” +Frequency of Decision Making— 39% responded “Once a month or more but not every week.” +Conflict Situations— 30% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Chief Sustainability Officers +Bright Outlook +Climate Change Policy Analysts +Energy Auditors +Energy Engineers, Except Wind and Solar +Environmental Scientists and Specialists, Including Health +Industrial Ecologists +Management Analysts +Project Management Specialists +Solar Sales Representatives and Assessors +Wind Energy Development Managers","View the list of Allies +International Society of Sustainability Professionals +external site +Air and Waste Management Association +external site +Alliance to Save Energy +external site +American Institute of Architects +external site +American Society for Environmental History +external site +American Society of Civil Engineers +external site +American Solar Energy Society +external site +American Sustainable Business Network +external site +American Water Resources Association +external site +ASHRAE +external site +Association for the Advancement of Sustainability in Higher Education +external site +Building Commissioning Association +external site +Building Owners and Managers Association International +external site +Ecological Society of America +external site +Environmental and Energy Study Institute +external site +Environmental Design Research Association +external site +Global Council for Science and the Environment +external site +Green Chamber of the South +external site +Institute of Environmental Management and Assessment +external site +International Association for Impact Assessment +external site +International Erosion Control Association +external site +National Association for Environmental, Health, Safety, and Sustainability Management +external site +National Association of Environmental Professionals +external site +National Environmental Health Association +external site +Net Impact +external site +North American Association for Environmental Education +external site +Society for Conservation Biology +external site +Solar Energy Industries Association +external site +Solid Waste Association of North America +external site +Sustainability Management Association +external site +Sustainable Brands +external site +Sustainable Development Solutions Network +external site +Sustainable Packaging Coalition +external site +Sustainable Purchasing Leadership Council +external site +Union of Concerned Scientists +external site +USGBC +external site +Water Environment Federation +external site +Mid-Atlantic Renewable Energy Association +external site +Midwest Energy Efficiency Alliance +external site +Midwest Renewable Energy Association +external site +New England Water Environment Association +external site +Northeast Recycling Council +external site +Northeast Sustainable Energy Association +external site +Northeast Waste Management Officials’ Association +external site +Pacific Northwest Clean Water Association +external site +Southeast Energy Efficiency Alliance +external site +Southern Alliance for Clean Energy +external site +Western Energy Institute +external site +Association of Climate Change Officers +external site +Association of Energy Engineers +external site +International Union for Conservation of Nature +external site",54,24,43,62,42,69,36,62,48,44,48,35,34,44,21,64,52,36,27,38,42,8,44,17,9,51,60,28,33,49,40,11,28 +35-9011.00,Dining Room and Cafeteria Attendants and Bartender Helpers,https://www.onetonline.org/link/summary/35-9011.00,2025-06-11T19:12:04.216586,"Run cash registers. +Serve ice water, coffee, rolls, or butter to patrons. +Scrape and stack dirty dishes and carry dishes and other tableware to kitchens for cleaning. +Wipe tables or seats with dampened cloths or replace dirty tablecloths. +Set tables with clean linens, condiments, or other supplies. +Greet and seat customers. +Clean up spilled food or drink or broken dishes and remove empty bottles and trash. +Maintain adequate supplies of items, such as clean linens, silverware, glassware, dishes, or trays. +Locate items requested by customers. +Fill beverage or ice dispensers. +Carry food, dishes, trays, or silverware from kitchens or supply departments to serving counters. +Perform serving, cleaning, or stocking duties in establishments, such as cafeterias or dining rooms, to facilitate customer service. +Carry trays from food counters to tables for cafeteria patrons. +Stock cabinets or serving areas with condiments and refill condiment containers. +Serve food to customers when waiters or waitresses need assistance. +Clean and polish counters, shelves, walls, furniture, or equipment in food service areas or other areas of restaurants and mop or vacuum floors. +Replenish supplies of food or equipment at steam tables or service bars. +Wash glasses or other serving equipment at bars. +Carry linens to or from laundry areas. +Garnish foods and position them on tables to make them visible and accessible. +Mix and prepare flavors for mixed drinks. +Slice and pit fruit used to garnish drinks. +Stock refrigerating units with wines or bottled beer or replace empty beer kegs. +Prepare food, such as sandwiches, for customers.","Operating system software— Microsoft Windows +Point of sale POS software— Cafe Cartel Systems; Plexis Software Plexis POS; RestaurantPlus PRO +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Serve food or beverages. +Clean food service areas. +Collect dirty dishes or other tableware. +Operate cash registers. +Arrange tables or dining areas. +Assist customers to ensure comfort or safety. +Greet customers, patrons, or visitors. +Usher patrons to seats or exits. +Maintain food, beverage, or equipment inventories. +Stock serving stations or dining areas with food or supplies. +Provide customers with general information or assistance. +Move equipment, supplies or food to required locations. +Store supplies or goods in kitchens or storage areas. +Clean facilities or work areas. +Clean tableware. +Add garnishes to food. +Arrange food for serving. +Clean food preparation areas, facilities, or equipment. +Cut cooked or raw foods. +Mix ingredients.","Spend Time Walking or Running— 88% responded “Continually or almost continually.” +Spend Time Standing— 84% responded “Continually or almost continually.” +Contact With Others— 80% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 80% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Physical Proximity— 53% responded “Very close (near touching).” +Spend Time Making Repetitive Motions— 23% responded “About half the time.” +Deal With External Customers or the Public in General— 61% responded “Extremely important.” +Importance of Being Exact or Accurate— 27% responded “Extremely important.” +Indoors, Environmentally Controlled— 67% responded “Every day.” +Spend Time Bending or Twisting Your Body— 23% responded “Less than half the time.” +Impact of Decisions on Co-workers or Company Results— 25% responded “Minor results.” +Dealing With Unpleasant, Angry, or Discourteous People— 54% responded “Once a week or more but not every day.” +Telephone Conversations— 26% responded “Never.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 57% responded “Every day.” +Health and Safety of Other Workers— 28% responded “Very high responsibility.” +Frequency of Decision Making— 47% responded “Every day.” +Determine Tasks, Priorities and Goals— 45% responded “Limited freedom.” +Freedom to Make Decisions— 42% responded “Some freedom.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Baristas +Bright Outlook +Bartenders +Cooks, Short Order +Dishwashers +Fast Food and Counter Workers +Food Preparation Workers +Food Servers, Nonrestaurant +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop +Maids and Housekeeping Cleaners +Waiters and Waitresses","View the list of Allies +National Restaurant Association +external site +Women Chefs and Restaurateurs +external site",84,56,30,56,20,44,33,27,25,21,51,39,12,25,16,21,22,12,10,23,26,8,18,10,14,4,1,8,4,6,8,1,3 +43-4161.00,"Human Resources Assistants, Except Payroll and Timekeeping",https://www.onetonline.org/link/summary/43-4161.00,2025-06-11T19:16:03.585900,"Process, verify, and maintain personnel related documentation, including staffing, recruitment, training, grievances, performance evaluations, classifications, and employee leaves of absence. +Record data for each employee, including such information as addresses, weekly earnings, absences, amount of sales or production, supervisory reports on performance, and dates of and reasons for terminations. +Explain company personnel policies, benefits, and procedures to employees or job applicants. +Provide assistance in administering employee benefit programs and worker's compensation plans. +Answer questions regarding examinations, eligibility, salaries, benefits, and other pertinent information. +Prepare and set up for new employee orientations. +Gather personnel records from other departments or employees. +Examine employee files to answer inquiries and provide information for personnel actions. +Search employee files to obtain information for authorized persons and organizations, such as credit bureaus and finance companies. +Compile and prepare reports and documents pertaining to personnel activities. +Interview job applicants to obtain and verify information used to screen and evaluate them. +Process and review employment applications to evaluate qualifications or eligibility of applicants. +Inform job applicants of their acceptance or rejection of employment. +Select applicants meeting specified job requirements and refer them to hiring personnel. +Arrange for advertising or posting of job vacancies and notify eligible workers of position availability. +Request information from law enforcement officials, previous employers, and other references to determine applicants' employment acceptability. +Administer and score applicant and employee aptitude, personality, and interest assessment instruments. +Prepare badges, passes, and identification cards, and perform other security-related duties. +Arrange for in-house and external training activities.","Calendar and scheduling software— Google Calendar +Computer based training software— Blackboard Learn; Blackboard Learning System; Learning management system LMS +Data base user interface and query software— Database software; FileMaker Pro; Microsoft Access +Desktop publishing software— Microsoft Publisher +Document management software— Document management system software; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP ERP +Human resources software— Human resource management software HRMS; Oracle Self-Service Human Resources; Oracle Taleo; Workscape HR Service Center;10 more +Internet browser software— Microsoft Internet Explorer +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Optical character reader OCR or scanning software— Scanning software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Spreadsheet software— Microsoft Excel +Web page creation and editing software— LinkedIn +Word processing software— Google Docs; Microsoft Word","Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Record personnel information. +Explain regulations, policies, or procedures. +Interview employees, customers, or others to collect information. +Administer personnel recruitment or hiring activities. +Administer compensation or benefits programs. +Set up classroom materials or equipment. +Compile data or documentation. +Obtain personal or financial information about customers or applicants. +Search files, databases or reference materials to obtain needed information. +Issue documentation or identification to customers or employees. +Train personnel.","E-Mail— 100% responded “Every day.” +Contact With Others— 91% responded “Constant contact with others.” +Telephone Conversations— 93% responded “Every day.” +Importance of Being Exact or Accurate— 76% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Importance of Repeating Same Tasks— 60% responded “Extremely important.” +Spend Time Sitting— 50% responded “More than half the time.” +Time Pressure— 52% responded “Every day.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Freedom to Make Decisions— 38% responded “A lot of freedom.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Conflict Situations— 38% responded “Every day.” +Indoors, Environmentally Controlled— 67% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Written Letters and Memos— 34% responded “Every day.” +Spend Time Making Repetitive Motions— 33% responded “More than half the time.” +Frequency of Decision Making— 35% responded “Every day.” +Physical Proximity— 47% responded “Slightly close (e.g., shared office).” +Work Outcomes and Results of Other Workers— 44% responded “High responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people.","Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Administrative Services Managers +Bright Outlook +Compensation and Benefits Managers +Compensation, Benefits, and Job Analysis Specialists +Eligibility Interviewers, Government Programs +Executive Secretaries and Executive Administrative Assistants +First-Line Supervisors of Office and Administrative Support Workers +Human Resources Managers +Human Resources Specialists +Payroll and Timekeeping Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive","View the list of Allies +Public Sector HR Association +external site +Society for Human Resource Management +external site +WTS International +external site +International Association for Human Resource Information Management +external site",69,1,8,61,36,62,34,41,78,30,9,85,1,47,9,30,31,,8,9,14,16,12,22,1,2,1,,,4,6,,1 +13-1041.07,Regulatory Affairs Specialists,https://www.onetonline.org/link/summary/13-1041.07,2025-06-11T18:49:37.348059,"Coordinate efforts associated with the preparation of regulatory documents or submissions. +Communicate with regulatory agencies regarding pre-submission strategies, potential regulatory pathways, compliance test requirements, or clarification and follow-up of submissions under review. +Prepare or direct the preparation of additional information or responses as requested by regulatory agencies. +Coordinate, prepare, or review regulatory submissions for domestic or international projects. +Prepare or maintain technical files as necessary to obtain and sustain product approval. +Interpret regulatory rules or rule changes and ensure that they are communicated through corporate policies and procedures. +Determine the types of regulatory submissions or internal documentation that are required in situations such as proposed device changes or labeling changes. +Coordinate recall or market withdrawal activities as necessary. +Advise project teams on subjects such as premarket regulatory requirements, export and labeling requirements, or clinical study compliance issues. +Review adverse drug reactions and file all related reports in accordance with regulatory agency guidelines. +Review product promotional materials, labeling, batch records, specification sheets, or test methods for compliance with applicable regulations and policies. +Identify relevant guidance documents, international standards, or consensus standards. +Provide technical review of data or reports to be incorporated into regulatory submissions to assure scientific rigor, accuracy, and clarity of presentation. +Review clinical protocols to ensure collection of data needed for regulatory submissions. +Provide pre-, ongoing, and post-inspection follow-up assistance to governmental inspectors. +Maintain current knowledge base of existing and emerging regulations, standards, or guidance documents. +Recommend changes to company procedures in response to changes in regulations or standards. +Participate in internal or external audits. +Compile and maintain regulatory documentation databases or systems. +Write or update standard operating procedures, work instructions, or policies. +Obtain and distribute updated information regarding domestic or international laws, guidelines, or standards. +Develop or track quality metrics. +Develop or conduct employee regulatory training. +Recommend adjudication of product complaints. +Determine requirements applying to treatment, storage, shipment, or disposal of potentially hazardous production-related waste. +Direct the collection and preparation of laboratory samples as requested by regulatory agencies. +Prepare responses to customer requests for information, such as product data, written regulatory affairs statements, surveys, or questionnaires. +Specialize in regulatory issues related to agriculture, such as the cultivation of green biotechnology crops or the post-market regulation of genetically altered crops. +Determine regulations or procedures related to the management, collection, reuse, recovery, or recycling of packaging waste. +Determine the legal implications of the production, supply, or use of ozone-depleting substances or equipment containing such substances. +Develop regulatory strategies for products.","Accounting software— Fund accounting software; Tax software +Analytical or scientific software— Analyse-it; Statistical software +Business intelligence and data analysis software— MicroStrategy; Qlik Tech QlikView +Data base management system software— Relational database management software +Data base reporting software— DataVision +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Structured query language SQL; Yardi software;1 more +Development environment software— Integrated development environment IDE software; Microsoft Visual Basic +Document management software— Adobe Acrobat; Atrion Intelligent Authoring; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; SAP software +Human resources software— Human resource management software HRMS +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Medical software— Healthcare common procedure coding system HCPCS; Medical procedure coding software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Coordinate regulatory documentation activities. +Obtain documentation to authorize activities. +Prepare regulatory or compliance documentation. +Evaluate applicable laws and regulations to determine impact on organizational activities. +Explain regulations, policies, or procedures. +Oversee business processes. +Advise others on legal or regulatory compliance matters. +Examine product information to ensure compliance with regulations. +Compile technical information or documentation. +Review documents or materials for compliance with policies or regulations. +Update knowledge of legal or regulatory environments. +Communicate with government agencies. +Examine financial records or processes. +Maintain data in information systems or databases. +Establish organizational guidelines or policies. +Prepare financial documents. +Analyze environmental regulations to ensure organizational compliance. +Monitor business indicators. +Train personnel in organizational or compliance procedures. +Analyze data to identify or resolve operational problems. +Investigate system, equipment, or product failures. +Recommend changes or corrective procedures. +Correspond with customers to answer questions or resolve complaints.","E-Mail— 95% responded “Every day.” +Spend Time Sitting— 90% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Every day.” +Telephone Conversations— 47% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Contact With Others— 45% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Duration of Typical Work Week— 55% responded “40 hours.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Importance of Repeating Same Tasks— 30% responded “Extremely important.” +Physical Proximity— 70% responded “Slightly close (e.g., shared office).” +Frequency of Decision Making— 45% responded “Once a year or more but not every month.” +Level of Competition— 35% responded “Moderately competitive.” +Spend Time Making Repetitive Motions— 30% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Compliance Managers +Bright Outlook +Compliance Officers +Coroners +Customs Brokers +Document Management Specialists +Environmental Compliance Inspectors +Equal Opportunity Representatives and Officers +Government Property Inspectors and Investigators +Quality Control Systems Managers +Regulatory Affairs Managers","View the list of Allies +Regulatory Affairs Professionals Society +external site +Advanced Medical Technology Association +external site +American Association of Pharmaceutical Scientists +external site +American Institute of Chemical Engineers +external site +American Medical Association +external site +American Pharmacists Association +external site +American Society for Clinical Pathology +external site +American Society for Clinical Pharmacology and Therapeutics +external site +American Society for Pharmacology and Experimental Therapeutics +external site +American Society for Quality +external site +American Society of Clinical Oncology +external site +American Society of Mechanical Engineers +external site +Association for the Advancement of Medical Instrumentation +external site +Clinical Data Interchange Standards Consortium +external site +Drug Information Association +external site +Food and Drug Law Institute +external site +Great Lakes Bioinformatics Consortium +external site +Institute of Electrical and Electronics Engineers +external site +International Society for Pharmaceutical Engineering +external site +Parenteral Drug Association +external site +Society for Clinical Trials +external site +Society of Quality Assurance +external site +Specialized Carriers and Rigging Association +external site +Midwestern Association of Graduate Schools +external site +North Central Association of Food and Drug Officials +external site +Northwest Association for Biomedical Research +external site +Association of Clinical Research Professionals +external site +International Society of Automation +external site +Society of Clinical Research Associates +external site",36,6,40,88,39,59,25,40,54,12,21,21,45,60,25,78,41,11,4,8,17,5,11,26,45,40,3,16,61,25,19,,4 +13-1121.00,"Meeting, Convention, and Event Planners",https://www.onetonline.org/link/summary/13-1121.00,2025-06-11T18:50:07.372647,"Consult with customers to determine objectives and requirements for events, such as meetings, conferences, and conventions. +Review event bills for accuracy and approve payment. +Coordinate services for events, such as accommodation and transportation for participants, facilities, catering, signage, displays, special needs requirements, printing and event security. +Arrange the availability of audio-visual equipment, transportation, displays, and other event needs. +Confer with staff at a chosen event site to coordinate details. +Inspect event facilities to ensure that they conform to customer requirements. +Maintain records of event aspects, including financial details. +Monitor event activities to ensure compliance with applicable regulations and laws, satisfaction of participants, and resolution of any problems that arise. +Negotiate contracts with such service providers and suppliers as hotels, convention centers, and speakers. +Evaluate and select providers of services according to customer requirements. +Plan and develop programs, agendas, budgets, and services according to customer requirements. +Hire, train, and supervise volunteers and support staff required for events. +Conduct post-event evaluations to determine how future events could be improved. +Direct administrative details, such as financial operations, dissemination of promotional materials, and responses to inquiries. +Meet with sponsors and organizing committees to plan scope and format of events, to establish and monitor budgets, or to review administrative procedures and event progress. +Read trade publications, attend seminars, and consult with other meeting professionals to keep abreast of meeting management standards and trends. +Organize registration of event participants. +Develop event topics and choose featured speakers. +Promote conference, convention and trades show services by performing tasks such as meeting with professional and trade associations, and producing brochures and other publications. +Design and implement efforts to publicize events and promote sponsorships. +Obtain permits from fire and health departments to erect displays and exhibits and serve food at events.","Cloud-based data access and sharing software— Google Drive +Customer relationship management CRM software— Blackbaud The Raiser's Edge; GruupMeet; Microsoft Dynamics; Oracle Eloqua +Data base user interface and query software— Dean Evans & Associates EMS Professional; FileMaker Pro; Microsoft Access; NSF Hospitality Rendezvous Events;2 more +Desktop communications software— ParentSquare +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Facilities management software— MeetingMatrix International +Financial analysis software— Delphi Discovery; Delphi Technology +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Photoshop; SmugMug Flickr; Trimble SketchUp Pro +Internet browser software— Web browser software +Network conferencing software— LogMeIn GoToWebinar +Office suite software— Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint +Project management software— Active Network EventRegister; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management; Planstone;3 more +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Video conferencing software— LogMeIn GoToMeeting +Web page creation and editing software— Facebook; LinkedIn; Social media sites +Web platform development software— Hypertext markup language HTML +Word processing software— Google Docs; Microsoft Word","Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Correspond with customers to answer questions or resolve complaints. +Authorize financial actions. +Verify accuracy of records. +Organize special events. +Confer with personnel to coordinate business operations. +Inspect facilities or equipment to ensure specifications are met. +Prepare financial documents. +Monitor organizational compliance with regulations. +Conduct eligibility or selection interviews. +Negotiate contracts with clients or service providers. +Develop financial or business plans. +Conduct surveys in organizations. +Supervise employees. +Train personnel to enhance job skills. +Oversee business processes. +Confer with others about financial matters. +Create marketing materials. +Market products, services, or events. +Update professional knowledge. +Obtain documentation to authorize activities.","Telephone Conversations— 94% responded “Every day.” +Contact With Others— 93% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +E-Mail— 88% responded “Every day.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Deal With External Customers or the Public in General— 86% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 80% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 76% responded “Extremely important.” +Time Pressure— 74% responded “Every day.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Frequency of Decision Making— 64% responded “Every day.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Important results.” +Written Letters and Memos— 54% responded “Every day.” +Importance of Being Exact or Accurate— 30% responded “Extremely important.” +Level of Competition— 22% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 19% responded “High responsibility.” +Physical Proximity— 28% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 54% responded “Continually or almost continually.” +Spend Time Sitting— 42% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 19% responded “Every day.” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Duration of Typical Work Week +Health and Safety of Other Workers— 27% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 64% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 26% responded “Once a year or more but not every month.” +Spend Time Standing +In an Enclosed Vehicle or Operate Enclosed Equipment— 28% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Executive Secretaries and Executive Administrative Assistants +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Non-Retail Sales Workers +Fundraisers +Fundraising Managers +Media Programming Directors +Project Management Specialists +Public Relations Specialists +Recreation Workers +Social and Community Service Managers","View the list of Allies +Association of Bridal Consultants +external site +Association of Certified Professional Wedding Consultants +external site +Association of Collegiate Conference and Events Directors-International +external site +Event Service Professionals Association +external site +Events Industry Council +external site +International Association of Exhibitions and Events +external site +International Live Events Association +external site +International Society of Meeting Planners +external site +Meeting Professionals International +external site +National Association for Catering and Events +external site +Professional Convention Management Association +external site +Society of Government Meeting Professionals +external site +American Association of Certified Wedding Planners +external site",83,26,14,81,44,61,54,38,63,43,48,33,16,57,21,50,68,15,36,46,45,14,27,45,19,23,18,16,12,32,25,29,19 +19-2041.01,Climate Change Policy Analysts,https://www.onetonline.org/link/summary/19-2041.01,2025-06-11T18:56:47.337469,"Provide analytical support for policy briefs related to renewable energy, energy efficiency, or climate change. +Propose new or modified policies involving use of traditional and alternative fuels, transportation of goods, and other factors relating to climate and climate change. +Prepare study reports, memoranda, briefs, testimonies, or other written materials to inform government or environmental groups on environmental issues, such as climate change. +Analyze and distill climate-related research findings to inform legislators, regulatory agencies, or other stakeholders. +Make legislative recommendations related to climate change or environmental management, based on climate change policies, principles, programs, practices, and processes. +Present climate-related information at public interest, governmental, or other meetings. +Gather and review climate-related studies from government agencies, research laboratories, and other organizations. +Review existing policies or legislation to identify environmental impacts. +Promote initiatives to mitigate climate change with government or environmental groups. +Research policies, practices, or procedures for climate or environmental management. +Write reports or academic papers to communicate findings of climate-related studies. +Develop, or contribute to the development of, educational or outreach programs on the environment or climate change. +Present and defend proposals for climate change research projects. +Prepare grant applications to obtain funding for programs related to climate change, environmental management, or sustainability.","Analytical or scientific software— Community Climate System Model CCSM; Grid analysis and display system GrADS; SAS; The MathWorks MATLAB;2 more +Development environment software— Formula translation/translator FORTRAN; Interface definition language IDL; NCAR Command Language NCL; Unidata Network common data form NetCDF +Geographic information system— ESRI ArcGIS software; Geographic information system GIS systems +Information retrieval or search software— North American Regional Climate Change Assessment Program NARCCAP data tables +Internet browser software— Web browser software +Object or component oriented development software— C++; Perl; Python; R;1 more +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Evaluate civic projects or public policies. +Develop environmental sustainability plans or projects. +Conduct climatological research. +Prepare research or technical reports on environmental issues. +Interpret research or operational data. +Advise others on matters of public policy. +Communicate results of environmental research. +Promote environmental sustainability or conservation initiatives. +Appraise environmental impact of regulations or policies. +Compile environmental or climatological data. +Develop educational programs. +Prepare proposal documents or grant applications.","E-Mail— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Telephone Conversations— 64% responded “Every day.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Spend Time Sitting— 57% responded “Continually or almost continually.” +Contact With Others— 48% responded “Contact with others most of the time.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Duration of Typical Work Week— 57% responded “40 hours.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Very important.” +Level of Competition— 52% responded “Moderately competitive.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Time Pressure— 52% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Deal With External Customers or the Public in General— 43% responded “Important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Chief Sustainability Officers +Conservation Scientists +Environmental Economists +Environmental Engineers +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +Hydrologists +Industrial Ecologists +Sustainability Specialists","View the list of Allies +Greenhouse Gas Management Institute +external site +Air and Waste Management Association +external site +American Association for the Advancement of Science +external site +American Association of Geographers +external site +American Geophysical Union +external site +American Geosciences Institute +external site +American Meteorological Society +external site +American Planning Association +external site +American Public Health Association +external site +American Society for Environmental History +external site +American Society of Civil Engineers +external site +American Solar Energy Society +external site +American Water Resources Association +external site +Association for Environmental Studies and Sciences +external site +Association of Environmental and Resource Economists +external site +Climate Institute +external site +Ecological Society of America +external site +Environmental and Energy Study Institute +external site +Environmental Law Institute +external site +Global Council for Science and the Environment +external site +International Association for Impact Assessment +external site +International Society of Sustainability Professionals +external site +National Association for Environmental, Health, Safety, and Sustainability Management +external site +National Association of Environmental Professionals +external site +National Environmental Health Association +external site +Natural Resources Defense Council +external site +Society for Conservation Biology +external site +Society of American Foresters +external site +Society of Environmental Journalists +external site +The Sustainability Consortium +external site +Union of Concerned Scientists +external site +United Nations Framework Convention on Climate Change +external site +University Corporation for Atmospheric Research +external site +Mid-Atlantic Renewable Energy Association +external site +Midwest Renewable Energy Association +external site +Northeast Sustainable Energy Association +external site +Pacific Northwest Economic Region +external site +Southern Alliance for Clean Energy +external site +Association of Climate Change Officers +external site +International Union for Conservation of Nature +external site",16,10,15,71,62,44,16,32,28,35,12,26,40,34,20,74,48,13,15,43,24,8,36,11,7,46,13,44,41,13,45,3,22 +47-2151.00,Pipelayers,https://www.onetonline.org/link/summary/47-2151.00,2025-06-11T19:19:10.764342,"Install or use instruments such as lasers, grade rods, or transit levels. +Cut pipes to required lengths. +Connect pipe pieces and seal joints, using welding equipment, cement, or glue. +Cover pipes with earth or other materials. +Install or repair sanitary or stormwater sewer structures or pipe systems. +Align and position pipes to prepare them for welding or sealing. +Check slopes for conformance to requirements, using levels or lasers. +Lay out pipe routes, following written instructions or blueprints and coordinating layouts with supervisors. +Operate mechanized equipment, such as pickup trucks, rollers, tandem dump trucks, front-end loaders, or backhoes. +Grade or level trench bases, using tamping machines or hand tools. +Dig trenches to desired or required depths, by hand or using trenching tools. +Tap and drill holes into pipes to introduce auxiliary lines or devices. +Locate existing pipes needing repair or replacement, using magnetic or radio indicators. +Train or supervise others in laying pipe.","Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Position hand tools. +Apply adhesives to construction materials. +Cut metal components for installation. +Spread sand, dirt or other loose materials onto surfaces. +Weld metal components. +Install plumbing or piping. +Maintain plumbing structures or fixtures. +Communicate with other construction or extraction personnel to discuss project details. +Evaluate projects to determine compliance with technical specifications. +Mark reference points on construction materials. +Compact materials to create level bases. +Drive trucks or truck-mounted equipment. +Operate equipment or vehicles to clear construction sites or move materials. +Dig holes or trenches. +Drill holes in construction materials. +Locate equipment or materials in need of repair or replacement. +Direct construction or extraction personnel. +Train construction or extraction personnel.","Outdoors, Exposed to All Weather Conditions— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 96% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Contact With Others— 78% responded “Constant contact with others.” +Exposed to Hazardous Equipment— 82% responded “Every day.” +Importance of Being Exact or Accurate— 71% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 68% responded “Every day.” +Physical Proximity— 54% responded “Very close (near touching).” +Health and Safety of Other Workers— 60% responded “Very high responsibility.” +Exposed to Whole Body Vibration— 53% responded “Every day.” +Spend Time Standing— 56% responded “Continually or almost continually.” +Time Pressure— 58% responded “Every day.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Frequency of Decision Making— 51% responded “Every day.” +Exposed to Contaminants— 61% responded “Every day.” +Spend Time Bending or Twisting Your Body— 41% responded “More than half the time.” +Spend Time Making Repetitive Motions— 50% responded “More than half the time.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Pace Determined by Speed of Equipment— 44% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 50% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Every day.” +In an Open Vehicle or Operating Equipment— 36% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 40% responded “More than half the time.” +Telephone Conversations— 51% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 37% responded “Once a week or more but not every day.” +Consequence of Error— 38% responded “Extremely serious.” +Exposed to Cramped Work Space, Awkward Positions— 33% responded “Once a week or more but not every day.” +Level of Competition— 36% responded “Highly competitive.” +Deal With External Customers or the Public in General— 35% responded “Very important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 31% responded “Less than half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 35% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 27% responded “Once a year or more but not every month.”","Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Boilermakers +Construction Laborers +Bright Outlook +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Paving, Surfacing, and Tamping Equipment Operators +Plumbers, Pipefitters, and Steamfitters +Septic Tank Servicers and Sewer Pipe Cleaners +Sheet Metal Workers +Structural Iron and Steel Workers","View the list of Allies +Home Builders Institute +external site +Mechanical Contractors Association of America +external site +National Association of Home Builders +external site +National Fire Sprinkler Association +external site +Plumbing-Heating-Cooling Contractors Association +external site +American Fire Sprinkler Association +external site +Laborers' International Union of North America +external site +United Association of Journeymen and Apprentices of the Plumbing and Pipe Fitting Industry +external site",52,3,39,38,67,51,62,43,16,15,24,28,49,23,17,30,16,77,6,37,32,19,24,34,27,39,79,45,32,55,29,4,15 +47-2132.00,"Insulation Workers, Mechanical",https://www.onetonline.org/link/summary/47-2132.00,2025-06-11T19:19:01.601168,"Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors. +Apply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures. +Select appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material. +Fit insulation around obstructions, and shape insulating materials and protective coverings as required. +Determine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use. +Cover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic. +Install sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage. +Read blueprints and specifications to determine job requirements. +Prepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces.","Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus +Data base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator +Enterprise resource planning ERP software— IBM Maximo Asset Management +Project management software— Turtle Creek Software Goldenseal","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Cut carpet, vinyl or other flexible materials. +Measure materials or objects for installation or assembly. +Install insulation in equipment or structures. +Select construction materials. +Apply sealants or other protective coatings. +Install metal structural components. +Review blueprints or specifications to determine work requirements. +Apply adhesives to construction materials. +Prepare surfaces for finishing.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.” +Spend Time Standing— 80% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Time Pressure— 52% responded “Every day.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Telephone Conversations— 40% responded “Every day.” +Determine Tasks, Priorities and Goals— 38% responded “A lot of freedom.” +Exposed to Contaminants— 41% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 59% responded “Very important.” +Indoors, Not Environmentally Controlled— 35% responded “Every day.” +Spend Time Bending or Twisting Your Body— 35% responded “More than half the time.” +Contact With Others— 45% responded “Contact with others most of the time.” +Health and Safety of Other Workers— 51% responded “High responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Exposed to High Places— 56% responded “Once a week or more but not every day.” +Frequency of Decision Making— 45% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.” +Physical Proximity— 36% responded “Slightly close (e.g., shared office).” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 74% responded “40 hours.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.” +Deal With External Customers or the Public in General— 40% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Outdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.” +Level of Competition— 28% responded “Highly competitive.” +Spend Time Walking or Running— 39% responded “Less than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brickmasons and Blockmasons +Carpenters +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Insulation Workers, Floor, Ceiling, and Wall +Pipelayers +Plumbers, Pipefitters, and Steamfitters +Roofers +Sheet Metal Workers +Structural Metal Fabricators and Fitters","View the list of Allies +International Association of Heat and Frost Insulators and Allied Workers +external site +National Insulation Association +external site +National Center for Construction Education and Research +external site +North America's Building Trades Union +external site",77,19,67,66,71,76,67,72,43,47,59,58,26,35,20,31,25,77,7,52,45,21,19,24,15,39,83,29,11,64,20,7,11 +47-2071.00,"Paving, Surfacing, and Tamping Equipment Operators",https://www.onetonline.org/link/summary/47-2071.00,2025-06-11T19:18:33.978677,"Start machine, engage clutch, and push and move levers to guide machine along forms or guidelines and to control the operation of machine attachments. +Fill tanks, hoppers, or machines with paving materials. +Control paving machines to push dump trucks and to maintain a constant flow of asphalt or other material into hoppers or screeds. +Observe distribution of paving material to adjust machine settings or material flow, and indicate low spots for workers to add material. +Coordinate truck dumping. +Drive machines onto truck trailers, and drive trucks to transport machines and material to and from job sites. +Inspect, clean, maintain, and repair equipment, using mechanics' hand tools, or report malfunctions to supervisors. +Set up and tear down equipment. +Operate machines to spread, smooth, level, or steel-reinforce stone, concrete, or asphalt on road beds. +Light burners or start heating units of machines, and regulate screed temperatures and asphalt flow rates. +Control traffic. +Shovel blacktop. +Operate tamping machines or manually roll surfaces to compact earth fills, foundation forms, and finished road materials, according to grade specifications. +Operate oil distributors, loaders, chip spreaders, dump trucks, and snow plows. +Place strips of material, such as cork, asphalt, or steel into joints, or place rolls of expansion-joint material on machines that automatically insert material. +Drive and operate curbing machines to extrude concrete or asphalt curbing. +Operate machines that clean or cut expansion joints in concrete or asphalt and that rout out cracks in pavement. +Cut or break up pavement and drive guardrail posts, using machines equipped with interchangeable hammers. +Install dies, cutters, and extensions to screeds onto machines, using hand tools. +Set up forms and lay out guidelines for curbs, according to written specifications, using string, spray paint, and concrete or water mixes.","Computer aided design CAD software— Autodesk AutoCAD Civil 3D +Data base user interface and query software— Database software +Electronic mail software— Email software; Microsoft Outlook +Materials requirements planning logistics and supply chain software— Warehouse management system WMS +Office suite software— Microsoft Office software +Project management software— HCSS HeavyBid +Spreadsheet software— Microsoft Excel +Time accounting software— Time report software +Word processing software","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Operate road-surfacing equipment. +Load materials into construction equipment. +Direct construction or extraction personnel. +Monitor construction operations. +Coordinate construction project activities. +Drive trucks or truck-mounted equipment. +Assemble temporary equipment or structures. +Clean equipment or facilities. +Dismantle equipment or temporary structures. +Inspect equipment or tools to be used in construction or excavation. +Maintain construction tools or equipment. +Spread concrete or other aggregate mixtures. +Direct vehicle traffic. +Apply material to fill gaps in surfaces. +Spread sand, dirt or other loose materials onto surfaces. +Compact materials to create level bases. +Operate equipment or vehicles to clear construction sites or move materials. +Cut tile, stone, or other masonry materials. +Break up rock, asphalt, or concrete. +Operate heavy-duty construction or installation equipment. +Install equipment attachments or components. +Build construction forms or molds. +Mark reference points on construction materials.","Face-to-Face Discussions with Individuals and Within Teams— 14% responded “Once a year or more but not every month.” +Outdoors, Exposed to All Weather Conditions— 14% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 13% responded “Once a week or more but not every day.” +Exposed to Whole Body Vibration— 56% responded “Every day.” +Exposed to Contaminants— 20% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 15% responded “Once a week or more but not every day.” +In an Open Vehicle or Operating Equipment— 66% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 32% responded “Once a week or more but not every day.” +Telephone Conversations— 44% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 41% responded “Every day.” +Physical Proximity— 29% responded “Slightly close (e.g., shared office).” +Spend Time Making Repetitive Motions— 52% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 36% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 24% responded “A lot of freedom.” +Pace Determined by Speed of Equipment— 42% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 30% responded “Extremely important.” +Consequence of Error— 51% responded “Serious.” +Health and Safety of Other Workers— 31% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 67% responded “Important results.” +Work Outcomes and Results of Other Workers— 74% responded “High responsibility.” +Duration of Typical Work Week— 70% responded “40 hours.” +Spend Time Bending or Twisting Your Body— 39% responded “Less than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 29% responded “Every day.” +Contact With Others— 33% responded “Occasional contact with others.” +Importance of Being Exact or Accurate— 54% responded “Important.” +Time Pressure— 31% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 36% responded “Limited freedom.” +Work Schedules— 38% responded “Irregular (changes with weather conditions, production demands, or contract duration).” +Level of Competition— 45% responded “Moderately competitive.” +Frequency of Decision Making— 22% responded “Once a year or more but not every month.” +Spend Time Standing— 29% responded “About half the time.” +Deal With External Customers or the Public in General— 32% responded “Not important at all.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a month or more but not every week.” +Spend Time Sitting— 34% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Not important at all.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Far Vision— The ability to see details at a distance. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Cement Masons and Concrete Finishers +Construction Laborers +Bright Outlook +Excavating and Loading Machine and Dragline Operators, Surface Mining +Highway Maintenance Workers +Hoist and Winch Operators +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators +Pipelayers +Rail-Track Laying and Maintenance Equipment Operators +Segmental Pavers","View the list of Allies +Associated General Contractors of America +external site +Pile Driving Contractors Association +external site +International Union of Operating Engineers +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site +National Commission for the Certification of Crane Operators +external site",43,10,30,34,44,36,44,32,17,14,17,21,37,23,18,35,21,57,10,27,23,17,14,14,12,32,66,44,19,36,30,14,16 +51-7041.00,"Sawing Machine Setters, Operators, and Tenders, Wood",https://www.onetonline.org/link/summary/51-7041.00,2025-06-11T19:26:38.406428,"Inspect and measure workpieces to mark for cuts and to verify the accuracy of cuts, using rulers, squares, or caliper rules. +Adjust saw blades, using wrenches and rulers, or by turning handwheels or pressing pedals, levers, or panel buttons. +Mount and bolt sawing blades or attachments to machine shafts. +Set up, operate, or tend saws or machines that cut or trim wood to specified dimensions, such as circular saws, band saws, multiple-blade sawing machines, scroll saws, ripsaws, or crozer machines. +Inspect stock for imperfections or to estimate grades or qualities of stock or workpieces. +Monitor sawing machines, adjusting speed and tension and clearing jams to ensure proper operation. +Sharpen blades, or replace defective or worn blades or bands, using hand tools. +Guide workpieces against saws, saw over workpieces by hand, or operate automatic feeding devices to guide cuts. +Clear machine jams, using hand tools. +Lubricate or clean machines, using wrenches, grease guns, or solvents. +Adjust bolts, clamps, stops, guides, or table angles or heights, using hand tools. +Examine logs or lumber to plan the best cuts. +Trim lumber to straighten rough edges or remove defects, using circular saws. +Count, sort, or stack finished workpieces. +Position and clamp stock on tables, conveyors, or carriages, using hoists, guides, stops, dogs, wedges, or wrenches. +Measure and mark stock for cuts. +Operate panelboards of saw or conveyor systems to move stock through processes or to cut stock to specified dimensions. +Examine blueprints, drawings, work orders, or patterns to determine equipment set-up or selection details, procedures to be used, or dimensions of final products. +Select saw blades, types or grades of stock, or cutting procedures to be used, according to work orders or supervisors' instructions. +Cut grooves, bevels, or miters, saw curved or irregular designs, and sever or shape metals, according to specifications or work orders. +Unclamp and remove finished workpieces from tables. +Dispose of waste material after completing work assignments.","Document management software— Adobe Acrobat +Industrial control software— Computerized numerical control CNC software +Inventory management software— Automated inventory software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Set equipment controls to meet cutting specifications. +Mount attachments or tools onto production equipment. +Set equipment guides, stops, spacers, or other fixtures. +Inspect lumber or raw woodstock. +Trim excess material from workpieces. +Clear equipment jams. +Monitor equipment operation to ensure proper functioning. +Replace worn equipment components. +Sharpen cutting or grinding tools. +Maneuver workpieces in equipment during production. +Operate cutting equipment. +Count finished products or workpieces. +Sort materials or products for processing, storing, shipping, or grading. +Stack finished items for further processing or shipment. +Mount materials or workpieces onto production equipment. +Position raw materials on processing or production equipment. +Measure materials to mark reference points, cutting lines, or other indicators. +Operate woodworking equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Select production equipment according to product specifications. +Select production input materials. +Study blueprints or other instructions to determine equipment setup requirements. +Cut industrial materials in preparation for fabrication or processing. +Shape metal workpieces with hammers or other small hand tools. +Remove products or workpieces from production equipment. +Clean production equipment. +Lubricate production equipment. +Dispose of trash or waste materials.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Hazardous Equipment— 98% responded “Every day.” +Exposed to Contaminants— 89% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 89% responded “Every day.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 76% responded “Every day.” +Spend Time Standing— 64% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Pace Determined by Speed of Equipment— 46% responded “Extremely important.” +Time Pressure— 56% responded “Every day.” +Determine Tasks, Priorities and Goals— 46% responded “Some freedom.” +Contact With Others— 50% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 47% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 51% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 45% responded “Every day.” +Work With or Contribute to a Work Group or Team— 38% responded “Very important.” +Health and Safety of Other Workers— 40% responded “Moderate responsibility.” +Work Outcomes and Results of Other Workers— 47% responded “High responsibility.” +Duration of Typical Work Week— 47% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 27% responded “Very important results.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 39% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Fairly important.” +Spend Time Walking or Running— 36% responded “More than half the time.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Textile Cutting Machine Setters, Operators, and Tenders +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Architectural Woodwork Institute +external site +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Woodworking Machinery Industry Association +external site",11,,56,31,40,14,41,32,4,3,5,3,5,19,5,7,8,55,1,17,20,,10,17,8,27,22,4,3,28,3,, +13-2023.00,Appraisers and Assessors of Real Estate,https://www.onetonline.org/link/summary/13-2023.00,2025-06-11T18:50:41.987012,"Compute final estimation of property values, taking into account such factors as depreciation, replacement costs, value comparisons of similar properties, and income potential. +Prepare written reports that estimate property values, outline methods by which the estimations were made, and meet appraisal standards. +Inspect new construction and major improvements to existing structures to determine values. +Collect and analyze relevant data to identify real estate market trends. +Prepare and maintain current data on each parcel assessed, including maps of boundaries, inventories of land and structures, property characteristics, and any applicable exemptions. +Explain assessed values to property owners and defend appealed assessments at public hearings. +Identify the ownership of each piece of taxable property. +Inspect properties, considering factors such as market value, location, and building or replacement costs to determine appraisal value. +Complete and maintain assessment rolls that show the assessed values and status of all property in a municipality. +Review information about transfers of property to ensure its accuracy, checking basic information on buyers, sellers, and sales prices and making corrections as necessary. +Explain real and personal property taxes to property owners. +Conduct regular reviews of property within jurisdictions to determine changes in property due to construction or demolition. +Establish uniform and equitable systems for assessing all classes and kinds of property. +Examine income records and operating costs of income properties. +Evaluate land and neighborhoods where properties are situated, considering locations and trends or impending changes that could influence future values. +Maintain familiarity with aspects of local real estate markets. +Search public records for transactions such as sales, leases, and assessments. +Check building codes and zoning bylaws to determine any effects on the properties being appraised. +Verify legal descriptions of properties by comparing them to county records. +Interview persons familiar with properties and immediate surroundings, such as contractors, home owners, and realtors, to obtain pertinent information. +Photograph interiors and exteriors of properties to assist in estimating property value, substantiate findings, and complete appraisal reports. +Obtain county land values and sales information about nearby properties to aid in establishment of property values. +Examine the type and location of nearby services, such as shopping centers, schools, parks, and other neighborhood features, to evaluate their impact on property values. +Estimate building replacement costs, using building valuation manuals and professional cost estimators. +Draw land diagrams to be used in appraisal reports to support findings. +Testify in court as to the value of a piece of real estate property. +Calculate tax bills for properties by multiplying assessed values by jurisdiction tax rates. +Approve applications for property tax exemptions or deductions. +Analyze trends in sales prices, construction costs, and rents, to assess property values or determine the accuracy of assessments. +Determine taxability of properties, using methods such as field inspection, structural measurement, calculation, sales analysis, market trend studies, and income and expense analysis.","Accounting software— CPR International GeneralCOST Estimator +Analytical or scientific software— Construction Management Software ProEst; Manatron ProVal Plus; MicroSolve CAMA; WinEstimator WinEst;9 more +Calendar and scheduling software— Govern Software Land and Permits Management System +Data base user interface and query software— Database software; Microsoft Access; Visual PAMSPro; Yardi software;9 more +Desktop publishing software— ACI Appraiser's Choice +Electronic mail software— Microsoft Outlook +Financial analysis software— Cost estimating software; CPR Visual Estimator; RPIS Silent CMA; TietoEnator ProMatch;8 more +Geographic information system— Geographic information system GIS systems; Govern Software GovMap +Graphics or photo imaging software— Bradford ClickFORMS; Wilson's Computer Applications RealEasy Photos Plus +Information retrieval or search software— Online title search and property report software +Internet browser software— Web browser software +Map creation software— Emerald Data Deed-Chek; Geomechanical design analysis GDA software; Greenbrier Graphics Deed Plotter; Informatik MapDraw Deed Mapper;3 more +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Apple iOS; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Tax preparation software— Manatron MVP Tax +Video conferencing software— Google Meet +Word processing software— Concierge Systems Report Concierge; Microsoft Word; ValueTech Report Builder","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Appraise property values. +Prepare financial documents, reports, or budgets. +Analyze market conditions or trends. +Maintain data in information systems or databases. +Interpret financial information for others. +Examine financial records. +Calculate data to inform organizational operations. +Verify application data to determine program eligibility. +Prepare financial documents. +Verify accuracy of records. +Advise real estate clients. +Evaluate condition of properties. +Explain financial information to customers. +Explain regulations, policies, or procedures. +Develop business or financial information systems. +Gather financial records. +Update professional knowledge. +Create images of data, locations, or products. +Estimate costs of goods or services. +Testify at legal or legislative proceedings.","Telephone Conversations— How often do you have telephone conversations in this job? +E-Mail— How frequently does your job require you to use E-mail? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Spend Time Sitting— How much does this job require sitting? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Written Letters and Memos— How frequently does your job require written letters and memos? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Accountants and Auditors +Bright Outlook +Appraisers of Personal and Business Property +Government Property Inspectors and Investigators +Insurance Appraisers, Auto Damage +Loan Officers +Property, Real Estate, and Community Association Managers +Real Estate Brokers +Real Estate Sales Agents +Surveyors +Tax Examiners and Collectors, and Revenue Agents","View the list of Allies +Appraisal Institute +external site +American Society of Appraisers +external site +American Society of Home Inspectors +external site +International Association of Assessing Officers +external site +International Right of Way Association +external site +National Association of Realtors +external site +National Society of Professional Engineers +external site +The Appraisal Foundation +external site +Worldwide ERC +external site +American Society of Farm Managers and Rural Appraisers +external site +CCIM Institute +external site",69,4,19,74,68,56,34,46,60,51,27,29,2,68,9,62,27,16,8,31,22,6,19,22,4,14,58,5,5,32,48,4,13 +13-1041.08,Customs Brokers,https://www.onetonline.org/link/summary/13-1041.08,2025-06-11T18:49:40.507939,"Prepare and process import and export documentation according to customs regulations, laws, or procedures. +Clear goods through customs and to their destinations for clients. +Pay, or arrange for payment of, taxes and duties on shipments. +Calculate duty and tariff payments owed on shipments. +Request or compile necessary import documentation, such as customs invoices, certificates of origin, and cargo-control documents. +Classify goods according to tariff coding system. +Stay abreast of changes in import or export laws or regulations by reading current literature, attending meetings or conferences, or conferring with colleagues. +Sign documents on behalf of clients, using powers of attorney. +Advise customers on import and export restrictions, tariff systems, insurance requirements, quotas, or other customs-related matters. +Post bonds for the products being imported or assist clients in obtaining bonds. +Quote duty and tax rates on goods to be imported, based on federal tariffs and excise taxes. +Arrange for transportation, warehousing, or product distribution of imported or exported products. +Monitor or trace the location of goods. +Confer with officials in various agencies to facilitate clearance of goods through customs and quarantine. +Inform importers and exporters of steps to reduce duties and taxes. +Obtain line releases for frequent shippers of low-risk commodities, high-volume entries, or multiple-container loads. +Provide advice on transportation options, types of carriers, or shipping routes. +Contract with freight forwarders for destination services. +Apply for tariff concessions or for duty drawbacks and other refunds. +Insure cargo against loss, damage, or pilferage. +Prepare papers for shippers to appeal duty charges. +Suggest best methods of packaging or labeling products. +Maintain relationships with customs brokers in other ports to expedite clearing of cargo.","Compliance software— Automated system for customs data ASYCUDA +Data base user interface and query software— Automated commercial environment software ACE; Customs records databases; Microsoft Access; Tariff databases;1 more +Electronic mail software— Electronic data interchange EDI software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Internet browser software— Web browser software +Materials requirements planning logistics and supply chain software— Materials requirement planning MRP software +Office suite software— Microsoft Office software +Operating system software +Optical character reader OCR or scanning software— Optical character reader OCR software +Presentation software— Microsoft PowerPoint +Project management software— SAP Customs Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Coordinate logistics or other business operations. +Oversee business processes. +Pay charges, fees, or taxes. +Calculate data to inform organizational operations. +Coordinate regulatory documentation activities. +Examine product information to ensure compliance with regulations. +Prepare documentation for contracts, transactions, or regulatory compliance. +Update knowledge of legal or regulatory environments. +Advise others on legal or regulatory compliance matters. +Estimate costs of goods or services. +Monitor inventories of products or materials. +Obtain documentation to authorize activities. +Advise others on financial matters. +Advise others on logistics topics. +Negotiate contracts with clients or service providers. +Submit financial applications. +Prepare regulatory or compliance documentation. +Advise others on business or operational matters. +Develop business relationships.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Spend Time Sitting— 90% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 85% responded “Extremely important.” +Time Pressure— 80% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Importance of Repeating Same Tasks— 55% responded “Extremely important.” +Written Letters and Memos— 58% responded “Every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Frequency of Decision Making— 55% responded “Every day.” +Duration of Typical Work Week— 53% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Level of Competition— 40% responded “Extremely competitive.” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Degree of Automation— 45% responded “Moderately automated.” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Consequence of Error— 30% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Conflict Situations— 50% responded “Once a week or more but not every day.” +Physical Proximity— 65% responded “Slightly close (e.g., shared office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brokerage Clerks +Cargo and Freight Agents +Bright Outlook +Compliance Officers +Customs and Border Protection Officers +Environmental Compliance Inspectors +Freight Forwarders +Government Property Inspectors and Investigators +Procurement Clerks +Regulatory Affairs Specialists +Transportation, Storage, and Distribution Managers","View the list of Allies +International Compliance Professionals Association +external site +American Association of Exporters and Importers +external site +National Customs Brokers and Forwarders Association of America +external site +United Shipping +external site",74,8,30,78,58,60,44,40,76,54,40,38,5,61,35,75,44,8,10,79,21,6,13,40,5,15,6,4,4,13,59,6,10 +51-9196.00,"Paper Goods Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-9196.00,2025-06-11T19:28:35.235704,"Examine completed work to detect defects and verify conformance to work orders, and adjust machinery as necessary to correct production problems. +Observe operation of various machines to detect and correct machine malfunctions such as improper forming, glue flow, or pasteboard tension. +Start machines and move controls to regulate tension on pressure rolls, to synchronize speed of machine components, and to adjust temperatures of glue or paraffin. +Disassemble machines to maintain, repair, or replace broken or worn parts, using hand or power tools. +Install attachments to machines for gluing, folding, printing, or cutting. +Cut products to specified dimensions, using hand or power cutters. +Place rolls of paper or cardboard on machine feed tracks, and thread paper through gluing, coating, and slitting rollers. +Monitor finished cartons as they drop from forming machines into rotating hoppers and into gravity feed chutes to prevent jamming. +Adjust guide assemblies, forming bars, and folding mechanisms according to specifications, using hand tools. +Measure, space, and set saw blades, cutters, and perforators, according to product specifications. +Fill glue and paraffin reservoirs, and position rollers to dispense glue onto paperboard. +Stamp products with information such as dates, using hand stamps or automatic stamping devices. +Remove finished cores, and stack or place them on conveyors for transfer to other work areas. +Lift tote boxes of finished cartons, and dump cartons into feed hoppers.","Customer relationship management CRM software— Virtual Systems Mail-Shop +Desktop publishing software— Adobe InDesign; Quark enterprise publishing software +Document management software— Adobe Acrobat +Electronic mail software— Objectif Lune PrintShop Mail +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Adjust equipment to ensure optimal performance. +Inspect finished products to locate flaws. +Watch operating equipment to detect malfunctions. +Mount attachments or tools onto production equipment. +Cut industrial materials in preparation for fabrication or processing. +Load materials into production equipment. +Feed materials or products into or through equipment. +Set equipment guides, stops, spacers, or other fixtures. +Adjust temperature controls of ovens or other heating equipment. +Set equipment controls to meet cutting specifications. +Disassemble equipment for maintenance or repair. +Mark products, workpieces, or equipment with identifying information. +Remove products or workpieces from production equipment. +Stack finished items for further processing or shipment.","Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 96% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 94% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Spend Time Standing +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Work With or Contribute to a Work Group or Team +Contact With Others— 71% responded “Constant contact with others.” +Frequency of Decision Making— 66% responded “Every day.” +Health and Safety of Other Workers— 47% responded “High responsibility.” +Time Pressure— 23% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Importance of Being Exact or Accurate— 42% responded “Very important.” +Pace Determined by Speed of Equipment— 15% responded “Important.” +Exposed to Hazardous Equipment— 15% responded “Never.” +Exposed to Contaminants— 18% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Duration of Typical Work Week— 70% responded “40 hours.” +Indoors, Not Environmentally Controlled— 63% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 24% responded “Very important.” +Level of Competition— 58% responded “Moderately competitive.” +Spend Time Bending or Twisting Your Body— 24% responded “About half the time.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 25% responded “Never.” +Freedom to Make Decisions— 36% responded “Limited freedom.” +Importance of Repeating Same Tasks— 22% responded “Not important at all.” +Physical Proximity— 25% responded “Slightly close (e.g., shared office).” +Exposed to Very Hot or Cold Temperatures— 36% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 24% responded “Never.” +Determine Tasks, Priorities and Goals— 50% responded “Limited freedom.” +Indoors, Environmentally Controlled +Spend Time Walking or Running— 28% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Adhesive Bonding Machine Operators and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Industrial Machinery Mechanics +Bright Outlook +Machine Feeders and Offbearers +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Textile Cutting Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +NPTA +external site",56,16,67,56,63,32,42,43,25,12,17,20,16,33,8,15,20,65,5,28,13,3,10,13,7,34,7,15,3,27,7,,3 +29-2056.00,Veterinary Technologists and Technicians,https://www.onetonline.org/link/summary/29-2056.00,2025-06-11T19:08:33.454904,"Administer anesthesia to animals, under the direction of a veterinarian, and monitor animals' responses to anesthetics so that dosages can be adjusted. +Care for and monitor the condition of animals recovering from surgery. +Maintain controlled drug inventory and related log books. +Perform laboratory tests on blood, urine, or feces, such as urinalyses or blood counts, to assist in the diagnosis and treatment of animal health problems. +Prepare and administer medications, vaccines, serums, or treatments, as prescribed by veterinarians. +Restrain animals during exams or procedures. +Administer emergency first aid, such as performing emergency resuscitation or other life saving procedures. +Clean and sterilize instruments, equipment, or materials. +Provide veterinarians with the correct equipment or instruments, as needed. +Perform dental work, such as cleaning, polishing, or extracting teeth. +Observe the behavior and condition of animals and monitor their clinical symptoms. +Give enemas and perform catheterizations, ear flushes, intravenous feedings, or gavages. +Fill prescriptions, measuring medications and labeling containers. +Collect, prepare, and label samples for laboratory testing, culture, or microscopic examination. +Prepare animals for surgery, performing such tasks as shaving surgical areas. +Take and develop diagnostic radiographs, using x-ray equipment. +Discuss medical health of pets with clients, such as post-operative status. +Clean kennels, animal holding areas, surgery suites, examination rooms, or animal loading or unloading facilities to control the spread of disease. +Take animals into treatment areas and assist with physical examinations by performing such duties as obtaining temperature, pulse, or respiration data. +Prepare treatment rooms for surgery. +Maintain laboratory, research, or treatment records, as well as inventories of pharmaceuticals, equipment, or supplies. +Maintain instruments, equipment, or machinery to ensure proper working condition. +Dress and suture wounds and apply splints or other protective devices. +Provide assistance with animal euthanasia and the disposal of remains. +Schedule appointments and procedures for animals. +Provide information or counseling regarding issues such as animal health care, behavior problems, or nutrition. +Monitor medical supplies and place orders when inventory is low. +Supervise or train veterinary students or other staff members. +Perform a variety of office, clerical, or accounting duties, such as reception, billing, bookkeeping, or selling products. +Bathe animals, clip nails or claws, and brush or cut animals' hair. +Conduct specialized procedures, such as animal branding or tattooing or hoof trimming.","Data base user interface and query software— FileMaker Pro; Microsoft Access; Practice management software PMS +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Animal Intelligence Software Animal Intelligence; McAllister Software Systems AVImark; Veterinary practice management software PMS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Monitor patient conditions during treatments, procedures, or activities. +Administer anesthetics or sedatives to control pain. +Monitor patients following surgeries or other treatments. +Maintain medical facility records. +Test biological specimens to gather information about patient conditions. +Prepare medications or medical solutions. +Administer non-intravenous medications. +Immunize patients. +Position patients for treatment or examination. +Treat medical emergencies. +Clean medical equipment or facilities. +Sterilize medical equipment or instruments. +Assist healthcare practitioners during examinations or treatments. +Treat dental problems or diseases. +Administer basic health care or medical treatments. +Collect biological specimens from patients. +Communicate detailed medical information to patients or family members. +Operate diagnostic imaging equipment. +Prepare biological specimens for laboratory analysis. +Prepare patients physically for medical procedures. +Process x-rays or other medical images. +Prepare medical supplies or equipment for use. +Maintain medical equipment or instruments. +Apply bandages, dressings, or splints. +Schedule patient procedures or appointments. +Provide health and wellness advice to patients, program participants, or caregivers. +Maintain inventory of medical supplies or equipment. +Order medical supplies or equipment. +Supervise patient care personnel. +Train medical providers. +Merchandise healthcare products or services. +Perform clerical work in medical settings. +Process medical billing information. +Assist patients with hygiene or daily living activities. +Care for animals.","Contact With Others— 83% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 79% responded “Extremely important.” +Physical Proximity— 69% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Telephone Conversations— 78% responded “Every day.” +Spend Time Standing— 43% responded “Continually or almost continually.” +Exposed to Disease or Infections— 59% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 54% responded “Every day.” +Frequency of Decision Making— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Exposed to Radiation— 40% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Time Pressure— 49% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 49% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 51% responded “Extremely important.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Consequence of Error— 54% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 50% responded “Every day.” +Exposed to Contaminants— 57% responded “Every day.” +E-Mail— 50% responded “Every day.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Spend Time Walking or Running— 33% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 34% responded “Every day.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 32% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 44% responded “Moderate responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 29% responded “Never.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 25% responded “More than half the time.” +Exposed to Hazardous Conditions— 36% responded “Never.” +Conflict Situations— 26% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiovascular Technologists and Technicians +Emergency Medical Technicians +Bright Outlook +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Medical Assistants +Phlebotomists +Radiologic Technologists and Technicians +Surgical Assistants +Surgical Technologists +Veterinary Assistants and Laboratory Animal Caretakers","View the list of Allies +American Animal Hospital Association +external site +American Association for Laboratory Animal Science +external site +American Association of Veterinary State Boards +external site +American Society for Clinical Pathology +external site +American Veterinary Medical Association +external site +Association of Zoo Veterinary Technicians +external site +National Association of Veterinary Technicians in America +external site +Veterinary Emergency and Critical Care Society +external site +Academy of Veterinary Dental Technicians +external site",78,20,23,75,61,36,37,48,48,22,42,31,58,50,29,39,28,33,11,14,34,36,22,29,79,26,8,34,75,10,25,6,8 +51-6011.00,Laundry and Dry-Cleaning Workers,https://www.onetonline.org/link/summary/51-6011.00,2025-06-11T19:25:45.978777,"Load articles into washers or dry-cleaning machines, or direct other workers to perform loading. +Start washers, dry cleaners, driers, or extractors, and turn valves or levers to regulate machine processes and the volume of soap, detergent, water, bleach, starch, and other additives. +Operate extractors and driers, or direct their operation. +Remove items from washers or dry-cleaning machines, or direct other workers to do so. +Sort and count articles removed from dryers, and fold, wrap, or hang them. +Clean machine filters, and lubricate equipment. +Examine and sort into lots articles to be cleaned, according to color, fabric, dirt content, and cleaning technique required. +Receive and mark articles for laundry or dry cleaning with identifying code numbers or names, using hand or machine markers. +Apply bleaching powders to spots and spray them with steam to remove stains from fabrics that do not respond to other cleaning solvents. +Determine spotting procedures and proper solvents, based on fabric and stain types. +Spray steam, water, or air over spots to flush out chemicals, dry material, raise naps, or brighten colors. +Pre-soak, sterilize, scrub, spot-clean, and dry contaminated or stained articles, using neutralizer solutions and portable machines. +Mix bleaching agents with hot water in vats, and soak material until it is bleached. +Mix and add detergents, dyes, bleaches, starches, and other solutions and chemicals to clean, color, dry, or stiffen articles. +Sprinkle chemical solvents over stains, and pat areas with brushes or sponges to remove stains. +Match sample colors, applying knowledge of bleaching agent and dye properties, and types, construction, conditions, and colors of articles. +Inspect soiled articles to determine sources of stains, to locate color imperfections, and to identify items requiring special treatment. +Operate machines that comb, dry and polish furs, clean, sterilize and fluff feathers and blankets, or roll and package towels. +Iron or press articles, fabrics, and furs, using hand irons or pressing machines. +Hang curtains, drapes, blankets, pants, and other garments on stretch frames to dry. +Identify articles' fabrics and original dyes by sight and touch, or by testing samples with fire or chemical reagents. +Immerse articles in bleaching baths to strip colors. +Spread soiled articles on work tables, and position stained portions over vacuum heads or on marble slabs.","Data base user interface and query software— Property management system PMS software +Electronic mail software— Email software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software— Cents; Curbside Laundries Wash and Fold POS Software; Sales processing software; Wash-Dry-Fold POS +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Apply water or solutions to fabrics or apparel. +Direct operational or production activities. +Operate garment treatment equipment. +Sort materials or products for processing, storing, shipping, or grading. +Count finished products or workpieces. +Remove products or workpieces from production equipment. +Clean production equipment. +Lubricate production equipment. +Inspect garments for defects, damage, or stains. +Mark products, workpieces, or equipment with identifying information. +Select equipment, materials, or supplies for cleaning or maintenance activities. +Mix substances to create chemical solutions. +Compare physical characteristics of materials or products to specifications or standards. +Smooth garments with irons, presses, or steamers. +Mount materials or workpieces onto production equipment. +Test chemical or physical characteristics of materials or products. +Immerse objects or workpieces in cleaning or coating solutions.","Spend Time Standing— 80% responded “Continually or almost continually.” +Health and Safety of Other Workers— 54% responded “Very high responsibility.” +Pace Determined by Speed of Equipment— 55% responded “Extremely important.” +Spend Time Making Repetitive Motions— 64% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 67% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Time Pressure— 69% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Every day.” +Work Outcomes and Results of Other Workers— 41% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 37% responded “Extremely important.” +Spend Time Walking or Running— 35% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Very important results.” +Level of Competition— 32% responded “Extremely competitive.” +Spend Time Bending or Twisting Your Body— 37% responded “Continually or almost continually.” +Degree of Automation— 24% responded “Completely automated.” +Contact With Others— 36% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 33% responded “A lot of freedom.” +Exposed to Disease or Infections— 49% responded “Every day.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 31% responded “Not important at all.” +Exposed to Contaminants— 47% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cleaners of Vehicles and Equipment +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Cutters and Trimmers, Hand +Machine Feeders and Offbearers +Maids and Housekeeping Cleaners +Bright Outlook +Packers and Packagers, Hand +Painting, Coating, and Decorating Workers +Pressers, Textile, Garment, and Related Materials +Sewing Machine Operators +Textile Bleaching and Dyeing Machine Operators and Tenders","View the list of Allies +Coin Laundry Association +external site +Drycleaning and Laundry Institute International +external site",55,16,53,49,45,42,49,31,24,23,11,30,35,33,24,35,24,26,11,30,18,11,26,17,7,25,3,14,9,14,6,6,2 +33-1021.00,First-Line Supervisors of Firefighting and Prevention Workers,https://www.onetonline.org/link/summary/33-1021.00,2025-06-11T19:10:18.512540,"Assign firefighters to jobs at strategic locations to facilitate rescue of persons and maximize application of extinguishing agents. +Provide emergency medical services as required, and perform light to heavy rescue functions at emergencies. +Assess nature and extent of fire, condition of building, danger to adjacent buildings, and water supply status to determine crew or company requirements. +Communicate fire details to superiors, subordinates, or interagency dispatch centers, using two-way radios. +Serve as a working leader of an engine, hand, helicopter, or prescribed fire crew of three or more firefighters. +Instruct and drill fire department personnel in assigned duties, including firefighting, medical care, hazardous materials response, fire prevention, and related subjects. +Maintain fire suppression equipment in good condition, checking equipment periodically to ensure that it is ready for use. +Evaluate the performance of assigned firefighting personnel. +Direct the training of firefighters, assigning of instructors to training classes, and providing of supervisors with reports on training progress and status. +Perform maintenance and minor repairs on firefighting equipment, including vehicles, and write and submit proposals to modify, replace, and repair equipment. +Schedule employee work assignments and set work priorities. +Monitor fire suppression expenditures to ensure that they are necessary and reasonable. +Participate in creating fire safety guidelines and evacuation schemes for nonresidential buildings. +Maintain required maps and records. +Drive crew carriers to transport firefighters to fire sites. +Inspect stations, uniforms, equipment, or recreation areas to ensure compliance with safety standards, taking corrective action as necessary. +Evaluate fire station procedures to ensure efficiency and enforcement of departmental regulations. +Direct firefighters in station maintenance duties, and participate in these duties. +Recommend personnel actions related to disciplinary procedures, performance, leaves of absence, and grievances. +Perform administrative duties, such as compiling and maintaining records, completing forms, preparing reports, or composing correspondence. +Direct investigation of cases of suspected arson, hazards, and false alarms and submit reports outlining findings. +Recommend equipment modifications or new equipment purchases. +Supervise and participate in the inspection of properties to ensure that they are in compliance with applicable fire codes, ordinances, laws, regulations, and standards. +Inspect and test new and existing fire protection systems, fire detection systems, and fire safety equipment to ensure that they are operating properly. +Study and interpret fire safety codes to establish procedures for issuing permits to handle hazardous or flammable substances. +Analyze burn conditions and results, and prepare postburn reports. +Deploy and monitor drones for aerial surveillance and assessment of fire situations. +Evaluate size, location, and condition of fires. +Maintain knowledge of fire laws and fire prevention techniques and tactics. +Plan, direct, and supervise prescribed burn projects. +Recruit or hire firefighting personnel.","Analytical or scientific software— BehavePlus; FARSITE; FlamMap; Plume modeling software +Data base user interface and query software— Affiliated Computer Services ACS FIREHOUSE; Fire incident reporting systems; Microsoft Access; Wildland Fire Assessment System WFAS;1 more +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcView; Geographic information system GIS software; Geographic information system GIS systems +Helpdesk or call center software— Computer aided dispatch software +Internet browser software— Web browser software +Map creation software— Mapping software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Incident command system ICS software; Resource Ordering and Statusing System ROSS +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Direct fire fighting or prevention activities. +Request emergency personnel. +Administer first aid. +Rescue people from hazardous situations. +Assess characteristics of fires. +Relay information about incidents or emergencies to personnel using phones or two-way radios. +Operate firefighting equipment. +Inspect equipment to ensure safety or proper functioning. +Maintain fire fighting tools or equipment. +Train employees in proper work procedures. +Evaluate employee performance. +Direct employee training programs. +Prepare activity or work schedules. +Develop fire safety or prevention programs or plans. +Maintain operational records. +Drive vehicles to transport individuals or equipment. +Inspect facilities to ensure compliance with security or safety regulations. +Monitor operational procedures in technical environments to ensure conformance to standards. +Write operational reports. +Determine operational procedures. +Direct criminal investigations. +Recommend improvements to increase safety or reduce risks. +Inspect facilities to ensure compliance with fire regulations. +Communicate situation details to appropriate personnel. +Hire personnel. +Locate fires or fire danger areas. +Maintain professional knowledge or certifications. +Monitor environmental conditions to detect hazards. +Perform forest firefighting activities. +Prepare operational reports. +Recruit personnel. +Supervise employees.","Health and Safety of Other Workers— 84% responded “Very high responsibility.” +Contact With Others— 77% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 68% responded “Very important results.” +Telephone Conversations— 73% responded “Every day.” +Work Outcomes and Results of Other Workers— 65% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +E-Mail— 73% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 69% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 64% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 59% responded “Extremely important.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Consequence of Error— 78% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Frequency of Decision Making— 59% responded “Every day.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 43% responded “Every day.” +Physical Proximity— 56% responded “Very close (near touching).” +Exposed to Very Hot or Cold Temperatures— 39% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 44% responded “Every day.” +Exposed to Contaminants— 38% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 33% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 40% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Exposed to Hazardous Conditions— 41% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 47% responded “Every day.” +Exposed to Disease or Infections— 37% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 31% responded “Every day.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.” +Level of Competition— 37% responded “Highly competitive.” +Time Pressure— 36% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Once a month or more but not every week.” +Exposed to Cramped Work Space, Awkward Positions— 37% responded “Once a week or more but not every day.” +Conflict Situations— 29% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a year or more but not every month.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Less than half the time.” +Exposed to High Places— 31% responded “Once a week or more but not every day.” +Spend Time Standing— 36% responded “More than half the time.” +Importance of Repeating Same Tasks— 25% responded “Very important.” +Public Speaking— 35% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 27% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Emergency Management Directors +Fire Inspectors and Investigators +Fire-Prevention and Protection Engineers +Firefighters +First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Police and Detectives +First-Line Supervisors of Security Workers +Forest Fire Inspectors and Prevention Specialists +Occupational Health and Safety Specialists","View the list of Allies +Federal Wildland Fire Services Association +external site +International Association of Arson Investigators +external site +International Association of Black Professional Firefighters +external site +International Association of Fire Chiefs +external site +International Association of Fire Fighters +external site +International Association of Women in Fire and Emergency Services +external site +International Fire Marshals Association +external site +International Society of Fire Service Instructors +external site +National Fire Protection Association +external site +National Wildfire Suppression Association +external site +Society of American Foresters +external site +Wildland Firefighter Foundation +external site",84,10,27,74,52,75,92,77,60,38,29,63,56,45,16,65,44,68,17,52,58,41,34,48,59,41,76,48,29,32,39,5,12 +39-9011.01,Nannies,https://www.onetonline.org/link/summary/39-9011.01,2025-06-11T19:13:48.875052,"Instruct children in safe behavior, such as seeking adult assistance when crossing the street and avoiding contact with unsafe objects. +Remove hazards and develop appropriate boundaries and rules to create a safe environment for children. +Perform first aid or cardiopulmonary resuscitation (CPR) when required. +Instruct and assist children in the development of health and personal habits, such as eating, resting, and toilet behavior. +Regulate children's rest periods and nap schedules. +Teach and perform age-appropriate activities, such as lap play, reading, and arts and crafts, to encourage intellectual development of children. +Help prepare and serve nutritionally balanced meals and snacks for children. +Model appropriate social behaviors and encourage concern for others to cultivate development of interpersonal relationships and communication skills. +Organize and conduct age-appropriate recreational activities, such as games, arts and crafts, sports, walks, and play dates. +Assign appropriate chores and praise targeted behaviors to encourage development of self-control, self-confidence, and responsibility. +Observe children's behavior for irregularities, take temperature, transport children to doctor, or administer medications, as directed, to maintain children's health. +Work with parents to develop and implement discipline programs to promote desirable child behavior. +Perform housekeeping and cleaning duties related to children's care. +Meet regularly with parents to discuss children's activities and development. +Supervise and assist with homework. +Transport children to schools, social outings, and medical appointments. +Keep records of play, meal schedules, and bill payment. +Help develop or monitor family schedule. +Shop for groceries, clothing, and other items needed for children's care.","Calendar and scheduling software— Scheduling software +Computer based training software— Educational software +Internet browser software— Web browser software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Teach daily living skills or behaviors. +Administer first aid. +Monitor environment to ensure safety. +Develop daily schedules for children or families. +Teach health or hygiene practices. +Prepare foods or meals. +Organize recreational activities or events. +Administer basic health care or medical treatments. +Drive vehicles to transport patrons. +Monitor health or behavior of people or animals. +Discuss child development and behavior with parents or guardians. +Perform housekeeping duties. +Provide escort or transportation. +Maintain client information or service records. +Provide for basic needs of children. +Purchase products or services.","Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Physical Proximity— 84% responded “Very close (near touching).” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +Contact With Others— 71% responded “Constant contact with others.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 50% responded “Every day.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Spend Time Standing— 56% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 40% responded “Once a week or more but not every day.” +Frequency of Decision Making— 52% responded “Every day.” +Consequence of Error— 44% responded “Extremely serious.” +Telephone Conversations— 29% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “Continually or almost continually.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 32% responded “More than half the time.” +Spend Time Walking or Running— 40% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 29% responded “Extremely important.” +Health and Safety of Other Workers— 40% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 36% responded “Fairly important.” +Conflict Situations— 36% responded “Once a year or more but not every month.” +E-Mail— 40% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 36% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Childcare Workers +Bright Outlook +Education and Childcare Administrators, Preschool and Daycare +Home Health Aides +Nursing Assistants +Occupational Therapy Assistants +Personal Care Aides +Preschool Teachers, Except Special Education +Residential Advisors +Social and Human Service Assistants","View the list of Allies +International Nanny Association +external site +U.S. Nanny Association +external site +Child Care Aware of America +external site +National Association for the Education of Young Children +external site",64,38,5,69,33,23,56,56,16,12,4,25,20,23,29,20,37,8,35,42,61,36,44,36,40,9,3,13,27,10,30,30,28 +19-3011.01,Environmental Economists,https://www.onetonline.org/link/summary/19-3011.01,2025-06-11T18:57:08.715606,"Write technical documents or academic articles to communicate study results or economic forecasts. +Conduct research on economic and environmental topics, such as alternative fuel use, public and private land use, soil conservation, air and water pollution control, and endangered species protection. +Collect and analyze data to compare the environmental implications of economic policy or practice alternatives. +Assess the costs and benefits of various activities, policies, or regulations that affect the environment or natural resource stocks. +Prepare and deliver presentations to communicate economic and environmental study results, to present policy recommendations, or to raise awareness of environmental consequences. +Develop programs or policy recommendations to achieve environmental goals in cost-effective ways. +Develop economic models, forecasts, or scenarios to predict future economic and environmental outcomes. +Demonstrate or promote the economic benefits of sound environmental regulations. +Conduct research to study the relationships among environmental problems and patterns of economic production and consumption. +Perform complex, dynamic, and integrated mathematical modeling of ecological, environmental, or economic systems. +Write social, legal, or economic impact statements to inform decision makers for natural resource policies, standards, or programs. +Teach courses in environmental economics. +Develop programs or policy recommendations to promote sustainability and sustainable development. +Develop systems for collecting, analyzing, and interpreting environmental and economic data. +Write research proposals and grant applications to obtain private or public funding for environmental and economic studies. +Examine the exhaustibility of natural resources or the long-term costs of environmental rehabilitation. +Monitor or analyze market and environmental trends. +Develop environmental research project plans, including information on budgets, goals, deliverables, timelines, and resource requirements. +Identify and recommend environmentally friendly business practices. +Interpret indicators to ascertain the overall health of an environment.","Analytical or scientific software— Econometric Software LIMDEP; IBM SPSS Statistics; Minitab; The MathWorks MATLAB;10 more +Business intelligence and data analysis software— Tableau +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; MySQL; Structure query language SQL +Development environment software— C; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; Microsoft Visual Studio;1 more +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Internet browser software— Web browser software +Object or component oriented development software— C#; C++; Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Forecast economic, political, or social trends. +Research impacts of environmental conservation initiatives. +Appraise environmental impact of regulations or policies. +Collect environmental data or samples. +Develop environmental sustainability plans or projects. +Communicate results of environmental research. +Prepare scientific or technical reports or presentations. +Develop mathematical models of environmental conditions. +Promote environmental sustainability or conservation initiatives. +Research environmental impact of industrial or development activities. +Prepare information or documentation related to legal or regulatory matters. +Teach classes in area of specialization. +Teach social science courses at the college level. +Advise others about environmental management or conservation. +Develop environmental research methods. +Prepare proposal documents or grant applications. +Analyze market conditions or trends. +Monitor market conditions or trends. +Plan environmental research. +Identify sustainable business practices. +Interpret research or operational data.","E-Mail— 85% responded “Every day.” +Determine Tasks, Priorities and Goals— 81% responded “A lot of freedom.” +Freedom to Make Decisions— 81% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 89% responded “Every day.” +Spend Time Sitting— 63% responded “Continually or almost continually.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Level of Competition— 38% responded “Highly competitive.” +Telephone Conversations— 59% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 37% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Moderate results.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Chief Sustainability Officers +Bright Outlook +Climate Change Policy Analysts +Data Scientists +Economics Teachers, Postsecondary +Economists +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +Geoscientists, Except Hydrologists and Geographers +Industrial Ecologists +Statisticians","View the list of Allies +Agricultural and Applied Economics Association +external site +American Economic Association +external site +Association of Environmental and Resource Economists +external site +Ecological Society of America +external site +National Association for Business Economics +external site +National Bureau of Economic Research +external site +North American Regional Science Council +external site +Regional Science Association International +external site +Southern Economic Association +external site +U.S. Department of Agriculture Economic Research Service +external site +U.S. Environmental Protection Agency, National Center for Environmental Economics +external site +Western Agricultural Economics Association +external site",11,7,9,74,92,31,12,55,24,85,8,20,16,68,6,52,34,5,16,18,32,3,35,9,8,20,8,19,31,15,37,,20 +25-1043.00,"Forestry and Conservation Science Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1043.00,2025-06-11T18:59:48.149317,"Prepare course materials, such as syllabi, homework assignments, and handouts. +Prepare and deliver lectures to undergraduate or graduate students on topics, such as forest resource policy, forest pathology, and mapping. +Evaluate and grade students' class work, assignments, and papers. +Supervise students' laboratory or field work. +Maintain student attendance records, grades, and other required records. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Supervise undergraduate or graduate teaching, internship, and research work. +Collaborate with colleagues to address teaching and research issues. +Compile, administer, and grade examinations, or assign this work to others. +Initiate, facilitate, and moderate classroom discussions. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Advise students on academic and vocational curricula and on career issues. +Write grant proposals to procure external research funding. +Maintain regularly scheduled office hours to advise and assist students. +Conduct research in a particular field of knowledge and publish findings in books, professional journals, or electronic media. +Act as advisers to student organizations. +Participate in student recruitment, registration, and placement activities. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Review papers for colleagues and scientific journals. +Provide information to the public by leading workshops and training programs and by developing educational materials. +Perform administrative duties, such as serving as department head. +Participate in campus and community events. +Provide professional consulting services to government or industry. +Compile bibliographies of specialized materials for outside reading assignments. +Monitor research program budgets.","Analytical or scientific software— SAS +Application server software— Oracle WebLogic Server +Calendar and scheduling software +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— MySQL; Oracle Database; Structure query language SQL +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Electronic data interchange EDI software +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Map creation software— Leica Geosystems ERDAS IMAGINE +Object or component oriented development software— Oracle Java +Object oriented data base management software— Hibernate ORM +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian JIRA +Spreadsheet software— Microsoft Excel +Web platform development software— Apache Struts; Google Angular; JavaScript +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Develop instructional materials. +Teach physical science or mathematics courses at the college level. +Evaluate student work. +Supervise student research or internship work. +Maintain student records. +Supervise laboratory work. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Research topics in area of expertise. +Administer tests to assess educational needs or progress. +Prepare tests. +Guide class discussions. +Advise students on academic or career matters. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Write grant proposals. +Write articles, books or other original materials in area of expertise. +Direct department activities. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Evaluate scholarly materials. +Provide information to the general public. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies. +Compile specialized bibliographies or lists of materials.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Freedom to Make Decisions— 77% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 63% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Contact With Others— 61% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 64% responded “Extremely important.” +Duration of Typical Work Week— 35% responded “40 hours.” +Public Speaking— 70% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 46% responded “Every day.” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +Telephone Conversations— 50% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Written Letters and Memos— 34% responded “Once a month or more but not every week.” +Time Pressure— 60% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Frequency of Decision Making— 40% responded “Once a month or more but not every week.” +Spend Time Sitting— 31% responded “About half the time.” +Physical Proximity— 27% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 27% responded “Very high responsibility.” +Level of Competition— 44% responded “Moderately competitive.” +Outdoors, Exposed to All Weather Conditions— 46% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 12% responded “Every day.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Sciences Teachers, Postsecondary +Anthropology and Archeology Teachers, Postsecondary +Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Biological Science Teachers, Postsecondary +Bright Outlook +Economics Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Geography Teachers, Postsecondary +Recreation and Fitness Studies Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Fisheries Society +external site +American Geophysical Union +external site +American Society for Photogrammetry and Remote Sensing +external site +American Water Resources Association +external site +Association for Fire Ecology +external site +Council of Graduate Schools +external site +Ecological Society of America +external site +Forest Products Society +external site +International Association for Society and Natural Resources +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Conservation Biology +external site +Society for Ecological Restoration +external site +Society of American Foresters +external site +Soil Science Society of America +external site +Wildlife Society +external site",44,5,17,95,82,53,30,94,54,30,31,60,40,73,22,43,46,36,9,25,38,22,43,22,16,27,23,27,74,20,63,4,33 +13-1111.00,Management Analysts,https://www.onetonline.org/link/summary/13-1111.00,2025-06-11T18:50:05.219987,"Gather and organize information on problems or procedures. +Confer with personnel concerned to ensure successful functioning of newly implemented systems or procedures. +Analyze data gathered and develop solutions or alternative methods of proceeding. +Document findings of study and prepare recommendations for implementation of new systems, procedures, or organizational changes. +Plan study of work problems and procedures, such as organizational change, communications, information flow, integrated production methods, inventory control, or cost analysis. +Interview personnel and conduct on-site observation to ascertain unit functions, work performed, and methods, equipment, and personnel used. +Prepare manuals and train workers in use of new forms, reports, procedures or equipment, according to organizational policy. +Review forms and reports and confer with management and users about format, distribution, and purpose, identifying problems and improvements. +Develop and implement records management program for filing, protection, and retrieval of records, and assure compliance with program. +Design, evaluate, recommend, and approve changes of forms and reports. +Recommend purchase of storage equipment and design area layout to locate equipment in space available.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Sage 50 Accounting; Tax software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;1 more +Application server software— GitHub; Oracle WebLogic Server; Red Hat WildFly +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— Alteryx software; Apache Spark; Microsoft Power BI; Tableau;4 more +Cloud-based data access and sharing software— Dropbox; Google Drive +Cloud-based management software— IBM WebSphere; Splunk Enterprise +Clustering software— VMware +Communications server software— IBM Domino +Configuration management software— Chef; Perforce Helix software; Puppet +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Apache Hive; Elasticsearch; MongoDB; Oracle PL/SQL;7 more +Data base reporting software— Information Builders WebFOCUS; Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Airtable; Blackboard software; MySQL; Transact-SQL;10 more +Data mining software— Google Analytics +Desktop communications software— Eko; Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Go; Microsoft PowerShell;13 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; MicroFocus GroupWise; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Atlassian Bamboo; Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS +Enterprise resource planning ERP software— Microsoft Dynamics; NetSuite ERP; Oracle JD Edwards EnterpriseOne; SAP software;10 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Salesforce Visualforce +Graphics or photo imaging software— SmugMug Flickr; Trimble SketchUp Pro +Human resources software— ADP Workforce Now; Ceridian Dayforce enterprise HCM; Human resource management software HRMS; Oracle Taleo +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Medical software— Epic Systems; Medical condition coding software; Medical procedure coding software; MEDITECH software;1 more +Metadata management software— Quest Erwin Data Modeler +Network conferencing software— Slido interaction software +Network monitoring software— Nagios; Wireshark +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— C#; jQuery; Scala; Swift;9 more +Object oriented data base management software— Hibernate ORM; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Bash; Red Hat Enterprise Linux; Shell script;8 more +Portal server software— Apache HTTP Server +Presentation software— Google Slides; Mentimeter; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium +Project management software— Atlassian Confluence; Microsoft Team Foundation Server; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management;1 more +Requirements analysis and system architecture software— IBM Rational RequisitePro; Unified modeling language UML +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting +Video creation and editing software— Screencastify +Web page creation and editing software— Adobe Dreamweaver; LinkedIn +Web platform development software— Apache Tomcat; Google Angular; Microsoft ASP.NET; Spring Framework;18 more +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Confer with personnel to coordinate business operations. +Gather organizational performance information. +Analyze business or financial data. +Advise others on business or operational matters. +Prepare research reports. +Analyze jobs using observation, survey, or interview techniques. +Conduct scientific research of organizational behavior or processes. +Develop procedures to evaluate organizational activities. +Develop training materials. +Train personnel in organizational or compliance procedures. +Discuss business strategies, practices, or policies with managers. +Develop business or financial information systems. +Edit documents. +Edit written materials.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Contact With Others— 45% responded “Contact with others most of the time.” +Spend Time Sitting— 52% responded “More than half the time.” +Freedom to Make Decisions— 38% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Time Pressure— 62% responded “Once a week or more but not every day.” +Written Letters and Memos— 67% responded “Once a week or more but not every day.” +Frequency of Decision Making— 40% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 39% responded “Very high responsibility.” +Level of Competition— 45% responded “Highly competitive.” +Duration of Typical Work Week— 52% responded “40 hours.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Persuasion— Persuading others to change their minds or behavior. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Business Intelligence Analysts +Bright Outlook +Chief Executives +Computer Systems Analysts +Data Scientists +Document Management Specialists +Industrial-Organizational Psychologists +Information Technology Project Managers +Operations Research Analysts +Project Management Specialists +Training and Development Managers","View the list of Allies +Institute of Management Consultants USA +external site +Academy of Management +external site +AICPA and CIMA +external site +American Society for Public Administration +external site +Association for Public Policy Analysis and Management +external site +Management Consulting Institute +external site +Society for Human Resource Management +external site +Institute of Management Accountants +external site +International Association of Law Enforcement Planners +external site +International Institute of Business Analysis +external site +Project Management Institute +external site",75,10,48,93,66,85,41,65,45,62,58,58,12,63,25,58,51,15,25,31,53,29,50,35,10,28,18,11,10,36,35,10,24 +51-3021.00,Butchers and Meat Cutters,https://www.onetonline.org/link/summary/51-3021.00,2025-06-11T19:24:13.953057,"Prepare and place meat cuts and products in display counter to appear attractive and catch the shopper's eye. +Wrap, weigh, label, and price cuts of meat. +Cut, trim, bone, tie, and grind meats, such as beef, pork, poultry, and fish, to prepare in cooking form. +Prepare special cuts of meat ordered by customers. +Receive, inspect, and store meat upon delivery to ensure meat quality. +Estimate requirements and order or requisition meat supplies to maintain inventories. +Shape, lace, and tie roasts, using boning knife, skewer, and twine. +Record quantity of meat received and issued to cooks or keep records of meat sales. +Supervise other butchers or meat cutters. +Cure, smoke, tenderize, and preserve meat. +Negotiate with representatives from supply companies to determine order details. +Clean and sanitize meat cases and cutting equipment.","Accounting software— Financial accounting software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Prepare meat products for sale or consumption. +Mark products, workpieces, or equipment with identifying information. +Weigh finished products. +Cut meat products. +Inspect food products. +Estimate material requirements for production. +Order materials, supplies, or equipment. +Record operational or production data. +Direct operational or production activities. +Load items into ovens or furnaces. +Confer with customers or designers to determine order specifications.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Spend Time Standing— 86% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 93% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Exposed to Hazardous Equipment— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 65% responded “Every day.” +Time Pressure— 62% responded “Every day.” +Physical Proximity— 81% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 62% responded “Every day.” +Consequence of Error— 59% responded “Extremely serious.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 44% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 46% responded “Every day.” +Telephone Conversations— 42% responded “Every day.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Pace Determined by Speed of Equipment— 47% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 34% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 36% responded “About half the time.” +Importance of Repeating Same Tasks— 30% responded “Extremely important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Bakers +Chefs and Head Cooks +Bright Outlook +Cooks, Institution and Cafeteria +Cooks, Restaurant +Cooks, Short Order +Food Batchmakers +Food Cooking Machine Operators and Tenders +Food Preparation Workers +Meat, Poultry, and Fish Cutters and Trimmers +Slaughterers and Meat Packers","View the list of Allies +North American Meat Institute +external site +The United Food and Commercial Workers International Union +external site",78,72,59,44,37,37,21,32,24,19,53,23,10,22,9,16,14,31,6,12,22,7,5,8,5,14,6,6,13,14,6,1,3 +43-3051.00,Payroll and Timekeeping Clerks,https://www.onetonline.org/link/summary/43-3051.00,2025-06-11T19:15:17.019013,"Verify attendance, hours worked, and pay adjustments, and post information onto designated records. +Process and issue employee paychecks and statements of earnings and deductions. +Compute wages and deductions, and enter data into computers. +Process paperwork for new employees and enter employee information into the payroll system. +Prepare and balance period-end reports, and reconcile issued payrolls to bank statements. +Review time sheets, work charts, wage computation, and other information to detect and reconcile payroll discrepancies. +Distribute and collect timecards each pay period. +Record employee information, such as exemptions, transfers, and resignations, to maintain and update payroll records. +Issue and record adjustments to pay related to previous errors or retroactive increases. +Keep track of leave time, such as vacation, personal, and sick leave, for employees. +Compile employee time, production, and payroll data from time sheets and other records. +Keep informed about changes in tax and deduction laws that apply to the payroll process. +Complete time sheets showing employees' arrival and departure times. +Provide information to employees and managers on payroll matters, tax issues, benefit plans, and collective agreement provisions. +Conduct verifications of employment. +Prepare and file payroll tax returns. +Compile statistical reports, statements, and summaries related to pay and benefits accounts, and submit them to appropriate departments. +Balance cash and payroll accounts. +Complete, verify, and process forms and documentation for administration of benefits, such as pension plans, and unemployment and medical insurance. +Train employees on organizations' timekeeping systems. +Coordinate special programs, such as United Way campaigns, that involve payroll deductions.","Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting; Tax software;2 more +Business intelligence and data analysis software— IBM Cognos Impromptu +Compliance software— BSI ComplianceFactory +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— ADP Workforce Now; Data entry software; Microsoft Access +Electronic mail software— Email software; IBM Notes; MicroFocus GroupWise; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software; Workday software;4 more +Financial analysis software— Oracle E-Business Suite Financials +Human resources software— API Navigator; Human Resource MicroSystems HR Entre; Oracle HRIS; Sage HRMS;4 more +Internet browser software— Netscape Navigator; Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Payroll; Kronos Workforce Timekeeper; Microsoft Great Plains Personal Data Keeper; Virtual Software Virtual Timecard;21 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Verify employee information. +Execute sales or other financial transactions. +Record personnel information. +Enter information into databases or software programs. +Calculate financial data. +File documents or records. +Prepare financial documents. +Reconcile records of sales or other financial transactions. +Prepare research or technical reports. +Distribute materials to employees or customers. +Compile data or documentation. +Maintain current knowledge related to work activities. +Check data for recording errors. +Prepare documentation for contracts, transactions, or regulatory compliance. +Provide information to coworkers. +Train others in operational procedures. +Coordinate operational activities.","Importance of Being Exact or Accurate— 91% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Spend Time Sitting— 82% responded “Continually or almost continually.” +Telephone Conversations— 72% responded “Every day.” +E-Mail— 85% responded “Every day.” +Importance of Repeating Same Tasks— 85% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Time Pressure— 49% responded “Once a week or more but not every day.” +Written Letters and Memos— 61% responded “Once a week or more but not every day.” +Frequency of Decision Making— 43% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Important results.” +Contact With Others— 32% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Duration of Typical Work Week— 59% responded “40 hours.” +Spend Time Making Repetitive Motions— 37% responded “About half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Never.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Mathematics— Using mathematics to solve problems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Administrative Services Managers +Bright Outlook +Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Credit Authorizers, Checkers, and Clerks +Eligibility Interviewers, Government Programs +File Clerks +First-Line Supervisors of Office and Administrative Support Workers +Human Resources Assistants, Except Payroll and Timekeeping +Office Clerks, General +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive","View the list of Allies +American Bankers Association +external site +American Payroll Association +external site +Government Finance Officers Association +external site +Mortgage Bankers Association +external site +Society for Human Resource Management +external site",55,,10,80,80,71,20,30,87,77,10,73,,54,12,23,40,1,9,2,19,6,13,11,2,2,,,,2,6,,10 +19-3099.01,Transportation Planners,https://www.onetonline.org/link/summary/19-3099.01,2025-06-11T18:57:42.417648,"Define regional or local transportation planning problems or priorities. +Participate in public meetings or hearings to explain planning proposals, to gather feedback from those affected by projects, or to achieve consensus on project designs. +Prepare reports or recommendations on transportation planning. +Collaborate with engineers to research, analyze, or resolve complex transportation design issues. +Recommend transportation system improvements or projects, based on economic, population, land-use, or traffic projections. +Develop computer models to address transportation planning issues. +Analyze information related to transportation, such as land use policies, environmental impact of projects, or long-range planning needs. +Interpret data from traffic modeling software, geographic information systems, or associated databases. +Design transportation surveys to identify areas of public concern. +Collaborate with other professionals to develop sustainable transportation strategies at the local, regional, or national level. +Evaluate transportation project needs or costs. +Analyze information from traffic counting programs. +Review development plans for transportation system effects, infrastructure requirements, or compliance with applicable transportation regulations. +Prepare necessary documents to obtain planned project approvals or permits. +Produce environmental documents, such as environmental assessments or environmental impact statements. +Prepare or review engineering studies or specifications. +Develop or test new methods or models of transportation analysis. +Evaluate transportation-related consequences of federal or state legislative proposals. +Design new or improved transport infrastructure, such as junction improvements, pedestrian projects, bus facilities, or car parking areas. +Define or update information such as urban boundaries or classification of roadways. +Direct urban traffic counting programs. +Represent jurisdictions in the legislative or administrative approval of land development projects.","Analytical or scientific software— Citilabs Cube; Dowling Associates TRAFFIX; SAS; TRL Software TRANSYT;11 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Caliper TransCAD +Data base user interface and query software— Microsoft Access; Structured query language SQL +Desktop publishing software— Adobe InDesign +Development environment software— Microsoft Visual Basic +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS software; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Industrial control software— Traffic signal software +Internet browser software— Web browser software +Map creation software— MapInfo +Mobile location based services software— Transportation management system TMS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Communicate with the public on environmental issues. +Prepare scientific or technical reports or presentations. +Collaborate with technical specialists to resolve design or development problems. +Advise others on matters of public policy. +Develop theories or models of physical phenomena. +Appraise environmental impact of regulations or policies. +Develop methods of social or economic research. +Interpret research or operational data. +Analyze costs and benefits of proposed designs or projects. +Evaluate civic projects or public policies. +Prepare documentation for permits or licenses. +Prepare research or technical reports on environmental issues. +Design civil structures or systems. +Prepare information or documentation related to legal or regulatory matters. +Direct scientific activities.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Telephone Conversations— 74% responded “Every day.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Contact With Others— 40% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 60% responded “Some freedom.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Deal With External Customers or the Public in General— 45% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Written Letters and Memos— 53% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Moderate results.” +Duration of Typical Work Week— 55% responded “40 hours.” +Work Outcomes and Results of Other Workers— 47% responded “Moderate responsibility.” +Importance of Being Exact or Accurate— 35% responded “Important.” +Time Pressure— 80% responded “Once a month or more but not every week.” +Frequency of Decision Making— 40% responded “Once a month or more but not every week.” +Level of Competition— 45% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Civil Engineering Technologists and Technicians +Civil Engineers +Bright Outlook +Logisticians +Logistics Analysts +Logistics Engineers +Project Management Specialists +Traffic Technicians +Transportation Engineers +Transportation, Storage, and Distribution Managers +Urban and Regional Planners","View the list of Allies +American Association of State Highway and Transportation Officials +external site +American Planning Association +external site +American Public Transportation Association +external site +American Public Works Association +external site +American Society of Civil Engineers +external site +American Society of Highway Engineers +external site +Institute of Transportation Engineers +external site +Transportation and Development Institute +external site +WTS International +external site +Young Professionals in Transportation +external site +American Institute of Certified Planners +external site",53,3,24,72,71,60,44,34,38,48,30,38,15,62,9,67,48,8,13,96,36,,44,18,3,58,28,20,13,50,68,3,26 +35-9021.00,Dishwashers,https://www.onetonline.org/link/summary/35-9021.00,2025-06-11T19:12:06.325627,"Wash dishes, glassware, flatware, pots, or pans, using dishwashers or by hand. +Place clean dishes, utensils, or cooking equipment in storage areas. +Sort and remove trash, placing it in designated pickup areas. +Sweep or scrub floors. +Maintain kitchen work areas, equipment, or utensils in clean and orderly condition. +Clean garbage cans with water or steam. +Receive and store supplies. +Stock supplies, such as food or utensils, in serving stations, cupboards, refrigerators, or salad bars. +Transfer supplies or equipment between storage and work areas, by hand or using hand trucks. +Clean or prepare various foods for cooking or serving. +Prepare and package individual place settings. +Load or unload trucks that deliver or pick up food or supplies. +Set up banquet tables.","Operating system software— Microsoft Windows +Web page creation and editing software— Facebook","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Clean tableware. +Store supplies or goods in kitchens or storage areas. +Remove trash. +Clean food preparation areas, facilities, or equipment. +Prepare foods for cooking or serving. +Stock serving stations or dining areas with food or supplies. +Move equipment, supplies or food to required locations. +Package food or supplies. +Load shipments, belongings, or materials. +Arrange tables or dining areas.","Spend Time Standing— 93% responded “Continually or almost continually.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 64% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 22% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 44% responded “Every day.” +Pace Determined by Speed of Equipment— 34% responded “Extremely important.” +Frequency of Decision Making— 50% responded “Every day.” +Time Pressure— 48% responded “Every day.” +Contact With Others— 46% responded “Occasional contact with others.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Spend Time Walking or Running— 31% responded “More than half the time.” +Physical Proximity— 58% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 32% responded “Not important at all.”",,"Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cleaners of Vehicles and Equipment +Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Cooks, Short Order +Dining Room and Cafeteria Attendants and Bartender Helpers +Bright Outlook +Fast Food and Counter Workers +Food Preparation Workers +Food Servers, Nonrestaurant +Janitors and Cleaners, Except Maids and Housekeeping Cleaners +Laundry and Dry-Cleaning Workers +Maids and Housekeeping Cleaners","View the list of Allies +MFHA +external site +National Restaurant Association +external site",51,40,35,58,32,70,53,46,18,17,23,33,28,21,29,38,24,22,1,39,25,18,13,25,12,10,8,15,9,7,9,10,1 +29-1141.02,Advanced Practice Psychiatric Nurses,https://www.onetonline.org/link/summary/29-1141.02,2025-06-11T19:06:11.963330,"Assess patients' mental and physical status, based on the presenting symptoms and complaints. +Diagnose psychiatric disorders and mental health conditions. +Document patients' medical and psychological histories, physical assessment results, diagnoses, treatment plans, prescriptions, or outcomes. +Educate patients and family members about mental health and medical conditions, preventive health measures, medications, or treatment plans. +Write prescriptions for psychotropic medications as allowed by state regulations and collaborative practice agreements. +Monitor patients' medication usage and results. +Evaluate patients' behavior to formulate diagnoses or assess treatments. +Distinguish between physiologically- and psychologically-based disorders, and diagnose appropriately. +Develop and implement treatment plans. +Conduct individual, group, or family psychotherapy for those with chronic or acute mental disorders. +Participate in activities aimed at professional growth and development, including conferences or continuing education activities. +Collaborate with interdisciplinary team members, including psychiatrists, psychologists, or nursing staff, to develop, implement, or evaluate treatment plans. +Consult with psychiatrists or other professionals when unusual or complex cases are encountered. +Refer patients requiring more specialized or complex treatment to psychiatrists, primary care physicians, or other medical specialists. +Participate in treatment team conferences regarding diagnosis or treatment of difficult cases. +Interpret diagnostic or laboratory tests, such as electrocardiograms (EKGs) and renal functioning tests. +Develop practice protocols for mental health problems, based on review and evaluation of published research. +Provide routine physical health screenings to detect or monitor problems such as heart disease and diabetes. +Administer medications, including those administered by injection. +Develop, implement, or evaluate programs such as outreach activities, community mental health programs, and crisis situation response activities. +Monitor the use and status of medical and pharmaceutical supplies. +Treat patients for routine physical health problems. +Direct or provide home health services. +Teach classes in mental health topics, such as stress reduction. +Mentor nursing students.","Analytical or scientific software— SAS +Data base user interface and query software— Invivo Data EPX ePRO Management System; Microsoft Access +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Medical condition coding software; Patient management software; Young Mania Rating Scale; Zung Depression Rating Scale;17 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Evaluate patient functioning, capabilities, or health. +Diagnose medical conditions. +Explain medical procedures or test results to patients or family members. +Monitor patient progress or responses to treatments. +Prescribe medications. +Record patient medical histories. +Analyze patient data to determine patient needs or treatment goals. +Develop medical treatment plans. +Maintain medical or professional knowledge. +Treat patients using psychological therapies. +Collaborate with healthcare professionals to plan or provide treatment. +Refer patients to other healthcare practitioners or health resources. +Analyze test data or images to inform diagnosis or treatment. +Maintain inventory of medical supplies or equipment. +Establish nursing policies or standards. +Administer intravenous medications. +Examine patients to assess general physical condition. +Administer basic health care or medical treatments. +Design public or employee health programs. +Teach health management classes.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +E-Mail— 91% responded “Every day.” +Telephone Conversations— 77% responded “Every day.” +Freedom to Make Decisions— 78% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Contact With Others— 59% responded “Constant contact with others.” +Spend Time Sitting— 70% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Time Pressure— 57% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Determine Tasks, Priorities and Goals— 41% responded “A lot of freedom.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a week or more but not every day.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Frequency of Decision Making— 57% responded “Every day.” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Consequence of Error— 39% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Extremely important.” +Conflict Situations— 30% responded “Once a week or more but not every day.” +Level of Competition— 35% responded “Highly competitive.” +Exposed to Disease or Infections— 26% responded “Every day.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Importance of Repeating Same Tasks— 23% responded “Extremely important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Clinical Neuropsychologists +Clinical Nurse Specialists +Critical Care Nurses +Family Medicine Physicians +Mental Health Counselors +Nurse Practitioners +Psychiatric Technicians +Psychiatrists +Registered Nurses","View the list of Allies +American Academy of Nursing +external site +American Association of Colleges of Nursing +external site +American Nurses Association +external site +American Psychiatric Nurses Association +external site +American Society of Registered Nurses +external site +International Society Psychiatric-Mental Health Nurses +external site +National Association of Clinical Nurse Specialists +external site +National Student Nurses' Association +external site +Sigma Theta Tau International Honor Society of Nursing +external site +Society of Psychiatric Advanced Practice Nurses +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",71,14,20,90,57,53,54,73,47,38,33,44,58,56,18,60,53,11,45,19,99,94,77,55,86,19,11,11,82,18,24,9,22 +51-2031.00,Engine and Other Machine Assemblers,https://www.onetonline.org/link/summary/51-2031.00,2025-06-11T19:23:56.455243,"Read and interpret assembly blueprints or specifications manuals, and plan assembly or building operations. +Inspect, operate, and test completed products to verify functioning, machine capabilities, or conformance to customer specifications. +Position or align components for assembly, manually or using hoists. +Set and verify parts clearances. +Verify conformance of parts to stock lists or blueprints, using measuring instruments such as calipers, gauges, or micrometers. +Fasten or install piping, fixtures, or wiring and electrical components to form assemblies or subassemblies, using hand tools, rivet guns, or welding equipment. +Remove rough spots and smooth surfaces to fit, trim, or clean parts, using hand tools or power tools. +Lay out and drill, ream, tap, or cut parts for assembly. +Rework, repair, or replace damaged parts or assemblies. +Assemble systems of gears by aligning and meshing gears in gearboxes. +Set up and operate metalworking machines, such as milling or grinding machines, to shape or fabricate parts. +Maintain and lubricate parts or components.","Computer aided design CAD software— Computer aided design and drafting CADD software; Dassault Systemes SolidWorks +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Plan production or operational procedures or sequences. +Review blueprints or other instructions to determine operational methods or sequences. +Inspect installed components or assemblies. +Align parts or workpieces to ensure proper assembly. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Set equipment guides, stops, spacers, or other fixtures. +Assemble electromechanical or hydraulic systems. +Smooth metal surfaces or edges. +Cut industrial materials in preparation for fabrication or processing. +Drill holes in parts, equipment, or materials. +Lay out parts to prepare for assembly. +Repair parts or assemblies. +Replace worn equipment components. +Apply lubricants or coolants to workpieces. +Operate grinding equipment. +Operate metal or plastic forming equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 81% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 54% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Time Pressure— 56% responded “Every day.” +Spend Time Standing— 48% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Contact With Others— 54% responded “Constant contact with others.” +Exposed to Contaminants— 52% responded “Every day.” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Frequency of Decision Making— 59% responded “Every day.” +Duration of Typical Work Week— 60% responded “40 hours.” +Physical Proximity— 44% responded “Slightly close (e.g., shared office).” +Spend Time Bending or Twisting Your Body— 38% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 63% responded “Every day.” +Spend Time Making Repetitive Motions— 48% responded “Continually or almost continually.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Consequence of Error— 32% responded “Very serious.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 40% responded “Every day.” +Exposed to Hazardous Conditions— 29% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Important.” +Importance of Repeating Same Tasks— 32% responded “Important.” +Indoors, Environmentally Controlled— 46% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Bus and Truck Mechanics and Diesel Engine Specialists +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Equipment Assemblers +Bright Outlook +Electromechanical Equipment Assemblers +Industrial Machinery Mechanics +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Rail Car Repairers","View the list of Allies +Electrical Apparatus Service Association +external site +Fabricators and Manufacturers Association +external site +IPC +external site +Production Engine Remanufacturers Association +external site +Communications Workers of America +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Automotive Service Excellence +external site +United Steelworkers +external site",56,2,60,42,47,47,47,45,28,18,16,31,23,39,6,24,13,73,12,27,14,4,4,6,3,50,29,28,2,46,8,, +11-9151.00,Social and Community Service Managers,https://www.onetonline.org/link/summary/11-9151.00,2025-06-11T18:48:32.633798,"Establish and oversee administrative procedures to meet objectives set by boards of directors or senior management. +Direct activities of professional and technical staff members and volunteers. +Evaluate the work of staff and volunteers to ensure that programs are of appropriate quality and that resources are used effectively. +Participate in the determination of organizational policies regarding such issues as participant eligibility, program requirements, and program benefits. +Prepare and maintain records and reports, such as budgets, personnel records, or training manuals. +Provide direct service and support to individuals or clients, such as handling a referral for child advocacy issues, conducting a needs evaluation, or resolving complaints. +Establish and maintain relationships with other agencies and organizations in community to meet community needs and to ensure that services are not duplicated. +Recruit, interview, and hire or sign up volunteers and staff. +Research and analyze member or community needs to determine program directions and goals. +Implement and evaluate staff, volunteer, or community training programs. +Act as consultants to agency staff and other community programs regarding the interpretation of program-related federal, state, and county regulations and policies. +Speak to community groups to explain and interpret agency purposes, programs, and policies. +Analyze proposed legislation, regulations, or rule changes to determine how agency services could be impacted. +Plan and administer budgets for programs, equipment, and support services. +Represent organizations in relations with governmental and media institutions. +Direct fundraising activities and the preparation of public relations materials.","Accounting software— Financial accounting software +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base reporting software— Oracle Reports +Data base user interface and query software— Client information databases; FileMaker Pro; Microsoft Access +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics +Internet browser software— Web browser software +Medical software— Healthcare common procedure coding system HCPCS; PointClickCare healthcare software +Object oriented data base management software— Microsoft Visual FoxPro +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Develop operating strategies, plans, or procedures. +Direct administrative or support services. +Supervise employees. +Monitor performance of organizational members or partners. +Develop organizational policies or programs. +Conduct opinion surveys or needs assessments. +Maintain operational records. +Prepare financial documents, reports, or budgets. +Resolve customer complaints or problems. +Establish interpersonal business relationships to facilitate work activities. +Hire personnel. +Interview employees, customers, or others to collect information. +Recruit personnel. +Analyze market research data. +Evaluate training programs, instructors, or materials. +Manage human resources activities. +Advise others on legal or regulatory compliance matters. +Analyze impact of legal or regulatory changes. +Prepare operational budgets. +Promote products, services, or programs. +Represent the organization in external relations. +Coordinate special events or programs.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Contact With Others— 72% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Very important results.” +Determine Tasks, Priorities and Goals— 54% responded “A lot of freedom.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Frequency of Decision Making— 61% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Work Outcomes and Results of Other Workers— 62% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +Written Letters and Memos— 55% responded “Once a week or more but not every day.” +Spend Time Sitting— 48% responded “More than half the time.” +Duration of Typical Work Week— 54% responded “More than 40 hours.” +Time Pressure— 36% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Every day.” +Health and Safety of Other Workers— 38% responded “Moderate responsibility.” +Conflict Situations— 42% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 39% responded “Once a month or more but not every week.” +Public Speaking— 51% responded “Once a month or more but not every week.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Child, Family, and School Social Workers +Community Health Workers +Bright Outlook +Directors, Religious Activities and Education +Education and Childcare Administrators, Preschool and Daycare +Educational, Guidance, and Career Counselors and Advisors +Health Education Specialists +Healthcare Social Workers +Human Resources Managers +Rehabilitation Counselors +Social and Human Service Assistants","View the list of Allies +American Counseling Association +external site +American Nurses Association +external site +American Public Human Services Association +external site +American Society for Public Administration +external site +Catholic Charities USA +external site +National Association of Social Workers +external site +National Rehabilitation Association +external site +Society for Social Work Leadership in Health Care +external site +The Network for Social Work Management +external site +Council on Social Work Education +external site +International Childbirth Education Association +external site",90,7,27,82,58,84,62,73,62,45,33,68,14,57,22,54,50,14,34,25,77,68,61,38,24,13,17,11,11,14,23,15,11 +29-1229.03,Urologists,https://www.onetonline.org/link/summary/29-1229.03,2025-06-11T19:07:07.451596,"Diagnose or treat diseases or disorders of genitourinary organs and tracts including erectile dysfunction (ED), infertility, incontinence, bladder cancer, prostate cancer, urethral stones, or premature ejaculation. +Examine patients using equipment, such as radiograph (x-ray) machines or fluoroscopes, to determine the nature and extent of disorder or injury. +Order and interpret the results of diagnostic tests, such as prostate specific antigen (PSA) screening, to detect prostate cancer. +Document or review patients' histories. +Prescribe or administer antibiotics, antiseptics, or compresses to treat infection or injury. +Treat urologic disorders using alternatives to traditional surgery such as extracorporeal shock wave lithotripsy, laparoscopy, or laser techniques. +Provide urology consultation to physicians or other health care professionals. +Treat lower urinary tract dysfunctions using equipment such as diathermy machines, catheters, cystoscopes, or radium emanation tubes. +Direct the work of nurses, residents, or other staff to provide patient care. +Perform abdominal, pelvic, or retroperitoneal surgeries. +Prescribe medications to treat patients with erectile dysfunction (ED), infertility, or ejaculation problems. +Refer patients to specialists when condition exceeds experience, expertise, or scope of practice. +Teach or train medical and clinical staff. +Perform brachytherapy, cryotherapy, high intensity focused ultrasound (HIFU), or photodynamic therapy to treat prostate or other cancers.","Electronic mail software— Email software +Graphics or photo imaging software— SmugMug Flickr +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; Epic Systems; MEDITECH software;22 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Treat chronic diseases or disorders. +Administer cancer treatments. +Diagnose medical conditions. +Operate diagnostic imaging equipment. +Prescribe medications. +Administer non-intravenous medications. +Analyze test data or images to inform diagnosis or treatment. +Gather medical information from patient histories. +Order medical diagnostic or clinical tests. +Record patient medical histories. +Advise medical personnel regarding healthcare issues. +Operate diagnostic or therapeutic medical instruments or equipment. +Operate on patients to treat conditions. +Supervise patient care personnel. +Refer patients to other healthcare practitioners or health resources. +Train medical providers.","Contact With Others— 100% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 98% responded “A lot of freedom.” +Duration of Typical Work Week— 100% responded “More than 40 hours.” +E-Mail— 100% responded “Every day.” +Freedom to Make Decisions— 99% responded “A lot of freedom.” +Exposed to Disease or Infections— 94% responded “Every day.” +Health and Safety of Other Workers— 88% responded “Very high responsibility.” +Time Pressure— 79% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Work Outcomes and Results of Other Workers— 79% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams +Importance of Being Exact or Accurate +Telephone Conversations +Work With or Contribute to a Work Group or Team— 11% responded “Important.” +Importance of Repeating Same Tasks— 78% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities +Deal With External Customers or the Public in General +Frequency of Decision Making +Impact of Decisions on Co-workers or Company Results +Indoors, Environmentally Controlled +Physical Proximity— 67% responded “Very close (near touching).” +Dealing With Unpleasant, Angry, or Discourteous People +Consequence of Error +Written Letters and Memos— 39% responded “Every day.” +Level of Competition— 14% responded “Highly competitive.” +Exposed to Radiation— 13% responded “Every day.” +Conflict Situations— 24% responded “Once a month or more but not every week.” +Spend Time Standing— 47% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 24% responded “Continually or almost continually.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 28% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cardiologists +Dermatologists +Bright Outlook +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Obstetricians and Gynecologists +Ophthalmologists, Except Pediatric +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians","View the list of Allies +American Academy of Family Physicians +external site +American Association of Clinical Urologists +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Urological Association +external site +Association of American Medical Colleges +external site +Endourological Society +external site +Federation of State Medical Boards +external site +American Board of Physician Specialties +external site +American Board of Urology +external site +American College of Physicians +external site +American College of Surgeons +external site",68,,38,82,55,71,50,74,55,55,43,60,65,62,39,53,45,30,23,20,69,72,52,53,100,36,7,41,94,14,24,3,18 +41-9021.00,Real Estate Brokers,https://www.onetonline.org/link/summary/41-9021.00,2025-06-11T19:14:45.076794,"Sell, for a fee, real estate owned by others. +Obtain agreements from property owners to place properties for sale with real estate firms. +Act as an intermediary in negotiations between buyers and sellers over property prices and settlement details and during the closing of sales. +Generate lists of properties for sale, their locations, descriptions, and available financing options, using computers. +Manage or operate real estate offices, handling associated business details. +Compare a property with similar properties that have recently sold to determine its competitive market price. +Maintain knowledge of real estate law, local economies, fair housing laws, types of available mortgages, financing options, and government programs. +Monitor fulfillment of purchase contract terms to ensure that they are handled in a timely manner. +Check work completed by loan officers, attorneys, or other professionals to ensure that it is performed properly. +Rent properties or manage rental properties. +Maintain awareness of current income tax regulations, local zoning, building and tax laws, and growth possibilities of a property's area. +Arrange for title searches of properties being sold. +Appraise property values, assessing income potential when relevant. +Supervise agents who handle real estate transactions. +Arrange for financing of property purchases. +Give buyers virtual tours of properties in which they are interested, using computers. +Review property details to ensure that environmental regulations are met.","Accounting software— Intuit QuickBooks +Analytical or scientific software— RealData REIA +Customer relationship management CRM software— Real Estate Assistant REA +Data base user interface and query software— Microsoft Access; Propertyware; Yardi software; Yardi Systems Yardi Voyager Commercial;14 more +Electronic mail software— Microsoft Outlook +Geographic information system— Google Earth Pro +Graphics or photo imaging software— Adobe Photoshop +Internet browser software— Microsoft Internet Explorer; Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Contract real estate to clients. +Prepare sales or other contracts. +Negotiate prices or other sales terms. +Supervise sales or support personnel. +Appraise property values. +Obtain property information. +Oversee business processes. +Review accuracy of sales or other transactions. +Review laws or regulations to maintain professional knowledge. +Monitor market conditions or trends. +Help clients get needed services or resources. +Create images or other visual displays. +Enter information into databases or software programs. +Assess compliance with environmental laws.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Freedom to Make Decisions— 89% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 92% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Contact With Others— 82% responded “Constant contact with others.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 64% responded “Every day.” +Frequency of Decision Making— 64% responded “Every day.” +Level of Competition— 77% responded “Extremely competitive.” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 37% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Very important.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 70% responded “Once a week or more but not every day.” +Spend Time Sitting— 55% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a year or more but not every month.” +Conflict Situations— 51% responded “Once a month or more but not every week.” +Consequence of Error— 29% responded “Serious.” +Physical Proximity— 49% responded “Slightly close (e.g., shared office).” +Work Outcomes and Results of Other Workers— 38% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 37% responded “Fairly important.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Appraisers and Assessors of Real Estate +Appraisers of Personal and Business Property +Financial and Investment Analysts +Bright Outlook +Insurance Sales Agents +Loan Officers +Property, Real Estate, and Community Association Managers +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Real Estate Sales Agents +Sales Managers +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +National Association of Realtors +external site",82,1,16,78,58,74,39,54,55,63,87,47,13,60,30,75,56,19,19,28,53,6,36,38,1,11,55,7,3,25,42,5,9 +25-1082.00,"Library Science Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1082.00,2025-06-11T19:00:34.867882,"Conduct research in a particular field of knowledge and present findings in professional journals, books, electronic media, or at professional conferences. +Evaluate and grade students' class work, assignments, and papers. +Keep abreast of developments in the field by reading current literature, talking with colleagues, giving presentations at conferences, and serving on committees in professional associations. +Prepare and deliver lectures to undergraduate or graduate students on topics such as collection development, archival methods, and indexing and abstracting. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Initiate, facilitate, and moderate classroom discussions. +Compile, administer, and grade examinations, or assign this work to others. +Maintain student attendance records, grades, and other required records. +Advise students on academic and vocational curricula and on career issues. +Select and obtain materials and supplies, such as textbooks. +Supervise undergraduate or graduate teaching, internship, and research work. +Develop and teach online courses. +Collaborate with colleagues to address teaching and research issues. +Compile bibliographies of specialized materials for outside reading assignments. +Edit manuscripts for professional journals. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Maintain regularly scheduled office hours to advise and assist students. +Write grant proposals to procure external research funding. +Perform administrative duties, such as serving as department head. +Participate in student recruitment, registration, and placement activities. +Participate in campus and community events. +Act as advisers to student organizations. +Select and invite guest speakers to speak to classes. +Provide professional consulting services to government or industry. +Serve as a mentor.","Calendar and scheduling software +Cloud-based management software— Splunk Enterprise +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Customer relationship management CRM software +Data base management system software— Database management system software +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Association for Computing Machinery Digital Library; MySQL; Structured query language SQL;1 more +Document management software— Hyland OnBase Enterprise Content Management; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software +Information retrieval or search software— DOC Cop; iParadigms Turnitin; LexisNexis +Internet browser software— Web browser software +Library software— EBSCO Information Services Academic Search Premier; EBSCO Information Services Library Literature and Information Science Index; Thomson Reuters Web of Science; Ulrichsweb;11 more +Object or component oriented development software— C++ +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Web conferencing software +Web page creation and editing software— Social networking platforms +Web platform development software— Extensible stylesheet language transformations XSLT; JavaScript; PHP +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Evaluate student work. +Research topics in area of expertise. +Serve on institutional or departmental committees. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Write articles, books or other original materials in area of expertise. +Teach humanities courses at the college level. +Develop instructional materials. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Guide class discussions. +Administer tests to assess educational needs or progress. +Prepare tests. +Advise students on academic or career matters. +Maintain student records. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Create technology-based learning materials. +Supervise student research or internship work. +Teach online courses. +Compile specialized bibliographies or lists of materials. +Edit documents. +Write grant proposals. +Direct department activities. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Plan community programs or activities for the general public. +Plan educational activities. +Plan experiential learning activities. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 100% responded “Every day.” +Determine Tasks, Priorities and Goals— 97% responded “A lot of freedom.” +Freedom to Make Decisions— 88% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Spend Time Sitting— 65% responded “Continually or almost continually.” +Contact With Others— 35% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 42% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Duration of Typical Work Week— 53% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Frequency of Decision Making— 46% responded “Every day.” +Telephone Conversations— 41% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 47% responded “More than half the time.” +Deal With External Customers or the Public in General— 30% responded “Extremely important.” +Public Speaking— 37% responded “Once a month or more but not every week.” +Level of Competition— 30% responded “Not at all competitive.”","Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Science Teachers, Postsecondary +Bright Outlook +Education Teachers, Postsecondary +Instructional Coordinators +Librarians and Media Collections Specialists +Library Technicians +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +ACSD +external site +American Association of School Librarians +external site +American Library Association +external site +Association for Computing Machinery +external site +Association for Information Science and Technology +external site +Association for Library and Information Science Education +external site +Association for Library Service to Children +external site +Association of College and Research Libraries +external site +Children's Literature Association +external site +Council of Graduate Schools +external site +International Association of School Librarianship +external site +Medical Library Association +external site +Public Library Association +external site +Society for the History of Authorship, Reading and Publishing +external site +Society of American Archivists +external site +Special Libraries Association +external site",72,,16,92,49,56,33,89,40,17,21,42,4,79,14,48,65,6,38,6,59,25,61,43,4,21,6,8,1,18,26,13,36 +29-2011.01,Cytogenetic Technologists,https://www.onetonline.org/link/summary/29-2011.01,2025-06-11T19:07:43.370030,"Arrange and attach chromosomes in numbered pairs on karyotype charts, using standard genetics laboratory practices and nomenclature, to identify normal or abnormal chromosomes. +Count numbers of chromosomes and identify the structural abnormalities by viewing culture slides through microscopes, light microscopes, or photomicroscopes. +Examine chromosomes found in biological specimens to detect abnormalities. +Apply prepared specimen and control to appropriate grid, run instrumentation, and produce analyzable results. +Select appropriate culturing system or procedure based on specimen type and reason for referral. +Analyze chromosomes found in biological specimens to aid diagnoses and treatments for genetic diseases such as congenital disabilities, fertility problems, and hematological disorders. +Harvest cell cultures using substances such as mitotic arrestants, cell releasing agents, and cell fixatives. +Summarize test results and report to appropriate authorities. +Prepare biological specimens such as amniotic fluids, bone marrow, tumors, chorionic villi, and blood, for chromosome examinations. +Select or prepare specimens and media for cell cultures using aseptic techniques, knowledge of medium components, or cell nutritional requirements. +Input details of specimen processing, analysis, and technical issues into logs or laboratory information systems (LIS). +Prepare slides of cell cultures following standard procedures. +Input details of specimens into logs or computer systems. +Select appropriate methods of preparation and storage of media to maintain potential of hydrogen (pH), sterility, or ability to support growth. +Develop, implement, and monitor quality control and quality assurance programs to ensure accurate and precise test performance and reports. +Stain slides to make chromosomes visible for microscopy. +Describe chromosome, FISH and aCGH analysis results in International System of Cytogenetic Nomenclature (ISCN) language. +Evaluate appropriateness of received specimens for requested tests. +Create chromosome images using computer imaging systems. +Recognize and report abnormalities in the color, size, shape, composition, or pattern of cells. +Determine optimal time sequences and methods for manual or robotic cell harvests. +Communicate to responsible parties unacceptable specimens and suggest remediation for future submissions. +Select banding methods to permit identification of chromosome pairs. +Maintain laboratory equipment such as photomicroscopes, inverted microscopes, and standard darkroom equipment. +Identify appropriate methods of specimen collection, preservation, or transport. +Archive case documentation and study materials as required by regulations and laws. +Supervise subordinate laboratory staff. +Develop and implement training programs for trainees, medical students, resident physicians or post-doctoral fellows. +Communicate test results or technical information to patients, physicians, family members, or researchers. +Extract, measure, dilute as appropriate, label, and prepare DNA for array analysis.","Analytical or scientific software— Cell Bioscience Automated Image Capture; Geniel Genetics iGene; LUCIA MFISH; MetaSystems Isis Color Karyotyping;10 more +Customer relationship management CRM software +Data base user interface and query software— Genial Genetics iPassport QMS; Genial Genetics Shire +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator +Object or component oriented development software— C++; Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Prepare biological specimens for laboratory analysis. +Analyze laboratory specimens to detect abnormalities or other problems. +Operate laboratory equipment to analyze medical samples. +Determine protocols for medical procedures. +Collect biological specimens from patients. +Prepare official health documents or records. +Prepare reports summarizing patient diagnostic or care activities. +Communicate test or assessment results to medical professionals. +Communicate detailed medical information to patients or family members. +Enter patient or treatment data into computers. +Develop healthcare quality and safety procedures. +Monitor medical facility activities to ensure adherence to standards or regulations. +Test biological specimens to gather information about patient conditions. +Create advanced digital images of patients using computer imaging systems. +Inform medical professionals regarding patient conditions and care. +Maintain medical laboratory equipment. +Maintain medical facility records. +Supervise technical medical personnel. +Prepare healthcare training materials. +Train medical providers.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Importance of Being Exact or Accurate— 90% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Time Pressure— 81% responded “Every day.” +Frequency of Decision Making— 86% responded “Every day.” +E-Mail— 70% responded “Every day.” +Importance of Repeating Same Tasks— 76% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 70% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 67% responded “Very important results.” +Spend Time Making Repetitive Motions— 57% responded “Continually or almost continually.” +Consequence of Error— 57% responded “Extremely serious.” +Exposed to Hazardous Conditions— 52% responded “Every day.” +Spend Time Sitting— 57% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Exposed to Disease or Infections— 52% responded “Every day.” +Telephone Conversations— 48% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Health and Safety of Other Workers— 38% responded “High responsibility.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 38% responded “Limited freedom.” +Contact With Others— 33% responded “Contact with others most of the time.” +Duration of Typical Work Week— 76% responded “40 hours.” +Exposed to Contaminants— 33% responded “Never.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Bioengineers and Biomedical Engineers +Bright Outlook +Biological Technicians +Cytotechnologists +Histology Technicians +Histotechnologists +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Molecular and Cellular Biologists +Neurodiagnostic Technologists +Nuclear Medicine Technologists","View the list of Allies +American Association of Bioanalysts +external site +American Society for Clinical Pathology +external site +American Society of Cytopathology +external site +American Society of Human Genetics +external site +Association of Genetic Technologists +external site +Coordinating Council on the Clinical Laboratory Workforce +external site +American College of Medical Genetics and Genomics +external site +American Medical Technologists +external site +American Society for Clinical Pathology Board of Certification +external site +National Accrediting Agency for Clinical Laboratory Sciences +external site",43,1,35,55,51,32,30,41,38,14,11,28,64,54,,26,17,31,4,8,12,6,4,24,43,32,7,18,80,12,6,,1 +21-1014.00,Mental Health Counselors,https://www.onetonline.org/link/summary/21-1014.00,2025-06-11T18:58:45.022955,"Maintain confidentiality of records relating to clients' treatment. +Encourage clients to express their feelings and discuss what is happening in their lives, helping them to develop insight into themselves or their relationships. +Assess patients for risk of suicide attempts. +Prepare and maintain all required treatment records and reports. +Counsel clients or patients, individually or in group sessions, to assist in overcoming dependencies, adjusting to life, or making changes. +Guide clients in the development of skills or strategies for dealing with their problems. +Perform crisis interventions to help ensure the safety of the patients and others. +Perform crisis interventions with clients. +Fill out and maintain client-related paperwork, including federal- and state-mandated forms, client diagnostic records, and progress notes. +Develop and implement treatment plans based on clinical experience and knowledge. +Collect information about clients through interviews, observation, or tests. +Discuss with individual patients their plans for life after leaving therapy. +Modify treatment activities or approaches as needed to comply with changes in clients' status. +Evaluate clients' physical or mental condition, based on review of client information. +Monitor clients' use of medications. +Collaborate with mental health professionals and other staff members to perform clinical assessments or develop treatment plans. +Act as client advocates to coordinate required services or to resolve emergency problems in crisis situations. +Evaluate the effectiveness of counseling programs on clients' progress in resolving identified problems and moving towards defined objectives. +Plan, organize, or lead structured programs of counseling, work, study, recreation, or social activities for clients. +Refer patients, clients, or family members to community resources or to specialists as necessary. +Counsel family members to assist them in understanding, dealing with, or supporting clients or patients. +Learn about new developments in counseling by reading professional literature, attending courses and seminars, or establishing and maintaining contact with other social service agencies. +Meet with families, probation officers, police, or other interested parties to exchange necessary information during the treatment process. +Gather information about community mental health needs or resources that could be used in conjunction with therapy. +Supervise other counselors, social service staff, assistants, or graduate students. +Plan or conduct programs to prevent substance abuse or improve community health or counseling services. +Coordinate or direct employee workshops, courses, or training about mental health issues.","Analytical or scientific software— Statistical software; Test interpretation software +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Management information systems MIS; Microsoft Dynamics; Oracle PeopleSoft +Internet browser software— Microsoft Internet Explorer; Netscape Navigator; Web browser software +Medical software— Client information database systems; Patient electronic medical record EMR software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Counsel clients or patients regarding personal issues. +Complete documentation required by programs or regulations. +Write reports or evaluations. +Counsel clients or patients with substance abuse issues. +Teach life skills or strategies to clients or their families. +Intervene in crisis situations to assist clients. +Maintain client records. +Provide first aid or rescue assistance in emergencies. +Respond to emergencies to provide assistance. +Develop treatment plans for patients or clients. +Collect information about clients. +Interview clients to gather information about their backgrounds, needs, or progress. +Modify treatment plans to accommodate client needs. +Evaluate characteristics of individuals to determine needs or eligibility. +Provide basic health care services. +Collaborate with other professionals to assess client needs or plan treatments. +Advocate for individual or community needs. +Develop health assessment methods or programs. +Evaluate the effectiveness of counseling or educational programs. +Monitor clients to evaluate treatment progress. +Plan programs to address community mental wellness needs. +Counsel family members of clients or patients. +Develop working relationships with others to facilitate program activities. +Maintain professional social services knowledge. +Refer clients to community or social service programs. +Supervise workers providing client or patient services. +Collect information about community health needs. +Confer with family members to discuss client treatment plans or progress. +Plan programs to address community health issues. +Lead classes or community events. +Train staff members in social services skills.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Contact With Others— 90% responded “Constant contact with others.” +Telephone Conversations— 72% responded “Every day.” +E-Mail— 71% responded “Every day.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Spend Time Sitting— 44% responded “Continually or almost continually.” +Time Pressure— 56% responded “Once a week or more but not every day.” +Written Letters and Memos— 38% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 38% responded “Very important.” +Freedom to Make Decisions— 35% responded “Some freedom.” +Deal With External Customers or the Public in General— 48% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Frequency of Decision Making— 37% responded “Every day.” +Conflict Situations— 33% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a week or more but not every day.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Importance of Being Exact or Accurate— 53% responded “Important.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Importance of Repeating Same Tasks— 28% responded “Fairly important.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Healthcare Social Workers +Marriage and Family Therapists +Mental Health and Substance Abuse Social Workers +Psychiatrists +Rehabilitation Counselors +Social and Human Service Assistants +Substance Abuse and Behavioral Disorder Counselors","View the list of Allies +Addiction Technology Transfer Center Network +external site +American Association for Marriage and Family Therapy +external site +American College Counseling Association +external site +American Counseling Association +external site +American Mental Health Counselors Association +external site +American Psychological Association +external site +American School Counselor Association +external site +Brain Injury Association of America +external site +NAADAC +external site +NADD +external site +NASPA - Student Affairs Administrators in Higher Education +external site +National Association of Cognitive-Behavioral Therapists +external site +National Association of Social Workers +external site +Association of Faith Churches and Ministers +external site +National Board for Certified Counselors +external site",80,7,16,77,30,53,48,73,51,20,17,40,17,55,23,48,36,4,49,27,98,94,58,26,39,4,4,8,16,3,19,12,8 +15-2041.01,Biostatisticians,https://www.onetonline.org/link/summary/15-2041.01,2025-06-11T18:52:52.848893,"Draw conclusions or make predictions, based on data summaries or statistical analyses. +Analyze clinical or survey data, using statistical approaches such as longitudinal analysis, mixed-effect modeling, logistic regression analyses, and model-building techniques. +Write detailed analysis plans and descriptions of analyses and findings for research protocols or reports. +Calculate sample size requirements for clinical studies. +Read current literature, attend meetings or conferences, and talk with colleagues to keep abreast of methodological or conceptual developments in fields such as biostatistics, pharmacology, life sciences, and social sciences. +Design research studies in collaboration with physicians, life scientists, or other professionals. +Prepare tables and graphs to present clinical data or results. +Write program code to analyze data with statistical analysis software. +Provide biostatistical consultation to clients or colleagues. +Review clinical or other medical research protocols and recommend appropriate statistical analyses. +Develop or implement data analysis algorithms. +Determine project plans, timelines, or technical objectives for statistical aspects of biological research studies. +Prepare statistical data for inclusion in reports to data monitoring committees, federal regulatory agencies, managers, or clients. +Plan or direct research studies related to life sciences. +Prepare articles for publication or presentation at professional conferences. +Monitor clinical trials or experiments to ensure adherence to established procedures or to verify the quality of data collected. +Write research proposals or grant applications for submission to external bodies. +Design or maintain databases of biological data. +Collect data through surveys or experimentation. +Apply research or simulation results to extend biological theory or recommend new research projects. +Develop or use mathematical models to track changes in biological phenomena, such as the spread of infectious diseases. +Assign work to biostatistical assistants or programmers. +Analyze archival data, such as birth, death, and disease records. +Design surveys to assess health issues. +Teach graduate or continuing education courses or seminars in biostatistics.","Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;9 more +Data base management system software— MySQL +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Oracle Database; Structured query language SQL;3 more +Data mining software +Development environment software— Microsoft Visual Studio; Software development tools +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +File versioning software— Git +Graphics or photo imaging software— Graphics software +Medical software— STAT! Systems QD Clinical +Object or component oriented development software— C#; Oracle Java; Perl; R;2 more +Office suite software— Microsoft Office software +Operating system software— Bash; Linux; Shell script; UNIX;2 more +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript; PHP +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Analyze data to identify trends or relationships among variables. +Analyze health-related data. +Prepare analytical reports. +Present research results to others. +Determine appropriate methods for data analysis. +Design research studies to obtain scientific information. +Prepare graphics or other visual representations of information. +Update knowledge about emerging industry or technology trends. +Write computer programming code. +Advise customers on technical or procedural issues. +Develop detailed project plans. +Develop scientific or mathematical models. +Monitor operational activities to ensure compliance with regulations or standard operating procedures. +Write grant proposals. +Create databases to store electronic data. +Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Collect data about customer needs. +Collect information from people through observation, interviews, or surveys. +Assign duties or work schedules to employees. +Design computer modeling or simulation programs. +Train others in computer interface or software use.","E-Mail— 92% responded “Every day.” +Spend Time Sitting— 54% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 46% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Determine Tasks, Priorities and Goals— 79% responded “Some freedom.” +Telephone Conversations— 42% responded “Once a week or more but not every day.” +Contact With Others— 46% responded “Contact with others about half the time.” +Duration of Typical Work Week— 67% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Important.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Level of Competition— 43% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 46% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Written Letters and Memos— 42% responded “Once a month or more but not every week.”","Mathematics— Using mathematics to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Programming— Writing computer programs for various purposes. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Bioinformatics Scientists +Bright Outlook +Bioinformatics Technicians +Clinical Data Managers +Clinical Research Coordinators +Data Scientists +Geneticists +Mathematicians +Social Science Research Assistants +Statistical Assistants +Statisticians","View the list of Allies +American Statistical Association +external site +American Association for the Advancement of Science +external site +American Mathematical Society +external site +American Public Health Association +external site +American Society of Clinical Oncology +external site +American Statistical Association Caucus of Academic Representatives +external site +Association for Clinical and Translational Science +external site +Institute of Mathematical Statistics +external site +International Biometric Society +external site +International Society for Computational Biology +external site +ISPOR +external site +Society for Clinical Trials +external site +Society for Industrial and Applied Mathematics +external site +The Eastern North American Region of the International Biometric Society +external site +The Western North American Region of the International Biometric Society +external site",39,3,18,72,92,38,20,44,35,18,18,35,13,68,7,24,30,7,7,6,35,15,20,18,51,24,10,13,47,22,16,5,5 +41-4011.07,Solar Sales Representatives and Assessors,https://www.onetonline.org/link/summary/41-4011.07,2025-06-11T19:14:34.816312,"Prepare proposals, quotes, contracts, or presentations for potential solar customers. +Select solar energy products, systems, or services for customers based on electrical energy requirements, site conditions, price, or other factors. +Provide customers with information, such as quotes, orders, sales, shipping, warranties, credit, funding options, incentives, or tax rebates. +Gather information from prospective customers to identify their solar energy needs. +Calculate potential solar resources or solar array production for a particular site considering issues such as climate, shading, and roof orientation. +Generate solar energy customer leads to develop new accounts. +Provide technical information about solar power, solar systems, equipment, and services to potential customers or dealers. +Assess sites to determine suitability for solar equipment, using equipment such as tape measures, compasses, and computer software. +Take quote requests or orders from dealers or customers. +Prepare or review detailed design drawings, specifications, or lists related to solar installations. +Create customized energy management packages to satisfy customer needs. +Develop marketing or strategic plans for sales territories. +Demonstrate use of solar and related equipment to customers or dealers. +Log client information and sales leads into tracking documents or software.","Analytical or scientific software— Solar analysis software +Computer aided design CAD software— Autodesk AutoCAD; Trimble SketchUp Pro +Customer relationship management CRM software— Salesforce software; Salesforce.com Salesforce CRM +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics +Internet browser software— Web browser software +Office suite software— Google Workspace software; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet; Zoom +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Customize energy products or services to meet customer needs. +Develop content for sales presentations or other materials. +Develop proposals for current or prospective customers. +Prepare sales or other contracts. +Explain technical product or service information to customers. +Explain financial information to customers. +Gather customer or product information to determine customer needs. +Evaluate potential of products, technologies, or resources. +Identify potential customers. +Assess locations for potential green technology installations. +Take product orders from customers. +Prepare drawings or diagrams of products or services. +Develop marketing plans or strategies. +Demonstrate products to consumers.","E-Mail— 98% responded “Every day.” +Telephone Conversations— 99% responded “Every day.” +Contact With Others— 97% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 98% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 54% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Spend Time Sitting— 46% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Freedom to Make Decisions— 31% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Level of Competition— 35% responded “Extremely competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 40% responded “Every day.” +Frequency of Decision Making— 46% responded “Every day.” +Indoors, Environmentally Controlled— 49% responded “Every day.” +Duration of Typical Work Week— 34% responded “40 hours.” +Time Pressure— 41% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 42% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Negotiation— Bringing others together and trying to reconcile differences. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Energy Auditors +Energy Engineers, Except Wind and Solar +Sales Engineers +Bright Outlook +Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products +Solar Energy Installation Managers +Solar Energy Systems Engineers +Solar Photovoltaic Installers +Solar Thermal Installers and Technicians +Sustainability Specialists +Wind Energy Development Managers","View the list of Allies +American Solar Energy Society +external site +Manufacturers' Agents National Association +external site +Smart Electric Power Alliance +external site +Solar Energy Industries Association +external site +USGBC +external site +Northeast Sustainable Energy Association +external site +Solar Energy Business Association of New England +external site +Manufacturers' Representatives Educational Research Foundation +external site +NABCEP +external site",87,,29,67,65,52,32,28,55,50,87,30,5,52,5,40,42,26,2,28,24,2,10,28,3,45,57,42,4,71,32,2,3 +33-2011.00,Firefighters,https://www.onetonline.org/link/summary/33-2011.00,2025-06-11T19:10:24.039565,"Rescue survivors from burning buildings, accident sites, and water hazards. +Dress with equipment such as fire-resistant clothing and breathing apparatus. +Assess fires and situations and report conditions to superiors to receive instructions, using two-way radios. +Move toward the source of a fire, using knowledge of types of fires, construction design, building materials, and physical layout of properties. +Respond to fire alarms and other calls for assistance, such as automobile and industrial accidents. +Create openings in buildings for ventilation or entrance, using axes, chisels, crowbars, electric saws, or core cutters. +Drive and operate fire fighting vehicles and equipment. +Inspect fire sites after flames have been extinguished to ensure that there is no further danger. +Position and climb ladders to gain access to upper levels of buildings, or to rescue individuals from burning structures. +Select and attach hose nozzles, depending on fire type, and direct streams of water or chemicals onto fires. +Operate pumps connected to high-pressure hoses. +Maintain contact with fire dispatchers at all times to notify them of the need for additional firefighters and supplies, or to detail any difficulties encountered. +Collaborate with other firefighters as a member of a firefighting crew. +Patrol burned areas after fires to locate and eliminate hot spots that may restart fires. +Collaborate with police to respond to accidents, disasters, and arson investigation calls. +Participate in fire drills and demonstrations of fire fighting techniques. +Prepare written reports that detail specifics of fire incidents. +Maintain knowledge of current firefighting practices by participating in drills and by attending seminars, conventions, and conferences. +Participate in physical training activities to maintain a high level of physical fitness. +Protect property from water and smoke, using waterproof salvage covers, smoke ejectors, and deodorants. +Inform and educate the public on fire prevention. +Salvage property by removing broken glass, pumping out water, and ventilating buildings to remove smoke. +Orient self in relation to fire, using compass and map, and collect supplies and equipment dropped by parachute. +Clean and maintain fire stations and fire fighting equipment and apparatus. +Inspect buildings for fire hazards and compliance with fire prevention ordinances, testing and checking smoke alarms and fire suppression equipment as necessary. +Take action to contain any hazardous chemicals that could catch fire, leak, or spill. +Extinguish flames and embers to suppress fires, using shovels or engine- or hand-driven water or chemical pumps. +Administer first aid and cardiopulmonary resuscitation to injured persons or provide emergency medical care such as basic or advanced life support. +Search to locate fire survivors. +Train new employees to control and suppress fires.","Analytical or scientific software— Plume modeling software +Data base user interface and query software— Affiliated Computer Services ACS FIREHOUSE; Fire incident reporting systems; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— Geographic information system GIS software +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Incident command system ICS software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Rescue people from hazardous situations. +Select tools, equipment, or technologies for use in operations or projects. +Locate fires or fire danger areas. +Assess characteristics of fires. +Relay information about incidents or emergencies to personnel using phones or two-way radios. +Respond to emergencies to provide assistance. +Operate firefighting equipment. +Examine debris to obtain information about causes of fires. +Prepare hoses or water supplies to fight fires. +Communicate with other workers to coordinate activities. +Request emergency personnel. +Collaborate with law enforcement or security agencies to respond to incidents. +Patrol natural areas to ensure safety or enforce regulations. +Attend training to learn new skills or update knowledge. +Demonstrate activity techniques or equipment use. +Maintain professional knowledge or certifications. +Prepare investigation or incident reports. +Protect property from fire or water damage. +Educate the public about fire safety or prevention. +Participate in physical training to maintain fitness. +Maintain fire fighting tools or equipment. +Inspect equipment to ensure safety or proper functioning. +Inspect facilities to ensure compliance with fire regulations. +Implement advanced life support techniques. +Provide first aid or rescue assistance in emergencies. +Train personnel on proper operational procedures. +Treat medical emergencies.","Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Contact With Others— 77% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 83% responded “Extremely important.” +Physical Proximity— 65% responded “Very close (near touching).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 67% responded “Every day.” +Deal With External Customers or the Public in General— 71% responded “Extremely important.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Outdoors, Exposed to All Weather Conditions— 70% responded “Every day.” +Exposed to Contaminants— 49% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Very important results.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 65% responded “Every day.” +Telephone Conversations— 52% responded “Every day.” +Consequence of Error— 59% responded “Extremely serious.” +Exposed to Hazardous Equipment— 54% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Extremely important.” +Frequency of Decision Making— 56% responded “Every day.” +Exposed to Disease or Infections— 59% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 52% responded “Every day.” +E-Mail— 50% responded “Every day.” +Freedom to Make Decisions— 59% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 39% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 48% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Exposed to Hazardous Conditions— 45% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 30% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 34% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 42% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “More than half the time.” +Level of Competition— 41% responded “Highly competitive.” +Time Pressure— 32% responded “Every day.” +Exposed to High Places— 32% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 29% responded “Important.” +Spend Time Standing— 46% responded “About half the time.” +Conflict Situations— 43% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 43% responded “Every day.” +Outdoors, Under Cover— 29% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 38% responded “About half the time.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +In an Open Vehicle or Operating Equipment— 32% responded “Never.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Ambulance Drivers and Attendants, Except Emergency Medical Technicians +Emergency Medical Technicians +Bright Outlook +Fire Inspectors and Investigators +Fire-Prevention and Protection Engineers +First-Line Supervisors of Firefighting and Prevention Workers +Forest Fire Inspectors and Prevention Specialists +Hazardous Materials Removal Workers +Lifeguards, Ski Patrol, and Other Recreational Protective Service Workers +Occupational Health and Safety Specialists +Paramedics","View the list of Allies +International Association of Black Professional Firefighters +external site +International Association of Fire Fighters +external site +International Association of Wildland Fire +external site +International Association of Women in Fire and Emergency Services +external site +National Fire Protection Association +external site +National Wildfire Suppression Association +external site +Society of American Foresters +external site +Society of Fire Protection Engineers +external site +National Registry of Emergency Medical Technicians +external site",80,12,23,73,54,61,88,78,46,24,14,48,58,46,17,60,44,70,20,61,56,42,28,65,66,39,76,47,37,35,46,3,12 +11-3031.03,Investment Fund Managers,https://www.onetonline.org/link/summary/11-3031.03,2025-06-11T18:47:12.065893,"Manage investment funds to maximize return on client investments. +Select specific investments or investment mixes for purchase by an investment fund. +Monitor financial or operational performance of individual investments to ensure portfolios meet risk goals. +Select or direct the execution of trades. +Develop or implement fund investment policies or strategies. +Perform or evaluate research, such as detailed company or industry analyses, to inform financial forecasting, decision making, or valuation. +Present investment information, such as product risks, fees, or fund performance statistics. +Develop, implement, or monitor security valuation policies. +Meet with investors to determine investment goals or to discuss investment strategies. +Attend investment briefings or consult financial media to stay abreast of relevant investment markets. +Prepare for and respond to regulatory inquiries. +Evaluate the potential of new product developments or market opportunities, according to factors such as business plans, technologies, or market potential. +Hire or evaluate staff. +Monitor regulatory or tax law changes to ensure fund compliance or to capitalize on development opportunities. +Develop or direct development of offering documents or marketing materials. +Analyze acquisitions to ensure conformance with strategic goals or regulatory requirements. +Verify regulatory compliance of transaction reporting. +Review offering documents or marketing materials to ensure regulatory compliance. +Identify group or individual target investors for a specific fund. +Direct activities of accounting or operations departments.","Accounting software— Financial accounting software +Analytical or scientific software— Risk analysis software; SAS; Statistical analysis software +Business intelligence and data analysis software— Microsoft Power BI; Tableau +Computer aided design CAD software— Autodesk AutoCAD Blue Sky +Data base user interface and query software— Microsoft Access; Structured query language SQL +Document management software— ReadSoft +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle Hyperion; SAP software +Financial analysis software— Oracle Hyperion Planning; Portfolio analysis software; SunGard Financial Systems AddVantage +Internet browser software— Web browser software +Map creation software— Microsoft MapPoint +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Direct financial operations. +Monitor financial activities. +Monitor financial indicators. +Develop organizational policies or programs. +Implement organizational process or policy changes. +Approve expenditures. +Analyze forecasting data to improve business decisions. +Advise others on business or operational matters. +Communicate organizational information to customers or other stakeholders. +Monitor organizational procedures to ensure proper functioning. +Maintain knowledge of current developments in area of expertise. +Coordinate with external parties to exchange information. +Evaluate potential of products, technologies, or resources. +Determine operational compliance with regulations or standards. +Evaluate employee performance. +Hire personnel. +Monitor external affairs or events affecting business operations. +Examine financial records to ensure compliance with policies or regulations. +Examine marketing materials to ensure compliance with policies or regulations. +Develop promotional materials. +Direct sales, marketing, or customer service activities. +Identify potential customers. +Direct organizational operations, projects, or services.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 92% responded “Every day.” +Duration of Typical Work Week— 87% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Spend Time Sitting— 75% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Level of Competition— 61% responded “Extremely competitive.” +Determine Tasks, Priorities and Goals— 59% responded “A lot of freedom.” +Freedom to Make Decisions— 63% responded “A lot of freedom.” +Frequency of Decision Making— 66% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Contact With Others— 51% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Time Pressure— 40% responded “Every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Consequence of Error— 32% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Written Letters and Memos— 41% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 29% responded “Extremely important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Credit Analysts +Financial and Investment Analysts +Bright Outlook +Financial Examiners +Financial Managers +Financial Quantitative Analysts +Financial Risk Specialists +Management Analysts +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents +Treasurers and Controllers","View the list of Allies +AICPA and CIMA +external site +Alternative Investment Management Association +external site +American Bar Association +external site +Chartered Alternative Investment Analyst Association +external site +Eastern Finance Association +external site +Global Association of Risk Professionals +external site +Investment Adviser Association +external site +Investment Company Institute +external site +Managed Funds Association +external site +National Association of Personal Financial Advisors +external site +Southern Finance Association +external site +Western Finance Association +external site +Midwest Finance Association +external site +New England Venture Capital Association +external site +Southwestern Finance Association +external site +Association for Financial Professionals +external site +Association of Government Accountants +external site +CFA Institute +external site +Financial Industry Regulatory Authority +external site +Investments and Wealth Institute +external site",67,1,16,84,84,55,10,39,19,92,50,35,3,53,6,54,39,2,6,16,33,7,22,22,9,13,,7,5,5,24,3,27 +43-5031.00,Public Safety Telecommunicators,https://www.onetonline.org/link/summary/43-5031.00,2025-06-11T19:16:20.222306,"Provide emergency medical instructions to callers. +Question callers to determine their locations and the nature of their problems to determine type of response needed. +Determine response requirements and relative priorities of situations, and dispatch units in accordance with established procedures. +Receive incoming telephone or alarm system calls regarding emergency and non-emergency police and fire service, emergency ambulance service, information, and after-hours calls for departments within a city. +Relay information and messages to and from emergency sites, to law enforcement agencies, and to all other individuals or groups requiring notification. +Record details of calls, dispatches, and messages. +Monitor various radio frequencies, such as those used by public works departments, school security, and civil defense, to stay apprised of developing situations. +Read and effectively interpret small-scale maps and information from a computer screen to determine locations and provide directions. +Maintain access to, and security of, highly sensitive materials. +Enter, update, and retrieve information from teletype networks and computerized data systems regarding such things as wanted persons, stolen property, vehicle registration, and stolen vehicles. +Scan status charts and computer screens, and contact emergency response field units to determine emergency units available for dispatch. +Answer routine inquiries, and refer calls not requiring dispatches to appropriate departments and agencies. +Learn material and pass required tests for certification. +Observe alarm registers and scan maps to determine whether a specific emergency is in the dispatch service area. +Maintain files of information relating to emergency calls, such as personnel rosters and emergency call-out and pager files. +Test and adjust communication and alarm systems, and report malfunctions to maintenance units. +Operate and maintain mobile dispatch vehicles and equipment. +Monitor alarm systems to detect emergencies, such as fires and illegal entry into establishments.","Data base user interface and query software— Law enforcement information databases; Microsoft Access; National Crime Information Center (NCIC) database; National Law Enforcement Telecommunications System NLETS;1 more +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Geographic information system GIS systems +Helpdesk or call center software— Computer aided dispatch software; Spillman Technologies Spillman Computer-Aided Dispatch +Internet browser software— Web browser software +Mobile messaging service software— Intrado SchoolMessenger +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Provide basic health care services. +Discuss goods or services information with customers or patrons. +Coordinate operational activities. +Answer telephones to direct calls or provide information. +Maintain call records. +Relay information between personnel. +Operate communications equipment or systems. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Maintain security. +Operate vehicles or material-moving equipment. +Enter information into databases or software programs. +Search files, databases or reference materials to obtain needed information. +Confer with coworkers to coordinate work activities. +Refer customers to appropriate personnel. +Maintain current knowledge related to work activities. +Monitor alarm systems. +Adjust office equipment to ensure proper operation. +Monitor equipment operation to ensure proper functioning. +Report maintenance or equipment problems to appropriate personnel.","Contact With Others— 99% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 99% responded “Extremely important.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Spend Time Sitting— 99% responded “Continually or almost continually.” +Telephone Conversations— 100% responded “Every day.” +Importance of Repeating Same Tasks— 87% responded “Extremely important.” +Importance of Being Exact or Accurate— 82% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 83% responded “Extremely important.” +Frequency of Decision Making— 94% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People +E-Mail— 71% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 73% responded “Very important results.” +Conflict Situations +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 78% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 12% responded “More than half the time.” +Freedom to Make Decisions— 17% responded “Some freedom.” +Time Pressure— 60% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Consequence of Error— 70% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 18% responded “Limited freedom.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 16% responded “Limited responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Never.” +Written Letters and Memos— 27% responded “Once a week or more but not every day.” +Dealing with Violent or Physically Aggressive People— 28% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Service Orientation— Actively looking for ways to help people. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Airfield Operations Specialists +Ambulance Drivers and Attendants, Except Emergency Medical Technicians +Dispatchers, Except Police, Fire, and Ambulance +Emergency Medical Technicians +Bright Outlook +First-Line Supervisors of Security Workers +Paramedics +Police and Sheriff's Patrol Officers +Switchboard Operators, Including Answering Service +Telephone Operators +Transit and Railroad Police","View the list of Allies +APCO International +external site +Fraternal Order of Police +external site +International Association of Fire Fighters +external site +NENA The 9-1-1 Association +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +International Academies of Emergency Dispatch +external site +International Municipal Signal Association +external site",85,,40,87,22,53,98,63,71,20,11,57,15,76,25,89,79,18,30,35,59,55,41,86,36,12,7,8,5,13,81,,12 +53-7072.00,"Pump Operators, Except Wellhead Pumpers",https://www.onetonline.org/link/summary/53-7072.00,2025-06-11T19:30:54.580897,"Monitor gauges and flowmeters and inspect equipment to ensure that tank levels, temperatures, chemical amounts, and pressures are at specified levels, reporting abnormalities as necessary. +Record operating data such as products and quantities pumped, stocks used, gauging results, and operating times. +Plan movement of products through lines to processing, storage, and shipping units, using knowledge of interconnections and capacities of pipelines, valve manifolds, pumps, and tankage. +Turn valves and start pumps to start or regulate flows of substances such as gases, liquids, slurries, or powdered materials. +Communicate with other workers, using signals, radios, or telephones, to start and stop flows of materials or substances. +Connect hoses and pipelines to pumps and vessels prior to material transfer, using hand tools. +Tend vessels that store substances such as gases, liquids, slurries, or powdered materials, checking levels of substances by using calibrated rods or by reading mercury gauges and tank charts. +Clean, lubricate, and repair pumps and vessels, using hand tools and equipment. +Read operating schedules or instructions or receive verbal orders to determine amounts to be pumped. +Test materials and solutions, using testing equipment. +Tend auxiliary equipment such as water treatment and refrigeration units, and heat exchangers. +Add chemicals and solutions to tanks to ensure that specifications are met. +Collect and deliver sample solutions for laboratory analysis. +Pump two or more materials into one tank to blend mixtures.","Data base user interface and query software— Operational databases +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Supervisory control and data acquisition SCADA software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Monitor equipment gauges or displays to ensure proper operation. +Report vehicle or equipment malfunctions. +Plan work operations. +Record operational or production data. +Control pumps or pumping equipment. +Communicate with others to coordinate material handling or movement. +Connect hoses to equipment or machinery. +Measure the level or depth of water or other liquids. +Monitor cargo area conditions. +Clean machinery or equipment. +Maintain material moving equipment in good working condition. +Receive information or instructions for performing work assignments. +Review work orders or schedules to determine operations or procedures. +Monitor equipment operation to ensure proper functioning. +Collect samples for analysis or testing. +Load materials into equipment for processing. +Move materials, equipment, or supplies. +Test materials, solutions, or samples.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Duration of Typical Work Week— 92% responded “More than 40 hours.” +Exposed to Contaminants— 85% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 92% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams +Telephone Conversations— 65% responded “Every day.” +Health and Safety of Other Workers— 67% responded “Very high responsibility.” +Frequency of Decision Making +Contact With Others— 49% responded “Constant contact with others.” +Exposed to Hazardous Equipment— 52% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 54% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 20% responded “Important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 16% responded “Less than half the time.” +Determine Tasks, Priorities and Goals— 37% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 41% responded “Extremely important.” +Freedom to Make Decisions— 35% responded “Limited freedom.” +Importance of Being Exact or Accurate— 60% responded “Very important.” +Work With or Contribute to a Work Group or Team— 41% responded “Important.” +Spend Time Making Repetitive Motions— 18% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Consequence of Error— 34% responded “Extremely serious.” +Exposed to Hazardous Conditions— 30% responded “Every day.” +Spend Time Standing— 31% responded “About half the time.” +Indoors, Not Environmentally Controlled— 36% responded “Every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Exposed to High Places— 19% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Important.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 34% responded “Limited responsibility.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.","Chemical Equipment Operators and Tenders +Chemical Plant and System Operators +Gas Compressor and Gas Pumping Station Operators +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Stationary Engineers and Boiler Operators +Tank Car, Truck, and Ship Loaders +Water and Wastewater Treatment Plant and System Operators +Wellhead Pumpers","View the list of Allies +International Slurry Surfacing Association +external site +Petroleum Equipment Institute +external site +United Steelworkers +external site",37,8,61,57,51,49,42,40,42,30,20,37,36,49,11,28,14,57,1,32,14,6,8,30,10,48,21,31,9,19,22,3,6 +15-1299.01,Web Administrators,https://www.onetonline.org/link/summary/15-1299.01,2025-06-11T18:52:09.747094,"Monitor systems for intrusions or denial of service attacks, and report security breaches to appropriate personnel. +Identify or document backup or recovery plans. +Back up or modify applications and related data to provide for disaster recovery. +Correct testing-identified problems, or recommend actions for their resolution. +Identify, standardize, and communicate levels of access and security. +Determine sources of Web page or server problems, and take action to correct such problems. +Implement updates, upgrades, and patches in a timely manner to limit loss of service. +Implement Web site security measures, such as firewalls or message encryption. +Collaborate with development teams to discuss, analyze, or resolve usability issues. +Test issues such as system integration, performance, and system security on a regular schedule or after any major program modifications. +Perform user testing or usage analyses to determine Web sites' effectiveness or usability. +Document application and Web site changes or change procedures. +Track, compile, and analyze Web site usage data. +Test backup or recovery plans regularly and resolve any problems. +Recommend Web site improvements, and develop budgets to support recommendations. +Review or update Web page content or links in a timely manner, using appropriate tools. +Install or configure Web server software or hardware to ensure that directory structure is well-defined, logical, and secure, and that files are named properly. +Gather, analyze, or document user feedback to locate or resolve sources of problems. +Set up or maintain monitoring tools on Web servers or Web sites. +Monitor Web developments through continuing education, reading, or participation in professional conferences, workshops, or groups. +Develop or document style guidelines for Web site content. +Develop Web site performance metrics. +Collaborate with Web developers to create and operate internal and external Web sites, or to manage projects, such as e-marketing campaigns. +Identify or address interoperability requirements. +Develop or implement procedures for ongoing Web site revision. +Check and analyze operating system or application log files regularly to verify proper system performance. +Provide training or technical assistance in Web site implementation or use. +Evaluate testing routines or procedures for adequacy, sufficiency, and effectiveness. +Inform Web site users of problems, problem resolutions, or application changes and updates. +Document installation or configuration procedures to allow maintenance and repetition. +Develop testing routines and procedures. +Test new software packages for use in Web operations or other applications. +Develop and implement marketing plans for home pages, including print advertising or advertisement rotation. +Evaluate or recommend server hardware or software. +Administer internet or intranet infrastructure, including Web, file, and mail servers.","Access software— Citrix cloud computing software +Analytical or scientific software— Google Analytics; SAS; WebTrends Analytics +Application server software— Microsoft Virtual Server; Oracle WebLogic Server; Red Hat WildFly; VMWare ESX Server;2 more +Business intelligence and data analysis software— Oracle Business Intelligence Enterprise Edition +Cloud-based management software— IBM WebSphere; IBM WebSphere MQ +Content workflow software— OpenText Livelink ECM; Vignette Content Management +Data base user interface and query software— Amazon Web Services AWS software; Microsoft SQL Server; MySQL; Structured query language SQL;2 more +Desktop publishing software— Adobe InDesign; Adobe PageMaker +Development environment software— Microsoft .NET Framework; Microsoft Azure software; Microsoft Visual Basic Scripting Edition VBScript; Microsoft Visual Studio;3 more +Document management software— Adobe Acrobat; Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— Email software; Microsoft Exchange +Enterprise application integration software— Common gateway interface CGI; Extensible markup language XML; Extensible stylesheet language XSL; Oracle Fusion Middleware +Enterprise resource planning ERP software— Oracle Fusion Applications +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite;1 more +Internet browser software— Apple Safari; Microsoft Internet Explorer; Mozilla Firefox +Internet directory services software— Berkeley Internet Domain Name BIND; Microsoft Active Directory; Microsoft DNS Server +Music or sound editing software— Sony Sound Forge +Network security and virtual private network VPN equipment software— Firewall software; Juniper Networks NetScreen-Security Manager +Network security or virtual private network VPN management software— CA SiteMinder +Object or component oriented development software— Microsoft ActiveX; Oracle Java; Perl; Python;2 more +Object oriented data base management software— PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Linux; Red Hat Enterprise Linux; Shell script; UNIX;4 more +Portal server software— Vignette Portal +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads +Spreadsheet software— Microsoft Excel +Storage networking software— Storage area network SAN software +Switch or router software— Router software; Switch software +Transaction server software— Customer information control system CICS; IBM Middleware; Microsoft Internet Information Services (IIS); Web server software +Video creation and editing software— Adobe Director; Sorenson Media Sorenson Squeeze +Web page creation and editing software— Adobe Dreamweaver; Microsoft FrontPage; Salesforce Marketing Cloud; WordPress;4 more +Web platform development software— AJAX; Apache Tomcat; Cascading style sheets CSS; jQuery;13 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Collaborate with others to resolve information technology issues. +Monitor the security of digital information. +Document operational procedures. +Maintain contingency plans for disaster recovery. +Create electronic data backup to prevent loss of information. +Modify software programs to improve performance. +Resolve computer software problems. +Recommend changes to improve computer or information systems. +Develop computer or information security policies or procedures. +Implement security measures for computer or information systems. +Maintain computer networks to enhance performance and user access. +Analyze website or related online data to track trends or usage. +Test computer system operations to ensure proper functioning. +Manage budgets for appropriate resource allocation. +Install computer hardware. +Install computer software. +Update website content. +Analyze data to identify or resolve operational problems. +Design websites or web applications. +Document operational activities. +Develop specifications or procedures for website development or maintenance. +Develop performance metrics or standards related to information technology. +Document design or development procedures. +Update knowledge about emerging industry or technology trends. +Collaborate with others to develop or implement marketing strategies. +Identify information technology project resource requirements. +Provide technical support for software maintenance or use. +Train others in computer interface or software use. +Develop testing routines or procedures. +Test software performance. +Implement advertising or marketing initiatives. +Evaluate utility of software or hardware technologies. +Provide recommendations to others about computer hardware.","E-Mail— 95% responded “Every day.” +Spend Time Sitting— 75% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Telephone Conversations— 50% responded “Every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Freedom to Make Decisions— 65% responded “Some freedom.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Very important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Contact With Others— 30% responded “Constant contact with others.” +Duration of Typical Work Week— 60% responded “40 hours.” +Importance of Repeating Same Tasks— 30% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Moderate results.” +Frequency of Decision Making— 40% responded “Every day.” +Level of Competition— 60% responded “Highly competitive.” +Spend Time Making Repetitive Motions— 30% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “Continually or almost continually.” +Consequence of Error— 30% responded “Fairly serious.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Programming— Writing computer programs for various purposes. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Computer Programmers +Computer Systems Analysts +Bright Outlook +Computer Systems Engineers/Architects +Database Administrators +Information Security Engineers +Network and Computer Systems Administrators +Search Marketing Strategists +Software Developers +Web and Digital Interface Designers +Web Developers","View the list of Allies +World Organization of Webmasters +external site +American Webmasters Association +external site +Association for Computing Machinery +external site +Association for Information Science and Technology +external site +Association for Information Systems +external site +Computer Professionals for Social Responsibility +external site +EDUCAUSE +external site +IEEE Computer Society +external site +Interaction Design Association +external site +International Association of Computer Science and Information Technology +external site +International Association of Privacy Professionals +external site +International Society for Technology in Education +external site +Internet Corporation for Assigned Names and Numbers +external site +Internet Marketing Association +external site +Internet Society +external site +ISACA +external site +National Association of Government Web Professionals +external site +Network Professional Association +external site +The HTML Writers Guild +external site +The Web Standard Project +external site +User Experience Professionals Association International +external site +World Wide Web Consortium +external site +Midwest Association for Information Systems +external site +CompTIA +external site +DAMA International +external site +International Web Association +external site",64,4,31,78,41,55,33,48,42,23,50,32,4,79,9,37,78,11,5,10,24,3,21,43,4,55,6,6,5,54,19,15,13 +29-1141.03,Critical Care Nurses,https://www.onetonline.org/link/summary/29-1141.03,2025-06-11T19:06:13.926370,"Evaluate patients' vital signs or laboratory data to determine emergency intervention needs. +Monitor patients for changes in status and indications of conditions such as sepsis or shock and institute appropriate interventions. +Administer medications intravenously, by injection, orally, through gastric tubes, or by other methods. +Monitor patients' fluid intake and output to detect emerging problems, such as fluid and electrolyte imbalances. +Prioritize nursing care for assigned critically ill patients, based on assessment data or identified needs. +Compile and analyze data obtained from monitoring or diagnostic tests. +Conduct pulmonary assessments to identify abnormal respiratory patterns or breathing sounds that indicate problems. +Assess patients' pain levels or sedation requirements. +Collaborate with other health care professionals to develop and revise treatment plans, based on identified needs and assessment data. +Document patients' medical histories and assessment findings. +Collect specimens for laboratory tests. +Set up and monitor medical equipment and devices such as cardiac monitors, mechanical ventilators and alarms, oxygen delivery devices, transducers, or pressure lines. +Administer blood and blood products, monitoring patients for signs and symptoms related to transfusion reactions. +Advocate for patients' and families' needs, or provide emotional support for patients and their families. +Assess family adaptation levels and coping skills to determine whether intervention is needed. +Perform approved therapeutic or diagnostic procedures, based upon patients' clinical status. +Assist physicians with procedures such as bronchoscopy, endoscopy, endotracheal intubation, or elective cardioversion. +Supervise and monitor unit nursing staff. +Identify malfunctioning equipment or devices. +Document patients' treatment plans, interventions, outcomes, or plan revisions. +Identify patients at risk of complications due to nutritional status. +Assess patients' psychosocial status and needs, including areas such as sleep patterns, anxiety, grief, anger, and support systems. +Identify patients' age-specific needs and alter care plans as necessary to meet those needs. +Participate in professional organizations and continuing education to improve practice knowledge and skills. +Participate in the development, review, or evaluation of nursing practice protocols. +Coordinate patient care conferences. +Provide post-mortem care. +Plan, provide, or evaluate educational programs for nursing staff, interdisciplinary health care team members, or community members. +Ensure that equipment or devices are properly stored after use.","Cloud-based data access and sharing software— Google Drive +Document management software— Microsoft SharePoint +Human resources software— Oracle Taleo +Information retrieval or search software— American Association of Critical Care Nurses AACN Medicopeia; PEPID RN Critical Care RNCC +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; GE Healthcare Centricity EMR; MEDITECH software;14 more +Office suite software— Microsoft Office software +Word processing software","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Analyze test data or images to inform diagnosis or treatment. +Monitor patient conditions during treatments, procedures, or activities. +Treat medical emergencies. +Monitor patient progress or responses to treatments. +Administer intravenous medications. +Administer non-intravenous medications. +Develop medical treatment plans. +Test patient heart or lung functioning. +Record patient medical histories. +Collaborate with healthcare professionals to plan or provide treatment. +Collect biological specimens from patients. +Operate diagnostic or therapeutic medical instruments or equipment. +Prepare medical supplies or equipment for use. +Administer blood or other fluids intravenously. +Interact with patients to build rapport or provide emotional support. +Assess patient work, living, or social environments. +Assist healthcare practitioners during examinations or treatments. +Examine medical instruments or equipment to ensure proper operation. +Supervise patient care personnel. +Evaluate patient functioning, capabilities, or health. +Maintain medical or professional knowledge. +Establish nursing policies or standards. +Conduct health or safety training programs. +Train medical providers.","Exposed to Disease or Infections— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 96% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Consequence of Error— 89% responded “Extremely serious.” +Importance of Being Exact or Accurate— 86% responded “Extremely important.” +Contact With Others— 78% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 82% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Frequency of Decision Making— 77% responded “Every day.” +E-Mail— 57% responded “Every day.” +Physical Proximity— 71% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 61% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 79% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 46% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Very important.” +Time Pressure— 64% responded “Every day.” +Conflict Situations— 36% responded “Every day.” +Exposed to Contaminants— 57% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Health and Safety of Other Workers— 36% responded “Very high responsibility.” +Spend Time Standing— 37% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 33% responded “Every day.” +Importance of Repeating Same Tasks— 32% responded “Extremely important.” +Exposed to Radiation— 54% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 57% responded “40 hours.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 30% responded “Once a year or more but not every month.” +Dealing with Violent or Physically Aggressive People— 46% responded “Once a week or more but not every day.” +Level of Competition— 43% responded “Highly competitive.” +Spend Time Walking or Running— 41% responded “Less than half the time.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Science— Using scientific rules and methods to solve problems.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Advanced Practice Psychiatric Nurses +Clinical Nurse Specialists +Licensed Practical and Licensed Vocational Nurses +Nurse Midwives +Nurse Practitioners +Nursing Assistants +Paramedics +Registered Nurses +Respiratory Therapists","View the list of Allies +American Association of Colleges of Nursing +external site +American Association of Critical-Care Nurses +external site +American Nurses Association +external site +American Society of PeriAnesthesia Nurses +external site +American Society of Registered Nurses +external site +National Association of Clinical Nurse Specialists +external site +National Student Nurses' Association +external site +Sigma Theta Tau International Honor Society of Nursing +external site +Society of Critical Care Medicine +external site +National Alliance of Certified Legal Nurse Consultants +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",80,6,22,78,70,48,54,68,37,18,7,31,54,50,23,41,38,32,41,14,78,68,57,33,94,28,11,34,72,20,6,4,10 +13-1161.00,Market Research Analysts and Marketing Specialists,https://www.onetonline.org/link/summary/13-1161.00,2025-06-11T18:50:20.219342,"Prepare reports of findings, illustrating data graphically and translating complex findings into written text. +Collect and analyze data on customer demographics, preferences, needs, and buying habits to identify potential markets and factors affecting product demand. +Conduct research on consumer opinions and marketing strategies, collaborating with marketing professionals, statisticians, pollsters, and other professionals. +Measure and assess customer and employee satisfaction. +Devise and evaluate methods and procedures for collecting data, such as surveys, opinion polls, or questionnaires, or arrange to obtain existing data. +Measure the effectiveness of marketing, advertising, and communications programs and strategies. +Seek and provide information to help companies determine their position in the marketplace. +Forecast and track marketing and sales trends, analyzing collected data. +Gather data on competitors and analyze their prices, sales, and method of marketing and distribution. +Monitor industry statistics and follow trends in trade literature. +Attend staff conferences to provide management with information and proposals concerning the promotion, distribution, design, and pricing of company products or services. +Direct trained survey interviewers. +Develop and implement procedures for identifying advertising needs.","Analytical or scientific software— IBM SPSS Statistics; Minitab; Sawtooth Composite Product Mapping CPM; The MathWorks MATLAB;18 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Categorization or classification software— Map Maker +Cloud-based data access and sharing software— Asana; Dropbox; Google Drive; Slack +Content workflow software— Adxstudio, for Microsoft +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Insightful Corporation Confirmit; Oracle Eloqua; Salesforce software;4 more +Data base management system software— Apache Hadoop; Apache Hive; Apache Pig; Teradata Database +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Airtable; Amazon Redshift; Microsoft SQL Server; MySQL;10 more +Data mining software— Cytel Software XLMiner; Google Analytics; NCR Teradata Warehouse Miner; Oracle Darwin;1 more +Desktop publishing software— Adobe InDesign; LogiXML Ad-HOC; Microsoft Publisher; Sawtooth SSI Web +Development environment software— Adobe ActionScript; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle Hyperion; Oracle PeopleSoft; SAP software;3 more +Expert system software— Digivey software (expert system feature) +Financial analysis software— Delphi Technology; Financial planning software +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Canva;2 more +Information retrieval or search software— Factiva; LexisNexis; Mintel Reports; Verispan Patient Parameters;5 more +Instant messaging software— GroupMe +Internet browser software— Web browser software +Network conferencing software— LogMeIn GoToWebinar +Object or component oriented development software— R +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Red Hat Enterprise Linux +Point of sale POS software— Digivey software (point of sale feature) +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Basecamp; ClassApps SelectSurveyASP; Microsoft Project; Perseus SurveySolutions +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— NortonLifeLock cybersecurity software +Video conferencing software— LogMeIn GoToMeeting; Zoom +Video creation and editing software— Adobe After Effects; Loom; TikTok; YouTube;2 more +Web page creation and editing software— Adobe Dreamweaver; Facebook; Instagram; WordPress;2 more +Web platform development software— Cascading style sheets CSS; Drupal; Hypertext markup language HTML; PHP;3 more +Word processing software— 3M Post-it App; Evernote; Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Prepare research reports. +Analyze consumer trends. +Conduct surveys in organizations. +Establish business management methods. +Measure effectiveness of business strategies or practices. +Analyze market conditions or trends. +Gather organizational performance information. +Analyze industry trends. +Monitor business indicators. +Discuss business strategies, practices, or policies with managers. +Supervise employees. +Develop business or market strategies.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 65% responded “Continually or almost continually.” +Telephone Conversations— 70% responded “Every day.” +Freedom to Make Decisions— 57% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 43% responded “A lot of freedom.” +Contact With Others— 43% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Every day.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Written Letters and Memos— 39% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Deal With External Customers or the Public in General— 30% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Frequency of Decision Making— 36% responded “Once a month or more but not every week.” +Level of Competition— 35% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 35% responded “Limited responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Advertising and Promotions Managers +Advertising Sales Agents +Business Intelligence Analysts +Bright Outlook +Data Scientists +Financial and Investment Analysts +Management Analysts +Marketing Managers +Public Relations Managers +Sales Managers +Search Marketing Strategists","View the list of Allies +American Association for Public Opinion Research +external site +American Bankers Association +external site +American Marketing Association +external site +Association of Independent Information Professionals +external site +ESOMAR +external site +Insights Association +external site +News Media Alliance +external site +Qualitative Research Consultants Association +external site +Special Libraries Association +external site +Strategic and Competitive Intelligence Professionals +external site +The Advertising Research Foundation +external site",79,2,28,83,76,69,15,44,60,52,77,40,2,56,14,41,63,2,25,13,54,3,56,27,6,23,1,6,4,22,40,7,18 +33-3021.06,Intelligence Analysts,https://www.onetonline.org/link/summary/33-3021.06,2025-06-11T19:10:44.248644,"Validate known intelligence with data from other sources. +Gather, analyze, correlate, or evaluate information from a variety of resources, such as law enforcement databases. +Evaluate records of communications, such as telephone calls, to plot activity and determine the size and location of criminal groups and members. +Gather intelligence information by field observation, confidential information sources, or public records. +Analyze intelligence data to identify patterns and trends in criminal activity. +Prepare comprehensive written reports, presentations, maps, or charts, based on research, collection, and analysis of intelligence data. +Collaborate with representatives from other government and intelligence organizations to share information or coordinate intelligence activities. +Link or chart suspects to criminal organizations or events to determine activities and interrelationships. +Establish criminal profiles to aid in connecting criminal organizations with their members. +Identify gaps in information. +Design, use, or maintain databases and software applications, such as geographic information systems (GIS) mapping and artificial intelligence tools. +Predict future gang, organized crime, or terrorist activity, using analyses of intelligence data. +Study activities relating to narcotics, money laundering, gangs, auto theft rings, terrorism, or other national security threats. +Study the assets of criminal suspects to determine the flow of money from or to targeted groups. +Conduct presentations of analytic findings. +Develop defense plans or tactics, using intelligence and other information. +Interview, interrogate, or interact with witnesses or crime suspects to collect human intelligence. +Prepare plans to intercept foreign communications transmissions. +Study communication code languages or foreign languages to translate intelligence. +Gather and evaluate information, using tools such as aerial photographs, radar equipment, or sensitive radio equipment. +Operate cameras, radios, or other surveillance equipment to intercept communications or document activities. +Make recommendations for investigations and subpoenas.","Analytical or scientific software— Data visualization software; SAS; Telephone analysis software; TensorFlow;2 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— Apache Spark; Oracle Business Intelligence Enterprise Edition; Tableau +Charting software— Timeline software +Cloud-based management software— Google Cloud software; Splunk Enterprise +Data base management system software— Apache Hadoop; Apache Hive; Apache Pig; Teradata Database;1 more +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access; Microsoft SQL Server; Structured query language SQL;16 more +Data mining software— Text mining software +Development environment software— Apache Kafka; Microsoft Azure software; Microsoft PowerShell +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems; Google Earth Pro;1 more +Graphics or photo imaging software— Graphics creation software; Microsoft Visio; Photo enhancement software +Industrial control software— Chatbot software +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Network monitoring software— Snort; Wireshark +Network security and virtual private network VPN equipment software— Firewall software +Object or component oriented development software— C++; Oracle Java; Python; R +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Flowcharting software +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Transaction security and virus protection software— Encryption software; McAfee; NortonLifeLock cybersecurity software +Web page creation and editing software— Facebook; LinkedIn; Myspace +Web platform development software— Django; Hypertext markup language HTML; JavaScript +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Examine records or other types of data to investigate criminal activities. +Use databases to locate investigation details or other information. +Observe individuals' activities to gather information or compile evidence. +Collaborate with law enforcement or security agencies to share information. +Prepare investigation or incident reports. +Investigate illegal or suspicious activities. +Record information about suspects or criminals. +Present research results to others. +Determine operational procedures. +Interview people to gather information about criminal activities. +Develop technical methods or processes. +Plan work procedures. +Maintain professional knowledge or certifications. +Operate surveillance equipment to detect suspicious or illegal activities.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Telephone Conversations— 78% responded “Every day.” +Spend Time Sitting— 65% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Contact With Others— 52% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 70% responded “Some freedom.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 41% responded “Very important.” +Written Letters and Memos— 35% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Important.” +Duration of Typical Work Week— 74% responded “40 hours.” +Level of Competition— 48% responded “Moderately competitive.” +Deal With External Customers or the Public in General— 39% responded “Important.” +Frequency of Decision Making— 26% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Important results.” +Physical Proximity— 52% responded “Slightly close (e.g., shared office).”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Business Intelligence Analysts +Bright Outlook +Data Scientists +Detectives and Criminal Investigators +Forensic Science Technicians +Fraud Examiners, Investigators and Analysts +Information Security Analysts +Information Security Engineers +Penetration Testers +Private Detectives and Investigators +Security Management Specialists","View the list of Allies +International Association for Intelligence Education +external site +International Association of Law Enforcement Intelligence Analysts +external site +Academy of Criminal Justice Sciences +external site +Association of Former Intelligence Officers +external site +FBI Association of Intelligence Analysts +external site +Intelligence and National Security Alliance +external site +International Association of Chiefs of Police +external site +The International Association of Crime Analysts +external site",54,4,26,82,43,38,70,44,62,27,11,28,13,62,31,79,57,10,31,28,39,15,40,53,10,25,6,13,8,21,41,9,26 +25-1031.00,"Architecture Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1031.00,2025-06-11T18:59:38.586472,"Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Prepare and deliver lectures to undergraduate or graduate students on topics such as architectural design methods, aesthetics and design, and structures and materials. +Evaluate and grade students' work, including work performed in design studios. +Maintain student attendance records, grades, and other required records. +Initiate, facilitate, and moderate classroom discussions. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Compile, administer, and grade examinations, or assign this work to others. +Advise students on academic and vocational curricula and on career issues. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Supervise undergraduate or graduate teaching, internship, and research work. +Collaborate with colleagues to address teaching and research issues. +Write grant proposals to procure external research funding. +Maintain regularly scheduled office hours to advise and assist students. +Participate in student recruitment, registration, and placement activities. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Compile bibliographies of specialized materials for outside reading assignments. +Act as advisers to student organizations. +Perform administrative duties, such as serving as department head. +Provide professional consulting services to government or industry. +Participate in campus and community events.","Analytical or scientific software— Autodesk Ecotect Analysis +Calendar and scheduling software +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Computer aided design and drafting CADD software; Trimble SketchUp Pro;4 more +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Customer relationship management CRM software— Salesforce software +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— Geographic information system GIS systems +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; Autodesk Mudbox;1 more +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Autodesk 3ds Max +Word processing software— Collaborative editing software; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Develop instructional objectives. +Evaluate effectiveness of educational programs. +Develop instructional materials. +Teach humanities courses at the college level. +Evaluate student work. +Maintain student records. +Guide class discussions. +Administer tests to assess educational needs or progress. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Prepare tests. +Stay informed about current developments in field of specialization. +Advise students on academic or career matters. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Supervise student research or internship work. +Direct department activities. +Write grant proposals. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Serve on institutional or departmental committees. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Compile specialized bibliographies or lists of materials. +Advise educators on curricula, instructional methods, or policies. +Plan community programs or activities for the general public.","E-Mail— 78% responded “Every day.” +Freedom to Make Decisions— 74% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Public Speaking +Contact With Others— 46% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Physical Proximity— 59% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 40% responded “Very important.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Written Letters and Memos— 41% responded “Every day.” +Telephone Conversations— 44% responded “Once a week or more but not every day.” +Time Pressure— 50% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 54% responded “More than 40 hours.” +Level of Competition— 47% responded “Moderately competitive.” +Spend Time Sitting— 36% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Frequency of Decision Making— 31% responded “Never.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Operations Analysis— Analyzing needs and product requirements to create a design. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Architects, Except Landscape and Naval +Bright Outlook +Art, Drama, and Music Teachers, Postsecondary +Career/Technical Education Teachers, Middle School +Career/Technical Education Teachers, Postsecondary +Career/Technical Education Teachers, Secondary School +Computer Science Teachers, Postsecondary +Engineering Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Instructional Coordinators +Landscape Architects","View the list of Allies +American Association of University Women +external site +American Institute of Architects +external site +American Society of Interior Designers +external site +American Society of Landscape Architects +external site +Association of Collegiate Schools of Architecture +external site +Council of Educators in Landscape Architecture +external site +Council of Graduate Schools +external site +Environmental Design Research Association +external site +Interior Design Educators Council +external site +International Interior Design Association +external site +Society of American Registered Architects +external site +Society of Architectural Historians +external site +The National Organization of Minority Architects +external site +USGBC +external site +American Institute of Certified Planners +external site +National Council of Architectural Registration Boards +external site",44,1,22,84,53,49,67,82,48,25,38,35,22,69,30,56,70,40,40,30,50,27,55,31,13,57,83,42,20,88,44,60,50 +29-1171.00,Nurse Practitioners,https://www.onetonline.org/link/summary/29-1171.00,2025-06-11T19:06:23.842960,"Maintain complete and detailed records of patients' health care plans and prognoses. +Develop treatment plans, based on scientific rationale, standards of care, and professional practice guidelines. +Provide patients with information needed to promote health, reduce risk factors, or prevent disease or disability. +Analyze and interpret patients' histories, symptoms, physical findings, or diagnostic information to develop appropriate diagnoses. +Diagnose or treat complex, unstable, comorbid, episodic, or emergency conditions in collaboration with other health care providers as necessary. +Prescribe medication dosages, routes, and frequencies, based on such patient characteristics as age and gender. +Diagnose or treat chronic health care problems, such as high blood pressure and diabetes. +Prescribe medications based on efficacy, safety, and cost as legally authorized. +Recommend diagnostic or therapeutic interventions with attention to safety, cost, invasiveness, simplicity, acceptability, adherence, and efficacy. +Detect and respond to adverse drug reactions, with special attention to vulnerable populations such as infants, children, pregnant and lactating women, or older adults. +Diagnose or treat acute health care problems, such as illnesses, infections, or injuries. +Counsel patients about drug regimens and possible side effects or interactions with other substances, such as food supplements, over-the-counter (OTC) medications, or herbal remedies. +Order, perform, or interpret the results of diagnostic tests, such as complete blood counts (CBCs), electrocardiograms (EKGs), and radiographs (x-rays). +Educate patients about self-management of acute or chronic illnesses, tailoring instructions to patients' individual circumstances. +Maintain current knowledge of state legal regulations for nurse practitioner practice, including reimbursement of services. +Recommend interventions to modify behavior associated with health risks. +Consult with, or refer patients to, appropriate specialists when conditions exceed the scope of practice or expertise. +Treat or refer patients for primary care conditions, such as headaches, hypertension, urinary tract infections, upper respiratory infections, and dermatological conditions. +Read current literature, talk with colleagues, or participate in professional organizations or conferences to keep abreast of developments in nursing. +Schedule follow-up visits to monitor patients or evaluate health or illness care. +Perform routine or annual physical examinations. +Maintain departmental policies and procedures in areas such as safety and infection control. +Advocate for accessible health care that minimizes environmental health risks. +Perform primary care procedures such as suturing, splinting, administering immunizations, taking cultures, and debriding wounds. +Provide patients or caregivers with assistance in locating health care resources. +Keep abreast of regulatory processes and payer systems, such as Medicare, Medicaid, managed care, and private sources. +Supervise or coordinate patient care or support staff activities.","Data base user interface and query software— Microsoft Access +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Internet browser software— Microsoft Internet Explorer; Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; Medical condition coding software; MEDITECH software;17 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Record patient medical histories. +Develop medical treatment plans. +Analyze test data or images to inform diagnosis or treatment. +Communicate detailed medical information to patients or family members. +Diagnose medical conditions. +Prescribe medications. +Treat medical emergencies. +Treat chronic diseases or disorders. +Treat acute illnesses, infections, or injuries. +Monitor patient conditions during treatments, procedures, or activities. +Prescribe treatments or therapies. +Advise patients on effects of health conditions or treatments. +Operate diagnostic imaging equipment. +Order medical diagnostic or clinical tests. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Maintain medical or professional knowledge. +Refer patients to other healthcare practitioners or health resources. +Collaborate with healthcare professionals to plan or provide treatment. +Provide health and wellness advice to patients, program participants, or caregivers. +Examine patients to assess general physical condition. +Schedule patient procedures or appointments. +Follow protocols or regulations for healthcare activities. +Apply bandages, dressings, or splints. +Immunize patients. +Advise patients on healthcare system processes. +Supervise patient care personnel.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +E-Mail— 96% responded “Every day.” +Exposed to Disease or Infections— 87% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +Freedom to Make Decisions— 83% responded “A lot of freedom.” +Frequency of Decision Making— 74% responded “Every day.” +Importance of Being Exact or Accurate— 74% responded “Extremely important.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Consequence of Error— 70% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Physical Proximity— 70% responded “Very close (near touching).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Time Pressure— 48% responded “Every day.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Health and Safety of Other Workers— 43% responded “Very high responsibility.” +Written Letters and Memos— 36% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 39% responded “Important.” +Conflict Situations— 39% responded “Once a week or more but not every day.” +Level of Competition— 35% responded “Moderately competitive.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 30% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Every day.” +Spend Time Standing— 57% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Advanced Practice Psychiatric Nurses +Clinical Nurse Specialists +Critical Care Nurses +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Nurse Midwives +Physician Assistants +Registered Nurses","View the list of Allies +American Association of Colleges of Nursing +external site +American Association of Critical-Care Nurses +external site +American Association of Nurse Anesthesiology +external site +American Association of Nurse Practitioners +external site +American Nurses Association +external site +American Public Health Association +external site +National Association of Pediatric Nurse Practitioners +external site +National Organization of Nurse Practitioner Faculties +external site +Oncology Nursing Society +external site +Sigma Theta Tau International Honor Society of Nursing +external site +American College of Nurse-Midwives +external site +Gerontological Advanced Practice Nurses Association +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",78,9,19,82,65,54,51,69,38,24,24,36,55,53,31,50,51,17,37,24,79,75,66,39,96,27,8,27,81,13,19,7,12 +31-2012.00,Occupational Therapy Aides,https://www.onetonline.org/link/summary/31-2012.00,2025-06-11T19:09:34.466810,"Encourage patients and attend to their physical needs to facilitate the attainment of therapeutic goals. +Report to supervisors or therapists, verbally or in writing, on patients' progress, attitudes, attendance, and accomplishments. +Observe patients' attendance, progress, attitudes, and accomplishments and record and maintain information in client records. +Prepare and maintain work area, materials, and equipment and maintain inventory of treatment and educational supplies. +Transport patients to and from the occupational therapy work area. +Instruct patients and families in work, social, and living skills, the care and use of adaptive equipment, and other skills to facilitate home and work adjustment to disability. +Assist occupational therapists in planning, implementing, and administering therapy programs to restore, reinforce, and enhance performance, using selected activities and special equipment. +Demonstrate therapy techniques, such as manual and creative arts and games. +Manage intradepartmental infection control and equipment security. +Perform clerical, administrative, and secretarial duties, such as answering phones, restocking and ordering supplies, filling out paperwork, and scheduling appointments. +Supervise patients in choosing and completing work assignments or arts and crafts projects. +Adjust and repair assistive devices and make adaptive changes to other equipment and to environments. +Evaluate the living skills and capacities of clients with physical, developmental, or mental health disabilities. +Accompany patients on outings, providing transportation when necessary. +Assist educational specialists or clinical psychologists in administering situational or diagnostic tests to measure client's abilities or progress. +Sanitize equipment.","Accounting software— Billing software +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Medical software— Electronic medical record EMR software; MEDITECH software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Encourage patients during therapeutic activities. +Communicate patient status to other health practitioners. +Prepare medical reports or documents. +Administer screening tests to determine abilities or treatment needs. +Maintain medical records. +Monitor patient progress or responses to treatments. +Record vital statistics or other health information. +Maintain medical equipment or instruments. +Inventory medical supplies or equipment. +Prepare patient treatment areas for use. +Implement therapeutic programs to improve patient functioning. +Move patients to or from treatment areas. +Teach basic living or other adaptive skills to patients or caregivers. +Teach medical procedures or medical equipment use to patients. +Manage control system activities in organizations. +Monitor work areas or procedures to ensure compliance with safety procedures. +Teach medical procedures to healthcare personnel. +Perform clerical work in medical settings. +Schedule patient procedures or appointments. +Stock medical or patient care supplies. +Engage patients in exercises or activities. +Accompany patients or clients on outings to provide assistance.","Contact With Others— 95% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Physical Proximity— 73% responded “Very close (near touching).” +Health and Safety of Other Workers— 71% responded “Very high responsibility.” +Exposed to Disease or Infections— 72% responded “Every day.” +Time Pressure— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 26% responded “Moderate results.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a week or more but not every day.” +Frequency of Decision Making— 61% responded “Every day.” +Importance of Being Exact or Accurate— 32% responded “Very important.” +Telephone Conversations— 42% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Extremely important.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Spend Time Standing— 36% responded “About half the time.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +E-Mail— 56% responded “Every day.” +Work Outcomes and Results of Other Workers— 42% responded “Moderate responsibility.” +Spend Time Walking or Running— 29% responded “More than half the time.” +Consequence of Error— 34% responded “Fairly serious.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 28% responded “Every day.” +Written Letters and Memos— 32% responded “Every day.” +Importance of Repeating Same Tasks— 35% responded “Important.” +Deal With External Customers or the Public in General— 62% responded “Important.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Home Health Aides +Bright Outlook +Licensed Practical and Licensed Vocational Nurses +Nursing Assistants +Occupational Therapy Assistants +Physical Therapist Aides +Physical Therapist Assistants +Psychiatric Aides +Psychiatric Technicians +Rehabilitation Counselors +Respiratory Therapists","View the list of Allies +American Occupational Therapy Association +external site +National Board for Certification in Occupational Therapy +external site",78,4,13,80,36,42,54,65,50,18,24,29,15,67,24,28,36,16,31,9,71,84,37,30,57,26,9,32,30,27,6,7,5 +49-9099.01,Geothermal Technicians,https://www.onetonline.org/link/summary/49-9099.01,2025-06-11T19:23:37.468261,"Monitor and adjust operations of geothermal power plant equipment or systems. +Prepare and maintain logs, reports, or other documentation of work performed. +Identify and correct malfunctions of geothermal plant equipment, electrical systems, instrumentation, or controls. +Collect and record data associated with operating geothermal power plants or well fields. +Determine whether emergency or auxiliary systems will be needed to keep properties heated or cooled in extreme weather conditions. +Perform pre- and post-installation pressure, flow, and related tests of vertical and horizontal geothermal loop piping. +Identify equipment options, such as compressors, and make appropriate selections. +Adjust power production systems to meet load and distribution demands. +Maintain electrical switchgear, process controls, transmitters, gauges, and control equipment in accordance with geothermal plant procedures. +Calculate heat loss and heat gain factors for residential properties to determine heating and cooling required by installed geothermal systems. +Maintain, calibrate, or repair plant instrumentation, control, and electronic devices in geothermal plants. +Install and maintain geothermal plant electrical protection equipment. +Design and lay out geothermal heat systems according to property characteristics, heating and cooling requirements, piping and equipment requirements, applicable regulations, or other factors. +Install and maintain geothermal system instrumentation or controls. +Prepare newly installed geothermal heat systems for operation by flushing, purging, or other actions. +Weld piping, such as high density polyethylene (HDPE) piping, using techniques such as butt, socket, side-wall, and electro-fusion welding. +Test water sources for factors, such as flow volume and contaminant presence. +Install, maintain, or repair ground or water source-coupled heat pumps to heat and cool residential or commercial building air or water. +Integrate hot water heater systems with geothermal heat exchange systems. +Determine the type of geothermal loop system most suitable to a specific property and its heating and cooling needs. +Dig trenches for system piping to appropriate depths and lay piping in trenches. +Apply coatings or operate systems to mitigate corrosion of geothermal plant equipment or structures. +Backfill piping trenches to protect pipes from damage. +Operate equipment, such as excavators, backhoes, rock hammers, trench compactors, pavement saws, grout mixers or pumps, geothermal loop reels, and coil tubing units (CTU).","Analytical or scientific software— ClimateMaster GeoDesigner; Geothermal Properties Measurement Tool; Thermal Dynamics Ground Loop Design GLD; WaterFurnace International Ground Loop Design PREMIER +Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Geographic information system GIS systems +Industrial control software— Distributed control system DCS +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Adjust equipment to ensure optimal performance. +Document operational activities. +Maintain repair or maintenance records. +Repair green energy equipment or systems. +Troubleshoot equipment or systems operation problems. +Install energy-efficient heating, ventilation, or air conditioning (HVAC) equipment. +Repair electronic equipment. +Calibrate equipment to specifications. +Maintain work equipment or machinery. +Develop equipment or component configurations. +Determine types of equipment, tools, or materials needed for jobs. +Test mechanical equipment to ensure proper functioning. +Service heating, ventilation or air-conditioning (HVAC) systems or components. +Operate welding equipment. +Test fluids to identify contamination or other problems. +Apply protective coverings to objects or surfaces near work areas. +Dig holes or trenches. +Install piping for installation or maintenance activities. +Pour materials into or on designated areas. +Move large objects using heavy equipment.","Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 84% responded “Every day.” +Exposed to Hazardous Conditions— 90% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 78% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 83% responded “Every day.” +E-Mail— 61% responded “Every day.” +Exposed to Contaminants— 74% responded “Every day.” +Health and Safety of Other Workers— 63% responded “Very high responsibility.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Contact With Others— 66% responded “Constant contact with others.” +Frequency of Decision Making— 66% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 53% responded “Every day.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 68% responded “Every day.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Indoors, Not Environmentally Controlled— 24% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Consequence of Error— 40% responded “Extremely serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 47% responded “More than half the time.” +Indoors, Environmentally Controlled— 47% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 62% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Importance of Repeating Same Tasks— 34% responded “Very important.” +Exposed to Hazardous Equipment— 45% responded “Every day.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Time Pressure— 40% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 37% responded “Every day.” +Exposed to High Places— 50% responded “Once a month or more but not every week.” +Written Letters and Memos— 31% responded “Every day.” +Work Outcomes and Results of Other Workers— 32% responded “Very high responsibility.” +In an Open Vehicle or Operating Equipment— 33% responded “Once a month or more but not every week.” +Spend Time Standing— 38% responded “About half the time.” +Outdoors, Under Cover— 33% responded “Every day.” +Spend Time Making Repetitive Motions— 35% responded “More than half the time.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 33% responded “Every day.” +Degree of Automation— 53% responded “Moderately automated.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biomass Plant Technicians +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Gas Plant Operators +Geothermal Production Managers +Hydroelectric Plant Technicians +Power Distributors and Dispatchers +Power Plant Operators +Solar Thermal Installers and Technicians +Bright Outlook +Stationary Engineers and Boiler Operators +Wind Turbine Service Technicians","View the list of Allies +International Geothermal Association +external site +International Ground Source Heat Pump Association +external site",28,2,55,70,57,55,61,66,52,21,12,33,58,54,6,41,36,86,8,30,25,6,5,57,28,52,43,68,22,57,26,,11 +47-4061.00,Rail-Track Laying and Maintenance Equipment Operators,https://www.onetonline.org/link/summary/47-4061.00,2025-06-11T19:20:13.436167,"Patrol assigned track sections so that damaged or broken track can be located and reported. +Repair or adjust track switches, using wrenches and replacement parts. +Weld sections of track together, such as switch points and frogs. +Observe leveling indicator arms to verify levelness and alignment of tracks. +Operate single- or multiple-head spike driving machines to drive spikes into ties and secure rails. +Operate track wrenches to tighten or loosen bolts at joints that hold ends of rails together. +Cut rails to specified lengths, using rail saws. +Lubricate machines, change oil, or fill hydraulic reservoirs to specified levels. +Drill holes through rails, tie plates, or fishplates for insertion of bolts or spikes, using power drills. +Clean tracks or clear ice or snow from tracks or switch boxes. +Clean, grade, or level ballast on railroad tracks. +Raise rails, using hydraulic jacks, to allow for tie removal and replacement. +Adjust controls of machines that spread, shape, raise, level, or align track, according to specifications. +Dress and reshape worn or damaged railroad switch points or frogs, using portable power grinders. +Clean or make minor repairs to machines or equipment. +Grind ends of new or worn rails to attain smooth joints, using portable grinders. +Operate single- or multiple-head spike pullers to pull old spikes from ties. +String and attach wire-guidelines machine to rails so that tracks or rails can be aligned or leveled. +Engage mechanisms that lay tracks or rails to specified gauges. +Drive graders, tamping machines, brooms, or ballast spreading machines to redistribute gravel or ballast between rails. +Drive vehicles that automatically move and lay tracks or rails over sections of track to be constructed, repaired, or maintained. +Turn wheels of machines, using lever controls, to adjust guidelines for track alignments or grades, following specifications. +Push controls to close grasping devices on track or rail sections so that they can be raised or moved. +Operate tie-adzing machines to cut ties and permit insertion of fishplates that hold rails. +Paint railroad signs, such as speed limits or gate-crossing warnings. +Spray ties, fishplates, or joints with oil to protect them from weathering.","Enterprise resource planning ERP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Locate equipment or materials in need of repair or replacement. +Maintain mechanical equipment. +Weld metal components. +Verify alignment of structures or equipment. +Operate heavy-duty construction or installation equipment. +Cut metal components for installation. +Clean equipment or facilities. +Maintain construction tools or equipment. +Drill holes in construction materials. +Compact materials to create level bases. +Spread sand, dirt or other loose materials onto surfaces. +Operate cranes, hoists, or other moving or lifting equipment. +Smooth surfaces with abrasive materials or tools. +Apply paint to surfaces. +Cut wood components for installation. +Apply sealants or other protective coatings.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 81% responded “Every day.” +Contact With Others— 65% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 60% responded “Every day.” +Health and Safety of Other Workers— 62% responded “Very high responsibility.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Telephone Conversations— 75% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Exposed to Hazardous Equipment— 49% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 51% responded “Every day.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Extremely important.” +Freedom to Make Decisions— 63% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Exposed to Contaminants— 58% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 49% responded “Every day.” +Duration of Typical Work Week— 55% responded “40 hours.” +Importance of Being Exact or Accurate— 34% responded “Extremely important.” +Spend Time Making Repetitive Motions— 42% responded “More than half the time.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 39% responded “Every day.” +Consequence of Error— 42% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Important results.” +Spend Time Standing— 32% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 38% responded “Continually or almost continually.” +Exposed to Whole Body Vibration— 35% responded “Once a month or more but not every week.” +Pace Determined by Speed of Equipment— 42% responded “Very important.” +Frequency of Decision Making— 43% responded “Every day.” +In an Open Vehicle or Operating Equipment— 29% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 38% responded “Important.” +Written Letters and Memos— 38% responded “Every day.” +Spend Time Walking or Running— 31% responded “About half the time.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Construction Laborers +Bright Outlook +Earth Drillers, Except Oil and Gas +Excavating and Loading Machine and Dragline Operators, Surface Mining +Hoist and Winch Operators +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Operating Engineers and Other Construction Equipment Operators +Paving, Surfacing, and Tamping Equipment Operators +Pile Driver Operators +Rail Car Repairers","View the list of Allies +National Railroad Construction and Maintenance Association +external site +Amalgamated Transit Union +external site +International Brotherhood of Teamsters +external site",46,12,47,41,49,51,56,48,39,25,27,37,32,27,14,36,21,66,11,67,29,12,16,35,17,50,63,40,19,39,33,7,13 +11-9179.02,Spa Managers,https://www.onetonline.org/link/summary/11-9179.02,2025-06-11T18:48:45.011103,"Respond to customer inquiries or complaints. +Schedule guest appointments. +Maintain client databases. +Coordinate facility schedules to maximize usage and efficiency. +Perform accounting duties, such as recording daily cash flow, preparing bank deposits, or generating financial statements. +Monitor operations to ensure compliance with applicable health, safety, or hygiene standards. +Plan or direct spa services and programs. +Develop or implement marketing strategies. +Sell products, services, or memberships. +Recruit, interview, or hire employees. +Assess employee performance and suggest ways to improve work. +Inventory products and order new supplies. +Establish spa budgets and financial goals. +Inform staff of job responsibilities, performance expectations, client service standards, or corporate policies and guidelines. +Train staff in the use or sale of products, programs, or activities. +Participate in continuing education classes to maintain current knowledge of industry. +Direct facility maintenance or repair. +Verify staff credentials, such as educational and certification requirements. +Schedule staff or supervise scheduling. +Check spa equipment to ensure proper functioning. +Develop staff service or retail goals and guide staff in goal achievement.","Data base user interface and query software— Bizlink Salon Manager; DaySmart Software Salon Iris; SpaGuru; Syntec Systems Insight;20 more +Electronic mail software— Microsoft Outlook +Human resources software— Elite Software Elite Salon & Spa Payroll; Oracle Taleo +Instant messaging software— Twitter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Point of sale POS software— TouchSuite Salon +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— YouTube +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Resolve customer complaints or problems. +Schedule appointments. +Maintain client information or service records. +Arrange facility schedules. +Maintain financial or account records. +Monitor operational quality or safety. +Develop plans for programs or services. +Evaluate employee performance. +Perform human resources activities. +Sell products or services. +Train service staff. +Maintain supply or equipment inventories. +Manage budgets for personal services operations. +Order materials, supplies, or equipment. +Maintain professional knowledge or certifications. +Direct facility maintenance or repair activities. +Assign duties or work schedules to employees. +Verify patron or staff credentials. +Inspect equipment to ensure proper functioning. +Supervise service workers.","Contact With Others— 100% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +Telephone Conversations— 90% responded “Every day.” +Work With or Contribute to a Work Group or Team— 83% responded “Extremely important.” +Frequency of Decision Making— 73% responded “Every day.” +Deal With External Customers or the Public in General— 83% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results +Coordinate or Lead Others in Accomplishing Work Activities— 22% responded “Very important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Freedom to Make Decisions— 33% responded “A lot of freedom.” +Physical Proximity— 41% responded “Moderately close (at arm's length).” +E-Mail— 18% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 36% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 47% responded “Very important.” +Health and Safety of Other Workers— 33% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Time Pressure— 27% responded “Every day.” +Spend Time Sitting— 39% responded “About half the time.” +Duration of Typical Work Week— 32% responded “Less than 40 hours.” +Importance of Repeating Same Tasks— 34% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 68% responded “Once a month or more but not every week.” +Written Letters and Memos— 33% responded “Once a year or more but not every month.” +Conflict Situations— 72% responded “Once a month or more but not every week.”","Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Concierges +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Personal Service Workers +Fitness and Wellness Coordinators +Hairdressers, Hairstylists, and Cosmetologists +Lodging Managers +Massage Therapists +Skincare Specialists","View the list of Allies +American Association of Cosmetology Schools +external site +American Massage Therapy Association +external site +Associated Bodywork and Massage Professionals +external site +Club Management Association of America +external site +Health and Fitness Association +external site +International SPA Association +external site +Professional Beauty Association +external site +Northeast Spa and Pool Association +external site",82,2,21,73,60,80,21,67,85,56,61,64,17,39,9,18,45,17,7,9,46,39,17,35,30,9,,1,14,12,11,, +41-2012.00,Gambling Change Persons and Booth Cashiers,https://www.onetonline.org/link/summary/41-2012.00,2025-06-11T19:14:07.559125,"Keep accurate records of monetary exchanges, authorization forms, and transaction reconciliations. +Exchange money, credit, tickets, or casino chips and make change for customers. +Count money and audit money drawers. +Check identifications to verify age of players. +Maintain cage security according to rules. +Reconcile daily summaries of transactions to balance books. +Obtain customers' signatures on receipts when winnings exceed the amount held in a slot machine. +Calculate the value of chips won or lost by players. +Accept credit applications and verify credit references to provide check-cashing authorization or to establish house credit accounts. +Furnish change persons with a money bank at the start of each shift. +Listen for jackpot alarm bells and issue payoffs to winners. +Sell gambling chips, tokens, or tickets to patrons, or to other workers for resale to patrons. +Clean casino areas.","Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Maintain records of sales or other business transactions. +Obtain written authorization to perform activities. +Issue money, credit, or vouchers. +Process sales or other transactions. +Compute gaming wins and losses. +Reconcile records of sales or other financial transactions. +Examine personal documentation to ensure that it is valid. +Monitor work areas to provide security. +Review accuracy of sales or other transactions. +Verify patron or staff credentials. +Verify customer credit information. +Sell products or services. +Clean facilities or equipment. +Clean work areas.","Contact With Others— 87% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 84% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 67% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 78% responded “Every day.” +Spend Time Making Repetitive Motions— 77% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 72% responded “Extremely important.” +Spend Time Standing— 75% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Frequency of Decision Making— 64% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Very important results.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Telephone Conversations— 49% responded “Every day.” +Physical Proximity— 56% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 41% responded “Extremely important.” +Exposed to Contaminants— 54% responded “Every day.” +Time Pressure— 56% responded “Every day.” +Conflict Situations— 30% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 50% responded “Continually or almost continually.” +Freedom to Make Decisions— 34% responded “Some freedom.” +Written Letters and Memos— 42% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges.","Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Cashiers +First-Line Supervisors of Gambling Services Workers +Gambling and Sports Book Writers and Runners +Gambling Cage Workers +Gambling Dealers +Gambling Managers +Gambling Surveillance Officers and Gambling Investigators +New Accounts Clerks +Tellers","View the list of Allies +UNITE HERE +external site",79,,9,49,68,17,44,29,43,31,17,9,4,41,10,40,27,9,8,3,37,9,19,31,3,4,,2,,2,7,,1 +51-9123.00,"Painting, Coating, and Decorating Workers",https://www.onetonline.org/link/summary/51-9123.00,2025-06-11T19:27:56.745635,"Apply coatings, such as paint, ink, or lacquer, to protect or decorate workpiece surfaces, using spray guns, pens, or brushes. +Examine finished surfaces of workpieces to verify conformance to specifications and retouch any defective areas. +Clean and maintain tools and equipment, using solvents, brushes, and rags. +Read job orders and inspect workpieces to determine work procedures and materials required. +Select and mix ingredients to prepare coating substances according to specifications, using paddles or mechanical mixers. +Place coated workpieces in ovens or dryers for specified times to dry or harden finishes. +Clean surfaces of workpieces in preparation for coating, using cleaning fluids, solvents, brushes, scrapers, steam, sandpaper, or cloth. +Conceal blemishes in workpieces, such as nicks and dents, using fillers such as putty. +Rinse, drain, or wipe coated workpieces to remove excess coating material or to facilitate setting of finish coats on workpieces.","Graphics or photo imaging software— Adobe FreeHand MX; Adobe Illustrator; Adobe Photoshop +Office suite software— Corel WordPerfect Office Suite +Spreadsheet software— Microsoft Excel","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Apply protective or decorative finishes to workpieces or products. +Inspect finishes of workpieces or finished products. +Operate painting or coating equipment. +Mix ingredients to create specific finishes. +Select production input materials. +Load items into ovens or furnaces. +Clean production equipment. +Maintain production or processing equipment. +Clean workpieces or finished products. +Review blueprints or other instructions to determine operational methods or sequences. +Fill cracks, imperfections, or holes in products or workpieces.","Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Exposed to Contaminants +Work With or Contribute to a Work Group or Team— 41% responded “Very important.” +Determine Tasks, Priorities and Goals— 34% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 23% responded “Extremely important.” +Spend Time Making Repetitive Motions— 34% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Contact With Others— 36% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Freedom to Make Decisions— 29% responded “Limited freedom.” +Indoors, Not Environmentally Controlled— 56% responded “Every day.” +Spend Time Standing— 38% responded “Continually or almost continually.” +Physical Proximity— 49% responded “Moderately close (at arm's length).” +Exposed to Hazardous Conditions— 54% responded “Every day.” +Deal With External Customers or the Public in General— 32% responded “Not important at all.” +Telephone Conversations— 32% responded “Never.”",,"Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical.","Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Cutters and Trimmers, Hand +Etchers and Engravers +Foundry Mold and Coremakers +Furniture Finishers +Grinding and Polishing Workers, Hand +Laundry and Dry-Cleaning Workers +Bright Outlook +Molders, Shapers, and Casters, Except Metal and Plastic +Painters, Construction and Maintenance +Shoe Machine Operators and Tenders","View the list of Allies +National Institute for Automotive Service Excellence +external site",44,1,53,49,29,33,31,39,12,7,18,20,34,21,9,8,9,19,2,13,18,2,4,13,9,9,1,14,12,35,1,19,2 +43-3071.00,Tellers,https://www.onetonline.org/link/summary/43-3071.00,2025-06-11T19:15:22.603851,"Balance currency, coin, and checks in cash drawers at ends of shifts and calculate daily transactions, using computers, calculators, or adding machines. +Receive checks and cash for deposit, verify amounts, and check accuracy of deposit slips. +Monitor bank vaults to ensure cash balances are correct. +Cash checks and pay out money after verifying that signatures are correct, that written and numerical amounts agree, and that accounts have sufficient funds. +Count currency, coins, and checks received, by hand or using currency-counting machine, to prepare them for deposit or shipment to branch banks or the Federal Reserve Bank. +Enter customers' transactions into computers to record transactions and issue computer-generated receipts. +Examine checks for endorsements and to verify other information, such as dates, bank names, identification of the persons receiving payments, and the legality of the documents. +Resolve problems or discrepancies concerning customers' accounts. +Prepare and verify cashier's checks. +Process transactions, such as term deposits, retirement savings plan contributions, automated teller transactions, night deposits, and mail deposits. +Answer telephones and assist customers with their questions. +Identify transaction mistakes when debits and credits do not balance. +Carry out special services for customers, such as ordering bank cards and checks. +Sort and file deposit slips and checks. +Receive and count daily inventories of cash, drafts, and travelers' checks. +Order a supply of cash to meet daily needs. +Arrange monies received in cash boxes and coin dispensers according to denomination. +Receive mortgage, loan, or public utility bill payments, verifying payment dates and amounts due. +Explain, promote, or sell products or services, such as travelers' checks, savings bonds, money orders, and cashier's checks, using computerized information about customers to tailor recommendations. +Count, verify, and post armored car deposits. +Obtain and process information required for the provision of services, such as opening accounts, savings plans, and purchasing bonds. +Perform clerical tasks, such as typing, filing, and microfilm photography. +Compute financial fees, interest, and service charges. +Compose, type, and mail customer statements and other correspondence related to issues such as discrepancies and outstanding unpaid items. +Process and maintain records of customer loans. +Quote unit exchange rates, following daily international rate sheets or computer displays. +Issue checks to bond owners in settlement of transactions. +Inform customers about foreign currency regulations and compute transaction fees for currency exchanges.","Accounting software— Information Technology Incorporated Premier Teller; Sage 50 Accounting; Southern Data Systems TellerPro +Data base user interface and query software— Total Turnkey Solutions E-Vision +Document management software— Hyland Software OnBase +Electronic mail software— Email software; IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Jack Henry & Associates Vertex; Microsoft Dynamics +Internet browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Verify accuracy of financial or transactional data. +Execute sales or other financial transactions. +Collect deposits, payments or fees. +Calculate financial data. +Prepare cash for deposit or disbursement. +Enter information into databases or software programs. +Respond to customer problems or complaints. +Answer customer questions about goods or services. +Answer telephones to direct calls or provide information. +Order materials, supplies, or equipment. +File documents or records. +Sell products or services. +Obtain personal or financial information about customers or applicants. +Type documents. +Issue documentation or identification to customers or employees. +Maintain financial or account records. +Prepare business correspondence. +Send information, materials or documentation. +Interpret financial information for others. +Calculate costs of goods or services. +Explain regulations, policies, or procedures.","Contact With Others— 96% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Telephone Conversations— 88% responded “Every day.” +E-Mail— 87% responded “Every day.” +Importance of Being Exact or Accurate— 82% responded “Extremely important.” +Importance of Repeating Same Tasks— 76% responded “Extremely important.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Spend Time Making Repetitive Motions— 70% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Frequency of Decision Making— 63% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 71% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 34% responded “Some freedom.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Health and Safety of Other Workers— 46% responded “Very high responsibility.” +Spend Time Standing— 61% responded “About half the time.” +Time Pressure— 33% responded “Every day.” +Written Letters and Memos— 35% responded “Every day.” +Conflict Situations— 31% responded “Once a week or more but not every day.” +Level of Competition— 29% responded “Slightly competitive.” +Consequence of Error— 26% responded “Very serious.” +Work Outcomes and Results of Other Workers— 30% responded “Moderate responsibility.” +Spend Time Sitting— 43% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bill and Account Collectors +Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Brokerage Clerks +Cashiers +Credit Authorizers, Checkers, and Clerks +Gambling Change Persons and Booth Cashiers +Loan Interviewers and Clerks +New Accounts Clerks +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +American Bankers Association +external site",72,2,20,66,62,48,50,34,46,53,46,26,4,41,15,36,24,4,4,15,22,12,9,20,6,12,1,4,1,2,8,3,3 +47-2121.00,Glaziers,https://www.onetonline.org/link/summary/47-2121.00,2025-06-11T19:18:52.880223,"Read and interpret blueprints or specifications to determine size, shape, color, type, or thickness of glass, location of framing, installation procedures, or staging or scaffolding materials required. +Determine plumb of walls or ceilings, using plumb lines and levels. +Install pre-assembled metal or wood frameworks for windows or doors to be fitted with glass panels, using hand tools. +Fabricate or install metal sashes or moldings for glass installation, using aluminum or steel framing. +Operate cranes or hoists with suction cups to lift large, heavy pieces of glass. +Set glass doors into frames and bolt metal hinges, handles, locks, or other hardware to attach doors to frames and walls. +Cut, fit, install, repair, or replace glass or glass substitutes, such as plastic or aluminum, in building interiors or exteriors or in furniture or other products. +Drive trucks to installation sites and unload mirrors, glass equipment, or tools. +Load and arrange glass or mirrors onto delivery trucks, using suction cups or cranes to lift glass. +Measure mirrors and dimensions of areas to be covered to determine work procedures. +Cut and attach mounting strips, metal or wood moldings, rubber gaskets, or metal clips to surfaces in preparation for mirror installation. +Pack spaces between moldings and glass with glazing compounds and trim excess material with glazing knives. +Assemble, erect, or dismantle scaffolds, rigging, or hoisting equipment. +Cut and remove broken glass prior to installing replacement glass. +Secure mirrors in position, using mastic cement, putty, bolts, or screws. +Measure and mark outlines or patterns on glass to indicate cutting lines. +Grind or polish glass, smoothing edges when necessary. +Fasten glass panes into wood sashes or frames with clips, points, or moldings, adding weather seals or putty around pane edges to seal joints. +Score glass with cutters' wheels, breaking off excess glass by hand or with notched tools. +Cut, assemble, fit, or attach metal-framed glass enclosures for showers, bathtubs, display cases, skylights, solariums, or other structures. +Prepare glass for cutting by resting it on rack edges or against cutting tables and brushing thin layer of oil along cutting lines or dipping cutting tools in oil. +Move furniture to clear work sites and cover floors or furnishings with drop cloths. +Confer with customers to determine project requirements or to provide cost estimates. +Select the type or color of glass or mirror according to specifications. +Measure, cut, fit, and press anti-glare adhesive film to glass or spray glass with tinting solution to prevent light glare. +Assemble and cement sections of stained glass together. +Create patterns on glass by etching, sandblasting, or painting designs.","Computer aided design CAD software— D-CALC FACADE 4000 +Data base user interface and query software— Work order software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— American Glazing Software AGS WindowPricer; BidMaster +Spreadsheet software— Microsoft Excel","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Review blueprints or specifications to determine work requirements. +Verify alignment of structures or equipment. +Install metal structural components. +Install wooden structural components. +Fabricate parts or components. +Install doors or windows. +Operate cranes, hoists, or other moving or lifting equipment. +Cut glass. +Load or unload materials used in construction or extraction. +Drive trucks or truck-mounted equipment. +Measure materials or objects for installation or assembly. +Apply material to fill gaps in surfaces. +Cut metal components for installation. +Cut wood components for installation. +Trim excess material from installations. +Install building fixtures. +Assemble temporary equipment or structures. +Dismantle equipment or temporary structures. +Remove worn, damaged or outdated materials from work areas. +Communicate with clients about products, procedures, and policies. +Mark reference points on construction materials. +Select construction materials. +Smooth surfaces with abrasive materials or tools. +Cut carpet, vinyl or other flexible materials. +Protect structures or surfaces near work areas to avoid damage. +Apply adhesives to construction materials. +Apply decorative or textured finishes or coverings.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 82% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 74% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Importance of Being Exact or Accurate— 49% responded “Extremely important.” +Outdoors, Exposed to All Weather Conditions— 54% responded “Every day.” +Contact With Others— 55% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Spend Time Standing— 61% responded “Continually or almost continually.” +Physical Proximity— 69% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Frequency of Decision Making— 57% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 42% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 39% responded “Very high responsibility.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Time Pressure— 32% responded “Every day.” +Indoors, Not Environmentally Controlled— 39% responded “Every day.” +Consequence of Error— 36% responded “Extremely serious.” +Exposed to High Places— 41% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 39% responded “Once a week or more but not every day.” +Telephone Conversations— 35% responded “Every day.” +Spend Time Bending or Twisting Your Body— 43% responded “More than half the time.” +Spend Time Making Repetitive Motions— 38% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Exposed to Contaminants— 43% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 44% responded “Every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 30% responded “More than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 38% responded “More than half the time.” +Level of Competition— 33% responded “Moderately competitive.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 31% responded “Once a month or more but not every week.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 31% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 68% responded “40 hours.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 40% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 28% responded “Every day.” +Spend Time Walking or Running— 31% responded “More than half the time.” +Conflict Situations— 30% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 34% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 27% responded “Very important.”","Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Automotive Glass Installers and Repairers +Brickmasons and Blockmasons +Carpenters +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Insulation Workers, Floor, Ceiling, and Wall +Plasterers and Stucco Masons +Sheet Metal Workers +Structural Metal Fabricators and Fitters +Tile and Stone Setters","View the list of Allies +Associated Builders and Contractors +external site +National Glass Association +external site +Finishing Trades Institute International +external site +International Union of Painters and Allied Trades +external site",59,4,40,40,62,62,40,39,27,14,14,28,22,14,17,19,5,63,,23,20,7,4,7,10,44,83,23,1,60,5,1, +31-2021.00,Physical Therapist Assistants,https://www.onetonline.org/link/summary/31-2021.00,2025-06-11T19:09:37.312241,"Instruct, motivate, safeguard, and assist patients as they practice exercises or functional activities. +Document patient information, such as notes on their progress. +Observe patients during treatments to compile and evaluate data on their responses and progress and provide results to physical therapist in person or through progress notes. +Instruct patients in proper body mechanics and in ways to improve functional mobility, such as aquatic exercise. +Secure patients into or onto therapy equipment. +Confer with physical therapy staff or others to discuss and evaluate patient information for planning, modifying, or coordinating treatment. +Administer active or passive manual therapeutic exercises, therapeutic massage, aquatic physical therapy, or heat, light, sound, or electrical modality treatments, such as ultrasound. +Transport patients to and from treatment areas, lifting and transferring them according to positioning requirements. +Clean work area and check and store equipment after treatment. +Communicate with or instruct caregivers or family members on patient therapeutic activities or treatment plans. +Measure patients' range-of-joint motion, body parts, or vital signs to determine effects of treatments or for patient evaluations. +Train patients in the use of orthopedic braces, prostheses, or supportive devices. +Monitor operation of equipment and record use of equipment and administration of treatment. +Assist patients to dress, undress, or put on and remove supportive devices, such as braces, splints, or slings. +Attend or conduct continuing education courses, seminars, or in-service activities. +Fit patients for orthopedic braces, prostheses, or supportive devices, such as crutches. +Perform postural drainage, percussions, or vibrations or teach deep breathing exercises to treat respiratory conditions. +Perform clerical duties, such as taking inventory, ordering supplies, answering telephone, taking messages, or filling out forms. +Prepare treatment areas and electrotherapy equipment for use by physiotherapists. +Administer traction to relieve neck or back pain, using intermittent or static traction equipment. +Perform therapeutic wound care.","Accounting software— Billing software; Bookkeeping software +Action games— Video game software; Virtual reality game software +Calendar and scheduling software— Scheduling software; SpectraSoft AppointmentsPRO +Data base user interface and query software— dBASE; FileMaker Pro; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Medical software— eClinicalWorks EHR software; Laboratory information system LIS; Medical condition coding software; TherAssist;10 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Engage patients in exercises or activities. +Document client health or progress. +Encourage patients during therapeutic activities. +Record patient medical histories. +Communicate patient status to other health practitioners. +Monitor patient progress or responses to treatments. +Prepare medical reports or documents. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Hold patients to ensure proper positioning or safety. +Confer with other professionals to plan patient care. +Administer therapy treatments to patients using hands or physical treatment aids. +Adjust positions of patients on beds or tables. +Move patients to or from treatment areas. +Teach medical procedures or medical equipment use to patients. +Clean patient rooms or patient treatment rooms. +Assess physical conditions of patients to aid in diagnosis or treatment. +Monitor medical equipment to ensure proper functioning. +Prepare medical instruments or equipment for use. +Prepare patient treatment areas for use. +Administer basic health care or medical treatments. +Assist patients with daily activities. +Attend educational events to update medical knowledge. +Teach medical procedures to healthcare personnel. +Fit patients for assistive devices. +Inventory medical supplies or equipment. +Perform clerical work in medical settings.","Contact With Others— 97% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 99% responded “Every day.” +Physical Proximity— 97% responded “Very close (near touching).” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Frequency of Decision Making— 95% responded “Every day.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 69% responded “Very important results.” +Determine Tasks, Priorities and Goals— 50% responded “A lot of freedom.” +Exposed to Disease or Infections— 61% responded “Every day.” +Telephone Conversations— 60% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Extremely important.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Consequence of Error— 51% responded “Extremely serious.” +Spend Time Standing— 72% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 33% responded “Less than half the time.” +Spend Time Making Repetitive Motions— 35% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 39% responded “Once a week or more but not every day.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 71% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Spend Time Walking or Running— 63% responded “More than half the time.” +Conflict Situations— 57% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 36% responded “Very important.” +Written Letters and Memos— 34% responded “Every day.” +Health and Safety of Other Workers— 20% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles.","Medical Assistants +Bright Outlook +Occupational Therapy Aides +Occupational Therapy Assistants +Physical Therapist Aides +Psychiatric Aides +Psychiatric Technicians +Radiation Therapists +Recreational Therapists +Respiratory Therapists +Surgical Assistants","View the list of Allies +American Physical Therapy Association +external site +National Strength and Conditioning Association +external site +American College of Sports Medicine +external site +National Certification Board for Therapeutic Massage and Bodywork +external site",88,2,7,80,36,40,46,73,49,24,21,28,26,61,20,39,24,18,20,5,66,81,37,7,63,12,8,35,60,9,23,1,2 +47-2211.00,Sheet Metal Workers,https://www.onetonline.org/link/summary/47-2211.00,2025-06-11T19:19:28.521768,"Maintain equipment, making repairs or modifications when necessary. +Fabricate ducts for high efficiency heating, ventilating, and air conditioning (HVAC) systems to maximize efficiency of systems. +Fasten seams or joints together with welds, bolts, cement, rivets, solder, caulks, metal drive clips, or bonds to assemble components into products or to repair sheet metal items. +Transport prefabricated parts to construction sites for assembly and installation. +Install assemblies, such as flashing, pipes, tubes, heating and air conditioning ducts, furnace casings, rain gutters, or downspouts in supportive frameworks. +Hire, train, or supervise new employees or apprentices. +Lay out, measure, and mark dimensions and reference lines on material, such as roofing panels, using calculators, scribes, dividers, squares, or rulers. +Fabricate or alter parts at construction sites, using shears, hammers, punches, or drills. +Determine project requirements, such as scope, assembly sequences, or required methods or materials, using blueprints, drawings, or written or verbal instructions. +Maneuver completed roofing units into position for installation. +Select gauges or types of sheet metal or nonmetallic material, according to product specifications. +Shape metal material over anvils, blocks, or other forms, using hand tools. +Trim, file, grind, deburr, buff, or smooth surfaces, seams, or joints of assembled parts, using hand tools or portable power tools. +Inspect individual parts, assemblies, or installations, using measuring instruments, such as calipers, scales, or micrometers. +Convert blueprints into shop drawings to be followed in the construction or assembly of sheet metal products. +Verify that heating, ventilating, and air conditioning (HVAC) systems are designed, installed, and calibrated in accordance with green certification standards, such as those of Leadership in Energy and Environmental Design (LEED). +Perform building commissioning activities by completing mechanical inspections of a building's water, lighting, or heating, ventilating, and air conditioning (HVAC) systems. +Fasten roof panel edges or machine-made moldings to structures by nailing or welding. +Finish parts, using hacksaws or hand, rotary, or squaring shears.","Computer aided design CAD software— Autodesk AutoCAD; PTC Creo Parametric; Siemens NX; XY Soft Sheet Cutting Suite;5 more +Computer aided manufacturing CAM software— Applied Production ProFab; JETCAM Expert; Striker Systems SS-Profile; WiCAM PN4000;1 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Inspect completed work to ensure proper installation. +Maintain construction tools or equipment. +Fabricate parts or components. +Weld metal components. +Assemble products or production equipment. +Install building fixtures. +Install plumbing or piping. +Move construction or extraction materials to locations where they are needed. +Direct construction or extraction personnel. +Train construction or extraction personnel. +Mark reference points on construction materials. +Measure materials or objects for installation or assembly. +Position structural components. +Review blueprints or specifications to determine work requirements. +Create construction or installation diagrams. +Select construction materials. +Evaluate construction projects to determine compliance with external standards or regulations. +Smooth surfaces with abrasive materials or tools. +Inspect industrial or commercial equipment to ensure proper operation. +Install roofing materials.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Spend Time Standing— 89% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Exposed to Contaminants— 73% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 55% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Every day.” +Health and Safety of Other Workers— 52% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 44% responded “Continually or almost continually.” +Time Pressure— 22% responded “Once a month or more but not every week.” +Consequence of Error— 55% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 40% responded “Limited freedom.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Spend Time Bending or Twisting Your Body— 31% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 36% responded “Very important.” +Contact With Others— 33% responded “Contact with others about half the time.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Duration of Typical Work Week— 72% responded “40 hours.” +Indoors, Not Environmentally Controlled— 42% responded “Every day.” +Pace Determined by Speed of Equipment— 27% responded “Fairly important.” +Physical Proximity— 39% responded “Moderately close (at arm's length).” +Freedom to Make Decisions— 39% responded “Some freedom.” +Level of Competition— 66% responded “Moderately competitive.” +Spend Time Walking or Running— 15% responded “More than half the time.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Important.” +Indoors, Environmentally Controlled— 23% responded “Once a month or more but not every week.” +Frequency of Decision Making— 33% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Moderate results.”","Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Carpenters +Drywall and Ceiling Tile Installers +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Layout Workers, Metal and Plastic +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters +Tool and Die Makers +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +American Welding Society +external site +Associated Builders and Contractors +external site +Fabricators and Manufacturers Association +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site +International Training Institute for the Sheet Metal and Air Conditioning Industry +external site +National Center for Construction Education and Research +external site",45,16,52,60,69,53,44,53,33,18,26,21,20,47,,20,9,80,,35,14,8,2,11,5,51,69,40,4,66,13,4,2 +17-2121.00,Marine Engineers and Naval Architects,https://www.onetonline.org/link/summary/17-2121.00,2025-06-11T18:54:06.946423,"Design complete hull and superstructure according to specifications and test data, in conformity with standards of safety, efficiency, and economy. +Supervise other engineers and crew members and train them for routine and emergency duties. +Study design proposals and specifications to establish basic characteristics of craft, such as size, weight, speed, propulsion, displacement, and draft. +Perform monitoring activities to ensure that ships comply with international regulations and standards for life-saving equipment and pollution preventatives. +Oversee construction and testing of prototype in model basin and develop sectional and waterline curves of hull to establish center of gravity, ideal hull form, and buoyancy and stability data. +Evaluate performance of craft during dock and sea trials to determine design changes and conformance with national and international standards. +Prepare plans, estimates, design and construction schedules, and contract specifications, including any special provisions. +Check, test, and maintain automatic controls and alarm systems. +Design layout of craft interior, including cargo space, passenger compartments, ladder wells, and elevators. +Evaluate operation of marine equipment during acceptance testing and shakedown cruises. +Act as liaisons between ships' captains and shore personnel to ensure that schedules and budgets are maintained, and that ships are operated safely and efficiently. +Conduct environmental, operational, or performance tests on marine machinery and equipment. +Inspect marine equipment and machinery to draw up work requests and job specifications. +Prepare, or direct the preparation of, product or system layouts and detailed drawings and schematics. +Investigate and observe tests on machinery and equipment for compliance with standards. +Maintain records of engineering department activities, including expense records and details of equipment maintenance and repairs. +Coordinate activities with regulatory bodies to ensure repairs and alterations are at minimum cost and consistent with safety. +Design and oversee testing, installation, and repair of marine apparatus and equipment. +Prepare technical reports for use by engineering, management, or sales personnel. +Procure materials needed to repair marine equipment and machinery. +Maintain contact with, and formulate reports for, contractors and clients to ensure completion of work at minimum cost. +Maintain and coordinate repair of marine machinery and equipment for installation on vessels. +Confer with research personnel to clarify or resolve problems and to develop or modify designs. +Conduct analytical, environmental, operational, or performance studies to develop designs for products, such as marine engines, equipment, and structures. +Determine conditions under which tests are to be conducted, as well as sequences and phases of test operations. +Review work requests and compare them with previous work completed on ships to ensure that costs are economically sound. +Analyze data to determine feasibility of product proposals. +Schedule machine overhauls and the servicing of electrical, heating, ventilation, refrigeration, water, and sewage systems. +Conduct analyses of ships, such as stability, structural, weight, and vibration analyses. +Establish arrangement of boiler room equipment and propulsion machinery, heating and ventilating systems, refrigeration equipment, piping, and other functional equipment.","Analytical or scientific software— Ansys Fluent; MAYA Nastran; Tension Technology International OPTIMOOR; The MathWorks MATLAB;10 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; PTC Creo Parametric; The Napa Group NAPA;8 more +Data base user interface and query software— Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Seaworthy Systems Shipboard Automated Maintenance Management SAMM +Graphics or photo imaging software— McNeel Rhinoceros 3D +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Systems +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Design structures or facilities. +Supervise engineering or other technical personnel. +Review technical documents to plan work. +Monitor processes for compliance with standards. +Evaluate characteristics of equipment or systems. +Direct construction activities. +Schedule operational activities. +Prepare contracts, disclosures, or applications. +Prepare detailed work plans. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Maintain electronic equipment. +Create graphical representations of structures or landscapes. +Communicate with others to coordinate vehicle movement. +Inspect equipment or systems. +Maintain operational records or records systems. +Devise research or testing protocols. +Prepare technical reports for internal use. +Coordinate safety or regulatory compliance activities. +Direct equipment maintenance or repair activities. +Direct installation activities. +Purchase materials, equipment, or other resources. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Maintain mechanical equipment. +Confer with other personnel to resolve design or operational problems. +Confer with technical personnel to prepare designs or operational plans. +Research advanced engineering designs or applications. +Analyze design or requirements information for mechanical equipment or systems. +Design electromechanical equipment or systems.","E-Mail— How frequently does your job require you to use E-mail? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Telephone Conversations— How often do you have telephone conversations in this job? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Written Letters and Memos— How frequently does your job require written letters and memos? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Spend Time Sitting— How much does this job require sitting? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Exposed to Hazardous Equipment— How often does this job require exposure to hazardous equipment?","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Coordination— Adjusting actions in relation to others' actions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Aerospace Engineers +Civil Engineering Technologists and Technicians +Civil Engineers +Electrical and Electronic Engineering Technologists and Technicians +Electrical Engineers +Industrial Engineers +Mechanical Engineering Technologists and Technicians +Mechanical Engineers +Ship Engineers","View the list of Allies +American Society of Naval Engineers +external site +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +Institute of Marine Engineering, Science and Technology +external site +International Institute of Marine Surveying +external site +Marine Technology Society +external site +Society of Naval Architects and Marine Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +The Association of Certified Marine Surveyors +external site +U.S. Naval Institute +external site +Accreditation Board for Engineering and Technology +external site +Marine Engineers' Beneficial Association +external site +Vibration Institute +external site",52,5,48,72,83,56,42,39,37,39,39,38,45,56,19,41,22,69,4,58,21,4,9,22,7,86,51,77,15,80,26,1,7 +17-2051.01,Transportation Engineers,https://www.onetonline.org/link/summary/17-2051.01,2025-06-11T18:53:33.419069,"Design or prepare plans for new transportation systems or parts of systems, such as airports, commuter trains, highways, streets, bridges, drainage structures, or roadway lighting. +Check construction plans, design calculations, or cost estimations to ensure completeness, accuracy, or conformity to engineering standards or practices. +Prepare administrative, technical, or statistical reports on traffic-operation matters, such as accidents, safety measures, or pedestrian volume or practices. +Plan alteration or modification of existing transportation structures to improve safety or function. +Confer with contractors, utility companies, or government agencies to discuss plans, specifications, or work schedules. +Present data, maps, or other information at construction-related public hearings or meetings. +Prepare final project layout drawings that include details such as stress calculations. +Investigate traffic problems and recommend methods to improve traffic flow or safety. +Estimate transportation project costs. +Design or engineer drainage, erosion, or sedimentation control systems for transportation projects. +Evaluate traffic control devices or lighting systems to determine need for modification or expansion. +Prepare project budgets, schedules, or specifications for labor or materials. +Inspect completed transportation projects to ensure safety or compliance with applicable standards or regulations. +Review development plans to determine potential traffic impact. +Evaluate transportation systems or traffic control devices or lighting systems to determine need for modification or expansion. +Analyze environmental impact statements for transportation projects. +Supervise the maintenance or repair of transportation systems or system components. +Model transportation scenarios to evaluate the impacts of activities such as new development or to identify possible solutions to transportation problems. +Inspect completed transportation projects to ensure compliance with environmental regulations. +Participate in contract bidding, negotiation, or administration. +Evaluate construction project materials for compliance with environmental standards. +Direct the surveying, staking, or laying-out of construction projects. +Design transportation systems or structures with sustainable materials or products, such as porous pavement or bioretention structures. +Investigate or test specific construction project materials to determine compliance to specifications or standards. +Develop or assist in the development of transportation-related computer software or computer processes. +Develop plans to deconstruct damaged or obsolete roadways or other transportation structures in a manner that is environmentally sound or prepares the land for sustainable development. +Develop plans for integration of drone technology into transportation systems for purposes such as delivery of goods or traffic monitoring.","Analytical or scientific software— Citilabs Cube; McTrans Center TSIS-CORSIM; SIDRA INTERSECTION; Trafficware SynchroGreen;5 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Computer aided design and drafting software CADD;6 more +Data base user interface and query software— Structured query language SQL +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software +Internet browser software— Web browser software +Materials requirements planning logistics and supply chain software— Warehouse management system WMS +Object or component oriented development software— Python +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Design civil structures or systems. +Evaluate designs or specifications to ensure quality. +Prepare technical or operational reports. +Prepare detailed work plans. +Confer with technical personnel to prepare designs or operational plans. +Explain project details to the general public. +Create graphical representations of civil structures. +Advise others on health and safety issues. +Estimate operational costs. +Design environmental control systems. +Evaluate characteristics of equipment or systems. +Inspect facilities or sites to determine if they meet specifications or standards. +Determine operational criteria or specifications. +Prepare project budgets. +Schedule operational activities. +Evaluate technical data to determine effect on designs or plans. +Investigate the environmental impact of projects. +Direct equipment maintenance or repair activities. +Test characteristics of materials or structures. +Create models of engineering designs or methods. +Negotiate contracts for transportation, distribution, or logistics services. +Negotiate contracts with clients or service providers. +Evaluate plans or specifications to determine technological or environmental implications. +Direct surveying activities. +Incorporate green features into the design of structures or facilities. +Develop software or computer applications.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Contact With Others— 50% responded “Contact with others most of the time.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Spend Time Sitting— 59% responded “More than half the time.” +Deal With External Customers or the Public in General— 50% responded “Very important.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Determine Tasks, Priorities and Goals— 68% responded “Some freedom.” +Duration of Typical Work Week— 59% responded “40 hours.” +Work Outcomes and Results of Other Workers— 45% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Time Pressure— 45% responded “Once a month or more but not every week.” +Frequency of Decision Making— 36% responded “Once a month or more but not every week.” +Consequence of Error— 29% responded “Very serious.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 41% responded “Moderate responsibility.” +Level of Competition— 64% responded “Moderately competitive.” +Conflict Situations— 36% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Operations Analysis— Analyzing needs and product requirements to create a design. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Civil Engineering Technologists and Technicians +Civil Engineers +Bright Outlook +Construction and Building Inspectors +Construction Managers +Environmental Engineers +Highway Maintenance Workers +Industrial Engineers +Traffic Technicians +Transportation Planners +Water/Wastewater Engineers","View the list of Allies +American Association of State Highway and Transportation Officials +external site +American Council of Engineering Companies +external site +American Planning Association +external site +American Public Works Association +external site +American Society for Engineering Education +external site +American Society of Civil Engineers +external site +American Society of Highway Engineers +external site +Institute of Transportation Engineers +external site +National Society of Professional Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +WTS International +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",63,2,42,68,80,63,58,50,39,42,36,31,32,61,5,60,47,38,13,89,30,8,19,26,4,98,81,67,23,94,44,2,21 +53-2031.00,Flight Attendants,https://www.onetonline.org/link/summary/53-2031.00,2025-06-11T19:29:08.023704,"Verify that first aid kits and other emergency equipment, including fire extinguishers and oxygen bottles, are in working order. +Announce and demonstrate safety and emergency procedures, such as the use of oxygen masks, seat belts, and life jackets. +Monitor passenger behavior to identify threats to the safety of the crew and other passengers. +Walk aisles of planes to verify that passengers have complied with federal regulations prior to takeoffs and landings. +Direct and assist passengers in emergency procedures, such as evacuating a plane following an emergency landing. +Prepare passengers and aircraft for landing, following procedures. +Administer first aid to passengers in distress. +Determine special assistance needs of passengers, such as small children, the elderly, or persons with disabilities. +Attend preflight briefings concerning weather, altitudes, routes, emergency procedures, crew coordination, lengths of flights, food and beverage services offered, and numbers of passengers. +Reassure passengers when situations, such as turbulence, are encountered. +Check to ensure that food, beverages, blankets, reading material, emergency equipment, and other supplies are aboard and are in adequate supply. +Prepare reports showing places of departure and destination, passenger ticket numbers, meal and beverage inventories, the conditions of cabin equipment, and any problems encountered by passengers. +Announce flight delays and descent preparations. +Greet passengers boarding aircraft and direct them to assigned seats. +Assist passengers entering or disembarking the aircraft. +Conduct periodic trips through the cabin to ensure passenger comfort and to distribute reading material, headphones, pillows, playing cards, and blankets. +Inspect and clean cabins, checking for any problems and making sure that cabins are in order. +Operate audio and video systems. +Answer passengers' questions about flights, aircraft, weather, travel routes and services, arrival times, or schedules. +Collect money for meals and beverages. +Heat and serve prepared foods. +Inspect passenger tickets to verify information and to obtain destination information. +Assist passengers in placing carry-on luggage in overhead, garment, or under-seat storage. +Take inventory of headsets, alcoholic beverages, and money collected. +Sell alcoholic beverages to passengers.","Calendar and scheduling software— AD OPT Altitude; Arkitektia Flight Itinerary; SBS International Maestro Suite; ValtamTech Flight Crew Log;1 more +Computer based training software— IBM Lotus LearningSpace +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Inspect aircraft or aircraft components. +Provide transportation information to passengers or customers. +Monitor activities of individuals to ensure safety or compliance with rules. +Maintain surveillance of individuals or establishments. +Monitor patron activities to identify problems or potential problems. +Assist others during emergencies. +Provide first aid or rescue assistance in emergencies. +Resolve issues affecting transportation operations. +Receive information or instructions for performing work assignments. +Assist customers to ensure comfort or safety. +Monitor availability of equipment or supplies. +Assist passengers during vehicle boarding. +Record operational details of travel. +Clean vehicles or vehicle components. +Inspect facilities to ensure compliance with safety, quality, or service standards. +Operate communications equipment or systems. +Collect fares or payment from customers. +Verify information or specifications. +Sell products or services.","Health and Safety of Other Workers— 97% responded “Very high responsibility.” +Public Speaking— 97% responded “Every day.” +Contact With Others— 89% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 87% responded “Extremely important.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Physical Proximity— 73% responded “Very close (near touching).” +Dealing With Unpleasant, Angry, or Discourteous People— 63% responded “Every day.” +Frequency of Decision Making— 73% responded “Every day.” +Exposed to High Places— 82% responded “Every day.” +Freedom to Make Decisions— 59% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Consequence of Error— 63% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Time Pressure— 68% responded “Every day.” +E-Mail— 54% responded “Once a week or more but not every day.” +Conflict Situations— 56% responded “Every day.” +Exposed to Contaminants— 65% responded “Every day.” +Exposed to Radiation— 79% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 71% responded “Every day.” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 49% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 79% responded “Every day.” +Spend Time Standing— 31% responded “Continually or almost continually.” +Exposed to Disease or Infections— 50% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 34% responded “Some freedom.” +Spend Time Walking or Running— 53% responded “More than half the time.” +Importance of Repeating Same Tasks— 38% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 42% responded “About half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Every day.” +Spend Time Making Repetitive Motions— 33% responded “Less than half the time.” +Exposed to Hazardous Conditions— 44% responded “Every day.” +Exposed to Whole Body Vibration— 55% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 34% responded “Once a year or more but not every month.” +Telephone Conversations— 26% responded “Every day.” +Exposed to Hazardous Equipment +Spend Time Keeping or Regaining Balance— 21% responded “Never.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 29% responded “Less than half the time.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Air Traffic Controllers +Aircraft Cargo Handling Supervisors +Bright Outlook +Airfield Operations Specialists +Baggage Porters and Bellhops +First-Line Supervisors of Passenger Attendants +Locker Room, Coatroom, and Dressing Room Attendants +Passenger Attendants +Reservation and Transportation Ticket Agents and Travel Clerks +Transportation Security Screeners +Ushers, Lobby Attendants, and Ticket Takers","View the list of Allies +Association of Flight Attendants - CWA +external site",88,30,22,86,27,47,87,47,31,26,44,51,14,55,49,48,46,21,25,62,59,47,42,31,46,28,10,22,8,23,58,11,15 +11-3031.00,Financial Managers,https://www.onetonline.org/link/summary/11-3031.00,2025-06-11T18:47:06.783648,"Establish and maintain relationships with individual or business customers or provide assistance with problems these customers may encounter. +Oversee the flow of cash or financial instruments. +Plan, direct, or coordinate the activities of workers in branches, offices, or departments of establishments, such as branch banks, brokerage firms, risk and insurance departments, or credit departments. +Recruit staff members. +Evaluate data pertaining to costs to plan budgets. +Oversee training programs. +Establish procedures for custody or control of assets, records, loan collateral, or securities to ensure safekeeping. +Communicate with stockholders or other investors to provide information or to raise capital. +Develop or analyze information to assess the current or future financial status of firms. +Approve, reject, or coordinate the approval or rejection of lines of credit or commercial, real estate, or personal loans. +Prepare financial or regulatory reports required by laws, regulations, or boards of directors. +Examine, evaluate, or process loan applications. +Evaluate financial reporting systems, accounting or collection procedures, or investment activities and make recommendations for changes to procedures, operating systems, budgets, or other financial control functions. +Network within communities to find and attract new business. +Prepare operational or risk reports for management analysis. +Review collection reports to determine the status of collections and the amounts of outstanding balances. +Review reports of securities transactions or price lists to analyze market conditions.","Accounting software— Accounts receivable software; Fund accounting software; Intuit QuickBooks; Sage 50 Accounting;1 more +Analytical or scientific software— IBM SPSS Statistics; SAS +Business intelligence and data analysis software— Alteryx software; IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Compliance software— Tax compliance property tax management software +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Salesforce software +Data base management system software— Teradata Database +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Microsoft SQL Server; Oracle Database; Structured query language SQL; Yardi software;3 more +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software; Workday software;7 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— ARES Corporation PRISM Project Estimator; Credit management software; Delphi Technology; Oracle E-Business Suite Financials +Human resources software— ADP Workforce Now; Human resource information system (HRIS); Human resource management software HRMS +Information retrieval or search software— LexisNexis +Internet browser software +Medical software— Healthcare common procedure coding system HCPCS +Object or component oriented development software— R +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel; Moody's KMV FAMAS +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Determine pricing or monetary policies. +Establish interpersonal business relationships to facilitate work activities. +Communicate organizational information to customers or other stakeholders. +Monitor flow of cash or other resources. +Analyze forecasting data to improve business decisions. +Direct financial operations. +Supervise employees. +Approve expenditures. +Maintain regulatory or compliance documentation. +Prepare financial documents, reports, or budgets. +Prepare reports related to compliance matters. +Analyze financial records to improve budgeting or planning. +Analyze financial records to improve efficiency. +Recommend organizational process or policy changes. +Recruit personnel. +Prepare operational progress or status reports. +Analyze financial records or reports to determine state of operations. +Direct organizational operations, projects, or services.","E-Mail— 99% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Work With or Contribute to a Work Group or Team— 77% responded “Extremely important.” +Indoors, Environmentally Controlled— 93% responded “Every day.” +Importance of Being Exact or Accurate— 74% responded “Extremely important.” +Telephone Conversations— 58% responded “Every day.” +Time Pressure +Impact of Decisions on Co-workers or Company Results— 53% responded “Very important results.” +Work Outcomes and Results of Other Workers— 65% responded “Very high responsibility.” +Duration of Typical Work Week— 73% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Spend Time Sitting— 64% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 63% responded “Very important.” +Frequency of Decision Making— 46% responded “Once a week or more but not every day.” +Contact With Others— 46% responded “Contact with others most of the time.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 24% responded “Extremely important.” +Written Letters and Memos— 21% responded “Every day.” +Deal With External Customers or the Public in General— 34% responded “Not important at all.” +Level of Competition— 46% responded “Highly competitive.” +Conflict Situations— 40% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 61% responded “Moderate responsibility.” +Consequence of Error— 18% responded “Not serious at all.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Persuasion— Persuading others to change their minds or behavior. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Negotiation— Bringing others together and trying to reconcile differences. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Accountants and Auditors +Bright Outlook +Credit Analysts +Financial and Investment Analysts +Financial Examiners +Financial Risk Specialists +Investment Fund Managers +Loan Officers +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents +Treasurers and Controllers","View the list of Allies +AICPA and CIMA +external site +American Bankers Association +external site +Insurance Accounting and Systems Association +external site +Rotary International +external site +U.S. Chamber of Commerce +external site +Association for Financial Professionals +external site +Association of Government Accountants +external site +CFA Institute +external site",92,2,22,58,68,83,30,57,68,77,59,63,,56,17,65,44,9,15,9,31,9,16,18,,7,7,,,8,14,1,5 +13-2053.00,Insurance Underwriters,https://www.onetonline.org/link/summary/13-2053.00,2025-06-11T18:50:55.866551,"Examine documents to determine degree of risk from factors such as applicant health, financial standing and value, and condition of property. +Decline excessive risks. +Write to field representatives, medical personnel, or others to obtain further information, quote rates, or explain company underwriting policies. +Evaluate possibility of losses due to catastrophe or excessive insurance. +Review company records to determine amount of insurance in force on single risk or group of closely related risks. +Decrease value of policy when risk is substandard and specify applicable endorsements or apply rating to ensure safe, profitable distribution of risks, using reference materials. +Authorize reinsurance of policy when risk is high. +Answer agents' questions about insurance coverage.","Data base user interface and query software— Database software; Microsoft Access +Document management software— IBM FileNet Content Manager +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Anodas Software Limited Phoenix; Consilience Software Maven Insurance Automation Suite; SIS SEMCI PARTNER; Skywire Software InsBridge;3 more +Financial analysis software— Delphi Technology; Fannie Mae Desktop Underwriter; RGA Facultative Application Console; Valen Technologies Risk Manager;4 more +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Object or component oriented development software— C++ +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Analyze health-related data. +Assess financial status of clients. +Authorize financial actions. +Explain regulations, policies, or procedures. +Assess risks to business operations. +Verify accuracy of records.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 93% responded “Continually or almost continually.” +Telephone Conversations— 90% responded “Every day.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Time Pressure— 60% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Freedom to Make Decisions— 47% responded “A lot of freedom.” +Frequency of Decision Making— 63% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Written Letters and Memos— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Important results.” +Work With or Contribute to a Work Group or Team— 40% responded “Very important.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Duration of Typical Work Week— 60% responded “40 hours.” +Conflict Situations— 31% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Level of Competition— 43% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 37% responded “Continually or almost continually.” +Physical Proximity— 73% responded “Slightly close (e.g., shared office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Claims Adjusters, Examiners, and Investigators +Credit Analysts +Credit Counselors +Financial and Investment Analysts +Bright Outlook +Financial Risk Specialists +Insurance Sales Agents +Loan Interviewers and Clerks +Loan Officers +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +America's Health Insurance Plans +external site +American Council of Life Insurers +external site +American Property Casualty Insurance Association +external site +American Risk and Insurance Association +external site +Association of Home Office Underwriters +external site +Federation of European Risk Management Associations +external site +Group Underwriters Association of America +external site +Independent Insurance Agents and Brokers of America +external site +Insurance Accounting and Systems Association +external site +Insurance Information Institute +external site +Insurance Regulatory Examiners Society +external site +International Association of Insurance Professionals +external site +LOMA +external site +National Association of Health Underwriters +external site +National Association of Insurance and Financial Advisors +external site +National Association of Mutual Insurance Companies +external site +National Association of Professional Insurance Agents +external site +National Insurance Crime Bureau +external site +Society of Chartered Property and Casualty Underwriters +external site +Society of Insurance Research +external site +Southern Risk and Insurance Association +external site +The International Association of Insurance Supervisors +external site +The Risk Management Society +external site +Western Risk and Insurance Association +external site +National Alliance for Insurance Education and Research +external site",73,3,25,75,57,35,24,23,48,43,54,21,8,42,8,42,27,8,4,13,30,9,11,20,19,8,17,5,14,4,25,3,5 +33-2022.00,Forest Fire Inspectors and Prevention Specialists,https://www.onetonline.org/link/summary/33-2022.00,2025-06-11T19:10:30.226349,"Relay messages about emergencies, accidents, locations of crew and personnel, and fire hazard conditions. +Conduct wildland firefighting training. +Estimate sizes and characteristics of fires, and report findings to base camps by radio or telephone. +Direct crews working on firelines during forest fires. +Locate forest fires on area maps, using azimuth sighters and known landmarks. +Extinguish smaller fires with portable extinguishers, shovels, and axes. +Patrol assigned areas, looking for forest fires, hazardous conditions, and weather phenomena. +Compile and report meteorological data, such as temperature, relative humidity, wind direction and velocity, and types of cloud formations. +Examine and inventory firefighting equipment, such as axes, fire hoses, shovels, pumps, buckets, and fire extinguishers, to determine amount and condition. +Educate the public about fire safety and prevention. +Direct maintenance and repair of firefighting equipment, or requisition new equipment. +Maintain records and logbooks. +Administer regulations regarding sanitation, fire prevention, violation corrections, and related forest regulations. +Restrict public access and recreational use of forest lands during critical fire seasons. +Inspect camp sites to ensure that campers are in compliance with forest use regulations. +Inspect forest tracts and logging areas for fire hazards such as accumulated wastes or mishandling of combustibles, and recommend appropriate fire prevention measures. +Operate drones to monitor and assess fire conditions, track fire progress, and identify safe access points for firefighters.","Application server software— Docker; Kubernetes; Microsoft Windows Server +Cloud-based management software— Amazon Web Services AWS CloudFormation +Configuration management software— Puppet +Customer relationship management CRM software— Salesforce software +Data base management system software— Microsoft SQL Server +Data base user interface and query software— Amazon Web Services AWS software; Fire incident reporting systems; Relational database software +Development environment software— Microsoft Azure software; Microsoft PowerShell +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software +Expert system software— Ansible software +File versioning software— Git +Map creation software— Mapping software +Metadata management software— Perforce software +Object or component oriented development software— Object oriented development environment software +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Relay information about incidents or emergencies to personnel using phones or two-way radios. +Assess characteristics of fires. +Train employees in proper work procedures. +Train personnel on proper operational procedures. +Train personnel to enhance job skills. +Direct fire fighting or prevention activities. +Locate fires or fire danger areas. +Operate firefighting equipment. +Monitor environmental conditions to detect hazards. +Patrol natural areas to ensure safety or enforce regulations. +Record information about environmental conditions. +Maintain inventories of materials, equipment, or products. +Inspect equipment to ensure safety or proper functioning. +Educate the public about fire safety or prevention. +Provide educational information to the public. +Provide safety training. +Maintain operational records. +Block physical access to restricted areas. +Inspect facilities to ensure compliance with security or safety regulations. +Inspect facilities to ensure compliance with fire regulations. +Recommend improvements to increase safety or reduce risks.","Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 93% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 90% responded “Extremely important.” +Contact With Others— 79% responded “Constant contact with others.” +Telephone Conversations— 77% responded “Every day.” +E-Mail— 75% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 69% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 68% responded “Every day.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Health and Safety of Other Workers— 77% responded “Very high responsibility.” +Indoors, Not Environmentally Controlled— 68% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Extremely important.” +Deal With External Customers or the Public in General— 51% responded “Very important.” +Level of Competition— 50% responded “Extremely competitive.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Frequency of Decision Making— 59% responded “Every day.” +Exposed to Contaminants— 42% responded “Every day.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 38% responded “Every day.” +Duration of Typical Work Week— 58% responded “More than 40 hours.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 68% responded “Once a week or more but not every day.” +Consequence of Error— 55% responded “Extremely serious.” +Time Pressure— 31% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 40% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 53% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 26% responded “Important.” +Exposed to Hazardous Equipment— 43% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 35% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “About half the time.” +Spend Time Standing— 53% responded “More than half the time.” +Written Letters and Memos— 33% responded “Every day.” +Spend Time Making Repetitive Motions— 52% responded “More than half the time.” +Conflict Situations— 40% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 51% responded “More than half the time.” +Exposed to Hazardous Conditions— 54% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 24% responded “Once a month or more but not every week.” +Public Speaking— 43% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 45% responded “About half the time.” +Physical Proximity— 34% responded “Slightly close (e.g., shared office).” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 35% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Emergency Management Directors +Fire Inspectors and Investigators +Fire-Prevention and Protection Engineers +Firefighters +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Firefighting and Prevention Workers +Forest and Conservation Technicians +Foresters +Occupational Health and Safety Specialists +Bright Outlook +Range Managers","View the list of Allies +International Association of Arson Investigators +external site +National Association of Fire Investigators +external site +National Fire Protection Association +external site",71,,31,62,49,76,67,69,56,37,21,68,35,64,17,64,54,56,12,60,40,31,33,42,27,38,33,43,46,34,54,2,32 +25-1061.00,"Anthropology and Archeology Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1061.00,2025-06-11T19:00:03.991230,"Conduct research in a particular field of knowledge and present findings in professional journals, books, electronic media, or at professional conferences. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Prepare and deliver lectures to undergraduate or graduate students on topics such as research methods, urban anthropology, and language and culture. +Initiate, facilitate, and moderate classroom discussions. +Evaluate and grade students' class work, assignments, and papers. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Advise students on academic and vocational curricula, career issues, and laboratory and field research. +Maintain student attendance records, grades, and other required records. +Compile, administer, and grade examinations, or assign this work to others. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Supervise students' laboratory or field work. +Supervise undergraduate or graduate teaching, internship, and research work. +Write grant proposals to procure external research funding and review others' grant proposals. +Maintain regularly scheduled office hours to advise and assist students. +Write letters of recommendation for students. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Collaborate with colleagues to address teaching and research issues. +Perform administrative duties, such as serving as department head. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Compile bibliographies of specialized materials for outside reading assignments. +Review manuscripts for publication in books and professional journals. +Participate in student recruitment, registration, and placement activities. +Participate in campus and community events. +Conduct ethnographic field research. +Provide professional consulting services to government or industry. +Act as advisers to student organizations. +Hire new faculty.","Analytical or scientific software— IBM SPSS Statistics +Calendar and scheduling software +Computer aided design CAD software— GibbsCAM +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Data base user interface and query software— Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS Geostatistical Analyst; ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS software;3 more +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Map creation software— Golden Software Surfer +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Digitizing software; Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Dreamweaver +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Teach social science courses at the college level. +Guide class discussions. +Evaluate student work. +Develop instructional materials. +Conduct anthropological or archaeological research. +Advise students on academic or career matters. +Administer tests to assess educational needs or progress. +Maintain student records. +Prepare tests. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Supervise student research or internship work. +Supervise laboratory work. +Write grant proposals. +Write reports or evaluations. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Compile specialized bibliographies or lists of materials. +Serve on institutional or departmental committees. +Evaluate scholarly materials. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 89% responded “Every day.” +Freedom to Make Decisions— 71% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 66% responded “Every day.” +Determine Tasks, Priorities and Goals— 64% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Contact With Others— 56% responded “Constant contact with others.” +Public Speaking— 50% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Level of Competition— 41% responded “Extremely competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Spend Time Sitting— 41% responded “More than half the time.” +Time Pressure— 42% responded “Once a month or more but not every week.” +Telephone Conversations— 36% responded “Once a month or more but not every week.” +Frequency of Decision Making— 29% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 37% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Deal With External Customers or the Public in General— 27% responded “Extremely important.” +Written Letters and Memos— 44% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Foreign Language— Knowledge of the structure and content of a foreign (non-English) language including the meaning and spelling of words, rules of composition and grammar, and pronunciation. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Far Vision— The ability to see details at a distance. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Education Teachers, Postsecondary +English Language and Literature Teachers, Postsecondary +Geography Teachers, Postsecondary +History Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Political Science Teachers, Postsecondary +Psychology Teachers, Postsecondary +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +American Anthropological Association +external site +African Studies Association +external site +American Association for the Advancement of Science +external site +American Association of Biological Anthropologists +external site +American Ethnological Society +external site +American Society for Ethnohistory +external site +Archaeological Institute of America +external site +Association for Social Anthropology in Oceania +external site +Council of Graduate Schools +external site +Latin American Studies Association +external site +Register of Professional Archaeologists +external site +Society for American Archaeology +external site +Society for Applied Anthropology +external site +Society for Historical Archaeology +external site +Society for Medical Anthropology +external site",50,20,4,99,56,43,26,86,57,32,20,39,30,55,62,38,60,15,60,21,59,40,99,20,40,16,14,24,49,25,80,28,96 +33-9021.00,Private Detectives and Investigators,https://www.onetonline.org/link/summary/33-9021.00,2025-06-11T19:11:03.546311,"Write reports or case summaries to document investigations. +Conduct private investigations on a paid basis. +Search computer databases, credit reports, public records, tax or legal filings, or other resources to locate persons or to compile information for investigations. +Conduct personal background investigations, such as pre-employment checks, to obtain information about an individual's character, financial status, or personal history. +Expose fraudulent insurance claims or stolen funds. +Obtain and analyze information on suspects, crimes, or disturbances to solve cases, to identify criminal activity, or to gather information for court cases. +Testify at hearings or court trials to present evidence. +Question persons to obtain evidence for cases of divorce, child custody, or missing persons or information about individuals' character or financial status. +Observe and document activities of individuals to detect unlawful acts or to obtain evidence for cases, using binoculars and still or video cameras. +Confer with establishment officials, security departments, police, or postal officials to identify problems, provide information, or receive instructions. +Investigate companies' financial standings, or locate funds stolen by embezzlers, using accounting skills. +Perform undercover operations, such as evaluating the performance or honesty of employees by posing as customers or employees. +Alert appropriate personnel to suspects' locations. +Count cash and review transactions, sales checks, or register tapes to verify amounts or to identify shortages. +Serve documents to parties named in legal proceedings. +Use advanced technology, such as drones, GPS trackers, and surveillance cameras, to facilitate investigations.","Data base user interface and query software— Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Computer imaging software +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Prepare investigation or incident reports. +Investigate personal characteristics or activities of individuals. +Examine records or other types of data to investigate criminal activities. +Use databases to locate investigation details or other information. +Investigate crimes committed within organizations. +Interview people to obtain information about actions or status of individuals. +Testify at legal or legislative proceedings. +Observe individuals' activities to gather information or compile evidence. +Record crime or accident scene evidence with video or still cameras. +Communicate situation details to appropriate personnel. +Balance receipts. +Collaborate with law enforcement or security agencies to respond to incidents.","Telephone Conversations— 94% responded “Every day.” +E-Mail— 80% responded “Every day.” +Importance of Being Exact or Accurate— 80% responded “Extremely important.” +Freedom to Make Decisions— 64% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 60% responded “A lot of freedom.” +Contact With Others— 56% responded “Constant contact with others.” +Time Pressure— 46% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Spend Time Sitting— 47% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 49% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Frequency of Decision Making— 46% responded “Every day.” +Written Letters and Memos— 49% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 52% responded “Every day.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 32% responded “Important.” +Work With or Contribute to a Work Group or Team— 31% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 31% responded “Every day.” +Work Outcomes and Results of Other Workers— 37% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a month or more but not every week.” +Physical Proximity— 37% responded “Moderately close (at arm's length).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Claims Adjusters, Examiners, and Investigators +Detectives and Criminal Investigators +First-Line Supervisors of Police and Detectives +Forensic Science Technicians +Bright Outlook +Fraud Examiners, Investigators and Analysts +Government Property Inspectors and Investigators +Intelligence Analysts +Police and Sheriff's Patrol Officers +Police Identification and Records Officers +Retail Loss Prevention Specialists","View the list of Allies +ASIS International +external site +Federal Law Enforcement Officers Association +external site +Fraternal Order of Police +external site +Intellenet +external site +National Association of Legal Investigators +external site +National Association of Professional Process Servers +external site +National Council of Investigation and Security Services +external site +Organization of Racing Investigators +external site +World Association of Detectives +external site +Association of Certified Fraud Examiners +external site",79,2,15,80,34,63,61,41,64,36,39,39,8,64,18,76,45,11,24,30,58,12,35,35,15,10,11,5,8,9,27,8,15 +13-1141.00,"Compensation, Benefits, and Job Analysis Specialists",https://www.onetonline.org/link/summary/13-1141.00,2025-06-11T18:50:13.856772,"Administer employee insurance, pension, and savings plans, working with insurance brokers and plan carriers. +Ensure company compliance with federal and state laws, including reporting requirements. +Research employee benefit and health and safety practices, and recommend changes or modifications to existing policies. +Advise managers and employees on state and federal employment regulations, collective agreements, benefit and compensation policies, personnel procedures, and classification programs. +Plan and develop curricula and materials for training programs and conduct training. +Assist in preparing and maintaining personnel records and handbooks. +Develop and administer compensation programs, such as merit or incentive pay. +Evaluate job positions, determining classification, exempt or non-exempt status, and salary. +Prepare occupational classifications, job descriptions, and salary scales. +Consult with, or serve as, technical liaison between business, industry, government, and union officials. +Perform multifactor data and cost analyses that may be used in areas such as support of collective bargaining agreements. +Develop, implement, administer, and evaluate personnel and labor relations programs, including performance appraisal, affirmative action, and employment equity programs. +Provide advice on the resolution of classification and salary complaints. +Negotiate collective agreements on behalf of employers or workers, and mediate labor disputes and grievances. +Analyze organizational, occupational, and industrial data to facilitate organizational functions and provide technical information to business, industry, and government. +Assess need for and develop job analysis instruments and materials. +Observe, interview, and survey employees and conduct focus group meetings to collect job, organizational, and occupational information. +Plan, develop, evaluate, improve, and communicate methods and techniques for selecting, promoting, compensating, evaluating, and training workers. +Research job and worker requirements, structural and functional relationships among jobs and occupations, and occupational trends. +Prepare reports, such as organization and flow charts and career path reports, to summarize job analysis and evaluation and compensation analysis information. +Advise staff of individuals' qualifications. +Prepare research results for publication in form of journals, books, manuals, and film.","Analytical or scientific software— IBM SPSS Statistics; SAS +Business intelligence and data analysis software— IBM Cognos Impromptu; MicroStrategy +Data base management system software— Relational database management software +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; O*NET OnLine; Structured query language SQL;2 more +Development environment software— Microsoft Visual Basic +Document management software— Actuarial Systems Corporation Document Generation and Management System; Document management system software; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software; Workday software;3 more +Human resources software— Actuarial Systems Corporation Defined Benefit System; Human resource management software HRMS; Oracle E-Business Suite Human Resources Management System; Oracle Taleo;53 more +Internet browser software— Microsoft Internet Explorer +Medical software— Healthcare common procedure coding system HCPCS; Medical condition coding software; Medical procedure coding software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Project planning software +Spreadsheet software— Microsoft Excel +Time accounting software— ADP Enterprise eTIME; Kronos Workforce Timekeeper; Sage HRMS +Web page creation and editing software— LinkedIn +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Oversee business processes. +Monitor organizational compliance with regulations. +Administer compensation or benefits programs. +Develop organizational policies or programs. +Advise others on human resources topics. +Evaluate effectiveness of personnel policies or practices. +Analyze jobs using observation, survey, or interview techniques. +Communicate with government agencies. +Establish business management methods. +Analyze business or financial data. +Arrange collective bargaining agreements. +Inform individuals or organizations of status or findings. +Conduct surveys in organizations. +Maintain personnel records. +Train personnel in organizational or compliance procedures. +Prepare operational reports. +Prepare research reports.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Spend Time Sitting— 71% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Contact With Others— 48% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Determine Tasks, Priorities and Goals— 62% responded “Some freedom.” +Frequency of Decision Making— 43% responded “Every day.” +Duration of Typical Work Week— 57% responded “40 hours.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Importance of Repeating Same Tasks— 52% responded “Very important.” +Written Letters and Memos— 38% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.” +Deal With External Customers or the Public in General— 38% responded “Very important.” +Spend Time Making Repetitive Motions— 29% responded “Continually or almost continually.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Services Managers +Bright Outlook +Budget Analysts +Compensation and Benefits Managers +Eligibility Interviewers, Government Programs +Equal Opportunity Representatives and Officers +First-Line Supervisors of Office and Administrative Support Workers +Human Resources Assistants, Except Payroll and Timekeeping +Human Resources Managers +Human Resources Specialists +Labor Relations Specialists","View the list of Allies +College and University Professional Association for Human Resources +external site +Employee Benefit Research Institute +external site +International Foundation of Employee Benefit Plans +external site +Public Sector HR Association +external site +Society for Human Resource Management +external site +International Society of Certified Employee Benefit Specialists +external site +American Management Association +external site +WorldatWork +external site",70,4,20,74,69,64,30,46,55,56,24,81,12,51,13,50,49,8,6,16,31,23,25,23,20,12,10,6,12,17,20,5,7 +47-2022.00,Stonemasons,https://www.onetonline.org/link/summary/47-2022.00,2025-06-11T19:18:08.788892,"Lay out wall patterns or foundations, using straight edge, rule, or staked lines. +Shape, trim, face and cut marble or stone preparatory to setting, using power saws, cutting equipment, and hand tools. +Set vertical and horizontal alignment of structures, using plumb bob, gauge line, and level. +Mix mortar or grout and pour or spread mortar or grout on marble slabs, stone, or foundation. +Remove wedges, fill joints between stones, finish joints between stones, using a trowel, and smooth the mortar to an attractive finish, using a tuck pointer. +Set stone or marble in place, according to layout or pattern. +Clean excess mortar or grout from surface of marble, stone, or monument, using sponge, brush, water, or acid. +Lay brick to build shells of chimneys and smokestacks or to line or reline industrial furnaces, kilns, boilers and similar installations. +Replace broken or missing masonry units in walls or floors. +Smooth, polish, and bevel surfaces, using hand tools and power tools. +Drill holes in marble or ornamental stone and anchor brackets in holes. +Repair cracked or chipped areas of stone or marble, using blowtorch and mastic, and remove rough or defective spots from concrete, using power grinder or chisel and hammer. +Remove sections of monument from truck bed, and guide stone onto foundation, using skids, hoist, or truck crane. +Construct and install prefabricated masonry units. +Dig trench for foundation of monument, using pick and shovel. +Position mold along guidelines of wall, press mold in place, and remove mold and paper from wall. +Line interiors of molds with treated paper and fill molds with composition-stone mixture.","Access software— Citrix cloud computing software +Accounting software— Intuit QuickBooks +Analytical or scientific software— Gregg Software Gregg Rock-It; ProEst Software ProEst Estimating; Tradesman's Software Master Estimator +Computer aided design CAD software— RISA Technologies RISA-3D +Enterprise resource planning ERP software— SAP software +Network security or virtual private network VPN management software— Virtual private networking VPN software +Office suite software— Microsoft Office software +Project management software— CPR Visual Estimator +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Mark reference points on construction materials. +Cut tile, stone, or other masonry materials. +Align masonry materials. +Apply mortar. +Mix substances or compounds needed for work activities. +Spread concrete or other aggregate mixtures. +Apply decorative masonry finishes. +Remove excess materials from finished construction projects. +Install masonry materials. +Smooth surfaces with abrasive materials or tools. +Drill holes in construction materials. +Operate cranes, hoists, or other moving or lifting equipment. +Dig holes or trenches. +Position construction forms or molds. +Load materials into construction equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 85% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 83% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 80% responded “Every day.” +Freedom to Make Decisions +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Contact With Others +Spend Time Standing— 17% responded “More than half the time.” +Physical Proximity +Determine Tasks, Priorities and Goals— 12% responded “Very little freedom.” +Work Outcomes and Results of Other Workers— 34% responded “Very high responsibility.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 21% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 31% responded “Extremely important.” +Telephone Conversations— 12% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 18% responded “More than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 14% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 21% responded “Moderate results.” +Importance of Being Exact or Accurate— 29% responded “Extremely important.” +Spend Time Walking or Running— 22% responded “Less than half the time.” +Health and Safety of Other Workers— 13% responded “Limited responsibility.” +Exposed to Very Hot or Cold Temperatures— 17% responded “Every day.” +Time Pressure— 21% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment +Level of Competition— 11% responded “Extremely competitive.” +Duration of Typical Work Week— 77% responded “40 hours.” +Frequency of Decision Making— 28% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions +Exposed to Minor Burns, Cuts, Bites, or Stings— 24% responded “Once a year or more but not every month.” +Exposed to High Places— 66% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.","Brickmasons and Blockmasons +Carpenters +Cement Masons and Concrete Finishers +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Segmental Pavers +Stone Cutters and Carvers, Manufacturing +Terrazzo Workers and Finishers +Tile and Stone Setters","View the list of Allies +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Concrete Masonry and Hardscapes Association +external site +Home Builders Institute +external site +International Masonry Institute +external site +Mason Contractors Association of America +external site +National Association of Home Builders +external site +National Terrazzo and Mosaic Association +external site +Operative Plasterers' and Cement Masons' International Association +external site +International Union of Bricklayers and Allied Craftworkers +external site +National Center for Construction Education and Research +external site",13,5,14,49,79,26,61,56,24,6,9,7,31,5,26,32,30,58,1,33,38,7,3,16,1,27,75,33,1,60,16,1,2 +27-1025.00,Interior Designers,https://www.onetonline.org/link/summary/27-1025.00,2025-06-11T19:02:50.775809,"Design plans to be safe and to be compliant with the American Disabilities Act (ADA). +Use computer-aided drafting (CAD) and related software to produce construction documents. +Research health and safety code requirements to inform design. +Confer with client to determine factors affecting planning of interior environments, such as budget, architectural preferences, purpose, and function. +Advise client on interior design factors, such as space planning, layout and use of furnishings or equipment, and color coordination. +Coordinate with other professionals, such as contractors, architects, engineers, and plumbers, to ensure job success. +Review and detail shop drawings for construction plans. +Inspect construction work on site to ensure its adherence to the design plans. +Render design ideas in form of paste-ups or drawings. +Subcontract fabrication, installation, and arrangement of carpeting, fixtures, accessories, draperies, paint and wall coverings, art work, furniture, and related items. +Select or design, and purchase furnishings, art work, and accessories. +Estimate material requirements and costs, and present design to client for approval. +Research and explore the use of new materials, technologies, and products to incorporate into designs. +Design spaces to be environmentally friendly, using sustainable, recycled materials when feasible. +Formulate environmental plan to be practical, esthetic, and conducive to intended purposes, such as raising productivity or selling merchandise. +Plan and design interior environments for boats, planes, buses, trains, and other enclosed spaces.","Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Computer aided design and drafting software CADD; Trimble SketchUp Pro;8 more +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; iPhotoMEASURE +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Autodesk 3ds Max; Maxon Cinema 4D +Word processing software— Microsoft Word","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Draw detailed or technical illustrations. +Plan facility layouts or designs. +Conduct research to inform art, designs, or other work. +Update professional knowledge. +Confer with clients to determine needs. +Coordinate construction or installation activities. +Inspect facilities or sites to determine if they meet specifications or standards. +Review details of technical drawings or specifications. +Maintain inventories of materials, equipment, or products. +Select materials or props. +Estimate costs for projects or productions. +Present work to clients for approval. +Incorporate green features into the design of structures or facilities. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes.","E-Mail— 96% responded “Every day.” +Telephone Conversations— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Contact With Others— 72% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Spend Time Sitting— 60% responded “More than half the time.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Level of Competition— 42% responded “Highly competitive.” +Written Letters and Memos— 33% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Frequency of Decision Making— 38% responded “Every day.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Work Outcomes and Results of Other Workers— 42% responded “High responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Instructing— Teaching others how to do something. +Mathematics— Using mathematics to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Architectural and Civil Drafters +Art Directors +Commercial and Industrial Designers +Craft Artists +Fashion Designers +Graphic Designers +Landscape Architects +Mechanical Drafters +Merchandise Displayers and Window Trimmers +Set and Exhibit Designers","View the list of Allies +American Society of Interior Designers +external site +International Interior Design Association +external site +American Institute of Architects +external site +National Association of Schools of Art and Design +external site +National Kitchen and Bath Association +external site +USGBC +external site +American Academy of Healthcare Interior Designers +external site +Council for Interior Design Accreditation +external site +Council for Interior Design Qualification +external site",87,4,48,78,49,66,60,36,53,43,69,50,11,63,14,33,39,38,18,18,52,14,37,26,9,36,81,18,11,97,20,58,24 +33-3041.00,Parking Enforcement Workers,https://www.onetonline.org/link/summary/33-3041.00,2025-06-11T19:10:49.479543,"Enter and retrieve information pertaining to vehicle registration, identification, and status, using hand-held computers. +Patrol an assigned area by vehicle or on foot to ensure public compliance with existing parking ordinance. +Write warnings and citations for illegally parked vehicles. +Appear in court at hearings regarding contested traffic citations. +Maintain assigned equipment and supplies, such as hand-held citation computers, citation books, rain gear, tire-marking chalk, and street cones. +Respond to and make radio dispatch calls regarding parking violations and complaints. +Maintain close communications with dispatching personnel, using two-way radios or cell phones. +Perform simple vehicle maintenance procedures, such as checking oil and gas, and report mechanical problems to supervisors. +Observe and report hazardous conditions, such as missing traffic signals or signs, and street markings that need to be repainted. +Identify vehicles in violation of parking codes, checking with dispatchers when necessary to confirm identities or to determine whether vehicles need to be booted or towed. +Train new or temporary staff. +Make arrangements for illegally parked or abandoned vehicles to be towed, and direct tow-truck drivers to the correct vehicles. +Investigate and answer complaints regarding contested parking citations, determining their validity and routing them appropriately. +Provide information to the public regarding parking regulations and facilities, and the location of streets, buildings and points of interest. +Prepare and maintain required records, including logs of parking enforcement activities, and records of contested citations. +Perform traffic control duties such as setting up barricades and temporary signs, placing bags on parking meters to limit their use, or directing traffic. +Mark tires of parked vehicles with chalk and record time of marking, and return at regular intervals to ensure that parking time limits are not exceeded. +Locate lost, stolen, and counterfeit parking permits, and take necessary enforcement action. +Collect coins deposited in meters. +Wind parking meter clocks. +Provide assistance to motorists needing help with problems, such as flat tires, keys locked in cars, or dead batteries. +Assign and review the work of subordinates.","Data base user interface and query software— Complus Data Innovations FastTrack; Integrated Parking Solutions MApp; Microsoft Access; Vehicle information databases;1 more +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Use databases to locate investigation details or other information. +Patrol properties to maintain safety. +Issue warnings or citations. +Relay information about incidents or emergencies to personnel using phones or two-way radios. +Maintain supply or equipment inventories. +Testify at legal or legislative proceedings. +Communicate situation details to appropriate personnel. +Locate suspicious objects or vehicles. +Monitor environmental conditions to detect hazards. +Train employees in proper work procedures. +Monitor vehicle movement or location. +Confiscate prohibited or dangerous items. +Investigate transportation incidents, violations, or complaints. +Relay information between personnel. +Respond to customer problems or complaints. +Inform the public about policies, services or procedures. +Collect deposits, payments or fees. +Maintain operational records. +Maintain mechanical equipment. +Assist motorists or pedestrians. +Evaluate employee performance. +Block physical access to restricted areas. +Direct vehicle traffic.","Outdoors, Exposed to All Weather Conditions— 99% responded “Every day.” +Frequency of Decision Making— 96% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 88% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 78% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People +Deal With External Customers or the Public in General— 63% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 37% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Contact With Others— 46% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Conflict Situations— 45% responded “Once a month or more but not every week.” +Determine Tasks, Priorities and Goals— 21% responded “A lot of freedom.” +Spend Time Sitting— 36% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 45% responded “Very important.” +Spend Time Walking or Running— 20% responded “Continually or almost continually.” +Exposed to Contaminants— 25% responded “Never.” +Spend Time Standing— 57% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 65% responded “Very important.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Far Vision— The ability to see details at a distance. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges.","Crossing Guards and Flaggers +Dispatchers, Except Police, Fire, and Ambulance +Highway Maintenance Workers +Parking Attendants +Railroad Conductors and Yardmasters +Security Guards +Bright Outlook +Shuttle Drivers and Chauffeurs +Traffic Technicians +Transit and Railroad Police +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +American Public Works Association +external site +Association for Commuter Transportation +external site +National Association of Police Organizations +external site +National Parking Association +external site",34,11,30,69,39,42,68,52,32,28,12,36,21,54,44,57,40,25,22,43,44,27,33,30,32,28,17,33,25,18,25,20,26 +51-4192.00,"Layout Workers, Metal and Plastic",https://www.onetonline.org/link/summary/51-4192.00,2025-06-11T19:25:29.722277,"Mark curves, lines, holes, dimensions, and welding symbols onto workpieces, using scribes, soapstones, punches, and hand drills. +Plan locations and sequences of cutting, drilling, bending, rolling, punching, and welding operations, using compasses, protractors, dividers, and rules. +Fit and align fabricated parts to be welded or assembled. +Locate center lines and verify template positions, using measuring instruments such as gauge blocks, height gauges, and dial indicators. +Plan and develop layouts from blueprints and templates, applying knowledge of trigonometry, design, effects of heat, and properties of metals. +Lay out and fabricate metal structural parts such as plates, bulkheads, and frames. +Compute layout dimensions, and determine and mark reference points on metal stock or workpieces for further processing, such as welding and assembly. +Lift and position workpieces in relation to surface plates, manually or with hoists, and using parallel blocks and angle plates. +Design and prepare templates of wood, paper, or metal. +Install doors, hatches, brackets, and clips. +Brace parts in position within hulls or ships for riveting or welding. +Inspect machined parts to verify conformance to specifications. +Add dimensional details to blueprints or drawings made by other workers. +Apply pigment to layout surfaces, using paint brushes.","Computer aided design CAD software— Autodesk AutoCAD +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Procedure management software— Hexagon Metrology PC-DMIS; Optical Gaging Products Measure-X +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Draw guide lines or markings on materials or workpieces using patterns or other references. +Align parts or workpieces to ensure proper assembly. +Plan production or operational procedures or sequences. +Design templates or patterns. +Assemble metal or plastic parts or products. +Lay out parts to prepare for assembly. +Calculate dimensions of workpieces, products, or equipment. +Attach decorative or functional accessories to products. +Lift materials or workpieces using cranes or other lifting equipment. +Assemble metal structures. +Inspect metal, plastic, or composite products. +Create diagrams or blueprints for workpieces or products. +Construct patterns, templates, or other work aids. +Apply protective or decorative finishes to workpieces or products.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Importance of Being Exact or Accurate— 69% responded “Extremely important.” +Exposed to Contaminants— 87% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 65% responded “Every day.” +Time Pressure— 66% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Indoors, Not Environmentally Controlled— 80% responded “Every day.” +Spend Time Standing— 55% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Exposed to Very Hot or Cold Temperatures— 70% responded “Every day.” +Exposed to Hazardous Equipment— 66% responded “Every day.” +Spend Time Walking or Running— 44% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 52% responded “Every day.” +Contact With Others— 45% responded “Constant contact with others.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 61% responded “Every day.” +Spend Time Making Repetitive Motions— 36% responded “Continually or almost continually.” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 37% responded “Very important.” +Spend Time Bending or Twisting Your Body— 36% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Very important.” +Determine Tasks, Priorities and Goals— 36% responded “Some freedom.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Consequence of Error— 45% responded “Very serious.” +Exposed to Hazardous Conditions— 35% responded “Never.” +Frequency of Decision Making— 41% responded “Every day.” +Work Outcomes and Results of Other Workers— 32% responded “High responsibility.” +Level of Competition— 27% responded “Highly competitive.”","Mathematics— Using mathematics to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Engine and Other Machine Assemblers +Model Makers, Metal and Plastic +Molders, Shapers, and Casters, Except Metal and Plastic +Patternmakers, Metal and Plastic +Patternmakers, Wood +Sheet Metal Workers +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters +Tool and Die Makers","View the list of Allies +Steel Manufacturers Association +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site",49,7,59,58,77,57,36,51,28,21,22,35,20,52,3,18,22,63,9,33,20,3,11,17,5,58,57,32,7,70,16,1,1 +11-9161.00,Emergency Management Directors,https://www.onetonline.org/link/summary/11-9161.00,2025-06-11T18:48:36.314796,"Consult with officials of local and area governments, schools, hospitals, and other institutions to determine their needs and capabilities in the event of a natural disaster or other emergency. +Develop and maintain liaisons with municipalities, county departments, and similar entities to facilitate plan development, response effort coordination, and exchanges of personnel and equipment. +Coordinate disaster response or crisis management activities, such as ordering evacuations, opening public shelters, and implementing special needs plans and programs. +Prepare emergency situation status reports that describe response and recovery efforts, needs, and preliminary damage assessments. +Maintain and update all resource materials associated with emergency preparedness plans. +Prepare plans that outline operating procedures to be used in response to disasters or emergencies, such as hurricanes, nuclear accidents, and terrorist attacks, and in recovery from these events. +Develop and perform tests and evaluations of emergency management plans in accordance with state and federal regulations. +Collaborate with other officials to prepare and analyze damage assessments following disasters or emergencies. +Design and administer emergency or disaster preparedness training courses that teach people how to effectively respond to major emergencies and disasters. +Keep informed of activities or changes that could affect the likelihood of an emergency, response efforts, or plan implementation. +Inspect facilities and equipment, such as emergency management centers and communications equipment, to determine their operational and functional capabilities in emergency situations. +Review emergency plans of individual organizations, such as medical facilities, to ensure their adequacy. +Keep informed of federal, state, and local regulations affecting emergency plans, and ensure that plans adhere to those regulations. +Conduct surveys to determine the types of emergency-related needs to be addressed in disaster planning, or provide technical support to others conducting such surveys. +Attend meetings, conferences, and workshops related to emergency management to learn new information and to develop working relationships with other emergency management specialists. +Propose alteration of emergency response procedures, based on regulatory changes, technological changes, or knowledge gained from outcomes of previous emergency situations. +Develop instructional materials for the public and make presentations to citizens' groups to provide information on emergency plans and their implementation processes. +Apply for federal funding for emergency-management-related needs, and administer and report on the progress of such grants. +Train local groups in the preparation of long-term plans that are compatible with federal and state plans. +Provide communities with assistance in applying for federal funding for emergency management facilities, radiological instrumentation, and related items. +Study emergency plans used elsewhere to gather information for plan development. +Develop and implement training procedures and strategies for radiological protection, detection, and decontamination. +Inventory and distribute nuclear, biological, and chemical detection and contamination equipment, providing instruction in its maintenance and use.","Analytical or scientific software— Statistical software +Data base user interface and query software— Emergency Managers Weather Information Network EMWIN; Federal Emergency Management Information System FEMIS; Relational database software; SoftRisk Technologies SoftRisk SQL +Desktop publishing software +Document management software— Microsoft SharePoint +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— Sungard Assurance +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Map creation software— Digital Engineering Corporation E-MAPS; MapInfo Professional +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Alert Technologies OpsCenter; Emergency Services Integrators ESi WebEOC; National Center for Crisis and Continuity Coordination NC4 E Team +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Communicate with government agencies. +Coordinate operational activities with external stakeholders. +Establish interpersonal business relationships to facilitate work activities. +Coordinate special events or programs. +Maintain operational records. +Prepare reports related to compliance matters. +Develop emergency response plans or procedures. +Evaluate program effectiveness. +Confer with organizational members to accomplish work activities. +Develop training materials. +Maintain knowledge of current developments in area of expertise. +Inspect condition or functioning of facilities or equipment. +Determine operational compliance with regulations or standards. +Conduct opinion surveys or needs assessments. +Recommend organizational process or policy changes. +Present information to the public. +Prepare operational progress or status reports. +Prepare proposals or grant applications to obtain project funding. +Teach safety standards or environmental compliance methods. +Advise others on legal or regulatory compliance matters. +Develop safety standards, policies, or procedures. +Implement organizational process or policy changes. +Communicate organizational policies and procedures. +Manage inventories of products or organizational resources.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 81% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +Contact With Others— 55% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Freedom to Make Decisions— 45% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +Deal With External Customers or the Public in General— 55% responded “Very important.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Written Letters and Memos— 52% responded “Once a week or more but not every day.” +Spend Time Sitting— 64% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 50% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 41% responded “Once a week or more but not every day.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Frequency of Decision Making— 33% responded “Once a year or more but not every month.” +Level of Competition— 36% responded “Highly competitive.” +Conflict Situations— 41% responded “Once a month or more but not every week.”","Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design. +Mathematics— Using mathematics to solve problems.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Business Continuity Planners +Bright Outlook +Compliance Managers +Forest Fire Inspectors and Prevention Specialists +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Information Security Engineers +Loss Prevention Managers +Management Analysts +Occupational Health and Safety Specialists +Security Management Specialists +Security Managers","View the list of Allies +ASIS International +external site +International Association of Emergency Managers +external site +American Society for Public Administration +external site +American Society of Safety Professionals +external site +American Water Works Association +external site +APCO International +external site +National Emergency Management Association +external site +National Fire Protection Association +external site +National Tactical Officers Association +external site +NENA The 9-1-1 Association +external site +Nuclear Energy Institute +external site +The International Association for Disaster Preparedness and Response +external site +Water Environment Federation +external site +Disaster Recovery Institute International +external site",73,19,32,74,42,81,93,72,54,48,40,63,32,63,32,80,76,32,23,58,48,35,46,73,26,40,41,30,26,28,57,6,26 +11-9033.00,"Education Administrators, Postsecondary",https://www.onetonline.org/link/summary/11-9033.00,2025-06-11T18:47:58.245875,"Design or use assessments to monitor student learning outcomes. +Recruit, hire, train, and terminate departmental personnel. +Direct, coordinate, and evaluate the activities of personnel, including support staff engaged in administering academic institutions, departments, or alumni organizations. +Advise students on issues such as course selection, progress toward graduation, and career decisions. +Plan, administer, and control budgets, maintain financial records, and produce financial reports. +Formulate strategic plans for the institution. +Establish operational policies and procedures and make any necessary modifications, based on analysis of operations, demographics, and other research information. +Provide assistance to faculty and staff in duties such as teaching classes, conducting orientation programs, issuing transcripts, and scheduling events. +Represent institutions at community and campus events, in meetings with other institution personnel, and during accreditation processes. +Prepare reports on academic or institutional data. +Promote the university by participating in community, state, and national events or meetings, and by developing partnerships with industry and secondary education institutions. +Participate in faculty and college committee activities. +Direct activities of administrative departments, such as admissions, registration, and career services. +Appoint individuals to faculty positions, and evaluate their performance. +Develop curricula, and recommend curricula revisions and additions. +Consult with government regulatory and licensing agencies to ensure the institution's conformance with applicable standards. +Participate in student recruitment, selection, and admission, making admissions recommendations when required to do so. +Determine course schedules, and coordinate teaching assignments and room assignments to ensure optimum use of buildings and equipment. +Teach courses within their department. +Review student misconduct reports requiring disciplinary action, and counsel students regarding such reports. +Review registration statistics, and consult with faculty officials to develop registration policies. +Confer with other academic staff to explain and formulate admission requirements and course credit policies. +Direct scholarship, fellowship, and loan programs, performing activities such as selecting recipients and distributing aid. +Direct and participate in institutional fundraising activities, and encourage alumni participation in such activities. +Coordinate the production and dissemination of university publications, such as course catalogs and class schedules. +Write grants to procure external funding, and supervise grant-funded projects. +Plan and promote sporting events and social, cultural, and recreational activities.","Accounting software— Fund accounting software; Sage 50 Accounting +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; StataCorp Stata +Business intelligence and data analysis software— IBM Cognos Impromptu +Cloud-based data access and sharing software— Google Drive +Computer based training software— Common Curriculum; Instructure Canvas; Moodle; Schoology +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Blackboard software; Database software; Microsoft Access; Nolij Corporation Nolij Transfer;3 more +Desktop communications software— ParentSquare +Desktop publishing software— Microsoft Publisher +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; Oracle PeopleSoft Financials; SAP software;4 more +Facilities management software— CollegeNET Schedule 25 +Human resources software— Human resource management software HRMS +Instant messaging software— GroupMe +Internet browser software— Web browser software +Mobile messaging service software— Intrado SchoolMessenger +Office suite software— Microsoft Office software +Presentation software— Mentimeter; Microsoft PowerPoint; Pear Deck; Poll Everywhere +Process mapping and design software— Microsoft Visio +Project management software— Ellucian Degree Works; Google Classroom; Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Screencastify; YouTube +Web page creation and editing software— Adobe Dreamweaver; Facebook; Google Sites; Social media sites;1 more +Web platform development software— Hypertext markup language HTML +Word processing software— Google Docs; Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Direct administrative or support services. +Evaluate employee performance. +Develop educational goals, standards, policies, or procedures. +Manage human resources activities. +Recommend organizational process or policy changes. +Administer tests to assess educational needs or progress. +Prepare tests. +Recruit personnel. +Conduct employee training programs. +Hire personnel. +Supervise employees. +Advise others on career or personal development. +Communicate with government agencies. +Prepare financial documents, reports, or budgets. +Prepare operational budgets. +Develop operating strategies, plans, or procedures. +Schedule activities or facility use. +Develop organizational policies or programs. +Prepare forms or applications. +Prepare staff schedules or work assignments. +Represent the organization in external relations. +Prepare operational reports or records. +Prepare reports detailing student activities or performance. +Serve on institutional or departmental committees. +Advise students on academic or career matters. +Monitor student performance. +Teach classes in area of specialization. +Confer with organizational members to accomplish work activities. +Analyze data to inform operational decisions or activities. +Manage outreach activities. +Manage operations, research, or logistics projects. +Prepare proposals or grant applications to obtain project funding. +Coordinate special events or programs.","E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Determine Tasks, Priorities and Goals— 73% responded “A lot of freedom.” +Freedom to Make Decisions— 66% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Very important results.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Contact With Others— 63% responded “Constant contact with others.” +Frequency of Decision Making— 57% responded “Every day.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Duration of Typical Work Week— 77% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Very important.” +Importance of Being Exact or Accurate— 47% responded “Very important.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Time Pressure— 57% responded “Once a week or more but not every day.” +Spend Time Sitting— 48% responded “More than half the time.” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.” +Conflict Situations— 38% responded “Once a week or more but not every day.” +Public Speaking— 46% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Education Administrators, Kindergarten through Secondary +Education and Childcare Administrators, Preschool and Daycare +Education Teachers, Postsecondary +Educational, Guidance, and Career Counselors and Advisors +Instructional Coordinators +Library Science Teachers, Postsecondary +Management Analysts +Bright Outlook +Social and Community Service Managers +Teaching Assistants, Postsecondary +Training and Development Managers","View the list of Allies +American Association of College Registrars and Admissions Officers +external site +American Association of Community Colleges +external site +American Association of State Colleges and Universities +external site +American College Personnel Association +external site +Association for Career and Technical Education +external site +Association for Student Conduct Administration +external site +Association of College and University Housing Officers - International +external site +Association of Public and Land-grant Universities +external site +NASPA - Student Affairs Administrators in Higher Education +external site +National Association for College Admission Counseling +external site +National Association of College and University Business Officers +external site +National Association of Colleges and Employers +external site +National Association of Independent Colleges and Universities +external site +National Association of Student Financial Aid Administrators +external site +National Education Association +external site",77,5,22,83,52,79,37,78,57,42,46,60,5,56,15,46,55,5,36,19,52,47,36,24,10,22,5,11,13,22,16,15,16 +27-4031.00,"Camera Operators, Television, Video, and Film",https://www.onetonline.org/link/summary/27-4031.00,2025-06-11T19:04:13.058609,"Compose and frame each shot, applying the technical aspects of light, lenses, film, filters, and camera settings to achieve the effects sought by directors. +Operate television or motion picture cameras to record scenes for television broadcasts, advertising, or motion pictures. +Adjust positions and controls of cameras, printers, and related equipment to change focus, exposure, and lighting. +Confer with directors, sound and lighting technicians, electricians, and other crew members to discuss assignments and determine filming sequences, desired effects, camera movements, and lighting requirements. +Operate zoom lenses, changing images according to specifications and rehearsal instructions. +Observe sets or locations for potential problems and to determine filming and lighting requirements. +Set up and perform live shots for broadcast. +Use cameras in any of several different camera mounts, such as stationary, track-mounted, or crane-mounted. +Test, clean, maintain, and repair broadcast equipment, including testing microphones, to ensure proper working condition. +Edit video for broadcast productions, including non-linear editing. +Instruct camera operators regarding camera setups, angles, distances, movement, and variables and cues for starting and stopping filming. +Assemble studio sets and select and arrange cameras, film stock, audio, or lighting equipment to be used during filming. +Read and analyze work orders and specifications to determine locations of subject material, work procedures, sequences of operations, and machine setups. +View films to resolve problems of exposure control, subject and camera movement, changes in subject distance, and related variables. +Direct studio productions. +Set up cameras, optical printers, and related equipment to produce photographs and special effects. +Read charts and compute ratios to determine variables such as lighting, shutter angles, filter factors, and camera distances. +Set up and operate electric news gathering (ENG) microwave vehicles to gather and edit raw footage on location to send to television affiliates for broadcast. +Write new scripts for broadcasts. +Design graphics for studio productions. +Stay current with new technologies in the field by reading trade magazines. +Operate drones to capture aerial or unique angle footage for film, television, or video productions.","Analytical or scientific software— Litchi; Pix4D Pix4Dcapture +Cloud-based data access and sharing software— Google Drive +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Email software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; TikTok; YouTube;5 more +Web page creation and editing software— Adobe Dreamweaver +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Determine technical requirements of productions or projects. +Operate still or video cameras or related equipment. +Edit audio or video recordings. +Coordinate activities of production personnel. +Set up still or video cameras or related equipment. +Collaborate with others to determine technical details of productions. +Inspect sets or exhibits. +Select materials or props. +Review details of technical drawings or specifications. +Operate communications, transmissions, or broadcasting equipment. +Maintain recording or broadcasting equipment. +Manage content of broadcasts or presentations. +Direct productions or performances. +Write informational material. +Create computer-generated graphics or animation. +Research new technologies.","Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +E-Mail— 84% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 33% responded “Very important.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +Time Pressure— 68% responded “Every day.” +Telephone Conversations— 64% responded “Every day.” +Physical Proximity— 72% responded “Moderately close (at arm's length).” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Very important results.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Consequence of Error— 34% responded “Extremely serious.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 25% responded “Very little freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 30% responded “Every day.” +Frequency of Decision Making— 37% responded “Never.” +Work Outcomes and Results of Other Workers— 35% responded “Limited responsibility.” +Spend Time Making Repetitive Motions— 33% responded “Less than half the time.” +Outdoors, Exposed to All Weather Conditions— 33% responded “Every day.” +Spend Time Standing— 36% responded “Less than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 34% responded “Every day.” +Level of Competition— 30% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Audio and Video Technicians +Avionics Technicians +Bright Outlook +Broadcast Technicians +Camera and Photographic Equipment Repairers +Electro-Mechanical and Mechatronics Technologists and Technicians +Film and Video Editors +Lighting Technicians +Media Technical Directors/Managers +Motion Picture Projectionists +Sound Engineering Technicians","View the list of Allies +Association for Uncrewed Vehicle Systems International +external site +Drone Safety Team +external site +Motion Picture Pilots Association +external site +National Press Photographers Association +external site +Society of Motion Picture and Television Engineers +external site +The National Academy of Television Arts and Sciences +external site +Wedding and Event Videographers Association International +external site +American Guild of Court Videographers +external site +International Alliance of Theatrical Stage Employees, Moving Picture Technicians, Artists and Allied Crafts +external site +International Brotherhood of Electrical Workers +external site +Motion Picture Editors Guild +external site +National Association of Broadcast Employees and Technicians - Communications Workers of America +external site +Society of Broadcast Engineers +external site",41,,41,84,43,32,44,44,30,5,25,22,13,76,10,37,71,35,12,25,16,10,28,70,9,48,15,14,5,25,35,27,28 +35-2014.00,"Cooks, Restaurant",https://www.onetonline.org/link/summary/35-2014.00,2025-06-11T19:11:41.626669,"Inspect and clean food preparation areas, such as equipment, work surfaces, and serving areas, to ensure safe and sanitary food-handling practices. +Ensure freshness of food and ingredients by checking for quality, keeping track of old and new items, and rotating stock. +Ensure food is stored and cooked at correct temperature by regulating temperature of ovens, broilers, grills, and roasters. +Season and cook food according to recipes or personal judgment and experience. +Turn or stir foods to ensure even cooking. +Observe and test foods to determine if they have been cooked sufficiently, using methods such as tasting, smelling, or piercing them with utensils. +Portion, arrange, and garnish food, and serve food to waiters or patrons. +Weigh, measure, and mix ingredients according to recipes or personal judgment, using various kitchen utensils and equipment. +Bake, roast, broil, and steam meats, fish, vegetables, and other foods. +Wash, peel, cut, and seed fruits and vegetables to prepare them for consumption. +Coordinate and supervise work of kitchen staff. +Estimate expected food consumption, requisition or purchase supplies, or procure food from storage. +Substitute for or assist other cooks during emergencies or rush periods. +Consult with supervisory staff to plan menus, taking into consideration factors such as costs and special event needs. +Prepare relishes and hors d'oeuvres. +Carve and trim meats such as beef, veal, ham, pork, and lamb for hot or cold service, or for sandwiches. +Bake breads, rolls, cakes, and pastries. +Butcher and dress animals, fowl, or shellfish, or cut and bone meat prior to cooking. +Keep records and accounts. +Plan and price menu items.","Compliance software— Food safety labeling systems +Data base user interface and query software— Menu planning software +Electronic mail software— Microsoft Outlook +Inventory management software +Materials requirements planning logistics and supply chain software— Recipe cost control software +Office suite software— Microsoft Office software +Point of sale POS software— Point of sale POS restaurant software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Clean food preparation areas, facilities, or equipment. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Cook foods. +Check quality of foods or supplies. +Assess equipment functioning. +Maintain food, beverage, or equipment inventories. +Arrange food for serving. +Serve food or beverages. +Measure ingredients. +Mix ingredients. +Prepare foods for cooking or serving. +Coordinate activities of food service staff. +Estimate supplies, ingredients, or staff requirements for food preparation activities. +Order materials, supplies, or equipment. +Assist chefs or caterers with food or drink preparation. +Cut cooked or raw foods. +Plan menu options. +Record operational or production data. +Prepare breads or doughs. +Determine prices for menu items.","Spend Time Standing— 100% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Physical Proximity— 49% responded “Very close (near touching).” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Spend Time Making Repetitive Motions— 51% responded “Continually or almost continually.” +Time Pressure— 53% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 64% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 72% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 54% responded “Every day.” +Contact With Others— 57% responded “Constant contact with others.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 59% responded “Every day.” +Spend Time Walking or Running— 37% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.” +Determine Tasks, Priorities and Goals— 28% responded “A lot of freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 37% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Very important results.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 45% responded “Moderate responsibility.” +Conflict Situations— 33% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 27% responded “Important.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Bakers +Butchers and Meat Cutters +Chefs and Head Cooks +Bright Outlook +Cooks, Fast Food +Cooks, Institution and Cafeteria +Cooks, Private Household +Cooks, Short Order +Food Batchmakers +Food Cooking Machine Operators and Tenders +Food Preparation Workers","View the list of Allies +American Personal and Private Chef Association +external site +International Council on Hotel, Restaurant, and Institutional Education +external site +National Restaurant Association +external site +American Culinary Federation +external site",72,78,50,64,47,48,43,48,29,32,35,35,32,31,18,25,24,28,10,13,30,17,20,20,14,13,7,15,17,22,12,9,7 +39-2021.00,Animal Caretakers,https://www.onetonline.org/link/summary/39-2021.00,2025-06-11T19:12:44.490740,"Feed and water animals according to schedules and feeding instructions. +Provide treatment to sick or injured animals, or contact veterinarians to secure treatment. +Examine and observe animals to detect signs of illness, disease, or injury. +Mix food, liquid formulas, medications, or food supplements according to instructions, prescriptions, and knowledge of animal species. +Do facility laundry and clean, organize, maintain, and disinfect animal quarters, such as pens and stables, and equipment, such as saddles and bridles. +Exercise animals to maintain their physical and mental health. +Collect and record animal information, such as weight, size, physical condition, treatments received, medications given, and food intake. +Respond to questions from patrons, and provide information about animals, such as behavior, habitat, breeding habits, or facility activities. +Answer telephones and schedule appointments. +Advise pet owners on how to care for their pets' health. +Perform animal grooming duties, such as washing, brushing, clipping, and trimming coats, cutting nails, and cleaning ears. +Observe and caution children petting and feeding animals in designated areas to ensure the safety of humans and animals. +Clean and disinfect surgical equipment. +Find homes for stray or unwanted animals. +Discuss with clients their pets' grooming needs. +Transfer animals between enclosures to facilitate breeding, birthing, shipping, or rearrangement of exhibits. +Adjust controls to regulate specified temperature and humidity of animal quarters, nurseries, or exhibit areas. +Anesthetize and inoculate animals, according to instructions. +Install, maintain, and repair animal care facility equipment, such as infrared lights, feeding devices, and cages. +Train animals to perform certain tasks. +Order, unload, and store feed and supplies. +Sell pet food and supplies. +Scuba dive in aquariums to perform exhibit maintenance. +Train volunteers and facility staff.","Calendar and scheduling software— DaySmart Software Appointment-Plus; Groom Pro; Mobile Dog Grooming Software mGroomer; Petschedule +Data base user interface and query software— CEEJS The Pet Groomer's Secretary; DaySmart Software 123Pet; Microsoft Access; The Groomer's Write Hand;4 more +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Care for animals. +Administer basic health care or medical treatments. +Monitor health or behavior of people or animals. +Prepare foods or meals. +Maintain facilities. +Clean facilities or work areas. +Perform housekeeping duties. +Document client health or progress. +Explain regulations, policies, or procedures. +Monitor patron activities to identify problems or potential problems. +Clean tools or equipment. +Respond to customer inquiries. +Perform administrative or clerical tasks. +Schedule appointments. +Confer with clients to discuss treatment plans or progress. +Provide care for animals. +Provide health and wellness advice to patients, program participants, or caregivers. +Discuss service options or needs with clients. +Train animals. +Maintain supply or equipment inventories. +Order materials, supplies, or equipment. +Sell products or services.","Face-to-Face Discussions with Individuals and Within Teams— 93% responded “Every day.” +Contact With Others— 77% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 78% responded “Every day.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Spend Time Standing— 56% responded “Continually or almost continually.” +Frequency of Decision Making— 61% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 56% responded “Every day.” +Telephone Conversations— 52% responded “Every day.” +Exposed to Contaminants— 63% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Deal With External Customers or the Public in General— 34% responded “Extremely important.” +Freedom to Make Decisions— 28% responded “A lot of freedom.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Exposed to Disease or Infections— 45% responded “Every day.” +Importance of Being Exact or Accurate— 42% responded “Important.” +Spend Time Walking or Running— 34% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Extremely important.” +E-Mail— 50% responded “Every day.” +Consequence of Error— 29% responded “Extremely serious.” +Time Pressure— 32% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 37% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a week or more but not every day.” +Conflict Situations— 34% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 29% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 43% responded “Important.” +Spend Time Making Repetitive Motions— 33% responded “More than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 31% responded “Once a month or more but not every week.” +Written Letters and Memos— 32% responded “Never.” +Exposed to Very Hot or Cold Temperatures— 27% responded “Never.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Animal Breeders +Animal Control Workers +Animal Trainers +Bright Outlook +Childcare Workers +Farmworkers, Farm, Ranch, and Aquacultural Animals +Home Health Aides +Nursing Assistants +Personal Care Aides +Veterinary Assistants and Laboratory Animal Caretakers +Veterinary Technologists and Technicians","View the list of Allies +American Association of Zoo Keepers +external site +American Fisheries Society +external site +American Kennel Club +external site +American Paint Horse Association +external site +Association of Professional Dog Trainers +external site +International Horsemanship Association +external site +International Marine Animal Trainers' Association +external site +National Association of Professional Pet Sitters +external site +National Dog Groomers Association of America +external site +Outdoor Amusement Business Association +external site +PADI +external site +Pet Sitters International +external site +United States Trotting Association +external site +Association of Zoos and Aquariums +external site",80,17,24,52,36,39,36,41,53,20,28,29,35,31,13,15,31,25,13,18,38,21,17,18,28,15,10,12,35,13,16,11,10 +41-9011.00,Demonstrators and Product Promoters,https://www.onetonline.org/link/summary/41-9011.00,2025-06-11T19:14:39.544988,"Provide product samples, coupons, informational brochures, or other incentives to persuade people to buy products. +Sell products being promoted and keep records of sales. +Keep areas neat while working and return items to correct locations following demonstrations. +Demonstrate or explain products, methods, or services to persuade customers to purchase products or use services. +Record and report demonstration-related information, such as the number of questions asked by the audience or the number of coupons distributed. +Suggest specific product purchases to meet customers' needs. +Research or investigate products to be presented to prepare for demonstrations. +Set up and arrange displays or demonstration areas to attract the attention of prospective customers. +Identify interested and qualified customers to provide them with additional information. +Visit trade shows, stores, community organizations, or other venues to demonstrate products or services or to answer questions from potential customers. +Transport, assemble, and disassemble materials used in presentations. +Practice demonstrations to ensure that they will run smoothly. +Learn about competitors' products or consumers' interests or concerns to answer questions or provide more complete information. +Instruct customers in alteration of products. +Work as part of a team of demonstrators to accommodate large crowds. +Prepare or alter presentation contents to target specific audiences. +Stock shelves with products. +Provide product information, using lectures, films, charts, or slide shows. +Train demonstrators to present a company's products or services. +Recommend product or service improvements to employers. +Wear costumes or sign boards and walk in public to promote merchandise, services, or events.","Desktop communications software— Eko +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Web page creation and editing software— Social media sites +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Distribute promotional literature or samples to customers. +Maintain records of sales or other business transactions. +Sell products or services. +Demonstrate products to consumers. +Clean work areas. +Explain technical product or service information to customers. +Recommend products or services to customers. +Record sales or transactions data. +Study product information to acquire professional knowledge. +Set up merchandise displays. +Identify potential customers. +Answer customer questions about goods or services. +Gather customer or product information to determine customer needs. +Advise customers on the use of products or services. +Develop content for sales presentations or other materials. +Stock products or parts. +Deliver promotional presentations to current or prospective customers. +Train sales personnel. +Model cosmetics, clothing, or accessories.","Contact With Others— 89% responded “Constant contact with others.” +Spend Time Standing— 82% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Indoors, Environmentally Controlled— 66% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 68% responded “Continually or almost continually.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Frequency of Decision Making— 19% responded “Never.” +Impact of Decisions on Co-workers or Company Results— 16% responded “Moderate results.” +Physical Proximity— 65% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 40% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 23% responded “Very little freedom.” +E-Mail— 18% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 22% responded “Once a year or more but not every month.” +Importance of Being Exact or Accurate— 26% responded “Extremely important.” +Telephone Conversations— 28% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Extremely important.” +Written Letters and Memos— 41% responded “Once a week or more but not every day.” +Level of Competition— 35% responded “Highly competitive.” +Public Speaking— 36% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Counter and Rental Clerks +Customer Service Representatives +Bright Outlook +Door-to-Door Sales Workers, News and Street Vendors, and Related Workers +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop +Merchandise Displayers and Window Trimmers +Parts Salespersons +Retail Salespersons +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Stockers and Order Fillers +Telemarketers","View the list of Allies +Direct Selling Association +external site",76,57,18,68,28,32,50,32,38,15,68,24,13,36,13,13,36,13,5,27,39,6,27,28,7,10,,1,11,16,8,3,1 +35-3041.00,"Food Servers, Nonrestaurant",https://www.onetonline.org/link/summary/35-3041.00,2025-06-11T19:12:01.720356,"Place food servings on plates or trays according to orders or instructions. +Clean or sterilize dishes, kitchen utensils, equipment, or facilities. +Monitor food distribution, ensuring that meals are delivered to the correct recipients and that guidelines, such as those for special diets, are followed. +Examine trays to ensure that they contain required items. +Load trays with accessories, such as eating utensils, napkins, or condiments. +Take food orders and relay orders to kitchens or serving counters so they can be filled. +Monitor food preparation or serving techniques to ensure that proper procedures are followed. +Remove trays and stack dishes for return to kitchen after meals are finished. +Carry food, silverware, or linen on trays or use carts to carry trays. +Record amounts and types of special food items served to customers. +Stock service stations with items, such as ice, napkins, or straws. +Prepare food items, such as sandwiches, salads, soups, or beverages. +Determine where patients or patrons would like to eat their meals and help them get situated. +Total checks, present them to customers, and accept payment for services.","Data base user interface and query software— CBORD Nutrition Service Suite; Picis CareSuite +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Capital Codeworks MenuMax +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software +Web page creation and editing software— Facebook","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Arrange food for serving. +Clean tableware. +Monitor food services operations to ensure procedures are followed. +Stock serving stations or dining areas with food or supplies. +Communicate dining or order details to kitchen personnel. +Process customer bills or payments. +Collect dirty dishes or other tableware. +Move equipment, supplies or food to required locations. +Record operational or production data. +Cook foods. +Assist customers with seating arrangements.","Spend Time Standing— 72% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Spend Time Walking or Running— 72% responded “Continually or almost continually.” +Time Pressure— 72% responded “Every day.” +Physical Proximity— 65% responded “Very close (near touching).” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Contact With Others— 71% responded “Constant contact with others.” +Spend Time Bending or Twisting Your Body— 61% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 73% responded “Continually or almost continually.” +Health and Safety of Other Workers— 49% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 49% responded “Extremely important.” +Frequency of Decision Making— 60% responded “Every day.” +Importance of Being Exact or Accurate— 47% responded “Very important.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Every day.” +Freedom to Make Decisions— 36% responded “Some freedom.” +Deal With External Customers or the Public in General— 51% responded “Extremely important.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Spend Time Making Repetitive Motions— 37% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Telephone Conversations— 41% responded “Every day.” +Level of Competition— 36% responded “Highly competitive.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 37% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles.","Cooks, Institution and Cafeteria +Cooks, Restaurant +Bright Outlook +Cooks, Short Order +Dining Room and Cafeteria Attendants and Bartender Helpers +Dishwashers +Fast Food and Counter Workers +Food Preparation Workers +Food Service Managers +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop +Waiters and Waitresses","View the list of Allies +Academy of Nutrition and Dietetics +external site +Association of Nutrition and Foodservice Professionals +external site +National Restaurant Association +external site",66,50,32,66,44,49,47,47,33,31,26,29,27,33,15,34,31,25,14,14,38,17,22,32,27,19,15,14,18,19,13,5,7 +49-2091.00,Avionics Technicians,https://www.onetonline.org/link/summary/49-2091.00,2025-06-11T19:21:17.573405,"Test and troubleshoot instruments, components, and assemblies, using circuit testers, oscilloscopes, or voltmeters. +Keep records of maintenance and repair work. +Adjust, repair, or replace malfunctioning components or assemblies, using hand tools or soldering irons. +Install electrical and electronic components, assemblies, and systems in aircraft, using hand tools, power tools, or soldering irons. +Set up and operate ground support and test equipment to perform functional flight tests of electrical and electronic systems. +Assemble components such as switches, electrical controls, and junction boxes, using hand tools or soldering irons. +Lay out installation of aircraft assemblies and systems, following documentation such as blueprints, manuals, and wiring diagrams. +Connect components to assemblies such as radio systems, instruments, magnetos, inverters, and in-flight refueling systems, using hand tools and soldering irons. +Interpret flight test data to diagnose malfunctions and systemic performance problems. +Coordinate work with that of engineers, technicians, and other aircraft maintenance personnel. +Fabricate parts and test aids as required. +Assemble prototypes or models of circuits, instruments, and systems for use in testing. +Operate computer-aided drafting and design applications to design avionics system modifications. +Perform installation, testing, adjustment, and repair of avionics equipment in uncrewed aerial vehicles, such as drones.","Analytical or scientific software— Avionics system testing software; Computer diagnostic software +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA +Development environment software— Software development tools +Document management software— Technical Data Management System TDMS +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software; Workday software +Facilities management software— Maintenance record software +Object or component oriented development software— C++; Oracle Java +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.","Test electrical equipment or systems to ensure proper functioning. +Troubleshoot equipment or systems operation problems. +Adjust equipment to ensure optimal performance. +Install machine or equipment replacement parts. +Maintain repair or maintenance records. +Repair worn, damaged, or defective mechanical parts. +Install electrical components, equipment, or systems. +Assemble electrical components, subsystems, or systems. +Analyze test or performance data to assess equipment operation. +Lay out work according to specifications. +Confer with coworkers to coordinate work activities. +Fabricate parts or components. +Develop equipment or component configurations.","Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Time Pressure— 62% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 54% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Very important results.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Contact With Others— 52% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 47% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Extremely important.” +E-Mail— 50% responded “Every day.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Freedom to Make Decisions— 36% responded “A lot of freedom.” +Frequency of Decision Making— 44% responded “Every day.” +Telephone Conversations— 46% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Physical Proximity— 44% responded “Moderately close (at arm's length).” +Consequence of Error— 37% responded “Extremely serious.” +Exposed to Contaminants— 31% responded “Every day.” +Exposed to Hazardous Conditions— 34% responded “Every day.” +Health and Safety of Other Workers— 28% responded “Moderate responsibility.” +Level of Competition— 40% responded “Highly competitive.” +Work Outcomes and Results of Other Workers— 33% responded “Moderate responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 31% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 29% responded “Never.” +Spend Time Standing— 29% responded “About half the time.” +Exposed to Hazardous Equipment— 22% responded “Once a week or more but not every day.” +Conflict Situations— 23% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 29% responded “Every day.” +Spend Time Sitting— 41% responded “Less than half the time.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Aircraft Mechanics and Service Technicians +Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electro-Mechanical and Mechatronics Technologists and Technicians +Electromechanical Equipment Assemblers +Robotics Technicians","View the list of Allies +Aircraft Electronics Association +external site +Aircraft Mechanics Fraternal Association +external site +ASTM International +external site +National Business Aviation Association +external site +Professional Aviation Maintenance Association +external site",63,4,49,80,60,37,53,54,45,21,20,27,41,84,15,40,28,81,11,45,19,5,10,61,9,69,12,45,6,61,15,7,9 +49-9031.00,Home Appliance Repairers,https://www.onetonline.org/link/summary/49-9031.00,2025-06-11T19:22:31.894346,"Bill customers for repair work, and collect payment. +Observe and examine appliances during operation to detect specific malfunctions such as loose parts or leaking fluid. +Talk to customers or refer to work orders to establish the nature of appliance malfunctions. +Refer to schematic drawings, product manuals, and troubleshooting guides to diagnose and repair problems. +Trace electrical circuits, following diagrams, and conduct tests with circuit testers and other equipment to locate shorts and grounds. +Replace worn and defective parts such as switches, bearings, transmissions, belts, gears, circuit boards, or defective wiring. +Provide repair cost estimates, and recommend whether appliance repair or replacement is a better choice. +Disassemble appliances so that problems can be diagnosed and repairs can be made. +Respond to emergency calls for problems such as gas leaks. +Service and repair domestic electrical or gas appliances, such as clothes washers, refrigerators, stoves, and dryers. +Reassemble units after repairs are made, making adjustments and cleaning and lubricating parts as needed. +Record maintenance and repair work performed on appliances. +Test and examine gas pipelines and equipment to locate leaks and faulty connections, and to determine the pressure and flow of gas. +Light and adjust pilot lights on gas stoves, and examine valves and burners for gas leakage and specified flame. +Instruct customers regarding operation and care of appliances, and provide information such as emergency service numbers. +Contact supervisors or offices to receive repair assignments. +Maintain stocks of parts used in on-site installation, maintenance, and repair of appliances. +Level refrigerators, adjust doors, and connect water lines to water pipes for ice makers and water dispensers, using hand tools. +Observe and test operation of appliances following installation, and make any initial installation adjustments that are necessary. +Set appliance thermostats, and check to ensure that they are functioning properly. +Install appliances such as refrigerators, washing machines, and stoves. +Level washing machines and connect hoses to water pipes, using hand tools. +Clean and reinstall parts. +Clean, lubricate, and touch up minor defects on newly installed or repaired appliances. +Conserve, recover, and recycle refrigerants used in cooling systems. +Install gas pipes and water lines to connect appliances to existing gas lines or plumbing. +Take measurements to determine if appliances will fit in installation locations, performing minor carpentry work when necessary to ensure proper installation. +Measure, cut, and thread pipe, and connect it to feeder lines and equipment or appliances, using rules and hand tools. +Assemble new or reconditioned appliances.","Data base user interface and query software— dESCO ESC; Parts database software; RazorSync; ServiceMax;1 more +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Route navigation software— Route mapping software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Collect payments for goods or services. +Observe equipment in operation to detect potential problems. +Confer with customers or users to assess problems. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Read technical information needed to perform maintenance or repairs. +Replace worn, damaged, or defective mechanical parts. +Test electrical circuits or components for proper functioning. +Dispose of hazardous materials. +Advise others on issues related to repairs, installation, or equipment design. +Disassemble equipment for maintenance or repair. +Estimate costs for labor or materials. +Repair worn, damaged, or defective mechanical parts. +Travel to work sites to perform installation, repair or maintenance work. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Adjust equipment to ensure optimal performance. +Maintain repair or maintenance records. +Reassemble equipment after repair. +Inspect gas systems or components to identify leaks or other potential hazards. +Train customers in the use of products. +Connect hoses to equipment or piping. +Level machines or equipment. +Confer with coworkers to resolve equipment problems. +Maintain inventories of materials, equipment, or products. +Install piping for installation or maintenance activities. +Test mechanical equipment to ensure proper functioning. +Inspect systems to determine if they are operating properly. +Install home appliances. +Measure distances or dimensions. +Lubricate equipment to allow proper functioning. +Cut materials according to specifications or needs. +Assemble mechanical components or machine parts.","Telephone Conversations— 97% responded “Every day.” +Contact With Others— 87% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Deal With External Customers or the Public in General— 77% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 78% responded “Continually or almost continually.” +Freedom to Make Decisions— 70% responded “A lot of freedom.” +Frequency of Decision Making— 77% responded “Every day.” +Importance of Being Exact or Accurate— 47% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 78% responded “Every day.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Exposed to Cramped Work Space, Awkward Positions— 53% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Exposed to Contaminants— 45% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 35% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 38% responded “Once a week or more but not every day.” +Time Pressure— 37% responded “Every day.” +Indoors, Not Environmentally Controlled— 36% responded “Once a week or more but not every day.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Work With or Contribute to a Work Group or Team— 30% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 49% responded “Once a month or more but not every week.” +E-Mail— 35% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 49% responded “Once a month or more but not every week.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 30% responded “More than half the time.” +Duration of Typical Work Week— 49% responded “40 hours.” +Spend Time Bending or Twisting Your Body— 36% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Important.” +Spend Time Standing— 52% responded “About half the time.” +Level of Competition— 48% responded “Moderately competitive.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 32% responded “Never.” +Spend Time Making Repetitive Motions— 33% responded “Less than half the time.” +Conflict Situations— 33% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 40% responded “Important.”","Repairing— Repairing machines or systems using the needed tools. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Automotive Service Technicians and Mechanics +Cleaners of Vehicles and Equipment +Control and Valve Installers and Repairers, Except Mechanical Door +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electronic Equipment Installers and Repairers, Motor Vehicles +Engine and Other Machine Assemblers +Heating, Air Conditioning, and Refrigeration Mechanics and Installers +Industrial Machinery Mechanics +Outdoor Power Equipment and Other Small Engine Mechanics","View the list of Allies +Association of Home Appliance Manufacturers +external site +Vacuum and Sewing Dealers Trade Association +external site",77,7,28,61,48,60,27,42,60,37,55,36,27,59,26,19,17,75,5,36,33,5,13,19,3,50,15,30,12,29,31,, +47-2181.00,Roofers,https://www.onetonline.org/link/summary/47-2181.00,2025-06-11T19:19:26.555051,"Inspect problem roofs to determine the best repair procedures. +Remove snow, water, or debris from roofs prior to applying roofing materials. +Set up scaffolding to provide safe access to roofs. +Estimate materials and labor required to complete roofing jobs. +Cement or nail flashing strips of metal or shingle over joints to make them watertight. +Install partially overlapping layers of material over roof insulation surfaces, using chalk lines, gauges on shingling hatchets, or lines on shingles. +Cut felt, shingles, or strips of flashing to fit angles formed by walls, vents, or intersecting roof surfaces. +Apply plastic coatings, membranes, fiberglass, or felt over sloped roofs before applying shingles. +Install, repair, or replace single-ply roofing systems, using waterproof sheet materials such as modified plastics, elastomeric, or other asphaltic compositions. +Attach roofing paper to roofs in overlapping strips to form bases for other materials. +Cover roofs or exterior walls of structures with slate, asphalt, aluminum, wood, gravel, gypsum, or related materials, using brushes, knives, punches, hammers, or other tools. +Waterproof or damp-proof walls, floors, roofs, foundations, or basements by painting or spraying surfaces with waterproof coatings or by attaching waterproofing membranes to surfaces. +Apply reflective roof coatings, such as special paints or single-ply roofing sheets, to existing roofs to reduce solar heat absorption. +Apply alternate layers of hot asphalt or tar and roofing paper to roofs. +Install vapor barriers or layers of insulation on flat roofs. +Cover exposed nailheads with roofing cement or caulking to prevent water leakage or rust. +Smooth rough spots to prepare surfaces for waterproofing, using hammers, chisels, or rubbing bricks. +Glaze top layers to make a smooth finish or embed gravel in the bitumen for rough surfaces. +Mop or pour hot asphalt or tar onto roof bases. +Install attic ventilation systems, such as turbine vents, gable or ridge vents, or conventional or solar-powered exhaust fans. +Install skylights on roofs to increase natural light inside structures or to reduce energy costs. +Apply gravel or pebbles over top layers of roofs, using rakes or stiff-bristled brooms. +Spray roofs, sidings, or walls to bind, seal, insulate, or soundproof sections of structures, using spray guns, air compressors, or heaters. +Attach solar panels to existing roofs, according to specifications and without damaging roofing materials or the structural integrity of buildings. +Punch holes in slate, tile, terra cotta, or wooden shingles, using punches and hammers. +Apply modular soil- and plant-containing grids over existing roof membranes to create green roofs. +Install layers of vegetation-based green roofs, including protective membranes, drainage, aeration, water retention and filter layers, soil substrates, irrigation materials, and plants.","Analytical or scientific software— Energy cost evaluation software; Exele TopView; Humidity and vapor drive calculation software; Roofing Calculator +Computer aided design CAD software— AppliCad Roof Wizard; ASR Software TopView LE; DigiTools Roof CAD; Ziatek RoofDraw;3 more +Data base user interface and query software— CADAFIS; Insight Direct ServiceCEO; RoofLogic; Wintac Pro;1 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— Maintenance record software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Inspect work sites to determine condition or necessary repairs. +Remove debris or vegetation from work sites. +Assemble temporary equipment or structures. +Estimate construction project labor requirements. +Estimate materials requirements for projects. +Install roofing materials. +Apply adhesives to construction materials. +Cut carpet, vinyl or other flexible materials. +Apply sealants or other protective coatings. +Apply paint to surfaces. +Install insulation in equipment or structures. +Smooth surfaces with abrasive materials or tools. +Spread sand, dirt or other loose materials onto surfaces. +Pour materials into or on designated areas. +Install green structural components, equipment or systems. +Install doors or windows. +Drill holes in construction materials. +Install solar energy systems.","Outdoors, Exposed to All Weather Conditions— 98% responded “Every day.” +Exposed to High Places— 90% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Telephone Conversations— 57% responded “Every day.” +Contact With Others— 56% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 54% responded “Every day.” +Exposed to Contaminants— 65% responded “Every day.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Health and Safety of Other Workers— 58% responded “High responsibility.” +Exposed to Very Hot or Cold Temperatures— 48% responded “Once a week or more but not every day.” +Time Pressure— 41% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 47% responded “Every day.” +Physical Proximity— 54% responded “Moderately close (at arm's length).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Level of Competition— 39% responded “Highly competitive.” +Frequency of Decision Making— 47% responded “Every day.” +Spend Time Standing— 41% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 36% responded “Every day.” +Indoors, Not Environmentally Controlled— 65% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Extremely important.” +Exposed to Hazardous Equipment— 37% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 51% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 36% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 29% responded “Once a year or more but not every month.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Important results.” +Work Outcomes and Results of Other Workers— 33% responded “Moderate responsibility.” +Spend Time Making Repetitive Motions— 54% responded “More than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 36% responded “About half the time.” +Spend Time Walking or Running— 38% responded “About half the time.” +Deal With External Customers or the Public in General— 30% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 30% responded “Every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 37% responded “Less than half the time.” +Duration of Typical Work Week— 45% responded “40 hours.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 24% responded “Once a month or more but not every week.” +Consequence of Error— 34% responded “Fairly serious.” +Exposed to Cramped Work Space, Awkward Positions— 39% responded “Once a year or more but not every month.”","Coordination— Adjusting actions in relation to others' actions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Carpenters +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Roofers +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Plasterers and Stucco Masons +Terrazzo Workers and Finishers +Tile and Stone Setters","View the list of Allies +Associated General Contractors of America +external site +National Association of Home Builders +external site +National Roofing Contractors Association +external site +United Union of Roofers, Waterproofers and Allied Workers +external site",63,10,36,59,55,50,58,56,40,25,25,28,33,18,37,29,15,52,10,40,20,11,12,17,22,39,90,30,10,55,11,5,5 +27-3023.00,"News Analysts, Reporters, and Journalists",https://www.onetonline.org/link/summary/27-3023.00,2025-06-11T19:03:38.862322,"Write commentaries, columns, or scripts, using computers. +Coordinate and serve as an anchor on news broadcast programs. +Examine news items of local, national, and international significance to determine topics to address, or obtain assignments from editorial staff members. +Analyze and interpret news and information received from various sources to broadcast the information. +Receive assignments or evaluate leads or tips to develop story ideas. +Research a story's background information to provide complete and accurate information. +Arrange interviews with people who can provide information about a story. +Gather information and develop perspectives about news subjects through research, interviews, observation, and experience. +Select material most pertinent to presentation, and organize this material into appropriate formats. +Present news stories, and introduce in-depth videotaped segments or live transmissions from on-the-scene reporters. +Establish and maintain relationships with individuals who are credible sources of information. +Report news stories for publication or broadcast, describing the background and details of events. +Revise work to meet editorial approval or to fit time or space requirements. +Review and evaluate notes taken about news events to isolate pertinent facts and details. +Investigate breaking news developments, such as disasters, crimes, or human-interest stories. +Review written, audio, or video copy, and correct errors in content, grammar, or punctuation, following prescribed editorial style and formatting guidelines. +Report on specialized fields such as medicine, green technology, environmental issues, science, politics, sports, arts, consumer affairs, business, religion, crime, or education. +Determine a published or broadcasted story's emphasis, length, and format, organizing material accordingly. +Transmit news stories or reporting information from remote locations, using equipment such as satellite phones, telephones, fax machines, or modems. +Check reference materials, such as books, news files, or public records, to obtain relevant facts. +Discuss issues with editors to establish priorities or positions. +Photograph or videotape news events. +Present live or recorded commentary via broadcast media. +Take pictures or video, and process them for inclusion in a story. +Conduct taped or filmed interviews or narratives. +Develop ideas or material for columns or commentaries by analyzing and interpreting news, current issues, or personal experiences. +Communicate with readers, viewers, advertisers, or the general public via mail, email, or telephone. +Write online blog entries that address news developments or offer additional information, opinions, or commentary on news events. +Assign stories to other reporters or duties to production staff. +Write columns, editorials, commentaries, or reviews that interpret events or offer opinions.","Analytical or scientific software— IBM SPSS Statistics; Nielsen Arianna; Nielsen Marketbreaks; Statistical analysis software +Data base user interface and query software— FileMaker Pro; Microsoft Access; Microsoft SQL Server; Statistics databases;1 more +Desktop publishing software— Adobe InDesign; Microsoft Publisher; QuarkXPress +Electronic mail software— Microsoft Outlook +Facilities management software— RCS NexGen Digital +Geographic information system— ESRI ArcView +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— LexisNexis +Instant messaging software— Snapchat; Twitter +Internet browser software— Web browser software +Map creation software— Mapping software +Music or sound editing software— Audion Laboratories VoxPro; Avid Technology Pro Tools +Object oriented data base management software— Microsoft Visual FoxPro +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Desktop Technologies NewsBoss +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; Grass Valley EDIUS; YouTube;2 more +Web page creation and editing software— Facebook; Social media sites; Web content management system CMS software; WordPress;1 more +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Report news to the public. +Coordinate reporting or editing activities. +Write informational material. +Analyze information obtained from news sources. +Determine presentation subjects or content. +Gather information for news stories. +Coordinate logistics for productions or events. +Develop professional relationships or networks. +Edit written materials. +Operate communications, transmissions, or broadcasting equipment. +Operate still or video cameras or related equipment. +Inform viewers, listeners, or audiences. +Interview others for news or entertainment purposes. +Monitor current trends. +Correspond with customers to answer questions or resolve complaints.","Time Pressure— How often does this job require the worker to meet strict deadlines? +E-Mail— How frequently does your job require you to use E-mail? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Telephone Conversations— How often do you have telephone conversations in this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Spend Time Sitting— How much does this job require sitting? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Written Letters and Memos— How frequently does your job require written letters and memos? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Dealing With Unpleasant, Angry, or Discourteous People— How frequently does the worker have to deal with unpleasant, angry, or discourteous individuals as part of the job requirements?","Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Broadcast Announcers and Radio Disc Jockeys +Editors +Film and Video Editors +Media Programming Directors +Bright Outlook +Media Technical Directors/Managers +Poets, Lyricists and Creative Writers +Producers and Directors +Proofreaders and Copy Markers +Public Relations Specialists +Writers and Authors","View the list of Allies +Alliance for Women in Media +external site +American Society of Journalists and Authors +external site +Association for Education in Journalism and Mass Communication +external site +Association of Health Care Journalists +external site +Broadcast Education Association +external site +Dow Jones News Fund +external site +Inland Press Association +external site +Investigative Reporters and Editors +external site +National Association of Black Journalists +external site +National Association of Broadcasters +external site +National Association of Hispanic Journalists +external site +National Newspaper Association +external site +National Press Club +external site +National Press Photographers Association +external site +News Media Alliance +external site +Online News Association +external site +Radio Television Digital News Association +external site +Society for Features Journalism +external site +Society of Environmental Journalists +external site +Society of Professional Journalists +external site +Western States Communication Association +external site",54,10,19,96,35,45,49,39,40,29,29,24,7,60,30,68,93,12,30,33,41,13,45,60,22,21,10,11,16,17,51,25,49 +31-9093.00,Medical Equipment Preparers,https://www.onetonline.org/link/summary/31-9093.00,2025-06-11T19:09:50.200737,"Operate and maintain steam autoclaves, keeping records of loads completed, items in loads, and maintenance procedures performed. +Clean instruments to prepare them for sterilization. +Record sterilizer test results. +Organize and assemble routine or specialty surgical instrument trays or other sterilized supplies, filling special requests as needed. +Examine equipment to detect leaks, worn or loose parts, or other indications of disrepair. +Report defective equipment to appropriate supervisors or staff. +Maintain records of inventory or equipment usage and order medical instruments or supplies when inventory is low. +Stock crash carts or other medical supplies. +Start equipment and observe gauges and equipment operation to detect malfunctions and to ensure equipment is operating to prescribed standards. +Check sterile supplies to ensure that they are not outdated. +Attend hospital in-service programs related to areas of work specialization. +Disinfect and sterilize equipment, such as respirators, hospital beds, or oxygen or dialysis equipment, using sterilizers, aerators, or washers. +Purge wastes from equipment by connecting equipment to water sources and flushing water through systems. +Deliver equipment to specified hospital locations or to patients' residences. +Assist hospital staff with patient care duties, such as providing transportation or setting up traction. +Order medical supplies for healthcare facilities or laboratories.","Calendar and scheduling software— Calendar software; McKesson ANSOS One-Staff +Data base user interface and query software— Database software +Document management software— Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— Email software; Microsoft Outlook +Inventory management software— Inventory tracking software; Pyxis MedStation software +Materials requirements planning logistics and supply chain software— MEDITECH Supply Chain Management +Medical software— eClinicalWorks EHR software; MEDITECH software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Timekeeper +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Clean medical equipment. +Operate medical equipment. +Maintain medical equipment or instruments. +Prepare medical instruments or equipment for use. +Record vital statistics or other health information. +Monitor medical equipment to ensure proper functioning. +Inventory medical supplies or equipment. +Stock medical or patient care supplies. +Attend educational events to update medical knowledge.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Exposed to Contaminants— 79% responded “Every day.” +Exposed to Disease or Infections— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Contact With Others— 72% responded “Constant contact with others.” +Spend Time Making Repetitive Motions— 67% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 58% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Time Pressure— 78% responded “Every day.” +Health and Safety of Other Workers— 51% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +E-Mail— 70% responded “Every day.” +Frequency of Decision Making— 69% responded “Every day.” +Spend Time Standing— 47% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 53% responded “Extremely important.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Spend Time Walking or Running— 48% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Determine Tasks, Priorities and Goals— 36% responded “A lot of freedom.” +Consequence of Error— 40% responded “Extremely serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Every day.” +Exposed to Hazardous Conditions— 49% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 49% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 31% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 28% responded “Extremely important.” +Conflict Situations— 35% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Calibration Technologists and Technicians +Bright Outlook +Cardiovascular Technologists and Technicians +Endoscopy Technicians +Histotechnologists +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Medical Equipment Repairers +Phlebotomists +Surgical Assistants +Surgical Technologists","View the list of Allies +American Hospital Association +external site +American Society for Clinical Pathology +external site +Association for the Advancement of Medical Instrumentation +external site +Association of periOperative Registered Nurses +external site +American Association of Medical Assistants +external site +American Medical Technologists +external site +Association of Surgical Technologists +external site +Certification Board for Sterile Processing and Distribution +external site +International Association of Healthcare Central Service Materiel Management +external site",88,4,55,72,42,36,53,36,49,24,17,28,48,42,11,24,30,42,8,19,27,12,12,38,39,25,16,12,60,18,8,7,5 +43-4071.00,File Clerks,https://www.onetonline.org/link/summary/43-4071.00,2025-06-11T19:15:43.562944,"Scan or read incoming materials to determine how and where they should be classified or filed. +Input data, such as file numbers, new or updated information, or document information codes into computer systems to support document and information retrieval. +Perform general office activities, such as typing, answering telephones, operating office machines, processing mail, or securing confidential materials. +Sort or classify information according to guidelines, such as content, purpose, user criteria, or chronological, alphabetical, or numerical order. +Answer questions about records or files. +Keep records of materials filed or removed, using logbooks or computers and generate computerized reports. +Add new material to file records or create new records as necessary. +Gather materials to be filed from departments or employees. +Find, retrieve, and make copies of information from files in response to requests and deliver information to authorized users. +Track materials removed from files to ensure that borrowed files are returned. +Place materials into storage receptacles, such as file cabinets, boxes, bins, or drawers, according to classification and identification information. +Eliminate outdated or unnecessary materials, destroying them or transferring them to inactive storage, according to file maintenance guidelines or legal requirements. +Perform periodic inspections of materials or files to ensure correct placement, legibility, or proper condition. +Modify or improve filing systems or implement new filing systems. +Design forms related to filing systems. +Complete general financial activities, such as processing accounts payable, reviewing invoices, collecting cash payments, or issuing receipts. +Operate mechanized files that rotate to bring needed records to a particular location. +Assign and record or stamp identification numbers or codes to index materials for filing. +Retrieve documents stored in microfilm or microfiche and place them in viewers for reading.","Accounting software— Intuit QuickBooks +Data base user interface and query software— Microsoft Access +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Filesystem software— Electronic filing software +Medical software— Electronic health record EHR software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Optical scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Read materials to determine needed actions. +Enter information into databases or software programs. +Operate office equipment. +Sort mail. +Type documents. +Compile data or documentation. +Provide information to coworkers. +Verify accuracy of financial or transactional data. +Maintain inventory records. +File documents or records. +Search files, databases or reference materials to obtain needed information. +Track goods or materials. +Store items. +Store records or related materials. +Examine documents to verify adherence to requirements. +Attach identification information to products, items or containers. +Develop data analysis or data management procedures.","Telephone Conversations— 100% responded “Every day.” +E-Mail +Importance of Being Exact or Accurate— 62% responded “Extremely important.” +Contact With Others— 55% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Spend Time Sitting— 46% responded “Continually or almost continually.” +Written Letters and Memos +Work Outcomes and Results of Other Workers +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Very important.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Every day.” +Deal With External Customers or the Public in General— 41% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 20% responded “Some freedom.” +Indoors, Environmentally Controlled +Importance of Repeating Same Tasks— 29% responded “Extremely important.” +Time Pressure— 55% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 21% responded “Every day.” +Health and Safety of Other Workers— 34% responded “Limited responsibility.” +Spend Time Making Repetitive Motions— 35% responded “Never.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Administrative Services Managers +Bright Outlook +Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Correspondence Clerks +Data Entry Keyers +Medical Records Specialists +Office Clerks, General +Payroll and Timekeeping Clerks +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Word Processors and Typists","View the list of Allies +Society for Human Resource Management +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site",62,22,37,67,49,44,33,37,74,43,27,45,18,63,22,42,42,18,18,30,30,24,20,36,26,13,22,19,19,19,24,16,14 +51-4035.00,"Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4035.00,2025-06-11T19:24:52.432864,"Remove workpieces from machines, and check to ensure that they conform to specifications, using measuring instruments such as microscopes, gauges, calipers, and micrometers. +Verify alignment of workpieces on machines, using measuring instruments such as rules, gauges, or calipers. +Move controls to set cutting specifications, to position cutting tools and workpieces in relation to each other, and to start machines. +Observe milling or planing machine operation, and adjust controls to ensure conformance with specified tolerances. +Select and install cutting tools and other accessories according to specifications, using hand tools or power tools. +Position and secure workpieces on machines, using holding devices, measuring instruments, hand tools, and hoists. +Replace worn tools, using hand tools, and sharpen dull tools, using bench grinders. +Study blueprints, layouts, sketches, or work orders to assess workpiece specifications and to determine tooling instructions, tools and materials needed, and sequences of operations. +Compute dimensions, tolerances, and angles of workpieces or machines according to specifications and knowledge of metal properties and shop mathematics. +Move cutters or material manually or by turning handwheels, or engage automatic feeding mechanisms to mill workpieces to specifications. +Mount attachments and tools, such as pantographs, engravers, or routers, to perform other operations, such as drilling or boring. +Select cutting speeds, feed rates, and depths of cuts, applying knowledge of metal properties and shop mathematics. +Record production output. +Turn valves or pull levers to start and regulate the flow of coolant or lubricant to work areas. +Make templates or cutting tools.","Analytical or scientific software— Kentech machine shop software +Computer aided design CAD and computer aided manufacturing CAM system— Vero Software Edgecam +Computer aided design CAD software— Autodesk AutoCAD; Siemens Solid Edge; SmartCAMcnc SmartCAM; Vero Software ALPHACAM +Computer aided manufacturing CAM software— Mastercam computer-aided design and manufacturing software +Enterprise application integration software— Extensible markup language XML +Industrial control software— EditCNC +Materials requirements planning logistics and supply chain software— SWIVEL Software +Object or component oriented development software— G-code; M-code +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Remove products or workpieces from production equipment. +Set equipment controls to meet cutting specifications. +Align parts or workpieces to ensure proper assembly. +Mount attachments or tools onto production equipment. +Monitor equipment operation to ensure that products are not flawed. +Select production equipment according to product specifications. +Mount materials or workpieces onto production equipment. +Operate grinding equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Replace worn equipment components. +Review blueprints or other instructions to determine operational methods or sequences. +Sharpen cutting or grinding tools. +Calculate dimensions of workpieces, products, or equipment. +Feed materials or products into or through equipment. +Determine production equipment settings. +Record operational or production data. +Construct patterns, templates, or other work aids. +Adjust equipment controls to regulate coolant flow.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 89% responded “Every day.” +Importance of Being Exact or Accurate— 74% responded “Extremely important.” +Spend Time Standing— 67% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Exposed to Contaminants— 74% responded “Every day.” +Time Pressure— 54% responded “Every day.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Pace Determined by Speed of Equipment— 39% responded “Very important.” +Spend Time Walking or Running— 43% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 62% responded “Every day.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Contact With Others— 34% responded “Contact with others most of the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 50% responded “Every day.” +Freedom to Make Decisions— 38% responded “A lot of freedom.” +Spend Time Bending or Twisting Your Body— 27% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Every day.” +Determine Tasks, Priorities and Goals— 32% responded “Limited freedom.” +Health and Safety of Other Workers— 29% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 27% responded “Extremely important.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 29% responded “High responsibility.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Computer Numerically Controlled Tool Operators +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Drilling and Boring Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +Society of Manufacturing Engineers +external site +National Institute for Metalworking Skills +external site",36,5,64,62,62,45,42,50,35,29,29,37,24,55,17,12,20,68,7,28,15,13,14,18,10,48,33,32,8,49,15,9,9 +43-4021.00,Correspondence Clerks,https://www.onetonline.org/link/summary/43-4021.00,2025-06-11T19:15:28.801848,"Maintain files and control records to show correspondence activities. +Read incoming correspondence to ascertain nature of writers' concerns and to determine disposition of correspondence. +Gather records pertinent to specific problems, review them for completeness and accuracy, and attach records to correspondence as necessary. +Prepare documents and correspondence, such as damage claims, credit and billing inquiries, invoices, and service complaints. +Compile data from records to prepare periodic reports. +Compose letters in reply to correspondence concerning such items as requests for merchandise, damage claims, credit information requests, delinquent accounts, incorrect billing, or unsatisfactory service. +Route correspondence to other departments for reply. +Ensure that money collected is properly recorded and secured. +Process orders for goods requested in correspondence. +Present clear and concise explanations of governing rules and regulations. +Review correspondence for format and typographical accuracy, assemble the information into a prescribed form with the correct number of copies, and submit it to an authorized official for signature. +Compute costs of records furnished to requesters, and write letters to obtain payment. +Compile data pertinent to manufacture of special products for customers. +Type acknowledgment letters to persons sending correspondence. +Complete form letters in response to requests or problems identified by correspondence. +Confer with company personnel regarding feasibility of complying with writers' requests. +Prepare records for shipment by certified mail.","Data base user interface and query software— Microsoft Access +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Electronic data interchange EDI software +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Imaging software +Medical software— Electronic health record EHR software; Epic Systems; GE Healthcare Centricity EMR; Healthcare common procedure coding system HCPCS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Prepare cash for deposit or disbursement. +Maintain operational records. +Read materials to determine needed actions. +Compile data or documentation. +Prepare business correspondence. +Check data for recording errors. +Prepare documentation for contracts, transactions, or regulatory compliance. +Package objects for shipping. +Explain regulations, policies, or procedures. +Proofread documents, records, or other files to ensure accuracy. +Calculate costs of goods or services. +Route mail to correct destinations. +Confer with coworkers to coordinate work activities. +Prepare outgoing mail.","E-Mail— 100% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Telephone Conversations— 79% responded “Every day.” +Spend Time Sitting— 63% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 59% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 66% responded “Extremely important.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Freedom to Make Decisions— 53% responded “Some freedom.” +Written Letters and Memos— 41% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Frequency of Decision Making— 48% responded “Every day.” +Deal With External Customers or the Public in General— 36% responded “Very important.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 34% responded “More than half the time.” +Duration of Typical Work Week— 60% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Fairly important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Every day.” +Conflict Situations— 38% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 27% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a year or more but not every month.” +Degree of Automation— 33% responded “Highly automated.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Expression— The ability to communicate information and ideas in writing so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Billing and Posting Clerks +Bookkeeping, Accounting, and Auditing Clerks +Bright Outlook +Credit Authorizers, Checkers, and Clerks +Customer Service Representatives +Executive Secretaries and Executive Administrative Assistants +File Clerks +Insurance Claims and Policy Processing Clerks +Legal Secretaries and Administrative Assistants +Office Clerks, General +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive","View the list of Allies +Society for Human Resource Management +external site +Service Employees International Union +external site",69,4,35,74,62,48,45,35,86,66,20,35,6,59,17,44,39,10,5,24,16,6,5,30,1,7,4,6,3,9,8,,4 +43-2011.00,"Switchboard Operators, Including Answering Service",https://www.onetonline.org/link/summary/43-2011.00,2025-06-11T19:14:59.133405,"Operate communication systems, such as telephone, switchboard, intercom, two-way radio, or public address. +Answer incoming calls, greeting callers, providing information, transferring calls or taking messages as necessary. +Greet visitors, log them in and out of the facility, assign them security badges, and contact employee escorts. +Monitor emergency and code alarms, make emergency announcements, or route emergency calls to the appropriate location. +Record messages, suggesting rewording for clarity or conciseness. +Page individuals to inform them of telephone calls, using paging or interoffice communication equipment. +Relay or route written or verbal messages. +Perform various cash handling tasks, such as collecting payments, making bank deposits, or managing petty cash. +Place telephone calls or arrange conference calls as instructed. +Process incoming or outgoing mail, packages, or deliveries. +Perform various data entry or word processing tasks, such as updating phone directories, typing or proofreading documents, or creating schedules. +Perform administrative tasks, such as accepting orders, scheduling appointments or meeting rooms, or sending and receiving faxes. +Monitor alarm systems to ensure that secure conditions are maintained. +Contact security staff members when necessary, using radio-telephones. +Complete forms for sales orders. +Answer simple questions about clients' businesses, using reference files. +Stamp messages with time and date and file them appropriately. +Keep records of calls placed and charges incurred. +Place orders, such as for equipment, supplies, or catering for meetings.","Data base user interface and query software— Microsoft Access +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— M-Tech Hotel Service Optimization System HotSOS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Operate communications equipment or systems. +Answer telephones to direct calls or provide information. +Greet customers, patrons, or visitors. +Refer customers to appropriate personnel. +Monitor alarm systems. +Maintain security. +Operate audio recording equipment. +Relay information between personnel. +Prepare documentation for contracts, transactions, or regulatory compliance. +Collect deposits, payments or fees. +Prepare cash for deposit or disbursement. +Answer customer questions about goods or services. +File documents or records. +Maintain call records. +Proofread documents, records, or other files to ensure accuracy. +Sort mail. +Type documents. +Execute sales or other financial transactions. +Schedule appointments. +Order materials, supplies, or equipment.","Contact With Others— 99% responded “Constant contact with others.” +Telephone Conversations— 100% responded “Every day.” +E-Mail +Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Frequency of Decision Making— 72% responded “Every day.” +Deal With External Customers or the Public in General— 66% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 58% responded “Every day.” +Work With or Contribute to a Work Group or Team— 74% responded “Extremely important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Importance of Being Exact or Accurate— 34% responded “Extremely important.” +Written Letters and Memos— 42% responded “Once a week or more but not every day.” +Physical Proximity— 35% responded “Slightly close (e.g., shared office).” +Freedom to Make Decisions— 19% responded “A lot of freedom.” +Spend Time Sitting— 33% responded “Continually or almost continually.” +Conflict Situations— 24% responded “Every day.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 45% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 22% responded “Moderate results.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Time Pressure— 29% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Customer Service Representatives +Bright Outlook +Dispatchers, Except Police, Fire, and Ambulance +Executive Secretaries and Executive Administrative Assistants +Medical Secretaries and Administrative Assistants +Office Clerks, General +Public Safety Telecommunicators +Receptionists and Information Clerks +Secretaries and Administrative Assistants, Except Legal, Medical, and Executive +Telemarketers +Telephone Operators","View the list of Allies +Association of TeleServices International +external site",84,2,8,71,36,45,39,24,67,24,12,38,1,62,12,24,43,19,12,4,33,19,12,59,5,12,,,,,8,,2 +45-2093.00,"Farmworkers, Farm, Ranch, and Aquacultural Animals",https://www.onetonline.org/link/summary/45-2093.00,2025-06-11T19:17:37.717115,"Feed and water livestock and monitor food and water supplies. +Herd livestock to pastures for grazing or to scales, trucks, or other enclosures. +Examine animals to detect illness, injury, or disease, and to check physical characteristics, such as rate of weight gain. +Provide medical treatment, such as administering medications and vaccinations, or arrange for veterinarians to provide more extensive treatment. +Mark livestock to identify ownership and grade, using brands, tags, paint, or tattoos. +Drive trucks, tractors, and other equipment to distribute feed to animals. +Segregate animals according to weight, age, color, and physical condition. +Inspect, maintain, and repair equipment, machinery, buildings, pens, yards, and fences. +Move equipment, poultry, or livestock from one location to another, manually or using trucks or carts. +Clean stalls, pens, and equipment, using disinfectant solutions, brushes, shovels, water hoses, or pumps. +Mix feed, additives, and medicines in prescribed portions. +Shift animals between grazing areas to ensure that they have sufficient access to food. +Protect herds from predators, using trained dogs. +Order food for animals, and arrange for its delivery. +Perform duties related to livestock reproduction, such as breeding animals within appropriate timeframes, performing artificial inseminations, and helping with animal births. +Patrol grazing lands on horseback or using all-terrain vehicles. +Maintain growth, feeding, production, and cost records. +Groom, clip, trim, or castrate animals, dock ears and tails, or shear coats to collect hair. +Spray livestock with disinfectants and insecticides, or dip or bathe animals.","Data base user interface and query software— BCL Landview Systems WinCrop; Farm Works Software Trac; Lancaster DHIA PCDART; Valley Agricultural Software DairyCOMP 305 +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Care for animals. +Examine animals to detect illness, injury or other problems. +Treat animal injuries or illnesses. +Prepare materials or solutions for animal or plant use. +Mark agricultural or forestry products for identification. +Maintain inventories of materials, equipment, or products. +Perform animal breeding procedures. +Operate farming equipment. +Classify organisms based on their characteristics or behavior. +Maintain forestry, hunting, or agricultural equipment. +Transport animals, crops, or equipment. +Maintain operational records. +Clean equipment or facilities.","Exposed to Contaminants— 61% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 43% responded “Every day.” +Contact With Others— 57% responded “Contact with others most of the time.” +Outdoors, Exposed to All Weather Conditions— 65% responded “Every day.” +Spend Time Standing— 49% responded “Continually or almost continually.” +Telephone Conversations— 37% responded “Every day.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 55% responded “A lot of freedom.” +Spend Time Walking or Running— 43% responded “About half the time.” +Exposed to Very Hot or Cold Temperatures— 44% responded “Once a month or more but not every week.” +Outdoors, Under Cover— 51% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 58% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 36% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 48% responded “Every day.” +Frequency of Decision Making— 43% responded “Every day.” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Physical Proximity— 36% responded “Very close (near touching).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 33% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “Less than half the time.” +Duration of Typical Work Week— 42% responded “More than 40 hours.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Once a month or more but not every week.” +In an Open Vehicle or Operating Equipment— 45% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 40% responded “High responsibility.” +Consequence of Error— 30% responded “Fairly serious.” +Deal With External Customers or the Public in General— 37% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Important.” +Indoors, Not Environmentally Controlled— 36% responded “Never.” +Spend Time Making Repetitive Motions— 61% responded “About half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Agricultural Equipment Operators +Bright Outlook +Agricultural Technicians +Animal Breeders +Animal Caretakers +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Fishing and Hunting Workers +Graders and Sorters, Agricultural Products +Laborers and Freight, Stock, and Material Movers, Hand +Meat, Poultry, and Fish Cutters and Trimmers +Slaughterers and Meat Packers","View the list of Allies +American Farm Bureau Federation +external site +American Paint Horse Association +external site +American Quarter Horse Association +external site +American Sheep Industry Association +external site +Association of Farmworker Opportunity Programs +external site +International Horsemanship Association +external site +National Cattlemen's Beef Association +external site",32,51,55,54,50,54,49,41,43,44,43,34,38,32,11,38,27,53,15,45,32,13,16,27,20,27,35,26,54,29,27,4,22 +53-7064.00,"Packers and Packagers, Hand",https://www.onetonline.org/link/summary/53-7064.00,2025-06-11T19:30:47.131527,"Examine and inspect containers, materials, or products to ensure that product quality and packing specifications are met. +Measure, weigh, and count products and materials. +Record product, packaging, and order information on specified forms and records. +Seal containers or materials, using glues, fasteners, nails, and hand tools. +Assemble, line, and pad cartons, crates, and containers, using hand tools. +Obtain, move, and sort products, materials, containers, and orders, using hand tools. +Mark and label containers, container tags, or products, using marking tools. +Clean containers, materials, supplies, or work areas, using cleaning solutions and hand tools. +Remove completed or defective products or materials, placing them on moving equipment, such as conveyors, or in specified areas, such as loading docks. +Place or pour products or materials into containers, using hand tools and equipment, or fill containers from spouts or chutes. +Load materials and products into package processing equipment. +Transport packages to customers' vehicles.","Computer aided design CAD software— Autodesk AutoCAD +Enterprise resource planning ERP software— SAP software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Inspect cargo to ensure it is properly loaded or secured. +Inspect work to ensure standards are met. +Measure product or material dimensions. +Weigh materials to ensure compliance with specifications. +Move materials, equipment, or supplies. +Remove debris or damaged materials. +Set up material handling gear or equipment, such as rigging, packaging, or temporary structures. +Record details of deliveries or shipments. +Sort materials or objects for processing or transport. +Load materials into equipment for processing. +Mark materials or objects for identification. +Clean facilities or work areas.","Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 82% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Contact With Others— 65% responded “Constant contact with others.” +Indoors, Not Environmentally Controlled— 80% responded “Every day.” +Spend Time Standing— 54% responded “Continually or almost continually.” +Time Pressure— 47% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Importance of Repeating Same Tasks— 41% responded “Extremely important.” +Spend Time Making Repetitive Motions— 55% responded “Continually or almost continually.” +Exposed to Contaminants— 57% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Frequency of Decision Making— 47% responded “Every day.” +Health and Safety of Other Workers— 36% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Duration of Typical Work Week— 75% responded “40 hours.” +Determine Tasks, Priorities and Goals— 44% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 27% responded “More than half the time.” +E-Mail— 50% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Freedom to Make Decisions— 33% responded “Limited freedom.” +Spend Time Walking or Running— 33% responded “Less than half the time.” +Exposed to Hazardous Equipment— 44% responded “Every day.” +Indoors, Environmentally Controlled— 42% responded “Never.” +Pace Determined by Speed of Equipment— 32% responded “Extremely important.” +Telephone Conversations— 27% responded “Never.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adhesive Bonding Machine Operators and Tenders +Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Graders and Sorters, Agricultural Products +Grinding and Polishing Workers, Hand +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Machine Feeders and Offbearers +Packaging and Filling Machine Operators and Tenders +Paper Goods Machine Setters, Operators, and Tenders","View the list of Allies +MHI +external site +Warehousing Education and Research Council +external site +The United Food and Commercial Workers International Union +external site",55,24,74,50,43,27,43,29,45,20,22,26,36,39,19,22,18,41,13,34,22,12,17,21,16,32,33,18,10,28,13,12,17 +35-3031.00,Waiters and Waitresses,https://www.onetonline.org/link/summary/35-3031.00,2025-06-11T19:11:58.555918,"Take orders from patrons for food or beverages. +Check with customers to ensure that they are enjoying their meals, and take action to correct any problems. +Check patrons' identification to ensure that they meet minimum age requirements for consumption of alcoholic beverages. +Collect payments from customers. +Write patrons' food orders on order slips, memorize orders, or enter orders into computers for transmittal to kitchen staff. +Prepare checks that itemize and total meal costs and sales taxes. +Present menus to patrons and answer questions about menu items, making recommendations upon request. +Remove dishes and glasses from tables or counters, and take them to kitchen for cleaning. +Serve food or beverages to patrons, and prepare or serve specialty dishes at tables as required. +Clean tables or counters after patrons have finished dining. +Prepare tables for meals, including setting up items such as linens, silverware, and glassware. +Explain how various menu items are prepared, describing ingredients and cooking methods. +Assist host or hostess by answering phones to take reservations or to-go orders, and by greeting, seating, and thanking guests. +Escort customers to their tables. +Perform cleaning duties, such as sweeping and mopping floors, vacuuming carpet, tidying up server station, taking out trash, or checking and cleaning bathroom. +Inform customers of daily specials. +Prepare hot, cold, and mixed drinks for patrons, and chill bottles of wine. +Roll silverware, set up food stations, or set up dining areas to prepare for the next shift or for large parties. +Stock service areas with supplies such as coffee, food, tableware, and linens. +Bring wine selections to tables with appropriate glasses, and pour the wines for customers. +Fill salt, pepper, sugar, cream, condiment, and napkin containers. +Describe and recommend wines to customers. +Perform food preparation duties, such as preparing salads, appetizers, and cold dishes, portioning desserts, and brewing coffee. +Provide guests with information about local areas, including directions. +Garnish and decorate dishes in preparation for serving.","Instant messaging software— Blink +Point of sale POS software— Compris Advanced Manager's Workstation; Hospitality Control Solutions Aloha Point-of-Sale; Intuit QuickBooks Point of Sale; NCR Advanced Checkout Solution;4 more +Web page creation and editing software— Facebook","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.","Take customer orders. +Communicate with customers to resolve complaints or ensure satisfaction. +Enforce rules or regulations. +Process customer bills or payments. +Communicate dining or order details to kitchen personnel. +Present food or beverage information or menus to customers. +Collect dirty dishes or other tableware. +Serve food or beverages. +Cook foods. +Arrange tables or dining areas. +Clean food service areas. +Assist customers with seating arrangements. +Schedule dining reservations. +Clean food preparation areas, facilities, or equipment. +Prepare hot or cold beverages. +Stock serving stations or dining areas with food or supplies. +Prepare foods for cooking or serving. +Add garnishes to food. +Provide customers with general information or assistance.","Contact With Others— 89% responded “Constant contact with others.” +Spend Time Walking or Running— 82% responded “Continually or almost continually.” +Spend Time Standing— 79% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Physical Proximity— 51% responded “Moderately close (at arm's length).” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 39% responded “Extremely important.” +Deal With External Customers or the Public in General— 55% responded “Extremely important.” +Spend Time Making Repetitive Motions— 39% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Telephone Conversations— 49% responded “Every day.” +Importance of Repeating Same Tasks— 32% responded “Important.” +Frequency of Decision Making— 45% responded “Every day.” +Health and Safety of Other Workers— 31% responded “Moderate responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 50% responded “Every day.” +Spend Time Bending or Twisting Your Body— 30% responded “Less than half the time.” +Level of Competition— 39% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Baristas +Bright Outlook +Bartenders +Cooks, Short Order +Dining Room and Cafeteria Attendants and Bartender Helpers +Fast Food and Counter Workers +First-Line Supervisors of Food Preparation and Serving Workers +Food Preparation Workers +Food Servers, Nonrestaurant +Food Service Managers +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop","View the list of Allies +International Council on Hotel, Restaurant, and Institutional Education +external site +National Restaurant Association +external site +Court of Master Sommeliers +external site +Federation of Dining Room Professionals +external site +UNITE HERE +external site",84,56,32,69,42,48,29,37,23,26,62,40,12,37,28,21,21,9,10,19,38,10,21,16,11,12,9,8,8,16,12,7,4 +15-1221.00,Computer and Information Research Scientists,https://www.onetonline.org/link/summary/15-1221.00,2025-06-11T18:51:29.814332,"Analyze problems to develop solutions involving computer hardware and software. +Apply theoretical expertise and innovation to create or apply new technology, such as adapting principles for applying computers to new uses. +Assign or schedule tasks to meet work priorities and goals. +Meet with managers, vendors, and others to solicit cooperation and resolve problems. +Design computers and the software that runs them. +Conduct logical analyses of business, scientific, engineering, and other technical problems, formulating mathematical models of problems for solution by computers. +Evaluate project plans and proposals to assess feasibility issues. +Participate in multidisciplinary projects in areas such as virtual reality, human-computer interaction, or robotics. +Consult with users, management, vendors, and technicians to determine computing needs and system requirements. +Develop and interpret organizational goals, policies, and procedures. +Develop performance standards, and evaluate work in light of established standards. +Maintain network hardware and software, direct network security measures, and monitor networks to ensure availability to system users. +Direct daily operations of departments, coordinating project activities with other departments. +Participate in staffing decisions and direct training of subordinates. +Approve, prepare, monitor, and adjust operational budgets.","Analytical or scientific software— IBM SPSS Statistics; SAS; TensorFlow; The MathWorks MATLAB;15 more +Application server software— Docker; GitHub +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Microsoft Power BI; Tableau;3 more +Cloud-based management software— Splunk Enterprise +Clustering software— Clustermatic; Parallel systems software +Communications server software— IBM Domino +Compiler and decompiler software— Greenhills Ada compilers; Low-level virtual machine LLVM compilers; Polaris parallelizing compilers +Computer aided design CAD software— Computer aided design and drafting CADD software; PTC Creo Parametric +Configuration management software— IBM Rational Apex; Perforce Software Configuration Management System +Data base management system software— Amazon DynamoDB; Elasticsearch; MongoDB; Oracle Database;10 more +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Apache Hive; PyTorch; Transact-SQL;5 more +Data mining software— Google Analytics +Development environment software— Apache Kafka; Eclipse IDE; Oracle Java 2 Platform Enterprise Edition J2EE; Ruby;26 more +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; SAP Business Objects +File versioning software— Apache Subversion SVN; Git +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Waikato Environment for Knowledge Analysis Weka +Graphics or photo imaging software— 3D graphics software; Graphics pipelines; Open Graphics Library OpenGL +Industrial control software— Chatbot software +Metadata management software— Quest Erwin Data Modeler +Object or component oriented development software— C#; Perl; R; Scala;10 more +Object oriented data base management software— PostgreSQL +Office suite software— Business software applications; Microsoft Office software +Operating system software— Bash; Shell script; UNIX; UNIX Shell;5 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Program testing software— System testing software +Project management software— Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Sales and marketing software— Google Ads +Spreadsheet software— Microsoft Excel +Video creation and editing software— Video editing software +Web page creation and editing software— Plug-in file software +Web platform development software— Django; JavaScript; Node.js; PHP;1 more","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Analyze data to identify or resolve operational problems. +Apply information technology to solve business or other applied problems. +Assign duties or work schedules to employees. +Maintain computer hardware. +Monitor the performance of computer networks. +Collaborate with others to resolve information technology issues. +Design integrated computer systems. +Analyze data to identify trends or relationships among variables. +Evaluate project designs to determine adequacy or feasibility. +Collaborate on research activities with scientists or technical specialists. +Collaborate with others to determine design specifications or details. +Coordinate project activities with other personnel or departments. +Manage information technology projects or system activities. +Develop organizational goals or objectives. +Develop performance metrics or standards related to information technology. +Participate in staffing decisions. +Train others in computer interface or software use. +Manage budgets for appropriate resource allocation.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 94% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Spend Time Sitting— 54% responded “Continually or almost continually.” +Contact With Others— 62% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 51% responded “Extremely important.” +Telephone Conversations— 64% responded “Every day.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 27% responded “Important.” +Duration of Typical Work Week— 58% responded “40 hours.” +Time Pressure— 66% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 49% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Level of Competition— 68% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Public Speaking— 40% responded “Once a year or more but not every month.” +Frequency of Decision Making— 36% responded “Once a year or more but not every month.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Programming— Writing computer programs for various purposes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Speaking— Talking to others to convey information effectively. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Science— Using scientific rules and methods to solve problems. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Bioinformatics Scientists +Bright Outlook +Bioinformatics Technicians +Computer Programmers +Computer Systems Analysts +Computer Systems Engineers/Architects +Data Scientists +Database Architects +Mathematicians +Operations Research Analysts +Software Developers","View the list of Allies +American Association for the Advancement of Science +external site +American Mathematical Society +external site +American Society for Engineering Education +external site +Association for Computing Machinery +external site +Association for the Advancement of Artificial Intelligence +external site +Computing Research Association +external site +European Association for Theoretical Computer Science +external site +IEEE Computer Society +external site +Institute of Electrical and Electronics Engineers +external site +National Center for Women and Information Technology +external site +Sigma Xi, The Scientific Research Honor Society +external site +USENIX +external site +CompTIA +external site +Institute for Certification of Computing Professionals +external site",43,1,37,72,77,58,35,42,40,29,43,37,21,89,7,25,32,27,10,7,35,8,22,52,10,74,14,46,23,57,21,8,11 +35-1012.00,First-Line Supervisors of Food Preparation and Serving Workers,https://www.onetonline.org/link/summary/35-1012.00,2025-06-11T19:11:32.325512,"Perform various financial activities, such as cash handling, deposit preparation, and payroll. +Resolve customer complaints regarding food service. +Compile and balance cash receipts at the end of the day or shift. +Present bills and accept payments. +Inspect supplies, equipment, and work areas to ensure efficient service and conformance to standards. +Perform food preparation and serving duties, such as carving meat, preparing flambe dishes, or serving wine and liquor. +Train workers in food preparation, and in service, sanitation, and safety procedures. +Supervise and participate in kitchen and dining area cleaning activities. +Perform personnel actions, such as hiring and firing staff, providing employee orientation and training, and conducting supervisory activities, such as creating work schedules or organizing employee time sheets. +Control inventories of food, equipment, smallware, and liquor, and report shortages to designated personnel. +Assign duties, responsibilities, and work stations to employees in accordance with work requirements. +Specify food portions and courses, production and time sequences, and workstation and equipment arrangements. +Record production, operational, and personnel data on specified forms. +Observe and evaluate workers and work procedures to ensure quality standards and service, and complete disciplinary write-ups. +Estimate ingredients and supplies required to prepare a recipe. +Analyze operational problems, such as theft and wastage, and establish procedures to alleviate these problems. +Forecast staff, equipment, and supply requirements, based on a master menu. +Recommend measures for improving work procedures and worker performance to increase service quality and enhance job safety. +Develop equipment maintenance schedules and arrange for repairs. +Greet and seat guests, and present menus and wine lists. +Purchase or requisition supplies and equipment needed to ensure quality and timely delivery of services. +Develop departmental objectives, budgets, policies, procedures, and strategies. +Conduct meetings and collaborate with other personnel for menu planning, serving arrangements, and related details. +Evaluate new products for usefulness and suitability. +Schedule parties and take reservations. +Assess nutritional needs of patients, plan special menus, supervise the assembly of regular and special diet trays, and oversee the delivery of food trolleys to hospital patients.","Accounting software— Compeat Restaurant Accounting Systems; CostGuard; Sage 50 Accounting +Calendar and scheduling software— Staff scheduling software +Communications server software— IBM Domino +Computer based training software— Quizlet +Data base user interface and query software— CaterPro; CBORD Foodservice Suite +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics +Financial analysis software— Delphi Technology +Human resources software— ADP Workforce Now; SoftCafe ScheduleWriter +Inventory management software— CBORD Group Menu Management System; Regnow Chrysanth Inventory Manager +Office suite software— Microsoft Office software +Point of sale POS software— Intuit QuickBooks Point of Sale; NCR Advanced Checkout Solution; NCR NeighborhoodPOS; ParTech PixelPoint POS;4 more +Presentation software— Microsoft PowerPoint +Procurement software— Ordering and purchasing software +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel; Restaurant Operations & Management Spreadsheet Library +Word processing software— Evernote; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Manage food service operations or parts of operations. +Balance receipts. +Communicate with customers to resolve complaints or ensure satisfaction. +Process customer bills or payments. +Cut cooked or raw foods. +Inspect facilities, equipment or supplies to ensure conformance to standards. +Prepare foods for cooking or serving. +Train food preparation or food service personnel. +Clean food preparation areas, facilities, or equipment. +Assist customers with seating arrangements. +Present food or beverage information or menus to customers. +Perform human resources activities. +Coordinate activities of food service staff. +Maintain food, beverage, or equipment inventories. +Coordinate timing of food production activities. +Monitor food services operations to ensure procedures are followed. +Record operational or production data. +Estimate supplies, ingredients, or staff requirements for food preparation activities. +Order materials, supplies, or equipment. +Schedule equipment maintenance. +Plan menu options. +Evaluate quality of materials or products. +Schedule dining reservations.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Contact With Others— 85% responded “Constant contact with others.” +Physical Proximity— 82% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 79% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Frequency of Decision Making— 74% responded “Every day.” +Spend Time Standing— 59% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 60% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Health and Safety of Other Workers— 51% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Very important results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 81% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 54% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 75% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 63% responded “Very important.” +Freedom to Make Decisions— 55% responded “A lot of freedom.” +Telephone Conversations— 44% responded “Every day.” +Time Pressure— 43% responded “Every day.” +Spend Time Walking or Running— 44% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 42% responded “Some freedom.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 45% responded “Every day.” +Conflict Situations— 37% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 37% responded “More than half the time.” +E-Mail— 43% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 57% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Duration of Typical Work Week— 42% responded “More than 40 hours.” +Level of Competition— 42% responded “Moderately competitive.” +Written Letters and Memos— 51% responded “Once a week or more but not every day.” +Consequence of Error— 35% responded “Extremely serious.” +Spend Time Bending or Twisting Your Body— 37% responded “More than half the time.”","Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers +First-Line Supervisors of Retail Sales Workers","View the list of Allies +Academy of Nutrition and Dietetics +external site +Association of Nutrition and Foodservice Professionals +external site +International Council on Hotel, Restaurant, and Institutional Education +external site +National Restaurant Association +external site +School Nutrition Association +external site +American Culinary Federation +external site +National Education Association +external site",81,77,67,63,57,65,51,60,51,48,52,63,31,48,10,31,25,33,5,28,32,20,19,19,15,21,19,12,9,18,16,3,6 +13-1081.00,Logisticians,https://www.onetonline.org/link/summary/13-1081.00,2025-06-11T18:49:54.249429,"Maintain and develop positive business relationships with a customer's key personnel involved in, or directly relevant to, a logistics activity. +Develop an understanding of customers' needs and take actions to ensure that such needs are met. +Manage subcontractor activities, reviewing proposals, developing performance specifications, and serving as liaisons between subcontractors and organizations. +Develop proposals that include documentation for estimates. +Review logistics performance with customers against targets, benchmarks, and service agreements. +Direct availability and allocation of materials, supplies, and finished products. +Redesign the movement of goods to maximize value and minimize costs. +Explain proposed solutions to customers, management, or other interested parties through written proposals and oral presentations. +Direct team activities, establishing task priorities, scheduling and tracking work assignments, providing guidance, and ensuring the availability of resources. +Perform managerial duties such as hiring and training employees and overseeing facility needs or requirements. +Collaborate with other departments as necessary to meet customer requirements, to take advantage of sales opportunities or, in the case of shortages, to minimize negative impacts on a business. +Report project plans, progress, and results. +Protect and control proprietary materials. +Stay informed of logistics technology advances and apply appropriate technology to improve logistics processes. +Develop and implement technical project management tools, such as plans, schedules, and responsibility and compliance matrices. +Provide project management services, including the provision and analysis of technical data. +Manage the logistical aspects of product life cycles, including coordination or provisioning of samples, and the minimization of obsolescence. +Perform system lifecycle cost analysis and develop component studies. +Plan, organize, and execute logistics support activities, such as maintenance planning, repair analysis, and test equipment recommendations. +Participate in the assessment and review of design alternatives and design change proposal impacts. +Direct and support the compilation and analysis of technical source data necessary for product development. +Support the development of training materials and technical manuals.","Accounting software— Intuit QuickBooks +Business intelligence and data analysis software— IBM Cognos Impromptu +Computer aided design CAD software— Autodesk AutoCAD +Customer relationship management CRM software +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Structured query language SQL +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle E-Business Suite; Oracle JD Edwards EnterpriseOne; SAP software +Enterprise system management software— IBM Power Systems software +Graphics or photo imaging software— SmugMug Flickr +Internet browser software— Web browser software +Inventory management software— Radio frequency identification RFID software +Materials requirements planning logistics and supply chain software— RedPrairie E2e; Warehouse management system WMS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Procurement software— Order management software; Purchasing software +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Develop business relationships. +Collect data about customer needs. +Gather customer or product information to determine customer needs. +Supervise employees. +Allocate physical resources within organizations. +Prepare proposal documents. +Analyze logistics processes. +Coordinate logistics or other business operations. +Present business-related information to audiences. +Manage operations, research, or logistics projects. +Confer with personnel to coordinate business operations. +Report information to managers or other personnel. +Update professional knowledge. +Develop business or financial information systems. +Advise others on analytical techniques. +Develop financial or business plans. +Analyze business or financial data. +Measure effectiveness of business strategies or practices. +Coordinate regulatory documentation activities. +Develop training materials.","Telephone Conversations— 100% responded “Every day.” +E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Work With or Contribute to a Work Group or Team— 58% responded “Extremely important.” +Contact With Others— 67% responded “Constant contact with others.” +Duration of Typical Work Week— 75% responded “More than 40 hours.” +Time Pressure— 58% responded “Every day.” +Indoors, Environmentally Controlled— 63% responded “Every day.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Importance of Being Exact or Accurate— 33% responded “Extremely important.” +Spend Time Sitting— 54% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 46% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Very important.” +Frequency of Decision Making— 33% responded “Every day.” +Work Outcomes and Results of Other Workers— 42% responded “High responsibility.” +Level of Competition— 42% responded “Highly competitive.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Every day.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Importance of Repeating Same Tasks— 29% responded “Very important.” +Conflict Situations— 46% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a year or more but not every month.” +Health and Safety of Other Workers— 33% responded “High responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Operations Analysis— Analyzing needs and product requirements to create a design. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Industrial Production Managers +Logistics Analysts +Bright Outlook +Logistics Engineers +Management Analysts +Production, Planning, and Expediting Clerks +Project Management Specialists +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Purchasing Managers +Supply Chain Managers +Transportation, Storage, and Distribution Managers","View the list of Allies +AFCEA International +external site +Association for Supply Chain Management +external site +Association of the United States Army +external site +Council of Logistics Engineering Professionals +external site +Institute for Supply Management +external site +LMI +external site +National Defense Industrial Association +external site +National Defense Transportation Association +external site +National Institute of Packaging, Handling, and Logistics Engineers +external site +National Shippers Strategic Transportation Council +external site +SOLE - The International Society of Logistics +external site +Council of Supply Chain Management Professionals +external site +The Logistics Institute +external site",73,10,54,75,68,74,58,54,46,58,57,54,15,66,23,52,38,24,14,94,35,16,22,31,4,35,14,15,10,27,58,4,11 +29-1216.00,General Internal Medicine Physicians,https://www.onetonline.org/link/summary/29-1216.00,2025-06-11T19:06:44.287602,"Analyze records, reports, test results, or examination information to diagnose medical condition of patient. +Treat internal disorders, such as hypertension, heart disease, diabetes, or problems of the lung, brain, kidney, or gastrointestinal tract. +Prescribe or administer medication, therapy, and other specialized medical care to treat or prevent illness, disease, or injury. +Manage and treat common health problems, such as infections, influenza or pneumonia, as well as serious, chronic, and complex illnesses, in adolescents, adults, and the elderly. +Provide and manage long-term, comprehensive medical care, including diagnosis and nonsurgical treatment of diseases, for adult patients in an office or hospital. +Explain procedures and discuss test results or prescribed treatments with patients. +Advise patients and community members concerning diet, activity, hygiene, and disease prevention. +Make diagnoses when different illnesses occur together or in situations where the diagnosis may be obscure. +Refer patient to medical specialist or other practitioner when necessary. +Monitor patients' conditions and progress and reevaluate treatments as necessary. +Collect, record, and maintain patient information, such as medical history, reports, or examination results. +Provide consulting services to other doctors caring for patients with special or difficult problems. +Advise surgeon of a patient's risk status and recommend appropriate intervention to minimize risk. +Immunize patients to protect them from preventable diseases. +Direct and coordinate activities of nurses, students, assistants, specialists, therapists, and other medical staff. +Prepare government or organizational reports on birth, death, and disease statistics, workforce evaluations, or the medical status of individuals. +Conduct research to develop or test medications, treatments, or procedures to prevent or control disease or injury. +Operate on patients to remove, repair, or improve functioning of diseased or injured body parts and systems. +Plan, implement, or administer health programs in hospitals, businesses, or communities for prevention and treatment of injuries or illnesses.","Accounting software— Billing software +Calendar and scheduling software— Scheduling software +Electronic mail software— Email software; MicroFocus GroupWise +Information retrieval or search software— Medical reference software +Internet browser software— Microsoft Internet Explorer; Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; GE Healthcare Centricity EMR; MEDITECH software;13 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Analyze test data or images to inform diagnosis or treatment. +Treat chronic diseases or disorders. +Administer non-intravenous medications. +Prescribe medications. +Prescribe treatments or therapies. +Treat acute illnesses, infections, or injuries. +Diagnose medical conditions. +Explain medical procedures or test results to patients or family members. +Advise communities or institutions regarding health or safety issues. +Provide health and wellness advice to patients, program participants, or caregivers. +Monitor patient progress or responses to treatments. +Refer patients to other healthcare practitioners or health resources. +Collect medical information from patients, family members, or other medical professionals. +Record patient medical histories. +Advise medical personnel regarding healthcare issues. +Immunize patients. +Supervise patient care personnel. +Conduct research to increase knowledge about medical issues. +Operate on patients to treat conditions. +Design public or employee health programs. +Direct healthcare delivery programs. +Prepare official health documents or records.","Exposed to Disease or Infections— 100% responded “Every day.” +Indoors, Environmentally Controlled— 99% responded “Every day.” +Freedom to Make Decisions— 84% responded “A lot of freedom.” +Physical Proximity— 76% responded “Very close (near touching).” +E-Mail— 80% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 72% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Frequency of Decision Making +Consequence of Error— 58% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 59% responded “Very important results.” +Deal With External Customers or the Public in General— 24% responded “Very important.” +Time Pressure— 45% responded “Every day.” +Health and Safety of Other Workers— 22% responded “Moderate responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 48% responded “Very important.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Importance of Repeating Same Tasks— 38% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 29% responded “Very high responsibility.” +Written Letters and Memos— 36% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 59% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 43% responded “Once a month or more but not every week.” +Spend Time Standing— 53% responded “About half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Cardiologists +Emergency Medicine Physicians +Family Medicine Physicians +Neurologists +Bright Outlook +Obstetricians and Gynecologists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Pediatricians, General +Urologists","View the list of Allies +AMDA The Society for Post-Acute and Long-Term Care Medicine +external site +American Academy of Family Physicians +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Cardiology +external site +American College of Chest Physicians +external site +American College of Gastroenterology +external site +American College of Obstetricians and Gynecologists +external site +American Gastroenterological Association +external site +American Geriatrics Society +external site +American Medical Association +external site +American Osteopathic Association +external site +American Society for Gastrointestinal Endoscopy +external site +American Thoracic Society +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +Society of Hospital Medicine +external site +Accreditation Council for Pharmacy Education +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",73,10,27,80,62,74,54,81,53,51,39,57,61,73,33,49,41,11,40,24,84,84,49,36,98,38,5,40,88,15,26,2,13 +17-3027.00,Mechanical Engineering Technologists and Technicians,https://www.onetonline.org/link/summary/17-3027.00,2025-06-11T18:55:27.989388,"Assemble or disassemble complex mechanical systems. +Interpret engineering sketches, specifications, or drawings. +Calculate required capacities for equipment of proposed system to obtain specified performance and submit data to engineering personnel for approval. +Review project instructions and blueprints to ascertain test specifications, procedures, and objectives, and test nature of technical problems such as redesign. +Provide technical support to other employees regarding mechanical design, fabrication, testing, or documentation. +Test machines, components, materials, or products to determine characteristics such as performance, strength, or response to stress. +Draft detail drawing or sketch for drafting room completion or to request parts fabrication by machine, sheet or wood shops. +Analyze test results in relation to design or rated specifications and test objectives, and modify or adjust equipment to meet specifications. +Record test procedures and results, numerical and graphical data, and recommendations for changes in product or test methods. +Prepare specifications, designs, or sketches for machines, components, or systems related to the generation, transmission, or use of mechanical or fluid energy. +Read dials and meters to determine amperage, voltage, electrical output and input at specific operating temperature to analyze parts performance. +Design molds, tools, dies, jigs, or fixtures for use in manufacturing processes. +Review project instructions and specifications to identify, modify and plan requirements fabrication, assembly and testing. +Design specialized or customized equipment, machines, or structures. +Conduct failure analyses, document results, and recommend corrective actions. +Set up and conduct tests of complete units and components under operational conditions to investigate proposals for improving equipment performance. +Assist engineers to design, develop, test, or manufacture industrial machinery, consumer products, or other equipment. +Prepare layouts of machinery, tools, plants, or equipment. +Prepare equipment inspection schedules, reliability schedules, work plans, or other records. +Set up prototype and test apparatus and operate test controlling equipment to observe and record prototype test results. +Evaluate tool drawing designs by measuring drawing dimensions and comparing with original specifications for form and function using engineering skills. +Analyze energy requirements and distribution systems to maximize the use of intermittent or inflexible renewable energy sources, such as wind or nuclear. +Prepare parts sketches and write work orders and purchase requests to be furnished by outside contractors. +Estimate cost factors including labor and material for purchased and fabricated parts and costs for assembly, testing, or installing. +Assist mechanical engineers in product testing through activities such as setting up instrumentation for automobile crash tests. +Conduct statistical studies to analyze or compare production costs for sustainable and nonsustainable designs. +Analyze or estimate production costs, such as labor, equipment, and plant space. +Devise, fabricate, or assemble new or modified mechanical components for products such as industrial machinery or equipment, and measuring instruments. +Discuss changes in design, method of manufacture and assembly, or drafting techniques and procedures with staff and coordinate corrections. +Monitor, inspect, or test mechanical equipment.","Analytical or scientific software— ANSYS Mechanical; Finite element method FEM software; MSC Software Adams; The MathWorks MATLAB;7 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;7 more +Computer aided manufacturing CAM software— CNC Mastercam; Stereolithography SLA rapid prototyping systems; TekSoft CAMWorks; Three-dimensional 3D solid modeling software +Data base user interface and query software— Microsoft Access +Development environment software— Microsoft Visual Basic; National Instruments LabVIEW +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Industrial control software— Computerized numerical control CNC programming software; Robotic control software; Soft Servo Systems LadderWorks PLC +Internet browser software— Web browser software +Object or component oriented development software— C++ +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— ProModel +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Assemble equipment or components. +Explain engineering drawings, specifications, or other technical information. +Test products for functionality or quality. +Estimate technical or resource requirements for development or production projects. +Review technical documents to plan work. +Provide technical guidance to other personnel. +Create graphical representations of mechanical equipment. +Test characteristics of materials or structures. +Analyze test or validation data. +Document design or operational test results. +Document technical design details. +Evaluate designs or specifications to ensure quality. +Design industrial equipment. +Monitor the productivity or efficiency of industrial operations. +Analyze green technology design requirements. +Prepare contracts, disclosures, or applications. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Conduct quantitative failure analyses of operational data. +Recommend technical design or process changes to improve efficiency, quality, or performance. +Estimate operational costs. +Create graphical representations of industrial production systems. +Schedule operational activities. +Assist engineers or scientists with research. +Analyze costs and benefits of proposed designs or projects. +Assemble mechanical components or machine parts. +Collaborate with others to develop or refine designs. +Fabricate devices or components.","Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Contact With Others— 64% responded “Constant contact with others.” +E-Mail— 87% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 70% responded “Every day.” +Telephone Conversations— 50% responded “Every day.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 42% responded “Very important.” +Time Pressure— 42% responded “Every day.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 38% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Consequence of Error— 41% responded “Very serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 43% responded “Every day.” +Work Outcomes and Results of Other Workers— 34% responded “High responsibility.” +Physical Proximity— 47% responded “Slightly close (e.g., shared office).” +Health and Safety of Other Workers— 31% responded “Very high responsibility.” +Frequency of Decision Making— 31% responded “Every day.” +Exposed to Hazardous Equipment— 32% responded “Every day.” +Importance of Repeating Same Tasks— 28% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 36% responded “Continually or almost continually.” +Exposed to Contaminants— 28% responded “Every day.” +Spend Time Standing— 31% responded “More than half the time.” +Deal With External Customers or the Public in General— 32% responded “Very important.” +Spend Time Sitting— 40% responded “Less than half the time.” +Written Letters and Memos— 27% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 28% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Operation and Control— Controlling operations of equipment or systems. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Automotive Engineering Technicians +Calibration Technologists and Technicians +Civil Engineering Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Industrial Engineering Technologists and Technicians +Mechanical Drafters +Nanotechnology Engineering Technologists and Technicians +Photonics Technicians +Robotics Technicians","View the list of Allies +American Society for Engineering Education +external site +American Society for Precision Engineering +external site +American Society of Mechanical Engineers +external site +American Welding Society +external site +ASHRAE +external site +ASM International +external site +Association for Facilities Engineering +external site +ASTM International +external site +Engineering Institute of Canada +external site +Engineers Without Borders USA +external site +Institute of Environmental Sciences and Technology +external site +Institute of Industrial and Systems Engineers +external site +Institution of Mechanical Engineers +external site +International Association of Engineers +external site +International Society for Technology in Education +external site +Materials Research Society +external site +Minerals, Metals and Materials Society +external site +National Society of Black Engineers +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Hispanic Professional Engineers +external site +Society of Manufacturing Engineers +external site +Society of Tribologists and Lubrication Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +The Institution of Engineering and Technology +external site +New England Water Environment Association +external site +New England Water Works Association +external site +Southwestern Association of Technical Accident Investigators +external site +Accreditation Board for Engineering and Technology +external site +International Society of Automation +external site +National Institute for Certification in Engineering Technologies +external site +Refrigeration Service Engineers Society +external site",46,17,58,62,67,46,37,41,51,26,10,20,34,59,11,37,29,79,8,21,11,6,6,26,9,79,38,55,7,75,13,1,9 +31-9091.00,Dental Assistants,https://www.onetonline.org/link/summary/31-9091.00,2025-06-11T19:09:43.979589,"Prepare patient, sterilize or disinfect instruments, set up instrument trays, prepare materials, or assist dentist during dental procedures. +Record treatment information in patient records. +Assist dentist in management of medical or dental emergencies. +Order and monitor dental supplies and equipment inventory. +Expose dental diagnostic x-rays. +Provide postoperative instructions prescribed by dentist. +Instruct patients in oral hygiene and plaque control programs. +Take and record medical and dental histories and vital signs of patients. +Apply protective coating of fluoride to teeth. +Schedule appointments, prepare bills and receive payment for dental services, complete insurance forms, and maintain records, manually or using computer. +Make preliminary impressions for study casts and occlusal registrations for mounting study casts. +Pour, trim, and polish study casts. +Fabricate temporary restorations or custom impressions from preliminary impressions. +Clean and polish removable appliances. +Clean teeth, using dental instruments. +Fabricate and fit orthodontic appliances and materials for patients, such as retainers, wires, or bands.","Accounting software— Quicken +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— Henry Schein Dentrix; Kodak Dental Systems Kodak SOFTDENT Practice management software PMS; Patterson Dental Supply Patterson EagleSoft; The Systems Workplace TDOCS;1 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Assist practitioners to perform medical procedures. +Clean medical equipment. +Prepare medical instruments or equipment for use. +Maintain medical records. +Explain technical medical information to patients. +Inventory medical supplies or equipment. +Operate medical equipment. +Teach medical procedures or medical equipment use to patients. +Interview patients to gather medical information. +Record vital statistics or other health information. +Administer basic health care or medical treatments. +Process medical billing information. +Schedule patient procedures or appointments. +Make patient-assistive devices or device models. +Fit patients for assistive devices.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 88% responded “Every day.” +Contact With Others— 81% responded “Constant contact with others.” +Physical Proximity— 88% responded “Very close (near touching).” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +Telephone Conversations— 66% responded “Every day.” +Exposed to Radiation— 84% responded “Every day.” +Health and Safety of Other Workers— 70% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 83% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Importance of Repeating Same Tasks— 44% responded “Extremely important.” +E-Mail— 44% responded “Every day.” +Deal With External Customers or the Public in General— 42% responded “Extremely important.” +Spend Time Making Repetitive Motions— 55% responded “Continually or almost continually.” +Spend Time Bending or Twisting Your Body— 42% responded “About half the time.” +Frequency of Decision Making— 39% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Every day.” +Exposed to Disease or Infections— 54% responded “Every day.” +Spend Time Standing— 49% responded “About half the time.” +Spend Time Walking or Running— 41% responded “Continually or almost continually.” +Conflict Situations— 38% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Time Pressure— 35% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 40% responded “Every day.” +Work Outcomes and Results of Other Workers— 37% responded “Very high responsibility.” +Public Speaking— 48% responded “Every day.” +Exposed to Contaminants— 53% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 47% responded “Every day.” +Exposed to Hazardous Conditions— 50% responded “Every day.” +Consequence of Error— 44% responded “Fairly serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Dental Hygienists +Bright Outlook +Dental Laboratory Technicians +Endoscopy Technicians +Medical Assistants +Ophthalmic Medical Technicians +Ophthalmic Medical Technologists +Physical Therapist Aides +Surgical Assistants +Surgical Technologists +Veterinary Technologists and Technicians","View the list of Allies +American Dental Association +external site +National Dental Association +external site +American Dental Assistants Association +external site +Dental Assisting National Board +external site",89,3,52,69,29,62,27,40,61,34,58,48,23,58,18,26,27,19,10,18,43,33,18,27,85,21,8,9,35,17,3,1,1 +31-1132.00,Orderlies,https://www.onetonline.org/link/summary/31-1132.00,2025-06-11T19:09:26.528372,"Lift or assist others to lift patients to move them on or off beds, examination tables, surgical tables, or stretchers. +Transport patients to treatment units, testing units, operating rooms, or other areas, using wheelchairs, stretchers, or moveable beds. +Disinfect or sterilize equipment or supplies, using germicides or sterilizing equipment. +Clean equipment, such as wheelchairs, hospital beds, or portable medical equipment, documenting needed repairs or maintenance. +Respond to emergency situations, such as emergency medical calls, security calls, or fire alarms. +Change soiled linens, such as bed linens, drapes, or cubicle curtains. +Carry messages or documents between departments. +Transport portable medical equipment or medical supplies between rooms or departments. +Clean and sanitize patient rooms, bathrooms, examination rooms, or other patient areas. +Collect and transport infectious or hazardous waste in closed containers for sterilization or disposal, in accordance with applicable law, standards, or policies. +Transport specimens, laboratory items, or pharmacy items, ensuring proper documentation and delivery to authorized personnel. +Collect soiled linen or trash. +Provide physical support to patients to assist them to perform daily living activities, such as getting out of bed, bathing, dressing, using the toilet, standing, walking, or exercising. +Separate collected materials for disposal, recycling, or reuse, in accordance with environmental policies. +Restrain patients to prevent violence or injury or to assist physicians or nurses to administer treatments. +Turn or reposition bedridden patients, alone or with assistance, to prevent bedsores. +Position or hold patients in position for surgical preparation. +Stock utility rooms, nonmedical storage rooms, or cleaning carts with supplies. +Answer patient call signals, signal lights, bells, or intercom systems to determine patients' needs. +Stock or issue medical supplies, such as dressing packs or treatment trays. +Transport bodies to the morgue. +Serve or collect food trays.","Electronic mail software— Microsoft Outlook +Medical software— Electronic medical record EMR software; GE Healthcare Centricity EMR; Medical record charting software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Adjust positions of patients on beds or tables. +Clean medical equipment. +Move patients to or from treatment areas. +Transport biological or other medical materials. +Dispose of biomedical waste in accordance with standards. +Clean patient rooms or patient treatment rooms. +Assist patients with daily activities. +Hold patients to ensure proper positioning or safety. +Stock medical or patient care supplies. +Feed patients.","Contact With Others— 95% responded “Constant contact with others.” +Exposed to Disease or Infections— 89% responded “Every day.” +Physical Proximity— 87% responded “Very close (near touching).” +Telephone Conversations— 90% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 83% responded “Every day.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 73% responded “Continually or almost continually.” +Spend Time Walking or Running— 70% responded “Continually or almost continually.” +Spend Time Standing— 64% responded “Continually or almost continually.” +Health and Safety of Other Workers— 69% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Frequency of Decision Making— 72% responded “Every day.” +Spend Time Bending or Twisting Your Body— 47% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 57% responded “Continually or almost continually.” +Time Pressure— 68% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Importance of Repeating Same Tasks— 51% responded “Extremely important.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Consequence of Error— 54% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 53% responded “Some freedom.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 40% responded “Every day.” +Conflict Situations— 52% responded “Every day.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Exposed to Contaminants— 46% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 32% responded “Every day.” +Level of Competition— 38% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 27% responded “No responsibility.”","Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Speech Clarity— The ability to speak clearly so others can understand you. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Ambulance Drivers and Attendants, Except Emergency Medical Technicians +Home Health Aides +Bright Outlook +Medical Assistants +Medical Equipment Preparers +Nursing Assistants +Personal Care Aides +Physical Therapist Aides +Psychiatric Aides +Surgical Assistants +Surgical Technologists","View the list of Allies +American Heart Association +external site +American Hospital Association +external site +American Medical Association +external site +National Association for Home Care and Hospice +external site +Mid-Atlantic Association of Community Health Centers +external site +American Association of Medical Assistants +external site +National Council of State Boards of Nursing +external site",80,3,16,49,12,30,53,35,20,3,3,18,12,24,28,13,29,19,14,38,34,14,23,31,24,4,3,15,14,2,5,,1 +25-2055.00,"Special Education Teachers, Kindergarten",https://www.onetonline.org/link/summary/25-2055.00,2025-06-11T19:01:37.685409,"Administer standardized ability and achievement tests to kindergarten students with special needs. +Attend professional meetings, educational conferences, or teacher training workshops to maintain or improve professional competence. +Collaborate with other teachers or administrators to develop, evaluate, or revise kindergarten programs. +Confer with other staff members to plan, schedule, or conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Confer with parents, administrators, testing specialists, social workers, or other professionals to develop individual educational plans (IEPs) for students' educational, physical, or social development. +Confer with parents, guardians, teachers, counselors, or administrators to resolve students' behavioral or academic problems. +Control the inventory or distribution of classroom equipment, materials, or supplies. +Develop or implement strategies to meet the needs of students with a variety of disabilities. +Employ special educational strategies or techniques during instruction to improve the development of sensory- and perceptual-motor skills, language, cognition, or memory. +Establish and enforce rules for behavior and procedures for maintaining order among students. +Instruct and monitor students in the use and care of equipment or materials to prevent injuries and damage. +Instruct students with disabilities in academic subjects, using a variety of techniques, such as phonetics, multisensory learning, or repetition to reinforce learning and meet students' varying needs. +Interpret or transcribe classroom materials into Braille or sign language. +Maintain accurate and complete student records as required by laws, district policies, or administrative regulations. +Meet with parents or guardians to discuss their children's progress, advise them on using community resources, or teach skills for dealing with students' impairments. +Modify the general kindergarten education curriculum for students with disabilities. +Monitor teachers or teacher assistants to ensure adherence to special education program requirements. +Observe and evaluate students' performance, behavior, social development, and physical health. +Organize and display students' work in a manner appropriate for their perceptual skills. +Organize and supervise games or other recreational activities to promote physical, mental, or social development. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading. +Plan or supervise experiential learning activities, such as class projects, field trips, demonstrations, or visits by guest speakers. +Prepare assignments for teacher assistants or volunteers. +Prepare classrooms with a variety of materials or resources for children to explore, manipulate, or use in learning activities or imaginative play. +Prepare objectives, outlines, or other materials for courses of study, following curriculum guidelines or school or state requirements. +Prepare, administer, or grade assignments to evaluate students' progress. +Present information in audio-visual or interactive formats, using computers, televisions, audio-visual aids, or other equipment, materials, or technologies. +Provide assistive devices, supportive technology, or assistance accessing facilities, such as restrooms. +Teach socially acceptable behavior, employing techniques such as behavior modification or positive reinforcement. +Visit schools to tutor students with sensory impairments or to consult with teachers regarding students' special needs.","Computer based training software— Children's educational software; EasyCBM; Rethink Ed; Scientific Learning Fast ForWord +Data base user interface and query software— American Sign Language Browser; Individualized Educational Program IEP software +Device drivers or system software— Screen magnification software; Screen reader software; Synapse outSPOKEN; The vOICe Learning Edition +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Drawing software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Voice recognition software— goQ WordQ; Nuance Dragon NaturallySpeaking; Voice activated software +Word processing software— Microsoft Word",,"Collaborate with other teaching professionals to develop educational programs. +Develop strategies or programs for students with special needs. +Administer tests to assess educational needs or progress. +Develop instructional materials. +Discuss student progress with parents or guardians. +Evaluate student work. +Modify teaching methods or materials to accommodate student needs. +Monitor student performance. +Assist students with special educational needs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Create technology-based learning materials. +Develop instructional objectives. +Direct activities of subordinates. +Discuss problems or issues with supervisors. +Display student work. +Distribute instructional or library materials. +Establish rules or policies governing student behavior. +Maintain inventories of materials, equipment, or products. +Maintain student records. +Monitor student behavior, social development, or health. +Plan educational activities. +Plan experiential learning activities. +Prepare tests. +Set up classroom materials or equipment. +Supervise school or student activities. +Teach life skills. +Teach others to use technology or equipment. +Tutor students who need extra assistance.",,,,,"Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Adapted Physical Education Specialists +Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Special Education Teachers, Elementary School +Special Education Teachers, Middle School +Special Education Teachers, Preschool +Special Education Teachers, Secondary School +Teaching Assistants, Special Education +Tutors","View the list of Allies +ACSD +external site +American Association on Intellectual and Developmental Disabilities +external site +American Educational Research Association +external site +American Speech-Language-Hearing Association +external site +Association of American Educators +external site +Autism Society +external site +Childhood Education International +external site +Council for Exceptional Children +external site +Council for Learning Disabilities +external site +Council of Administrators of Special Education +external site +Division for Early Childhood +external site +Division on Autism and Developmental Disabilities +external site +International Association of Special Education +external site +International Dyslexia Association +external site +Learning Disabilities Association of America +external site +National Association for Bilingual Education +external site +National Association for the Education of Young Children +external site +National Association of Special Education Teachers +external site +Teacher Education Division of the Council for Exceptional Children +external site +The Arc of the United States +external site +Mid-Atlantic Association of IB World Schools +external site +Mid-South Educational Research Association +external site +Mid-Western Educational Research Association +external site +Southeastern Association for Science Teacher Education +external site +Southeastern Association of Educational Opportunity Program Personnel +external site +Southeastern Regional Association of Teacher Educators +external site +Southern Early Childhood Association +external site +Southwest Educational Research Association +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +43-9081.00,Proofreaders and Copy Markers,https://www.onetonline.org/link/summary/43-9081.00,2025-06-11T19:17:16.879407,"Mark copy to indicate and correct errors in type, arrangement, grammar, punctuation, or spelling, using standard printers' marks. +Read corrected copies or proofs to ensure that all corrections have been made. +Correct or record omissions, errors, or inconsistencies found. +Compare information or figures on one record against same data on other records, or with original copy, to detect errors. +Route proofs with marked corrections to authors, editors, typists, or typesetters for correction or reprinting. +Consult reference books or secure aid of readers to check references with rules of grammar and composition. +Consult with authors and editors regarding manuscript changes and suggestions. +Archive documents, conduct research, and read copy, using the internet and various computer programs. +Write original content, such as headlines, cutlines, captions, and cover copy. +Typeset and measure dimensions, spacing, and positioning of page elements, such as copy and illustrations, to verify conformance to specifications, using printer's ruler or layout software. +Read proof sheets aloud, calling out punctuation marks and spelling unusual words and proper names. +Check the facts of stories using the internet. +Design page layouts using text, photographs, graphics, and other elements.","Computer based training software— Adobe Captivate; InScribe +Data base user interface and query software— FileMaker Pro; Microsoft Access; Style guide databases +Desktop publishing software— Adobe FrameMaker; Adobe InDesign; QuarkXPress +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Internet protocol IP multimedia subsystem software— File transfer protocol FTP client software +Office suite software— Microsoft Office software +Presentation software— Apple iWork Keynote; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Bugzilla +Sales and marketing software— HubSpot software +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects; Apple Final Cut Pro; Avid Technology Media Composer +Web page creation and editing software— Adobe Dreamweaver; HP Autonomy TeamSite; WordPress +Word processing software— Adobe InCopy; Microsoft Word; Serenity Software Editor; WhiteSmoke;7 more","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Proofread documents, records, or other files to ensure accuracy. +Verify accuracy of financial or transactional data. +Coordinate operational activities. +Search files, databases or reference materials to obtain needed information. +Collaborate with others to determine production details. +File documents or records. +Search information sources to find specific data. +Report news to the public.","Importance of Being Exact or Accurate— 94% responded “Extremely important.” +Spend Time Sitting— 85% responded “Continually or almost continually.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Contact With Others— 73% responded “Constant contact with others.” +E-Mail— 84% responded “Every day.” +Time Pressure— 75% responded “Every day.” +Importance of Repeating Same Tasks— 70% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Spend Time Making Repetitive Motions— 75% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Freedom to Make Decisions— 26% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 28% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Telephone Conversations— 31% responded “Once a month or more but not every week.” +Frequency of Decision Making— 33% responded “Every day.” +Determine Tasks, Priorities and Goals— 19% responded “Very little freedom.” +Physical Proximity— 51% responded “Slightly close (e.g., shared office).” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Not important at all.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Data Entry Keyers +Desktop Publishers +Document Management Specialists +Bright Outlook +Editors +File Clerks +Film and Video Editors +Library Technicians +Technical Writers +Word Processors and Typists +Writers and Authors","View the list of Allies +American Copy Editors Society +external site +National Association of Black Journalists +external site",30,,8,99,26,35,9,24,39,6,11,2,1,51,12,19,59,6,24,5,19,3,20,12,,7,,1,,29,23,4,14 +53-7071.00,Gas Compressor and Gas Pumping Station Operators,https://www.onetonline.org/link/summary/53-7071.00,2025-06-11T19:30:52.555390,"Monitor meters and pressure gauges to determine consumption rate variations, temperatures, and pressures. +Respond to problems by adjusting control room equipment or instructing other personnel to adjust equipment at problem locations or in other control areas. +Record instrument readings and operational changes in operating logs. +Adjust valves and equipment to obtain specified performance. +Move controls and turn valves to start compressor engines, pumps, and auxiliary equipment. +Operate power-driven pumps that transfer liquids, semi-liquids, gases, or powdered materials. +Submit daily reports on facility operations. +Take samples of gases and conduct chemical tests to determine gas quality and sulfur or moisture content, or send samples to laboratories for analysis. +Read gas meters, and maintain records of the amounts of gas received and dispensed from holders. +Turn knobs or switches to regulate pressures. +Clean, lubricate, and adjust equipment, and replace filters and gaskets, using hand tools. +Maintain each station by performing general housekeeping duties such as painting, washing, and cleaning. +Connect pipelines between pumps and containers that are being filled or emptied.","Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Programmable logic controller PLC software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Monitor equipment gauges or displays to ensure proper operation. +Control pumps or pumping equipment. +Record operational or production data. +Direct maintenance or repair activities. +Collect samples for analysis or testing. +Test materials, solutions, or samples. +Clean machinery or equipment. +Clean facilities or work areas. +Connect hoses to equipment or machinery.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 86% responded “Every day.” +E-Mail— 81% responded “Every day.” +Health and Safety of Other Workers— 87% responded “Very high responsibility.” +Telephone Conversations— 76% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 80% responded “Every day.” +Exposed to Contaminants— 76% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 76% responded “Every day.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Exposed to Hazardous Equipment— 77% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 67% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 78% responded “Every day.” +Consequence of Error— 58% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Freedom to Make Decisions— 47% responded “Some freedom.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Exposed to Hazardous Conditions— 67% responded “Every day.” +Contact With Others— 40% responded “Constant contact with others.” +Outdoors, Under Cover— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +Frequency of Decision Making— 41% responded “Every day.” +Importance of Repeating Same Tasks— 47% responded “Important.” +Indoors, Not Environmentally Controlled— 52% responded “Every day.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Physical Proximity— 39% responded “Very close (near touching).” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “More than half the time.” +Pace Determined by Speed of Equipment— 39% responded “Very important.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 70% responded “Very important.” +Indoors, Environmentally Controlled— 52% responded “Every day.” +Level of Competition— 37% responded “Moderately competitive.” +Spend Time Walking or Running— 42% responded “More than half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 39% responded “Every day.” +Spend Time Sitting— 26% responded “More than half the time.” +Exposed to High Places— 41% responded “Once a year or more but not every month.” +Spend Time Standing— 60% responded “About half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biomass Plant Technicians +Chemical Plant and System Operators +Control and Valve Installers and Repairers, Except Mechanical Door +Gas Plant Operators +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Pump Operators, Except Wellhead Pumpers +Stationary Engineers and Boiler Operators +Water and Wastewater Treatment Plant and System Operators +Wellhead Pumpers","View the list of Allies +American Gas Association +external site",51,5,90,64,60,71,71,62,41,19,12,38,68,59,16,28,16,82,7,30,20,13,3,20,14,53,39,54,15,42,29,2,6 +17-2081.00,Environmental Engineers,https://www.onetonline.org/link/summary/17-2081.00,2025-06-11T18:53:49.161632,"Design, or supervise the design of, systems, processes, or equipment for control, management, or remediation of water, air, or soil quality. +Assess the existing or potential environmental impact of land use projects on air, water, or land. +Collaborate with environmental scientists, planners, hazardous waste technicians, engineers, experts in law or business, or other specialists to address environmental problems. +Advise corporations or government agencies of procedures to follow in cleaning up contaminated sites to protect people and the environment. +Develop proposed project objectives and targets and report to management on progress in attaining them. +Monitor progress of environmental improvement programs. +Prepare, review, or update environmental investigation or recommendation reports. +Prepare, maintain, or revise quality assurance documentation or procedures. +Develop site-specific health and safety protocols, such as spill contingency plans or methods for loading or transporting waste. +Provide technical support for environmental remediation or litigation projects, including remediation system design or determination of regulatory applicability. +Prepare or present public briefings on the status of environmental engineering projects. +Assist in budget implementation, forecasts, or administration. +Coordinate or manage environmental protection programs or projects, assigning or evaluating work. +Advise industries or government agencies about environmental policies and standards. +Obtain, update, or maintain plans, permits, or standard operating procedures. +Direct installation or operation of environmental monitoring devices or supervise related data collection programs. +Inspect industrial or municipal facilities or programs to evaluate operational effectiveness or ensure compliance with environmental regulations. +Request bids from suppliers or consultants. +Inform company employees or other interested parties of environmental issues. +Serve as liaison with federal, state, or local agencies or officials on issues pertaining to solid or hazardous waste program requirements. +Provide administrative support for projects by collecting data, providing project documentation, training staff, or performing other general administrative duties. +Provide environmental engineering assistance in network analysis, regulatory analysis, or planning or reviewing database development. +Develop or present environmental compliance training or orientation sessions. +Provide assistance with planning, quality assurance, safety inspection protocols, or sampling as part of a team conducting multimedia inspections at complex facilities. +Develop, implement, or manage plans or programs related to conservation or management of natural resources. +Prepare hazardous waste manifests or land disposal restriction notifications. +Attend professional conferences to share information. +Write reports or articles for Web sites or newsletters related to environmental engineering issues. +Assess, sort, characterize, or pack known or unknown materials.","Analytical or scientific software— DHI Water and Environment MIKE SHE; Insightful S-PLUS; RockWare MODFLOW; The MathWorks MATLAB;21 more +Compliance software— Greenhouse gas management software; Hazardous materials management HMS software; Material safety data sheet MSDS software; Regulatory compliance management software;2 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Computer aided design and drafting software CADD;1 more +Data base user interface and query software— Microsoft Access +Desktop communications software— Eko +Development environment software— Formula translation/translator FORTRAN +Geographic information system— ESRI ArcGIS software; ESRI ArcView; Geographic information system GIS systems +Graphics or photo imaging software— Photogrammetric software +Industrial control software— Fugitive emission leak detection software +Map creation software— Geomechanical design analysis GDA software; Oil mapping software +Object or component oriented development software— C++; Python +Office suite software— Business software applications; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Design environmental control systems. +Confer with other personnel to resolve design or operational problems. +Investigate the environmental impact of projects. +Advise others regarding green practices or environmental concerns. +Determine operational criteria or specifications. +Prepare operational reports. +Monitor activities affecting environmental quality. +Maintain operational records or records systems. +Prepare technical or operational reports. +Develop technical methods or processes. +Prepare procedural documents. +Direct environmental development activities. +Explain project details to the general public. +Prepare project budgets. +Inspect facilities or sites to determine if they meet specifications or standards. +Purchase materials, equipment, or other resources. +Confer with technical personnel to prepare designs or operational plans. +Train personnel on proper operational procedures. +Assist engineers or scientists with research. +Teach safety standards or environmental compliance methods. +Prepare detailed work plans. +Package materials for transport. +Test characteristics of materials or structures. +Attend conferences or workshops to maintain professional knowledge. +Exchange information with colleagues. +Prepare research or technical reports on environmental issues. +Write reports or evaluations.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Contact With Others— 43% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Deal With External Customers or the Public in General— 38% responded “Very important.” +Spend Time Sitting— 62% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Level of Competition— 60% responded “Moderately competitive.” +Consequence of Error— 30% responded “Serious.” +Outdoors, Exposed to All Weather Conditions— 30% responded “Once a week or more but not every day.” +Frequency of Decision Making— 42% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 43% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Brownfield Redevelopment Specialists and Site Managers +Bright Outlook +Civil Engineers +Conservation Scientists +Environmental Compliance Inspectors +Environmental Engineering Technologists and Technicians +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Industrial Ecologists +Water Resource Specialists +Water/Wastewater Engineers","View the list of Allies +Air and Waste Management Association +external site +Alliance of Hazardous Materials Professionals +external site +American Industrial Hygiene Association +external site +American Institute of Chemical Engineers +external site +American Public Works Association +external site +American Society for Engineering Education +external site +American Society of Civil Engineers +external site +American Society of Safety Professionals +external site +American Water Works Association +external site +National Ground Water Association +external site +National Society of Professional Engineers +external site +Society of American Military Engineers +external site +Society of Women Engineers +external site +Solid Waste Association of North America +external site +Water Environment Federation +external site +Accreditation Board for Engineering and Technology +external site +American Academy of Environmental Engineers and Scientists +external site +National Council of Examiners for Engineering and Surveying +external site +National Registry of Environmental Professionals +external site",66,8,35,70,75,57,51,50,36,53,48,41,76,65,9,60,36,58,4,30,24,5,18,35,10,99,72,69,66,91,41,3,13 +15-2031.00,Operations Research Analysts,https://www.onetonline.org/link/summary/15-2031.00,2025-06-11T18:52:46.386348,"Present the results of mathematical modeling and data analysis to management or other end users. +Define data requirements, and gather and validate information, applying judgment and statistical tests. +Perform validation and testing of models to ensure adequacy, and reformulate models, as necessary. +Prepare management reports defining and evaluating problems and recommending solutions. +Collaborate with others in the organization to ensure successful implementation of chosen problem solutions. +Formulate mathematical or simulation models of problems, relating constants and variables, restrictions, alternatives, conflicting objectives, and their numerical parameters. +Observe the current system in operation, and gather and analyze information about each of the component problems, using a variety of sources. +Analyze information obtained from management to conceptualize and define operational problems. +Study and analyze information about alternative courses of action to determine which plan will offer the best outcomes. +Collaborate with senior managers and decision makers to identify and solve a variety of problems and to clarify management objectives. +Specify manipulative or computational methods to be applied to models. +Design, conduct, and evaluate experimental operational models in cases where models cannot be developed from existing data. +Develop and apply time and cost networks to plan, control, and review large projects. +Break systems into their components, assign numerical values to each component, and examine the mathematical relationships between them. +Educate staff in the use of mathematical models. +Develop business methods and procedures, including accounting systems, file systems, office systems, logistics systems, and production schedules. +Review research literature.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software +Analytical or scientific software— IBM SPSS Statistics; ILOG OPL-CPLEX Development System; Minitab; The MathWorks MATLAB;17 more +Application server software— GitHub +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Microsoft Power BI; Oracle Business Intelligence Enterprise Edition; Tableau;2 more +Cloud-based data access and sharing software— Google Drive +Cloud-based management software— Splunk Enterprise +Communications server software— IBM Domino +Computer aided design CAD software— Dassault Systemes CATIA; Mathsoft Mathcad +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Apache Hadoop; Apache Hive; Apache Pig; Teradata Database +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports; Strategic Reporting Systems ReportSmith +Data base user interface and query software— Amazon Redshift; Microsoft SQL Server; MySQL; Structured query language SQL;4 more +Desktop communications software— Eko +Development environment software— C; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA; National Instruments LabVIEW;1 more +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;3 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Business Forecast Systems Forecast Pro; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcExplorer; ESRI ArcGIS software; Geographic information system GIS software +Human resources software— Human resource management software HRMS; Oracle Taleo +Information retrieval or search software— LexisNexis +Map creation software— Microsoft MapPoint +Network monitoring software— Wireshark +Object or component oriented development software— Perl; R; Scala; Swift;5 more +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Bash; Shell script; UNIX Shell;6 more +Presentation software— Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio; ProModel +Project management software— Microsoft Project +Risk management data and analysis software— iGrafx +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee +Word processing software— Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Present research results to others. +Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields. +Determine appropriate methods for data analysis. +Evaluate data quality. +Develop scientific or mathematical models. +Document operational activities. +Collaborate with others to resolve information technology issues. +Conduct research to gain information about products or processes. +Troubleshoot issues with computer applications or systems. +Analyze data to identify or resolve operational problems. +Analyze project data to determine specifications or requirements. +Design computer modeling or simulation programs. +Develop detailed project plans. +Manage budgets for appropriate resource allocation. +Analyze data to identify trends or relationships among variables. +Train others on work processes. +Apply information technology to solve business or other applied problems. +Review professional literature to maintain professional knowledge.","Indoors, Environmentally Controlled— 86% responded “Every day.” +E-Mail— 90% responded “Every day.” +Spend Time Sitting— 71% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Telephone Conversations— 57% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Contact With Others— 43% responded “Contact with others about half the time.” +Level of Competition— 35% responded “Highly competitive.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Very important.” +Written Letters and Memos— 52% responded “Once a month or more but not every week.”","Mathematics— Using mathematics to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design. +Science— Using scientific rules and methods to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Business Intelligence Analysts +Bright Outlook +Computer and Information Research Scientists +Computer Systems Analysts +Computer Systems Engineers/Architects +Data Scientists +Database Architects +Management Analysts +Mathematicians +Software Developers +Statisticians","View the list of Allies +Institute for Operations Research and the Management Sciences +external site +Airline Group of the International Federation of Operational Research Societies +external site +American Statistical Association +external site +Association for Computing Machinery +external site +Decision Sciences Institute +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Industrial and Systems Engineers +external site +Mathematical Programming Society +external site +Military Operations Research Society +external site +Production and Operations Management Society +external site +Council of Supply Chain Management Professionals +external site",38,8,68,64,93,45,25,51,14,41,25,32,10,78,10,28,29,16,6,26,19,5,22,18,,74,7,20,6,53,18,1,6 +53-6031.00,Automotive and Watercraft Service Attendants,https://www.onetonline.org/link/summary/53-6031.00,2025-06-11T19:30:01.804414,"Collect cash payments from customers, and make change or charge purchases to customers' credit cards, providing customers with receipts. +Check tire pressure and levels of fuel, motor oil, transmission, radiator, battery, or other fluids, adding air or fluids as required. +Perform minor repairs, such as adjusting brakes, replacing spark plugs, or changing engine oil or filters. +Clean parking areas, offices, restrooms, or equipment, and remove trash. +Order stock, and price and shelve incoming goods. +Sell and install accessories, such as batteries, windshield wiper blades, fan belts, bulbs, or headlamps. +Grease and lubricate vehicles or specified units, such as springs, universal joints, or steering knuckles, using grease guns or spray lubricants. +Rotate, test, and repair or replace tires. +Prepare daily reports of fuel, oil, and accessory sales. +Clean windshields. +Activate fuel pumps and fill fuel tanks of vehicles with gasoline or diesel fuel to specified levels. +Test and charge batteries. +Maintain customer records and follow up periodically with telephone, mail, or personal reminders of services due. +Provide customers with information about local roads or highways.","Development environment software— Software libraries +Electronic mail software— Microsoft Outlook +Internet browser software— Apple Safari; Microsoft Edge; Mozilla Firefox; Web browser software +Inventory management software— Inventory management systems +Operating system software— Microsoft Windows +Point of sale POS software +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Collect fares or payment from customers. +Maintain vehicles in good working condition. +Record sales or transactions data. +Measure the level or depth of water or other liquids. +Clean vehicles or vehicle components. +Clean facilities or work areas. +Clean machinery or equipment. +Acquire supplies or equipment. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Sell products or services. +Control pumps or pumping equipment. +Maintain watercraft engines or machinery. +Inspect motor vehicles. +Provide transportation information to passengers or customers.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 77% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 75% responded “Continually or almost continually.” +Spend Time Standing— 65% responded “Continually or almost continually.” +Time Pressure— 21% responded “Once a week or more but not every day.” +Exposed to Contaminants— 85% responded “Every day.” +Contact With Others— 77% responded “Constant contact with others.” +Frequency of Decision Making— 76% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 56% responded “Very important results.” +Importance of Being Exact or Accurate— 16% responded “Very important.” +Exposed to Hazardous Equipment— 80% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 77% responded “Every day.” +Deal With External Customers or the Public in General— 66% responded “Extremely important.” +Freedom to Make Decisions— 60% responded “A lot of freedom.” +Duration of Typical Work Week +Exposed to Minor Burns, Cuts, Bites, or Stings— 54% responded “Every day.” +Work With or Contribute to a Work Group or Team— 13% responded “Fairly important.” +Spend Time Walking or Running— 23% responded “About half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 65% responded “Every day.” +Indoors, Not Environmentally Controlled— 67% responded “Every day.” +Spend Time Making Repetitive Motions— 15% responded “About half the time.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 40% responded “About half the time.” +Consequence of Error— 54% responded “Extremely serious.” +Health and Safety of Other Workers— 37% responded “High responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures— 63% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 35% responded “Very high responsibility.” +Conflict Situations— 37% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 56% responded “Every day.” +Physical Proximity— 20% responded “Slightly close (e.g., shared office).” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Important.” +Level of Competition— 37% responded “Highly competitive.” +Outdoors, Under Cover— 39% responded “Every day.” +Spend Time Bending or Twisting Your Body— 39% responded “Less than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 46% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 44% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operation and Control— Controlling operations of equipment or systems. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Repairing— Repairing machines or systems using the needed tools.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Far Vision— The ability to see details at a distance. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Aircraft Service Attendants +Bright Outlook +Automotive Service Technicians and Mechanics +Bus and Truck Mechanics and Diesel Engine Specialists +Cleaners of Vehicles and Equipment +Control and Valve Installers and Repairers, Except Mechanical Door +Home Appliance Repairers +Maintenance Workers, Machinery +Pump Operators, Except Wellhead Pumpers +Rail Car Repairers +Stationary Engineers and Boiler Operators","View the list of Allies +Automotive Service Association +external site",91,,35,46,57,69,39,50,50,37,75,39,48,47,6,28,14,85,9,21,27,5,17,24,1,50,6,32,3,23,11,,1 +13-2061.00,Financial Examiners,https://www.onetonline.org/link/summary/13-2061.00,2025-06-11T18:51:01.925742,"Direct and participate in formal and informal meetings with bank directors, trustees, senior management, counsels, outside accountants, and consultants to gather information and discuss findings. +Recommend actions to ensure compliance with laws and regulations, or to protect solvency of institutions. +Prepare reports, exhibits, and other supporting schedules that detail an institution's safety and soundness, compliance with laws and regulations, and recommended solutions to questionable financial conditions. +Resolve problems concerning the overall financial integrity of banking institutions including loan investment portfolios, capital, earnings, and specific or large troubled accounts. +Investigate activities of institutions to enforce laws and regulations and to ensure legality of transactions and operations or financial solvency. +Review balance sheets, operating income and expense accounts, and loan documentation to confirm institution assets and liabilities. +Plan, supervise, and review work of assigned subordinates. +Review audit reports of internal and external auditors to monitor adequacy of scope of reports or to discover specific weaknesses in internal routines. +Examine the minutes of meetings of directors, stockholders, and committees to investigate the specific authority extended at various levels of management. +Train other examiners in the financial examination process. +Establish guidelines for procedures and policies that comply with new and revised regulations and direct their implementation. +Review and analyze new, proposed, or revised laws, regulations, policies, and procedures to interpret their meaning and determine their impact. +Provide regulatory compliance training to employees. +Evaluate data processing applications for institutions under examination to develop recommendations for coordinating existing systems with examination procedures. +Review applications for mergers, acquisitions, establishment of new institutions, acceptance in Federal Reserve System, or registration of securities sales to determine their public interest value and conformance to regulations, and recommend acceptance or rejection. +Verify and inspect cash reserves, assigned collateral, and bank-owned securities to check internal control procedures. +Confer with officials of real estate, securities, or financial institution industries to exchange views and discuss issues or pending cases.","Compliance software— NILS INSource; ODEN Insurance Services State Rules & Regulations; Oversight Insights On Demand; System for Electronic Rate and Form Filing SERFF;1 more +Data base user interface and query software— Microsoft Access; Structured query language SQL +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Financial analysis software— ACL Analytics; Financial transaction analysis software; General Examination System GENESYS; PricewaterhouseCoopers TeamMate;1 more +Information retrieval or search software— LexisNexis; Thomson Reuters Westlaw Edge +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Investigation management software; Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Confer with others about financial matters. +Coordinate with external parties to exchange information. +Advise others on legal or regulatory compliance matters. +Prepare operational reports. +Implement financial decisions. +Examine financial records or processes. +Monitor financial indicators. +Supervise employees. +Monitor organizational processes. +Train personnel to enhance job skills. +Establish organizational guidelines or policies. +Evaluate applicable laws and regulations to determine impact on organizational activities. +Train personnel in organizational or compliance procedures. +Review license or permit applications. +Examine financial records. +Verify accuracy of financial information.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Spend Time Sitting— 78% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 74% responded “Extremely important.” +Contact With Others— 65% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Telephone Conversations— 48% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Very important.” +Importance of Being Exact or Accurate— 61% responded “Very important.” +Work Outcomes and Results of Other Workers— 52% responded “High responsibility.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Written Letters and Memos— 55% responded “Once a month or more but not every week.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Physical Proximity— 52% responded “Slightly close (e.g., shared office).” +Frequency of Decision Making— 30% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 65% responded “40 hours.” +Deal With External Customers or the Public in General— 39% responded “Very important.” +Level of Competition— 39% responded “Moderately competitive.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Accountants and Auditors +Bright Outlook +Compliance Managers +Credit Analysts +Credit Authorizers, Checkers, and Clerks +Financial and Investment Analysts +Financial Managers +Financial Risk Specialists +Fraud Examiners, Investigators and Analysts +Loan Officers +Treasurers and Controllers","View the list of Allies +AICPA and CIMA +external site +American Bankers Association +external site +Conference of State Bank Supervisors +external site +Global Association of Risk Professionals +external site +Independent Community Bankers of America +external site +Institute of Internal Auditors +external site +Professional Risk Managers' International Association +external site +Society of Financial Examiners +external site +Association of Certified Fraud Examiners +external site +Association of Government Accountants +external site +Bank Administration Institute +external site",34,,11,84,53,51,13,33,37,77,8,33,,41,3,56,26,3,4,12,19,3,8,14,1,6,2,,,4,8,1,7 +13-1071.00,Human Resources Specialists,https://www.onetonline.org/link/summary/13-1071.00,2025-06-11T18:49:46.924045,"Interpret and explain human resources policies, procedures, laws, standards, or regulations. +Hire employees and process hiring-related paperwork. +Maintain current knowledge of Equal Employment Opportunity (EEO) and affirmative action guidelines and laws, such as the Americans with Disabilities Act (ADA). +Prepare or maintain employment records related to events, such as hiring, termination, leaves, transfers, or promotions, using human resources management system software. +Address employee relations issues, such as harassment allegations, work complaints, or other employee concerns. +Review employment applications and job orders to match applicants with job requirements. +Inform job applicants of details such as duties and responsibilities, compensation, benefits, schedules, working conditions, or promotion opportunities. +Select qualified job applicants or refer them to managers, making hiring recommendations when appropriate. +Schedule or conduct new employee orientations. +Maintain and update human resources documents, such as organizational charts, employee handbooks or directories, or performance evaluation forms. +Confer with management to develop or implement personnel policies or procedures. +Contact job applicants to inform them of the status of their applications. +Conduct exit interviews and ensure that necessary employment termination paperwork is completed. +Interview job applicants to obtain information on work history, training, education, or job skills. +Perform searches for qualified job candidates, using sources such as computer databases, networking, Internet recruiting resources, media advertisements, job fairs, recruiting firms, or employee referrals. +Provide management with information or training related to interviewing, performance appraisals, counseling techniques, or documentation of performance issues. +Analyze employment-related data and prepare required reports. +Advise management on organizing, preparing, or implementing recruiting or retention programs. +Develop or implement recruiting strategies to meet current or anticipated staffing needs. +Administer employee benefit plans. +Schedule or administer skill, intelligence, psychological, or drug tests for current or prospective employees. +Conduct reference or background checks on job applicants. +Review and evaluate applicant qualifications or eligibility for specified licensing, according to established guidelines and designated licensing codes. +Evaluate recruitment or selection criteria to ensure conformance to professional, statistical, or testing standards, recommending revisions, as needed. +Coordinate with outside staffing agencies to secure temporary employees, based on departmental needs. +Evaluate selection or testing techniques by conducting research or follow-up activities and conferring with management or supervisory personnel.","Accounting software— Intuit QuickBooks; Sage 50 Accounting; Tax software +Analytical or scientific software— Assessment software; IBM SPSS Statistics; SAS; StataCorp Stata +Application server software— GitHub; Oracle WebLogic Server +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Cloud-based data access and sharing software— Google Drive; Slack +Communications server software— IBM Domino +Configuration management software— Perforce Helix software +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software; Vendor management system software +Data base management system software— Teradata Database +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; SAP Crystal Reports +Data base user interface and query software— Airtable; Blackboard software; Microsoft SQL Server; Oracle Database;7 more +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Adobe InDesign; Microsoft Publisher +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Adobe Acrobat; Adobe LifeCycle Enterprise Suite; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software; Workday software;8 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; SmugMug Flickr +Human resources software— ADP Workforce Now; Lawson Human Resource Management; Oracle Taleo; TempWorks recruiting and staffing software;64 more +Information retrieval or search software— LexisNexis +Internet browser software— Microsoft Internet Explorer; Web browser software +Medical software— MEDITECH software +Object or component oriented development software— Advanced business application programming ABAP +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Microsoft Windows; Oracle Solaris +Presentation software— Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Time accounting software— Kronos Workforce Payroll; Kronos Workforce Timekeeper; MPAY Millennium +Video conferencing software— Cisco Webex; FaceTime; Google Meet; Zoom +Video creation and editing software— Apple Final Cut Pro; Loom; YouTube +Web page creation and editing software— Adobe Dreamweaver; Facebook; Social media sites +Web platform development software— Drupal; Enterprise JavaBeans; Hypertext markup language HTML +Word processing software— Evernote; Google Docs; Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Explain regulations, policies, or procedures. +Administer personnel recruitment or hiring activities. +Update knowledge of legal or regulatory environments. +Administer compensation or benefits programs. +Perform human resources activities. +Evaluate personnel practices to ensure adherence to regulations. +Maintain data in information systems or databases. +Verify application data to determine program eligibility. +Coordinate personnel recruitment activities. +Develop training materials. +Train personnel to enhance job skills. +Review license or permit applications. +Discuss business strategies, practices, or policies with managers. +Maintain records, documents, or other files. +Advise others on business or operational matters. +Inform individuals or organizations of status or findings. +Interview employees, customers, or others to collect information. +Conduct eligibility or selection interviews. +Train personnel on managerial topics. +Evaluate effectiveness of personnel policies or practices. +Prepare operational reports. +Advise others on human resources topics.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 95% responded “Every day.” +Indoors, Environmentally Controlled— 97% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Written Letters and Memos— 63% responded “Every day.” +Determine Tasks, Priorities and Goals— 51% responded “Some freedom.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 22% responded “Important results.” +Spend Time Sitting— 50% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 72% responded “Very important.” +Frequency of Decision Making— 23% responded “Once a month or more but not every week.” +Conflict Situations— 40% responded “Every day.” +Importance of Repeating Same Tasks— 34% responded “Very important.” +Time Pressure— 49% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 26% responded “Important.” +Work Outcomes and Results of Other Workers— 40% responded “Moderate responsibility.” +Duration of Typical Work Week— 70% responded “40 hours.” +Spend Time Making Repetitive Motions— 41% responded “About half the time.” +Health and Safety of Other Workers— 35% responded “Very high responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “Continually or almost continually.” +Public Speaking— 35% responded “Once a week or more but not every day.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Administrative Services Managers +Bright Outlook +Compensation and Benefits Managers +Compensation, Benefits, and Job Analysis Specialists +Eligibility Interviewers, Government Programs +First-Line Supervisors of Office and Administrative Support Workers +Human Resources Assistants, Except Payroll and Timekeeping +Human Resources Managers +Industrial-Organizational Psychologists +Training and Development Managers +Training and Development Specialists","View the list of Allies +Association for Talent Development +external site +College and University Professional Association for Human Resources +external site +National Human Resources Association +external site +Public Sector HR Association +external site +Society for Human Resource Management +external site +WorldatWork +external site",62,2,10,70,33,71,30,52,74,20,16,91,2,42,9,58,39,2,13,9,30,17,16,25,3,6,3,1,1,6,6,1,2 +39-1014.00,"First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services",https://www.onetonline.org/link/summary/39-1014.00,2025-06-11T19:12:37.097254,"Analyze and record personnel or operational data and write related activity reports. +Apply customer feedback to service improvement efforts. +Assign work schedules, following work requirements, to ensure quality and timely delivery of service. +Collaborate with staff members to plan or develop programs of events or schedules of activities. +Direct or coordinate the activities of entertainment and recreation related workers. +Furnish customers with information on events or activities. +Inform workers about interests or special needs of specific groups. +Inspect work areas or operating equipment to ensure conformance to established standards in areas such as cleanliness or maintenance. +Meet with managers or other supervisors to stay informed of changes affecting workers or operations. +Observe and evaluate workers' appearance and performance to ensure quality service and compliance with specifications. +Participate in continuing education to stay abreast of industry trends and developments. +Plan, direct, or supervise recreational and entertainment activities led by staff, such as sports, aquatics, games, or performing arts. +Provide staff with assistance in performing difficult or complicated duties. +Recruit and hire staff members. +Requisition supplies and equipment necessary for workers to facilitate recreational or entertainment activities, such as safety harnesses, flash lights, or first aid kits. +Resolve customer complaints regarding worker performance or services rendered. +Serve as a point of contact between managerial staff and leaders of recreational or entertainment activities. +Take disciplinary action to address performance problems. +Train workers in proper operational procedures and functions and explain company policies.","Calendar and scheduling software— Work scheduling software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Word processing software— Microsoft Word",,"Evaluate employee performance. +Explain regulations, policies, or procedures. +Manage operations of artistic or entertainment departments or organizations. +Resolve customer complaints or problems. +Assign duties or work schedules to employees. +Confer with organizational members to accomplish work activities. +Develop plans for programs or services. +Inspect equipment to ensure proper functioning. +Inspect facilities. +Maintain knowledge of business operations. +Maintain professional knowledge or certifications. +Order materials, supplies, or equipment. +Organize recreational activities or events. +Perform human resources activities. +Prepare operational reports or records. +Provide attraction or event information to patrons. +Supervise service workers. +Support the professional development of others. +Train service staff.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Food Preparation and Serving Workers +Bright Outlook +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Personal Service Workers +First-Line Supervisors of Production and Operating Workers","View the list of Allies +American Academy for Park and Recreation Administration +external site +American Alliance of Museums +external site +American Camp Association +external site +American Sportfishing Association +external site +Association for Challenge Course Technology +external site +Association of Outdoor Recreation and Education +external site +Association of Science and Technology Centers +external site +Event Service Professionals Association +external site +Events Industry Council +external site +Health and Fitness Association +external site +International Association of Exhibitions and Events +external site +International Association of Venue Managers +external site +International Festivals and Events Association +external site +International Live Events Association +external site +National Association for Catering and Events +external site +National Recreation and Park Association +external site +National Tour Association +external site +Outdoor Industry Association +external site +Professional Convention Management Association +external site +Professional Outdoor Media Association +external site +Society of American Travel Writers +external site +Association of Midwest Museums +external site +Mid-Atlantic Association of Museums +external site +Mountain-Plains Museums Association +external site +New England Museum Association +external site +Northeast Campground Association +external site +Southeast Festivals and Events Association +external site +Southeastern Museums Conference +external site +Western Museums Association +external site +Association of Zoos and Aquariums +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +33-9093.00,Transportation Security Screeners,https://www.onetonline.org/link/summary/33-9093.00,2025-06-11T19:11:19.125662,"Inspect carry-on items, using x-ray viewing equipment, to determine whether items contain objects that warrant further investigation. +Search carry-on or checked baggage by hand when it is suspected to contain prohibited items such as weapons. +Check passengers' tickets to ensure that they are valid, and to determine whether passengers have designations that require special handling, such as providing photo identification. +Test baggage for any explosive materials, using equipment such as explosive detection machines or chemical swab systems. +Perform pat-down or hand-held wand searches of passengers who have triggered machine alarms, who are unable to pass through metal detectors, or who have been randomly identified for such searches. +Notify supervisors or other appropriate personnel when security breaches occur. +Send checked baggage through automated screening machines, and set bags aside for searching or rescreening as indicated by equipment. +Decide whether baggage that triggers alarms should be searched or should be allowed to pass through. +Follow those who breach security until police or other security personnel arrive to apprehend them. +Inform other screeners when baggage should not be opened because it might contain explosives. +Inspect checked baggage for signs of tampering. +Ask passengers to remove shoes and divest themselves of metal objects prior to walking through metal detectors. +Close entry areas following security breaches or reopen areas after receiving notification that the airport is secure. +Challenge suspicious people, requesting their badges and asking what their business is in a particular areas. +Patrol work areas to detect any suspicious items. +Contact police directly in cases of urgent security issues, using phones or two-way radios. +Record information about any baggage that sets off alarms in monitoring equipment. +Watch for potentially dangerous persons whose pictures are posted at checkpoints. +Contact leads or supervisors to discuss objects of concern that are not on prohibited object lists. +Confiscate dangerous items and hazardous materials found in opened bags and turn them over to airlines for disposal. +Monitor passenger flow through screening checkpoints to ensure order and efficiency. +Inform passengers of how to mail prohibited items to themselves, or confiscate these items. +Provide directions and respond to passenger inquiries. +Direct passengers to areas where they can pick up their baggage after screening is complete. +View images of checked bags and cargo, using remote screening equipment, and alert baggage screeners or handlers to any possible problems. +Locate suspicious bags pictured in printouts sent from remote monitoring areas, and set these bags aside for inspection.","Cloud-based data access and sharing software— Slack +Computer based training software— Rapiscan Threat Image Projection +Electronic mail software— Email software; Microsoft Outlook +Human resources software— Applicant tracking software; Oracle Taleo +Internet browser software— Web browser software +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Operating system software— Linux +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Inspect cargo to identify potential hazards. +Communicate situation details to appropriate personnel. +Examine personal documentation to ensure that it is valid. +Search individuals for illegal or dangerous items. +Determine operational procedures. +Locate suspicious objects or vehicles. +Monitor activities of individuals to ensure safety or compliance with rules. +Communicate safety or hazard information to others. +Block physical access to restricted areas. +Patrol properties to maintain safety. +Prevent unauthorized individuals from entering restricted areas. +Request emergency personnel. +Record information about suspicious objects. +Maintain surveillance of individuals or establishments. +Confiscate prohibited or dangerous items. +Monitor access or flow of people to prevent problems. +Inform the public about policies, services or procedures. +Provide information to the general public.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 89% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Contact With Others— 77% responded “Constant contact with others.” +Physical Proximity— 67% responded “Very close (near touching).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Spend Time Standing— 44% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Exposed to Contaminants— 56% responded “Every day.” +Consequence of Error— 52% responded “Extremely serious.” +E-Mail— 44% responded “Every day.” +Frequency of Decision Making— 48% responded “Every day.” +Conflict Situations— 33% responded “Every day.” +Exposed to Radiation— 63% responded “Every day.” +Importance of Repeating Same Tasks— 37% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Spend Time Walking or Running— 30% responded “About half the time.” +Time Pressure— 52% responded “Every day.” +Health and Safety of Other Workers— 33% responded “High responsibility.” +Spend Time Bending or Twisting Your Body— 33% responded “Less than half the time.” +Duration of Typical Work Week— 88% responded “40 hours.” +Exposed to Disease or Infections— 41% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 37% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Freedom to Make Decisions— 37% responded “Limited freedom.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Aircraft Cargo Handling Supervisors +Bright Outlook +Airfield Operations Specialists +Baggage Porters and Bellhops +Compliance Officers +Customs and Border Protection Officers +First-Line Supervisors of Security Workers +Flight Attendants +Reservation and Transportation Ticket Agents and Travel Clerks +Security Guards +Transit and Railroad Police","View the list of Allies +American Federation of Government Employees +external site",65,,10,64,18,36,70,42,24,12,7,23,9,25,27,44,23,19,20,36,34,9,20,23,4,10,2,5,2,3,7,,5 +41-4012.00,"Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products",https://www.onetonline.org/link/summary/41-4012.00,2025-06-11T19:14:36.981193,"Answer customers' questions about products, prices, availability, product uses, and credit terms. +Recommend products to customers, based on customers' needs and interests. +Estimate or quote prices, credit or contract terms, warranties, and delivery dates. +Consult with clients after sales or contract signings to resolve problems and to provide ongoing support. +Prepare sales contracts and order forms. +Provide customers with product samples and catalogs. +Monitor market conditions, product innovations, and competitors' products, prices, and sales. +Perform administrative duties, such as preparing sales budgets and reports, keeping sales records, and filing expense account reports. +Contact regular and prospective customers to demonstrate products, explain product features, and solicit orders. +Identify prospective customers by using business directories, following leads from existing clients, participating in organizations and clubs, and attending trade shows and conferences. +Negotiate with retail merchants to improve product exposure, such as shelf positioning and advertising. +Check stock levels and reorder merchandise as necessary. +Plan, assemble, and stock product displays in retail stores, or make recommendations to retailers regarding product displays, promotional programs, and advertising. +Negotiate details of contracts and payments. +Prepare drawings, estimates, and bids that meet specific customer needs. +Obtain credit information about prospective customers. +Forward orders to manufacturers. +Arrange and direct delivery and installation of products and equipment.","Access software— Citrix cloud computing software +Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting; Tax software +Analytical or scientific software— IBM SPSS Statistics; SAS +Application server software— Oracle WebLogic Server +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Calendar and scheduling software— Computerized call calendars; Computerized time management systems +Cloud-based data access and sharing software— Dropbox; Google Drive; Slack +Computer aided design CAD software— Autodesk AutoCAD +Customer relationship management CRM software— HEAT Software GoldMine; Oracle Eloqua; Sage SalesLogix; Salesforce software;21 more +Data base management system software— Relational database management software +Data base reporting software— SalesInSync +Data base user interface and query software— Airtable; Blackboard software; Oracle Database; Yardi software;4 more +Data mining software— Google Analytics +Desktop communications software— Eko; Skype +Desktop publishing software— Adobe InDesign; Contract Central; Microsoft Publisher +Development environment software— Eclipse IDE; Microsoft Visual Basic +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook; Mozilla Thunderbird +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;6 more +Enterprise system management software— IBM Power Systems software +Expert system software— MASterMind +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop; SmugMug Flickr +Information retrieval or search software— LexisNexis +Instant messaging software— Blink; GroupMe +Internet browser software— Microsoft Internet Explorer; Mozilla Firefox; SeaMonkey +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Medical software— Epic Systems; Healthcare common procedure coding system HCPCS; Medical condition coding software +Network conferencing software— LogMeIn GoToWebinar +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— Apache Groovy +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Handheld computer device software; Microsoft Windows; UNIX +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Google Classroom; Microsoft Project; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting; Zoom;1 more +Video creation and editing software— Screencastify; YouTube +Web page creation and editing software— Adobe Dreamweaver; Facebook; LinkedIn; Social media sites +Web platform development software— Hypertext markup language HTML +Word processing software— 3M Post-it App; Google Docs; Microsoft OneNote; Microsoft Word;1 more","Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Negotiate prices or other sales terms. +Coordinate sales campaigns. +Monitor inventories of products or materials. +Purchase stocks of merchandise or supplies. +Set up merchandise displays. +Stock products or parts. +Answer customer questions about goods or services. +Estimate costs or terms of sales. +Explain technical product or service information to customers. +Recommend products or services to customers. +Advise customers on the use of products or services. +Distribute promotional literature or samples to customers. +Prepare sales or other contracts. +Monitor market conditions or trends. +Study product information to acquire professional knowledge. +Maintain records of sales or other business transactions. +Prepare financial documents, reports, or budgets. +Develop proposals for current or prospective customers. +Prepare drawings or diagrams of products or services. +Contact current or potential customers to promote products or services. +Demonstrate products to consumers. +Verify customer credit information. +Order materials, supplies, or equipment. +Send information, materials or documentation. +Identify potential customers. +Arrange delivery of goods or services.","Contact With Others— 100% responded “Constant contact with others.” +Telephone Conversations— 100% responded “Every day.” +Deal With External Customers or the Public in General— 92% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 92% responded “Extremely important.” +E-Mail— 80% responded “Every day.” +Frequency of Decision Making— 89% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Indoors, Environmentally Controlled— 72% responded “Every day.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Freedom to Make Decisions +Coordinate or Lead Others in Accomplishing Work Activities— 65% responded “Extremely important.” +Duration of Typical Work Week— 66% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 61% responded “Every day.” +Level of Competition— 43% responded “Highly competitive.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Spend Time Sitting— 39% responded “Less than half the time.” +Written Letters and Memos— 64% responded “Once a week or more but not every day.” +Conflict Situations— 31% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 36% responded “Limited responsibility.” +Physical Proximity— 61% responded “Slightly close (e.g., shared office).” +Exposed to Contaminants— 30% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Advertising Sales Agents +Buyers and Purchasing Agents, Farm Products +Bright Outlook +Procurement Clerks +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Purchasing Managers +Sales Engineers +Sales Managers +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +AIM/R +external site +Equipment Marketing and Distribution Association +external site +Institute of Packaging Professionals +external site +Manufacturers' Agents Association for the Foodservice Industry +external site +Manufacturers' Agents National Association +external site +Society of Plastics Engineers +external site +Manufacturers' Representatives Educational Research Foundation +external site",96,23,33,84,74,48,11,9,29,34,98,14,1,54,16,12,44,6,1,68,39,,22,41,,8,3,2,,26,8,20,1 +31-2011.00,Occupational Therapy Assistants,https://www.onetonline.org/link/summary/31-2011.00,2025-06-11T19:09:32.078597,"Instruct, or assist in instructing, patients and families in home programs, basic living skills, or the care and use of adaptive equipment. +Maintain and promote a positive attitude toward clients and their treatment programs. +Report to supervisors, verbally or in writing, on patients' progress, attitudes, and behavior. +Implement, or assist occupational therapists with implementing, treatment plans designed to help clients function independently. +Monitor patients' performance in therapy activities, providing encouragement. +Observe and record patients' progress, attitudes, and behavior and maintain this information in client records. +Select therapy activities to fit patients' needs and capabilities. +Attend continuing education classes. +Aid patients in dressing and grooming themselves. +Evaluate the daily living skills or capacities of clients with physical, developmental, or mental health disabilities. +Communicate and collaborate with other healthcare professionals involved with the care of a patient. +Work under the direction of occupational therapists to plan, implement, or administer educational, vocational, or recreational programs that restore or enhance performance in individuals with functional impairments. +Alter treatment programs to obtain better results if treatment is not having the intended effect. +Assemble, clean, or maintain equipment or materials for patient use. +Transport patients to and from the occupational therapy work area. +Design, fabricate, or repair assistive devices or make adaptive changes to equipment or environments. +Attend care plan meetings to review patient progress and update care plans. +Demonstrate therapy techniques, such as manual or creative arts or games. +Teach patients how to deal constructively with their emotions. +Order any needed educational or treatment supplies. +Perform clerical duties, such as scheduling appointments, collecting data, or documenting health insurance billings. +Assist educational specialists or clinical psychologists in administering situational or diagnostic tests to measure client's abilities or progress.","Accounting software— Billing software; Bookkeeping software; Fifth Walk BillingTracker; Financial record software +Action games— BrainTrain SmartDriver +Calendar and scheduling software— Scheduling software +Computer based training software— BrainTrain IVA+Plus; Language arts educational software; Math educational software +Data base user interface and query software— Database software; dBASE; FileMaker Pro; Microsoft Access +Device drivers or system software— Screen reader software +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Medical software— BrainTrain Captain's Log; eClinicalWorks EHR software; Laboratory information system LIS; Visual Health Information VHI PC-Kits;4 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Optical character reader OCR or scanning software— Text scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Voice recognition software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Encourage patients during therapeutic activities. +Teach basic living or other adaptive skills to patients or caregivers. +Teach medical procedures or medical equipment use to patients. +Implement therapeutic programs to improve patient functioning. +Monitor patient progress or responses to treatments. +Communicate patient status to other health practitioners. +Prepare medical reports or documents. +Develop patient therapy programs. +Maintain medical records. +Record vital statistics or other health information. +Assist patients with daily activities. +Attend educational events to update medical knowledge. +Administer screening tests to determine abilities or treatment needs. +Confer with other professionals to plan patient care. +Clean medical equipment. +Maintain medical equipment or instruments. +Prepare medical instruments or equipment for use. +Make patient-assistive devices or device models. +Move patients to or from treatment areas. +Teach medical procedures to healthcare personnel. +Inventory medical supplies or equipment. +Perform clerical work in medical settings. +Process medical billing information. +Schedule patient procedures or appointments.","Exposed to Disease or Infections— 97% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Physical Proximity— 84% responded “Very close (near touching).” +Time Pressure +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Frequency of Decision Making— 81% responded “Every day.” +Determine Tasks, Priorities and Goals— 65% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 86% responded “Extremely important.” +Freedom to Make Decisions— 55% responded “A lot of freedom.” +Health and Safety of Other Workers— 81% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Indoors, Environmentally Controlled— 87% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 14% responded “Moderate results.” +Coordinate or Lead Others in Accomplishing Work Activities— 69% responded “Extremely important.” +Spend Time Standing— 54% responded “More than half the time.” +Spend Time Walking or Running— 14% responded “Less than half the time.” +Importance of Repeating Same Tasks— 55% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 28% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 67% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 28% responded “Less than half the time.” +E-Mail— 39% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 25% responded “Once a month or more but not every week.” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 29% responded “Less than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 40% responded “Less than half the time.” +Telephone Conversations— 27% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Acute Care Nurses +Bright Outlook +Licensed Practical and Licensed Vocational Nurses +Massage Therapists +Medical Assistants +Occupational Therapy Aides +Physical Therapist Aides +Physical Therapist Assistants +Psychiatric Technicians +Radiation Therapists +Respiratory Therapists","View the list of Allies +American Occupational Therapy Association +external site +American Physical Therapy Association +external site +National Board for Certification in Occupational Therapy +external site +Professional Association of Therapeutic Horsemanship International +external site",92,7,10,69,29,49,61,72,53,14,12,37,15,50,33,44,28,26,38,23,83,68,54,23,51,32,12,17,35,13,14,7,7 +53-2021.00,Air Traffic Controllers,https://www.onetonline.org/link/summary/53-2021.00,2025-06-11T19:29:02.644036,"Inform pilots about nearby planes or potentially hazardous conditions, such as weather, speed and direction of wind, or visibility problems. +Issue landing and take-off authorizations or instructions. +Transfer control of departing flights to traffic control centers and accept control of arriving flights. +Provide flight path changes or directions to emergency landing fields for pilots traveling in bad weather or in emergency situations. +Alert airport emergency services in cases of emergency or when aircraft are experiencing difficulties. +Monitor or direct the movement of aircraft within an assigned air space or on the ground at airports to minimize delays and maximize safety. +Direct pilots to runways when space is available or direct them to maintain a traffic pattern until there is space for them to land. +Monitor aircraft within a specific airspace, using radar, computer equipment, or visual references. +Direct ground traffic, including taxiing aircraft, maintenance or baggage vehicles, or airport workers. +Contact pilots by radio to provide meteorological, navigational, or other information. +Maintain radio or telephone contact with adjacent control towers, terminal control units, or other area control centers to coordinate aircraft movement. +Determine the timing or procedures for flight vector changes. +Initiate or coordinate searches for missing aircraft. +Provide on-the-job training to new air traffic controllers. +Check conditions and traffic at different altitudes in response to pilots' requests for altitude changes. +Relay air traffic information, such as courses, altitudes, or expected arrival times, to control centers. +Inspect, adjust, or control radio equipment or airport lights. +Compile information about flights from flight plans, pilot reports, radar, or observations. +Organize flight plans or traffic management plans to prepare for planes about to enter assigned airspace. +Review records or reports for clarity and completeness and maintain records or reports, as required under federal law. +Complete daily activity reports and keep records of messages from aircraft. +Conduct pre-flight briefings on weather conditions, suggested routes, altitudes, indications of turbulence, or other flight safety information. +Analyze factors such as weather reports, fuel requirements, or maps to determine air routes.","Data base user interface and query software— Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Expert system software— Advanced technologies and oceanic procedures ATOP; Automated radar terminal systems ARTS; Center TRACON automation systems CTAS +Flight control software— Direct-to-tool software; En route descent advisor EDA; Multi-center traffic management advisor McTMA; Traffic management advisor TMA software;3 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Really Simple Syndication RSS +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Notify others of emergencies, problems, or hazards. +Communicate with others to coordinate vehicle movement. +Coordinate flight control or management activities. +Respond to transportation emergencies. +Direct vehicle traffic. +Monitor vehicle movement or location. +Adjust routes or speeds as necessary. +Direct emergency management activities. +Train transportation or material moving personnel. +Monitor surroundings to detect potential hazards. +Operate communications equipment or systems. +Compile operational data. +Plan flight operations. +Meet with coworkers to communicate work orders or plans. +Choose optimal transportation routes or speeds. +Record operational details of travel. +Review documents or materials for compliance with policies or regulations.","Frequency of Decision Making— 96% responded “Every day.” +Indoors, Environmentally Controlled— 97% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 87% responded “Very important results.” +Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 83% responded “Extremely important.” +Contact With Others— 87% responded “Constant contact with others.” +Importance of Repeating Same Tasks— 77% responded “Extremely important.” +Spend Time Sitting— 60% responded “Continually or almost continually.” +Conflict Situations— 65% responded “Every day.” +Freedom to Make Decisions— 59% responded “A lot of freedom.” +Physical Proximity— 62% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 70% responded “Extremely important.” +Consequence of Error— 76% responded “Extremely serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Telephone Conversations— 62% responded “Every day.” +Degree of Automation— 32% responded “Highly automated.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 33% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 33% responded “Very high responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 30% responded “Once a week or more but not every day.” +Time Pressure— 48% responded “Every day.” +Written Letters and Memos— 30% responded “Every day.” +Duration of Typical Work Week— 88% responded “40 hours.” +Level of Competition— 24% responded “Highly competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Cargo Handling Supervisors +Bright Outlook +Airfield Operations Specialists +Airline Pilots, Copilots, and Flight Engineers +Aviation Inspectors +Commercial Pilots +Dispatchers, Except Police, Fire, and Ambulance +Locomotive Engineers +Public Safety Telecommunicators +Railroad Conductors and Yardmasters +Traffic Technicians","View the list of Allies +Air Traffic Control Association +external site +Aircraft Owners and Pilots Association +external site +Experimental Aircraft Association +external site +Professional Women Controllers +external site +National Air Traffic Controllers Association +external site +National Black Coalition of Federal Aviation Employees +external site +Professional Air Traffic Controllers Organization +external site",65,,25,73,57,39,69,69,30,12,5,32,5,50,7,45,37,16,9,80,39,13,10,61,5,28,4,35,3,23,62,4,6 +43-4081.00,"Hotel, Motel, and Resort Desk Clerks",https://www.onetonline.org/link/summary/43-4081.00,2025-06-11T19:15:45.694327,"Greet, register, and assign rooms to guests of hotels or motels. +Contact housekeeping or maintenance staff when guests report problems. +Issue room keys and escort instructions to bellhops. +Make and confirm reservations. +Verify customers' credit, and establish how the customer will pay for the accommodation. +Keep records of room availability and guests' accounts, manually or using computers. +Post charges, such as those for rooms, food, liquor, or telephone calls, to ledgers, manually or by using computers. +Review accounts and charges with guests during the check out process. +Record guest comments or complaints, referring customers to managers as necessary. +Compute bills, collect payments, and make change for guests. +Transmit and receive messages, using telephones or telephone switchboards. +Answer inquiries pertaining to hotel services, guest registration, and travel directions, or make recommendations regarding shopping, dining, or entertainment. +Advise housekeeping staff when rooms have been vacated and are ready for cleaning. +Perform bookkeeping activities, such as balancing accounts and conducting nightly audits. +Clean and maintain lobby and common areas, such as restocking supplies and watering plants. +Prepare for basic food service, such as setting up continental breakfast or coffee and tea supplies. +Date-stamp, sort, and rack incoming mail and messages. +Arrange tours, taxis, or restaurant reservations for customers. +Deposit guests' valuables in hotel safes or safe-deposit boxes. +Plan, schedule or supervise the work of other employees.","Data base user interface and query software— Incident tracking software; Property management system PMS software; Yardi software +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Facilities management software— ASI FrontDesk; InnQuest roomMaster; Ramesys Hospitality; Resort Data Processing +Financial analysis software— Delphi Technology +Instant messaging software— Blink +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Greet customers, patrons, or visitors. +Report maintenance or equipment problems to appropriate personnel. +Distribute materials to employees or customers. +Make travel, accommodations, or entertainment arrangements for others. +Verify accuracy of financial or transactional data. +Maintain financial or account records. +Discuss account status or activity with customers or patrons. +Refer customers to appropriate personnel. +Calculate costs of goods or services. +Collect deposits, payments or fees. +Execute sales or other financial transactions. +Operate communications equipment or systems. +Discuss goods or services information with customers or patrons. +Provide information to coworkers. +Prepare employee work schedules. +Supervise clerical or administrative personnel. +Clean facilities or equipment. +Arrange food for serving. +Sort mail. +Store items.","Contact With Others— 95% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Telephone Conversations— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 82% responded “Extremely important.” +Deal With External Customers or the Public in General— 76% responded “Extremely important.” +E-Mail— 76% responded “Every day.” +Indoors, Environmentally Controlled— 84% responded “Every day.” +Frequency of Decision Making— 70% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Every day.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 38% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 36% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Spend Time Standing— 53% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 40% responded “Extremely important.” +Conflict Situations— 35% responded “Every day.” +Spend Time Making Repetitive Motions— 36% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Written Letters and Memos— 40% responded “Every day.” +Physical Proximity— 55% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers— 30% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “Continually or almost continually.” +Time Pressure— 34% responded “Once a week or more but not every day.”","Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Baggage Porters and Bellhops +Cashiers +Bright Outlook +Concierges +Counter and Rental Clerks +Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop +Locker Room, Coatroom, and Dressing Room Attendants +Lodging Managers +Passenger Attendants +Receptionists and Information Clerks +Reservation and Transportation Ticket Agents and Travel Clerks","View the list of Allies +American Hotel and Lodging Association +external site +Society for Human Resource Management +external site +American Hotel and Lodging Educational Institute +external site +International Brotherhood of Teamsters +external site +UNITE HERE +external site",84,22,27,80,51,55,67,38,66,46,47,39,23,59,26,33,37,26,15,29,29,17,20,40,18,26,12,15,7,10,22,6,9 +33-1091.00,First-Line Supervisors of Security Workers,https://www.onetonline.org/link/summary/33-1091.00,2025-06-11T19:10:20.943499,"Advise employees in handling problems or resolving complaints from customers, tenants, detainees, or other persons. +Apprehend or evict trespassers, rule violators, or other security threats from the premises. +Assign security personnel to posts or patrols. +Call police or fire departments in cases of emergency, such as fire, bomb threats, and presence of unauthorized persons. +Develop and document security procedures, policies, or standards. +Explain company policies and procedures to staff using oral or written communication. +Inspect and adjust security equipment to ensure it is operational or to detect evidence of tampering. +Investigate disturbances on the premises, such as security alarms, altercations, and suspicious activity. +Log items distributed to persons, such as keys and key cards. +Monitor and authorize entry of employees, visitors, or other persons. +Monitor closed-circuit television cameras. +Monitor the behavior of security employees to ensure adherence to quality standards, deadlines, or procedures. +Order materials or supplies, such as keys, uniforms, and badges. +Patrol the premises to prevent or detect intrusion, protect property, or preserve order. +Recruit, interview, and hire security personnel. +Schedule training or drills for emergencies, such as fires, bombs, and other threats. +Screen individuals and belongings to prevent passage of prohibited materials using walkthrough detectors, wands, or bag searches. +Secure entrances and exits by locking doors and gates. +Train security personnel on protective procedures, first aid, fire safety, and other duties. +Write and present department budgets to upper management or other stakeholders. +Write reports documenting observations made while on patrol.","Calendar and scheduling software— Employee scheduling software +Data base user interface and query software— Microsoft Access; Oracle software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP business and customer relations management software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Time and attendance software +Word processing software— Microsoft Word",,"Operate surveillance equipment to detect suspicious or illegal activities. +Assign duties or work schedules to employees. +Block physical access to restricted areas. +Communicate with management or other staff to resolve problems. +Conduct eligibility or selection interviews. +Conduct health or safety training programs. +Develop organizational methods or procedures. +Document operational activities. +Document operational procedures. +Explain regulations, policies, or procedures. +Hire personnel. +Inspect equipment to ensure safety or proper functioning. +Inspect facilities to ensure compliance with security or safety regulations. +Investigate illegal or suspicious activities. +Maintain operational records. +Maintain surveillance of individuals or establishments. +Manage human resources activities. +Monitor access or flow of people to prevent problems. +Monitor alarm systems. +Monitor operations to ensure compliance with safety or security policies or regulations. +Order materials, supplies, or equipment. +Patrol properties to maintain safety. +Prepare financial documents, reports, or budgets. +Prepare investigation or incident reports. +Prepare operational budgets. +Prevent unauthorized individuals from entering restricted areas. +Provide safety training. +Record operational or production data. +Recruit personnel. +Report information to managers or other personnel. +Request emergency personnel. +Schedule instructional activities. +Search individuals for illegal or dangerous items. +Supervise employees. +Train personnel to enhance job skills.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,,"First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Production and Operating Workers +Security Management Specialists +Security Managers","View the list of Allies +Academy of Criminal Justice Sciences +external site +ASIS International +external site +Electronic Security Association +external site +Federal Law Enforcement Officers Association +external site +Fraternal Order of Police +external site +International Association of Bomb Technicians and Investigators +external site +International Association of Campus Law Enforcement Administrators +external site +International Association of Chiefs of Police +external site +International Association of Professional Security Consultants +external site +International CPTED Association +external site +International Foundation for Protection Officers +external site +International Police Association +external site +International Security Management Association +external site +National Association of Chiefs of Police +external site +National Association of Police Organizations +external site +National Council of Investigation and Security Services +external site +National Sheriffs' Association +external site +Security Industry Association +external site +The International Association of Counterterrorism and Security Professionals +external site +World Association of Detectives +external site +Association of Certified Fraud Examiners +external site +Association of Threat Assessment Professionals +external site +International Association of Directors of Law Enforcement Standards and Training +external site +International Law Enforcement Educators and Trainers Association +external site +Loss Prevention Foundation +external site +Southern States Police Benevolent Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +47-2072.00,Pile Driver Operators,https://www.onetonline.org/link/summary/47-2072.00,2025-06-11T19:18:37.303107,"Move hand and foot levers of hoisting equipment to position piling leads, hoist piling into leads, and position hammers over pilings. +Move levers and turn valves to activate power hammers, or to raise and lower drophammers that drive piles to required depths. +Drive pilings to provide support for buildings or other structures, using heavy equipment with a pile driver head. +Conduct pre-operational checks on equipment to ensure proper functioning. +Clean, lubricate, and refill equipment.","Analytical or scientific software— GRL Engineers Wave Equation Analysis Program GRLWEAP; Pile Dynamics Case Pile Wave Analysis Program CAPWAP; Pile Dynamics Pile Driving Analyzer PDA +Electronic mail software— Email software +Mobile location based services software— Global positioning system GPS software +Spreadsheet software— Microsoft Excel","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Operate cranes, hoists, or other moving or lifting equipment. +Operate heavy-duty construction or installation equipment. +Position structural components. +Inspect equipment or tools to be used in construction or excavation. +Clean equipment or facilities. +Maintain construction tools or equipment.","Outdoors, Exposed to All Weather Conditions— 98% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 79% responded “Every day.” +Health and Safety of Other Workers— 78% responded “Very high responsibility.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Exposed to Contaminants— 64% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 76% responded “Continually or almost continually.” +Contact With Others— 70% responded “Constant contact with others.” +Exposed to Hazardous Equipment— 74% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Consequence of Error— 16% responded “Very serious.” +Frequency of Decision Making— 56% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 35% responded “Every day.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Physical Proximity— 34% responded “Very close (near touching).” +Duration of Typical Work Week— 60% responded “40 hours.” +In an Open Vehicle or Operating Equipment— 62% responded “Every day.” +Exposed to Whole Body Vibration— 36% responded “Once a month or more but not every week.” +Spend Time Making Repetitive Motions— 30% responded “More than half the time.” +Time Pressure— 31% responded “Every day.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 34% responded “Every day.” +Telephone Conversations— 33% responded “Once a week or more but not every day.” +Pace Determined by Speed of Equipment— 37% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 39% responded “Every day.” +Spend Time Standing— 41% responded “Less than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 40% responded “Once a month or more but not every week.” +Level of Competition— 40% responded “Moderately competitive.” +Spend Time Bending or Twisting Your Body— 40% responded “Less than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 39% responded “Never.” +Spend Time Sitting— 28% responded “More than half the time.” +Importance of Repeating Same Tasks— 24% responded “Extremely important.” +Exposed to High Places— 23% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 42% responded “Once a year or more but not every month.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Construction Laborers +Bright Outlook +Excavating and Loading Machine and Dragline Operators, Surface Mining +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Loading and Moving Machine Operators, Underground Mining +Mobile Heavy Equipment Mechanics, Except Engines +Operating Engineers and Other Construction Equipment Operators +Paving, Surfacing, and Tamping Equipment Operators +Rail-Track Laying and Maintenance Equipment Operators +Riggers","View the list of Allies +Associated General Contractors of America +external site +Pile Driving Contractors Association +external site +International Union of Operating Engineers +external site +National Center for Construction Education and Research +external site +National Commission for the Certification of Crane Operators +external site",45,2,49,46,65,48,60,40,34,23,17,23,27,20,5,28,23,66,3,62,28,14,18,15,13,60,78,43,7,54,32,1,3 +39-3021.00,Motion Picture Projectionists,https://www.onetonline.org/link/summary/39-3021.00,2025-06-11T19:12:54.593158,"Monitor operations to ensure that standards for sound and image projection quality are met. +Start projectors and open shutters to project images onto screens. +Open and close facilities according to rules and schedules. +Operate equipment to show films in a number of theaters simultaneously. +Perform regular maintenance tasks, such as rotating or replacing xenon bulbs, cleaning projectors and lenses, lubricating machinery, and keeping electrical contacts clean and tight. +Set up and adjust picture projectors and screens to achieve proper size, illumination, and focus of images, and proper volume and tone of sound. +Inspect projection equipment prior to operation to ensure proper working order. +Perform minor repairs, such as replacing worn sprockets, or notify maintenance personnel of the need for major repairs. +Set up and inspect curtain and screen controls. +Coordinate equipment operation with presentation of supplemental material, such as music, oral commentaries, or sound effects. +Clean the projection booth. +Inspect movie films to ensure that they are complete and in good condition. +Remove full take-up reels and run film through rewinding machines to rewind projected films so they may be shown again. +Install and connect auxiliary equipment, such as microphones, amplifiers, disc playback machines, and lights. +Observe projector operation to anticipate need to transfer operations from one projector to another. +Prepare film inspection reports, attendance sheets, and log books. +Splice separate film reels, advertisements, and movie trailers together to form a feature-length presentation on one continuous reel. +Download digital keys to unlock digital movie files. +Ingest digital content, such as films, advertisements, or trailers, into servers or projectors.","Analytical or scientific software— Audio calibration software +Computer aided design CAD software— Autodesk AutoCAD +Enterprise resource planning ERP software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Microsoft operating system +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Avid Technology iNEWS +Web page creation and editing software— Facebook +Word processing software— Microsoft Outlook; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Monitor operational quality or safety. +Inspect equipment to ensure proper functioning. +Operate audio-visual equipment. +Arrange facility schedules. +Perform basic equipment maintenance. +Prepare film for distribution or use. +Prepare operational reports or records. +Clean work areas.","Indoors, Environmentally Controlled— 83% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 53% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Telephone Conversations— 41% responded “Every day.” +Frequency of Decision Making— 45% responded “Every day.” +Determine Tasks, Priorities and Goals— 34% responded “Some freedom.” +E-Mail— 36% responded “Every day.” +Time Pressure— 37% responded “Once a week or more but not every day.” +Contact With Others— 30% responded “Occasional contact with others.” +Work With or Contribute to a Work Group or Team— 36% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “More than half the time.” +Degree of Automation— 48% responded “Highly automated.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Audio and Video Technicians +Audiovisual Equipment Installers and Repairers +Camera and Photographic Equipment Repairers +Camera Operators, Television, Video, and Film +Computer, Automated Teller, and Office Machine Repairers +Lighting Technicians +Office Machine Operators, Except Computer +Photographic Process Workers and Processing Machine Operators +Prepress Technicians and Workers +Sound Engineering Technicians","View the list of Allies +Motion Picture Association of America +external site +National Association of Theatre Owners +external site +Society of Motion Picture and Television Engineers +external site",57,14,24,54,35,45,38,33,34,16,22,24,11,77,6,14,42,55,10,16,20,3,9,31,7,37,11,9,2,12,6,12,8 +51-4041.00,Machinists,https://www.onetonline.org/link/summary/51-4041.00,2025-06-11T19:24:55.371352,"Calculate dimensions or tolerances, using instruments, such as micrometers or vernier calipers. +Machine parts to specifications, using machine tools, such as lathes, milling machines, shapers, or grinders. +Measure, examine, or test completed units to check for defects and ensure conformance to specifications, using precision instruments, such as micrometers. +Set up, adjust, or operate basic or specialized machine tools used to perform precision machining operations. +Program computers or electronic instruments, such as numerically controlled machine tools. +Study sample parts, blueprints, drawings, or engineering information to determine methods or sequences of operations needed to fabricate products. +Monitor the feed and speed of machines during the machining process. +Maintain machine tools in proper operational condition. +Fit and assemble parts to make or repair machine tools. +Align and secure holding fixtures, cutting tools, attachments, accessories, or materials onto machines. +Confer with numerical control programmers to check and ensure that new programs or machinery will function properly and that output will meet specifications. +Operate equipment to verify operational efficiency. +Evaluate machining procedures and recommend changes or modifications for improved efficiency or adaptability. +Diagnose machine tool malfunctions to determine need for adjustments or repairs. +Design fixtures, tooling, or experimental parts to meet special engineering needs. +Dispose of scrap or waste material in accordance with company policies and environmental regulations. +Confer with engineering, supervisory, or manufacturing personnel to exchange technical information. +Lay out, measure, and mark metal stock to display placement of cuts. +Separate scrap waste and related materials for reuse, recycling, or disposal. +Check work pieces to ensure that they are properly lubricated or cooled. +Support metalworking projects from planning and fabrication through assembly, inspection, and testing, using knowledge of machine functions, metal properties, and mathematics. +Install repaired parts into equipment or install new equipment. +Dismantle machines or equipment, using hand tools or power tools to examine parts for defects and replace defective parts where needed. +Test experimental models under simulated operating conditions, for purposes such as development, standardization, or feasibility of design. +Set up or operate metalworking, brazing, heat-treating, welding, or cutting equipment. +Prepare working sketches for the illustration of product appearance. +Establish work procedures for fabricating new structural products, using a variety of metalworking machines. +Install experimental parts or assemblies, such as hydraulic systems, electrical wiring, lubricants, or batteries into machines or mechanisms. +Advise clients about the materials being used for finished products.","Analytical or scientific software— Armchair Machinist software; CNC Consulting Machinists' Calculator; Kentech Kipware Trig Kalculator +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; PTC Creo Parametric; SolidCAM CAM software;4 more +Computer aided manufacturing CAM software— CNC Mastercam; Dassault Systemes SolidWorks; Mastercam computer-aided design and manufacturing software; OneCNC CAD/CAM;6 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— ERP software; JobBOSS; SAP software +Industrial control software— EditCNC; Mazak Mazatrol SMART CNC +Object or component oriented development software— G-code +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Procedure management software— Hexagon Metrology PC-DMIS +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Calculate dimensions of workpieces, products, or equipment. +Operate cutting equipment. +Operate grinding equipment. +Operate metal or plastic forming equipment. +Program equipment to perform production tasks. +Monitor equipment operation to ensure proper functioning. +Review blueprints or other instructions to determine operational methods or sequences. +Maintain production or processing equipment. +Assemble machine tools, parts, or fixtures. +Determine metal or plastic production methods. +Prepare fabrics or materials for processing or production. +Mount attachments or tools onto production equipment. +Conduct test runs of production equipment. +Exchange information with colleagues. +Advise others on ways to improve processes or products. +Install mechanical components in production equipment. +Design tools, fixtures, or other devices for production equipment. +Diagnose equipment malfunctions. +Dispose of trash or waste materials. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Measure materials to mark reference points, cutting lines, or other indicators. +Disassemble equipment for maintenance or repair. +Replace worn equipment components. +Sort recyclable materials. +Operate welding equipment. +Test materials, solutions, or samples. +Monitor lubrication of equipment or workpieces. +Create diagrams or blueprints for workpieces or products. +Plan production or operational procedures or sequences. +Assemble electromechanical or hydraulic systems.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 94% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 61% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Spend Time Standing— 62% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 69% responded “Extremely important.” +Time Pressure— 57% responded “Every day.” +Freedom to Make Decisions— 42% responded “Some freedom.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 62% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +Duration of Typical Work Week— 56% responded “40 hours.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Contact With Others— 36% responded “Contact with others most of the time.” +Frequency of Decision Making— 54% responded “Every day.” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Extremely important.” +Physical Proximity— 26% responded “Moderately close (at arm's length).” +Spend Time Bending or Twisting Your Body— 31% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 37% responded “High responsibility.” +Exposed to Contaminants— 43% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 27% responded “Every day.” +Level of Competition— 36% responded “Moderately competitive.” +Consequence of Error— 25% responded “Fairly serious.” +Degree of Automation— 49% responded “Moderately automated.”","Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Computer Numerically Controlled Tool Operators +Computer Numerically Controlled Tool Programmers +Bright Outlook +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Millwrights +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Tool and Die Makers +Tool Grinders, Filers, and Sharpeners +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +American Mold Builders Association +external site +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +International Association of Machinists and Aerospace Workers +external site +Manufacturing Institute +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Metalworking Skills +external site",35,,57,43,62,28,16,31,26,12,9,20,16,34,8,7,9,58,6,17,8,1,7,11,6,43,21,30,8,50,1,6,1 +45-2041.00,"Graders and Sorters, Agricultural Products",https://www.onetonline.org/link/summary/45-2041.00,2025-06-11T19:17:31.474734,"Place products in containers according to grade and mark grades on containers. +Weigh products or estimate their weight, visually or by feel. +Discard inferior or defective products or foreign matter, and place acceptable products in containers for further processing. +Grade and sort products according to factors such as color, species, length, width, appearance, feel, smell, and quality to ensure correct processing and usage. +Record grade or identification numbers on tags or on shipping, receiving, or sales sheets.","Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Package agricultural products for shipment or further processing. +Mark agricultural or forestry products for identification. +Measure physical characteristics of forestry or agricultural products. +Sort forestry or agricultural materials. +Record agricultural or forestry inventory data.","Spend Time Standing— 79% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 72% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 73% responded “Continually or almost continually.” +Physical Proximity— 49% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Time Pressure— 60% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 76% responded “Every day.” +Pace Determined by Speed of Equipment— 49% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 34% responded “Very important.” +Contact With Others— 41% responded “Contact with others most of the time.” +Duration of Typical Work Week— 43% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 33% responded “Extremely important.” +Frequency of Decision Making— 35% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Moderate results.” +Work Outcomes and Results of Other Workers— 36% responded “Limited responsibility.”",,"Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Batchmakers +Bright Outlook +Food Cooking Machine Operators and Tenders +Machine Feeders and Offbearers +Meat, Poultry, and Fish Cutters and Trimmers +Packaging and Filling Machine Operators and Tenders +Packers and Packagers, Hand +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Weighers, Measurers, Checkers, and Samplers, Recordkeeping","View the list of Allies +American Association of Grain Inspection and Weighing Agencies +external site",28,45,66,51,27,32,33,43,16,7,21,24,18,25,34,9,12,50,8,24,10,9,5,6,17,23,8,14,10,5,6,5,6 +51-8013.00,Power Plant Operators,https://www.onetonline.org/link/summary/51-8013.00,2025-06-11T19:26:51.589645,"Control generator output to match the phase, frequency, or voltage of electricity supplied to panels. +Take regulatory action, based on readings from charts, meters and gauges, at established intervals. +Control power generating equipment, including boilers, turbines, generators, or reactors, using control boards or semi-automatic equipment. +Start or stop generators, auxiliary pumping equipment, turbines, or other power plant equipment as necessary. +Monitor power plant equipment and indicators to detect evidence of operating problems. +Operate or maintain distributed power generation equipment, including fuel cells or microturbines, to produce energy on-site for manufacturing or other commercial purposes. +Open and close valves and switches in sequence to start or shut down auxiliary units. +Control or maintain auxiliary equipment, such as pumps, fans, compressors, condensers, feedwater heaters, filters, or chlorinators, to supply water, fuel, lubricants, air, or auxiliary power. +Regulate equipment operations and conditions, such as water levels, based on instrument data or from computers. +Inspect records or log book entries or communicate with plant personnel to assess equipment operating status. +Clean, lubricate, or maintain equipment, such as generators, turbines, pumps, or compressors, to prevent failure or deterioration. +Record and compile operational data by completing and maintaining forms, logs, or reports. +Make adjustments or minor repairs, such as tightening leaking gland or pipe joints. +Adjust controls to generate specified electrical power or to regulate the flow of power between generating stations and substations. +Operate, control, or monitor equipment, such as acid or gas carbon dioxide removal units, carbon dioxide compressors, or pipelines, to capture, store, or transport carbon dioxide exhaust. +Operate, control, or monitor gasifiers or related equipment, such as coolers, water quenches, water gas shifts reactors, or sulfur recovery units, to produce syngas or electricity from coal. +Communicate with systems operators to regulate and coordinate line voltages and transmission loads and frequencies. +Operate, control, or monitor integrated gasification combined cycle (IGCC) or related equipment, such as air separation units, to generate electricity from coal. +Receive outage calls and request necessary personnel during power outages or emergencies. +Collect oil, water, or electrolyte samples for laboratory analysis. +Examine and test electrical power distribution machinery and equipment, using testing devices. +Place standby emergency electrical generators on line in emergencies and monitor the temperature, output, and lubrication of the system. +Analyze the layout, instrumentation, or function of electrical generation or transmission facilities. +Diagnose or troubleshoot problems with gas collection systems. +Monitor well fields periodically to ensure proper functioning and performance. +Operate landfill gas, methane, or natural gas fueled electrical generation systems. +Prepare and submit compliance, operational, and safety forms or reports. +Repair or replace gas piping. +Trace electrical circuitry to ensure compliance of electrical systems with applicable codes or laws. +Verify that well field monitoring data conforms to applicable regulations.","Analytical or scientific software— Landfill gas analysis software; Landtec System Software LFG Pro +Data base user interface and query software— Microsoft Access; Operational Data Store ODS software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Distributed control system DCS; General Electric Mark VI Distributed Control System DCS; Teknik Segala OSI Plant Information PI System; Yokogawa FAST/TOOLS;9 more +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Operate energy production equipment. +Adjust equipment to ensure optimal performance. +Operate pumping systems or equipment. +Maintain sustainable energy production equipment. +Watch operating equipment to detect malfunctions. +Operate energy distribution equipment. +Exchange information with colleagues. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Clean production equipment. +Lubricate production equipment. +Maintain production or processing equipment. +Record operational or production data. +Collect samples of materials or products for testing. +Notify others of equipment repair or maintenance needs. +Test electrical equipment or systems to ensure proper functioning. +Monitor equipment operation to ensure proper functioning. +Monitor lubrication of equipment or workpieces. +Repair production equipment or tools. +Evaluate characteristics of equipment or systems. +Inspect equipment or systems. +Monitor conditions at energy-producing landfills. +Monitor operational procedures in technical environments to ensure conformance to standards. +Operate natural gas generation equipment. +Replace worn equipment components. +Troubleshoot equipment or systems operation problems.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +E-Mail +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Exposed to Hazardous Conditions— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Consequence of Error— 70% responded “Extremely serious.” +Contact With Others— 61% responded “Constant contact with others.” +Duration of Typical Work Week— 78% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 61% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 57% responded “Every day.” +Telephone Conversations— 65% responded “Every day.” +Exposed to High Places— 47% responded “Once a week or more but not every day.” +Exposed to Contaminants— 53% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Health and Safety of Other Workers— 44% responded “Very high responsibility.” +Freedom to Make Decisions— 56% responded “Some freedom.” +Outdoors, Exposed to All Weather Conditions— 43% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Exposed to Hazardous Equipment— 54% responded “Every day.” +Indoors, Not Environmentally Controlled— 54% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 48% responded “Every day.” +Indoors, Environmentally Controlled— 58% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 46% responded “Continually or almost continually.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Outdoors, Under Cover— 23% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Frequency of Decision Making— 49% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 32% responded “Every day.” +Time Pressure— 39% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 43% responded “Every day.” +Importance of Repeating Same Tasks— 37% responded “Very important.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 52% responded “Moderate responsibility.” +Spend Time Standing— 21% responded “More than half the time.” +Conflict Situations— 39% responded “Once a year or more but not every month.” +Spend Time Sitting— 45% responded “Less than half the time.” +Spend Time Walking or Running— 43% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biomass Plant Technicians +Chemical Plant and System Operators +Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Geothermal Technicians +Hydroelectric Plant Technicians +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Distributors and Dispatchers +Stationary Engineers and Boiler Operators +Water and Wastewater Treatment Plant and System Operators","View the list of Allies +American Public Power Association +external site +American Society of Power Engineers +external site +Center for Energy Workforce Development +external site +North American Electric Reliability Corporation +external site +Nuclear Energy Institute +external site +International Brotherhood of Electrical Workers +external site +International Union of Operating Engineers +external site +National Association of Power Engineers +external site +National Institute for the Uniform Licensing of Power Engineers +external site +United Steelworkers +external site +Utility Workers Union of America, AFL-CIO +external site",20,,60,66,34,44,67,45,33,8,8,27,56,36,6,35,18,75,11,25,22,15,10,40,17,50,26,52,14,46,11,6,10 +19-3093.00,Historians,https://www.onetonline.org/link/summary/19-3093.00,2025-06-11T18:57:36.654759,"Conserve and preserve manuscripts, records, and other artifacts. +Gather historical data from sources such as archives, court records, diaries, news files, and photographs, as well as from books, pamphlets, and periodicals. +Conduct historical research as a basis for the identification, conservation, and reconstruction of historic places and materials. +Research and prepare manuscripts in support of public programming and the development of exhibits at historic sites, museums, libraries, and archives. +Present historical accounts in terms of individuals or social, ethnic, political, economic, or geographic groupings. +Organize data, and analyze and interpret its authenticity and relative significance. +Research the history of a particular country or region, or of a specific time period. +Conduct historical research, and publish or present findings and theories. +Recommend actions related to historical art, such as which items to add to a collection or which items to display in an exhibit. +Determine which topics to research, or pursue research topics specified by clients or employers. +Speak to various groups, organizations, and clubs to promote the aims and activities of historical societies. +Advise or consult with individuals and institutions regarding issues such as the historical authenticity of materials or the customs of a specific historical period. +Prepare publications and exhibits, or review those prepared by others, to ensure their historical accuracy. +Trace historical development in a particular field, such as social, cultural, political, or diplomatic history. +Organize information for publication and for other means of dissemination, such as via storage media or the Internet. +Interview people to gather information about historical events and to record oral histories. +Collect detailed information on individuals for use in biographies. +Edit historical society publications. +Coordinate activities of workers engaged in cataloging and filing materials. +Translate or request translation of reference materials. +Teach and conduct research in colleges, universities, museums, and other research agencies and schools.","Analytical or scientific software— IBM SPSS Statistics; Statistical analysis software +Data base management system software— Database management systems; Relational database management system RDMS +Data base user interface and query software— Gutenberg-e; Microsoft Access; Reference management software; Structured query language SQL +Data mining software— Text mining software; TokenX +Desktop publishing software— Adobe InDesign; QuarkXPress +Document management software— Adobe Acrobat; Microsoft SharePoint; Web Scrapbook +Electronic mail software— Email software +Enterprise application integration software— Extensible markup language XML +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Photoshop +Industrial control software— Supervisory control and data acquisition SCADA software; Wonderware software +Information retrieval or search software— Archival databases; ArchiveGrid; Searchable online catalogs; Smithsonian Institution digital archives;7 more +Internet browser software— Page markers; Web browser software +Map creation software— Digital mapping software +Music or sound editing software— Audio editing software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Adobe Dreamweaver; LinkedIn +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Corel WordPerfect Office Suite; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Prepare materials for preservation, storage, or display. +Collect archival data. +Conduct historical research. +Prepare scientific or technical reports or presentations. +Collect information from people through observation, interviews, or surveys. +Instruct college students in social sciences or humanities disciplines.","Freedom to Make Decisions— 56% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 63% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 56% responded “Every day.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +E-Mail— 50% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 29% responded “Very important.” +Work With or Contribute to a Work Group or Team— 58% responded “Very important.” +Contact With Others— 41% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 24% responded “Very important results.” +Spend Time Sitting— 47% responded “About half the time.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Important.” +Frequency of Decision Making— 57% responded “Once a month or more but not every week.” +Physical Proximity— 56% responded “Slightly close (e.g., shared office).” +Importance of Repeating Same Tasks— 40% responded “Fairly important.” +Spend Time Making Repetitive Motions— 28% responded “Continually or almost continually.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Anthropologists and Archeologists +Bright Outlook +Anthropology and Archeology Teachers, Postsecondary +Archivists +Curators +Geographers +History Teachers, Postsecondary +Librarians and Media Collections Specialists +News Analysts, Reporters, and Journalists +Social Science Research Assistants +Sociologists","View the list of Allies +American Alliance of Museums +external site +American Association for State and Local History +external site +American Historical Association +external site +American Research Center in Egypt +external site +Mormon History Association +external site +National Association for Interpretation +external site +National Council on Public History +external site +Organization of American Historians +external site +Society of American Archivists +external site +Society of Biblical Literature +external site +The Southern Historical Association +external site +Mid-Atlantic Regional Archives Conference +external site +Midwest Archives Conference +external site +Western Museums Association +external site",63,7,25,83,34,44,33,53,54,26,33,23,19,47,24,30,50,23,36,20,30,6,51,22,13,17,24,9,18,34,53,46,87 +49-9081.00,Wind Turbine Service Technicians,https://www.onetonline.org/link/summary/49-9081.00,2025-06-11T19:23:09.179263,"Troubleshoot or repair mechanical, hydraulic, or electrical malfunctions related to variable pitch systems, variable speed control systems, converter systems, or related components. +Perform routine maintenance on wind turbine equipment, underground transmission systems, wind fields substations, or fiber optic sensing and control systems. +Diagnose problems involving wind turbine generators or control systems. +Test electrical components of wind systems with devices, such as voltage testers, multimeters, oscilloscopes, infrared testers, or fiber optic equipment. +Start or restart wind turbine generator systems to ensure proper operations. +Climb wind turbine towers to inspect, maintain, or repair equipment. +Maintain tool and spare parts inventories required for repair, installation, or replacement services. +Test structures, controls, or mechanical, hydraulic, or electrical systems, according to test plans or in coordination with engineers. +Train end-users, distributors, installers, or other technicians in wind commissioning, testing, or other technical procedures. +Collect turbine data for testing or research and analysis. +Inspect or repair fiberglass turbine blades. +Assist in assembly of individual wind generators or construction of wind farms.","Analytical or scientific software— Computerized diagnostic software +Data base user interface and query software— Microsoft Access; Structured query language SQL +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— IBM Maximo Asset Management; SAP software +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Industrial control systems software; Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software; Vestas Wind Systems A/S Vestas Remote Panel +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Repair green energy equipment or systems. +Troubleshoot equipment or systems operation problems. +Maintain work equipment or machinery. +Test electrical circuits or components for proper functioning. +Test mechanical equipment to ensure proper functioning. +Climb equipment or structures to access work areas. +Maintain inventories of materials, equipment, or products. +Test electrical equipment or systems to ensure proper functioning. +Test mechanical systems to ensure proper functioning. +Measure equipment outputs. +Train customers in the use of products. +Train others in operational procedures. +Inspect mechanical equipment to locate damage, defects, or wear. +Assemble structural components.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 100% responded “Every day.” +Exposed to High Places— 97% responded “Every day.” +Exposed to Hazardous Conditions— 91% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 87% responded “Continually or almost continually.” +Exposed to Cramped Work Space, Awkward Positions— 83% responded “Every day.” +Consequence of Error— 81% responded “Extremely serious.” +E-Mail— 79% responded “Every day.” +Indoors, Not Environmentally Controlled— 87% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 79% responded “Every day.” +Contact With Others— 74% responded “Constant contact with others.” +Exposed to Very Hot or Cold Temperatures— 66% responded “Every day.” +Health and Safety of Other Workers— 74% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 71% responded “Every day.” +Exposed to Contaminants— 70% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 85% responded “Every day.” +Spend Time Bending or Twisting Your Body— 68% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +Physical Proximity— 53% responded “Very close (near touching).” +Outdoors, Under Cover— 75% responded “Every day.” +Spend Time Making Repetitive Motions— 71% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 59% responded “Extremely important.” +Frequency of Decision Making— 68% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 58% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Freedom to Make Decisions— 53% responded “Some freedom.” +Importance of Repeating Same Tasks— 58% responded “Extremely important.” +Time Pressure— 50% responded “Every day.” +Spend Time Standing— 41% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Very important results.” +Telephone Conversations— 40% responded “Every day.” +Work Outcomes and Results of Other Workers— 51% responded “Very high responsibility.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 44% responded “Continually or almost continually.” +Spend Time Keeping or Regaining Balance— 36% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 67% responded “Some freedom.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 50% responded “About half the time.” +Level of Competition— 27% responded “Extremely competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 38% responded “Every day.” +Conflict Situations— 31% responded “Once a year or more but not every month.” +Spend Time Walking or Running— 49% responded “About half the time.” +In an Open Vehicle or Operating Equipment— 23% responded “Never.” +Written Letters and Memos— 36% responded “Every day.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biomass Plant Technicians +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Geothermal Technicians +Hydroelectric Plant Technicians +Power Distributors and Dispatchers +Power Plant Operators +Solar Photovoltaic Installers +Bright Outlook +Solar Thermal Installers and Technicians +Stationary Engineers and Boiler Operators +Wind Energy Operations Managers","View the list of Allies +American Clean Power +external site",47,10,41,74,56,58,68,59,49,35,18,38,24,79,18,32,21,89,8,44,27,11,9,46,29,67,56,52,9,40,31,4,10 +19-4044.00,Hydrologic Technicians,https://www.onetonline.org/link/summary/19-4044.00,2025-06-11T18:58:03.944633,"Analyze ecological data about the impact of pollution, erosion, floods, and other environmental problems on bodies of water. +Answer technical questions from hydrologists, policymakers, or other customers developing water conservation plans. +Apply research findings to minimize the environmental impacts of pollution, waterborne diseases, erosion, or sedimentation. +Assist in designing programs to ensure the proper sealing of abandoned wells. +Collect water and soil samples to test for physical, chemical, or biological properties, such as pH, oxygen level, temperature, and pollution. +Develop computer models for hydrologic predictions. +Estimate the costs and benefits of municipal projects, such as hydroelectric power plants, irrigation systems, and wastewater treatment facilities. +Investigate complaints or conflicts related to the alteration of public waters by gathering information, recommending alternatives, or preparing legal documents. +Investigate the properties, origins, or activities of glaciers, ice, snow, or permafrost. +Locate and deliver information or data as requested by customers, such as contractors, government entities, and members of the public. +Measure the properties of bodies of water, such as water levels, volume, and flow. +Perform quality control checks on data to be used by hydrologists. +Prepare, install, maintain, or repair equipment used for hydrologic study, such as water level recorders, stream flow gauges, and water analyzers. +Provide real time data to emergency management and weather service personnel during flood events. +Write groundwater contamination reports on known, suspected, or potential hazardous waste sites. +Write materials for research publications, such as maps, tables, and reports, to disseminate findings.","Analytical or scientific software— Datasurge GEOPRO; Delft GeoSystems MStab; Mitre Software GSLOPE; Salix Applied Earthcare Erosion Draw;1 more +Data base user interface and query software— Microsoft Access; State Soil Geographic STATSGO Database +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI ArcInfo; Geographic information system GIS software; Geographic information system GIS systems;1 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word",,"Advise others about environmental management or conservation. +Write reports or evaluations. +Advise others on management of emergencies or hazardous situations or materials. +Analyze costs and benefits of proposed designs or projects. +Analyze environmental data. +Apply knowledge or research findings to address environmental problems. +Assist skilled construction or extraction personnel. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Collect environmental data or samples. +Communicate with the public on environmental issues. +Compile environmental or climatological data. +Develop mathematical models of environmental conditions. +Evaluate data quality. +Install gauges or controls. +Measure the level or depth of water or other liquids. +Prepare graphics or other visual representations of information. +Research hydrologic features or processes. +Search files, databases or reference materials to obtain needed information.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.",,,"Conservation Scientists +Bright Outlook +Environmental Engineering Technologists and Technicians +Environmental Engineers +Environmental Restoration Planners +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Geological Technicians, Except Hydrologic Technicians +Hydrologists +Water Resource Specialists +Water/Wastewater Engineers","View the list of Allies +American Association of Petroleum Geologists +external site +American Geosciences Institute +external site +American Public Works Association +external site +American Water Resources Association +external site +American Water Works Association +external site +International Association for Environmental Hydrology +external site +International Association for Hydro-Environment Engineering and Research +external site +International Association of Hydrogeologists +external site +International Association of Hydrological Sciences +external site +International Erosion Control Association +external site +International Water Association +external site +National Association of Environmental Professionals +external site +National Association of Wetland Managers +external site +National Ground Water Association +external site +National Mining Association +external site +North American Lake Management Society +external site +Society for Freshwater Science +external site +Society of Petroleum Engineers +external site +Society of Wetland Scientists +external site +Soil and Water Conservation Society +external site +United States Society on Dams +external site +Water Environment Federation +external site +Water Research Foundation +external site +Central States Water Environment Association +external site +Mid-Atlantic Association of Professional Soil Scientists +external site +New England Water Works Association +external site +Pacific Northwest Section of the American Water Works Association +external site +Southeastern Geological Society +external site +Western Association of Fish and Wildlife Agencies +external site +Western Association of Map Libraries +external site +American Institute of Hydrology +external site +Association of State Floodplain Managers +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-8021.00,Stationary Engineers and Boiler Operators,https://www.onetonline.org/link/summary/51-8021.00,2025-06-11T19:26:59.203053,"Operate or tend stationary engines, boilers, and auxiliary equipment, such as pumps, compressors, or air-conditioning equipment, to supply and maintain steam or heat for buildings, marine vessels, or pneumatic tools. +Activate valves to maintain required amounts of water in boilers, to adjust supplies of combustion air, and to control the flow of fuel into burners. +Monitor boiler water, chemical, and fuel levels, and make adjustments to maintain required levels. +Analyze problems and take appropriate action to ensure continuous and reliable operation of equipment and systems. +Observe and interpret readings on gauges, meters, and charts registering various aspects of boiler operation to ensure that boilers are operating properly. +Maintain daily logs of operation, maintenance, and safety activities, including test results, instrument readings, and details of equipment malfunctions and maintenance work. +Test boiler water quality or arrange for testing and take necessary corrective action, such as adding chemicals to prevent corrosion and harmful deposits. +Monitor and inspect equipment, computer terminals, switches, valves, gauges, alarms, safety devices, and meters to detect leaks or malfunctions and to ensure that equipment is operating efficiently and safely. +Switch from automatic to manual controls and isolate equipment mechanically and electrically to allow for safe inspection and repair work. +Perform or arrange for repairs, such as complete overhauls, replacement of defective valves, gaskets, or bearings, or fabrication of new parts. +Adjust controls and/or valves on equipment to provide power, and to regulate and set operations of system or industrial processes. +Clean and lubricate boilers and auxiliary equipment and make minor adjustments as needed, using hand tools. +Develop operation, safety, and maintenance procedures or assist in their development. +Test electrical systems to determine voltages, using voltage meters. +Contact equipment manufacturers or appropriate specialists when necessary to resolve equipment problems. +Weigh, measure, and record fuel used. +Receive instructions from steam engineers regarding steam plant and air compressor operations. +Install burners and auxiliary equipment, using hand tools. +Check the air quality of ventilation systems and make adjustments to ensure compliance with mandated safety codes. +Provide assistance to plumbers in repairing or replacing water, sewer, or waste lines, and in daily maintenance activities. +Fire coal furnaces by hand or with stokers and gas- or oil-fed boilers, using automatic gas feeds or oil pumps. +Supervise the work of assistant stationary engineers, turbine operators, boiler tenders, or air conditioning and refrigeration operators and mechanics. +Investigate and report on accidents. +Operate mechanical hoppers and provide assistance in their adjustment and repair. +Ignite fuel in burners, using torches or flames.","Analytical or scientific software— Statistical software +Data base user interface and query software— Database software; Operational Data Store ODS software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Building management system software; Computerized maintenance management system CMMS +Graphics or photo imaging software— Graphics software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Adjust equipment controls to regulate gas flow. +Operate energy production equipment. +Operate pumping systems or equipment. +Monitor equipment fluid levels. +Monitor equipment operation to ensure proper functioning. +Troubleshoot equipment or systems operation problems. +Record operational or production data. +Ignite fuel to activate heating equipment. +Test chemical or physical characteristics of materials or products. +Direct operational or production activities. +Operate energy distribution equipment. +Repair production equipment or tools. +Inspect production equipment. +Watch operating equipment to detect malfunctions. +Adjust flow of electricity to tools or production equipment. +Clean production equipment. +Lubricate production equipment. +Plan production or operational procedures or sequences. +Investigate accidents to determine causes. +Notify others of emergencies, problems, or hazards. +Test electrical equipment or systems to ensure proper functioning. +Confer with others to resolve production problems or equipment malfunctions. +Measure ingredients or substances to be used in production processes. +Assemble electromechanical or hydraulic systems. +Exchange information with colleagues. +Adjust equipment to ensure optimal performance. +Operate industrial equipment. +Maintain production or processing equipment.","Telephone Conversations— 90% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Health and Safety of Other Workers— 75% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 74% responded “Every day.” +E-Mail— 74% responded “Every day.” +Indoors, Not Environmentally Controlled— 83% responded “Every day.” +Exposed to Contaminants— 63% responded “Every day.” +Exposed to Hazardous Conditions— 64% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 60% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 55% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 66% responded “Some freedom.” +Freedom to Make Decisions— 47% responded “Some freedom.” +Consequence of Error— 40% responded “Extremely serious.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Every day.” +Work Outcomes and Results of Other Workers— 55% responded “High responsibility.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Frequency of Decision Making— 47% responded “Every day.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Written Letters and Memos— 41% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Exposed to High Places— 38% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 68% responded “40 hours.” +Spend Time Standing— 48% responded “More than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Once a year or more but not every month.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 46% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 44% responded “Every day.” +Physical Proximity— 31% responded “Moderately close (at arm's length).” +Deal With External Customers or the Public in General— 37% responded “Extremely important.” +Conflict Situations— 32% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Every day.” +Spend Time Walking or Running— 36% responded “About half the time.” +Pace Determined by Speed of Equipment— 36% responded “Extremely important.” +Outdoors, Under Cover— 30% responded “Never.” +Level of Competition— 50% responded “Moderately competitive.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Far Vision— The ability to see details at a distance. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biomass Plant Technicians +Control and Valve Installers and Repairers, Except Mechanical Door +Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Geothermal Technicians +Heating, Air Conditioning, and Refrigeration Mechanics and Installers +Bright Outlook +Hydroelectric Plant Technicians +Mechanical Engineers +Power Distributors and Dispatchers +Power Plant Operators","View the list of Allies +American Boiler Manufacturers Association +external site +International Union of Operating Engineers +external site +National Association of Power Engineers +external site",16,6,52,53,52,48,58,43,34,16,5,25,60,52,1,41,35,77,7,29,22,12,11,32,6,54,49,55,20,41,18,,3 +51-9193.00,Cooling and Freezing Equipment Operators and Tenders,https://www.onetonline.org/link/summary/51-9193.00,2025-06-11T19:28:19.849424,"Record temperatures, amounts of materials processed, or test results on report forms. +Monitor pressure gauges, ammeters, flowmeters, thermometers, or products, and adjust controls to maintain specified conditions, such as feed rate, product consistency, temperature, air pressure, and machine speed. +Read dials and gauges on panel control boards to ascertain temperatures, alkalinities, and densities of mixtures, and turn valves to obtain specified mixtures. +Start machinery, such as pumps, feeders, or conveyors, and turn valves to heat, admit, or transfer products, refrigerants, or mixes. +Correct machinery malfunctions by performing actions such as removing jams, and inform supervisors of malfunctions as necessary. +Assemble equipment, and attach pipes, fittings, or valves, using hand tools. +Measure or weigh specified amounts of ingredients or materials, and load them into tanks, vats, hoppers, or other equipment. +Adjust machine or freezer speed and air intake to obtain desired consistency and amount of product. +Weigh packages and adjust freezer air valves or switches on filler heads to obtain specified amounts of product in each container. +Inspect and flush lines with solutions or steam, and spray equipment with sterilizing solutions. +Load and position wrapping paper, sticks, bags, or cartons into dispensing machines. +Sample and test product characteristics such as specific gravity, acidity, and sugar content, using hydrometers, pH meters, or refractometers. +Start agitators to blend contents, or start beater, scraper, and expeller blades to mix contents with air and prevent sticking. +Place or position containers into equipment, and remove containers after completion of cooling or freezing processes. +Scrape, dislodge, or break excess frost, ice, or frozen product from equipment to prevent accumulation, using hands and hand tools. +Activate mechanical rakes to regulate flow of ice from storage bins to vats. +Stir material with spoons or paddles to mix ingredients or allow even cooling and prevent coagulation. +Insert forming fixtures, and start machines that cut frozen products into measured portions or specified shapes.","Electronic mail software— Google Gmail +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Record operational or production data. +Monitor instruments to ensure proper production conditions. +Adjust equipment controls to regulate flow of production materials or products. +Load materials into production equipment. +Monitor equipment operation to ensure proper functioning. +Measure ingredients or substances to be used in production processes. +Adjust equipment to ensure optimal performance. +Adjust temperature controls of ovens or other heating equipment. +Operate pumping systems or equipment. +Clear equipment jams. +Notify others of equipment repair or maintenance needs. +Weigh finished products. +Sterilize food cooking or processing equipment. +Collect samples of materials or products for testing. +Test chemical or physical characteristics of materials or products. +Assemble electromechanical or hydraulic systems. +Install mechanical components in production equipment. +Operate mixing equipment. +Clean production equipment. +Position containers to receive materials or workpieces. +Adjust equipment controls to regulate coolant flow. +Mix substances to create chemical solutions. +Mount attachments or tools onto production equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 69% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable +Indoors, Environmentally Controlled— 83% responded “Every day.” +Spend Time Standing— 56% responded “Continually or almost continually.” +Health and Safety of Other Workers— 32% responded “Moderate responsibility.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Time Pressure— 16% responded “Once a month or more but not every week.” +Exposed to Very Hot or Cold Temperatures +Impact of Decisions on Co-workers or Company Results— 15% responded “Important results.” +Work With or Contribute to a Work Group or Team— 33% responded “Very important.” +Duration of Typical Work Week +Determine Tasks, Priorities and Goals— 17% responded “A lot of freedom.” +Freedom to Make Decisions— 43% responded “Some freedom.” +Frequency of Decision Making— 32% responded “Once a year or more but not every month.” +Pace Determined by Speed of Equipment— 33% responded “Very important.” +Contact With Others— 29% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 24% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Very important.” +Importance of Repeating Same Tasks— 45% responded “Very important.” +Work Outcomes and Results of Other Workers— 24% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 43% responded “Every day.” +Written Letters and Memos— 85% responded “Once a week or more but not every day.” +Exposed to Contaminants— 43% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 47% responded “Every day.” +Indoors, Not Environmentally Controlled— 25% responded “Never.” +Exposed to Hazardous Conditions— 29% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 50% responded “More than half the time.” +Level of Competition— 40% responded “Moderately competitive.” +Outdoors, Exposed to All Weather Conditions— 35% responded “Once a week or more but not every day.” +Degree of Automation— 64% responded “Moderately automated.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles.","Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Batchmakers +Bright Outlook +Food Cooking Machine Operators and Tenders +Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders +Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic +Metal-Refining Furnace Operators and Tenders +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Stationary Engineers and Boiler Operators","View the list of Allies +National Tooling and Machining Association +external site",35,58,71,60,52,57,52,50,25,14,8,18,38,36,19,28,19,60,5,14,30,5,14,18,2,43,29,38,14,44,8,,7 +17-2199.03,"Energy Engineers, Except Wind and Solar",https://www.onetonline.org/link/summary/17-2199.03,2025-06-11T18:54:31.327162,"Identify and recommend energy savings strategies to achieve more energy-efficient operation. +Conduct energy audits to evaluate energy use and to identify conservation and cost reduction measures. +Monitor and analyze energy consumption. +Monitor energy related design or construction issues, such as energy engineering, energy management, or sustainable design. +Inspect or monitor energy systems, including heating, ventilating, and air conditioning (HVAC) or daylighting systems to determine energy use or potential energy savings. +Advise clients or colleagues on topics such as climate control systems, energy modeling, data logging, sustainable design, or energy auditing. +Analyze, interpret, or create graphical representations of energy data, using engineering software. +Verify energy bills and meter readings. +Collect data for energy conservation analyses, using jobsite observation, field inspections, or sub-metering. +Manage the development, design, or construction of energy conservation projects to ensure acceptability of budgets and time lines, conformance to federal and state laws, or adherence to approved specifications. +Perform energy modeling, measurement, verification, commissioning, or retro-commissioning. +Review architectural, mechanical, or electrical plans or specifications to evaluate energy efficiency. +Prepare energy-related project reports or related documentation. +Review or negotiate energy purchase agreements. +Train personnel or clients on topics such as energy management. +Direct the implementation of energy management projects. +Research renewable or alternative energy systems or technologies, such as solar thermal or photovoltaic energy. +Promote awareness or use of alternative or renewable energy sources. +Write or install energy management routines for building automation systems. +Recommend best fuel for specific sites or circumstances. +Consult with construction or renovation clients or other engineers on topics such as Leadership in Energy and Environmental Design (LEED) or Green Buildings.","Analytical or scientific software— Architectural Energy Corporation ENFORMA Building Diagnostics; Cool Roof Calculator; The MathWorks MATLAB; Trane System Analyzer;28 more +Computer aided design CAD software— Autodesk AutoCAD; Home Energy Efficient Design HEED +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Object or component oriented development software— Python; R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Advise others regarding green practices or environmental concerns. +Analyze energy usage data. +Monitor industrial energy consumption or management. +Direct energy production or management activities. +Inspect equipment or systems. +Create models of engineering designs or methods. +Research energy production, use, or conservation. +Evaluate plans or specifications to determine technological or environmental implications. +Prepare technical or operational reports. +Purchase materials, equipment, or other resources. +Train personnel on proper operational procedures. +Research design or application of green technologies. +Perform marketing activities. +Operate computer systems. +Recommend technical design or process changes to improve efficiency, quality, or performance.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 73% responded “Every day.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Contact With Others— 55% responded “Contact with others most of the time.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 59% responded “Very important.” +Freedom to Make Decisions— 64% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 68% responded “Some freedom.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Work Outcomes and Results of Other Workers— 48% responded “High responsibility.” +Deal With External Customers or the Public in General— 41% responded “Very important.” +Spend Time Sitting— 45% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.” +Frequency of Decision Making— 50% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 29% responded “High responsibility.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Written Letters and Memos— 45% responded “Once a month or more but not every week.” +Time Pressure— 59% responded “Once a month or more but not every week.” +Level of Competition— 41% responded “Moderately competitive.” +Indoors, Not Environmentally Controlled— 62% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels/Biodiesel Technology and Product Development Managers +Bright Outlook +Biomass Power Plant Managers +Electrical Engineers +Energy Auditors +Environmental Engineers +Mechanical Engineers +Solar Energy Installation Managers +Solar Energy Systems Engineers +Wind Energy Development Managers +Wind Energy Engineers","View the list of Allies +Alliance to Save Energy +external site +American Institute of Architects +external site +American National Standards Institute +external site +American Society for Engineering Education +external site +American Society for Engineering Management +external site +American Society for Quality +external site +American Society of Civil Engineers +external site +ASHRAE +external site +Building Commissioning Association +external site +Energy Services Coalition +external site +Engineering Institute of Canada +external site +IEEE-Power and Energy Society +external site +Illuminating Engineering Society +external site +Institute of Environmental Sciences and Technology +external site +Institute of Industrial and Systems Engineers +external site +International Association for Energy Economics +external site +International Building Performance Simulation Association +external site +International Code Council +external site +Interstate Renewable Energy Council +external site +National Association of Home Builders +external site +National Society of Professional Engineers +external site +Society of Manufacturing Engineers +external site +Society of Women Engineers +external site +The Institution of Engineering and Technology +external site +USGBC +external site +Mid-Atlantic Renewable Energy Association +external site +Midwest Energy Efficiency Alliance +external site +Midwest Renewable Energy Association +external site +Northwest Energy Efficiency Alliance +external site +Northwest Energy Efficiency Council +external site +Pacific Northwest Section of the American Water Works Association +external site +Southeast Energy Efficiency Alliance +external site +Western Energy Institute +external site +Western HVAC Performance Alliance +external site +Association of Energy Engineers +external site +Association of Energy Services Professionals +external site +Building Performance Institute +external site",70,2,17,66,74,64,44,41,40,61,49,42,47,50,10,48,41,69,13,24,36,8,20,22,6,88,72,64,21,64,30,2,11 +11-9121.00,Natural Sciences Managers,https://www.onetonline.org/link/summary/11-9121.00,2025-06-11T18:48:19.510011,"Hire, supervise, or evaluate engineers, technicians, researchers, or other staff. +Design or coordinate successive phases of problem analysis, solution proposals, or testing. +Plan or direct research, development, or production activities. +Review project activities and prepare and review research, testing, or operational reports. +Confer with scientists, engineers, regulators, or others to plan or review projects or to provide technical assistance. +Develop client relationships and communicate with clients to explain proposals, present research findings, establish specifications, or discuss project status. +Determine scientific or technical goals within broad outlines provided by top management and make detailed plans to accomplish these goals. +Prepare project proposals. +Develop or implement policies, standards, or procedures for the architectural, scientific, or technical work performed to ensure regulatory compliance or operations enhancement. +Recruit personnel or oversee the development or maintenance of staff competence. +Prepare and administer budgets, approve and review expenditures, and prepare financial reports. +Conduct own research in field of expertise. +Develop innovative technology or train staff for its implementation. +Make presentations at professional meetings to further knowledge in the field. +Provide for stewardship of plant or animal resources or habitats, studying land use, monitoring animal populations, or providing shelter, resources, or medical treatment for animals. +Advise or assist in obtaining patents or meeting other legal requirements.","Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata; The MathWorks MATLAB;2 more +Data base management system software— Oracle Database +Data base reporting software— SAP Business Objects +Data base user interface and query software— Clinical trial management software; Microsoft Access; Structured query language SQL +Development environment software— Integrated development environment IDE software +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— ESRI ArcGIS software +Graphics or photo imaging software— Adobe Photoshop; Graphics software +Internet browser software— Web browser software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Evaluate employee performance. +Hire personnel. +Supervise employees. +Develop organizational methods or procedures. +Direct organizational operations, projects, or services. +Develop operating strategies, plans, or procedures. +Manage operations, research, or logistics projects. +Advise others about land management or conservation. +Monitor animal behavior or condition. +Analyze data to inform operational decisions or activities. +Prepare operational progress or status reports. +Coordinate operational activities with external stakeholders. +Communicate organizational information to customers or other stakeholders. +Establish interpersonal business relationships to facilitate work activities. +Develop organizational goals or objectives. +Prepare proposals or grant applications to obtain project funding. +Develop organizational policies or programs. +Implement organizational process or policy changes. +Approve expenditures. +Manage human resources activities. +Prepare financial documents, reports, or budgets. +Prepare operational budgets. +Recruit personnel. +Conduct research of processes in natural or industrial ecosystems. +Conduct research to gain information about products or processes. +Conduct employee training programs. +Present information to the public. +Advise others on legal or regulatory compliance matters.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Importance of Being Exact or Accurate— 71% responded “Extremely important.” +Telephone Conversations— 58% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 56% responded “Very high responsibility.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Extremely important.” +Spend Time Sitting— 45% responded “More than half the time.” +Contact With Others— 58% responded “Contact with others most of the time.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Very important results.” +Health and Safety of Other Workers— 40% responded “Very high responsibility.” +Level of Competition— 35% responded “Highly competitive.” +Deal With External Customers or the Public in General— 33% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 36% responded “Once a week or more but not every day.” +Time Pressure— 58% responded “Once a month or more but not every week.” +Frequency of Decision Making— 45% responded “Once a month or more but not every week.” +Written Letters and Memos— 35% responded “Once a week or more but not every day.” +Consequence of Error— 32% responded “Extremely serious.”","Science— Using scientific rules and methods to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Operations Analysis— Analyzing needs and product requirements to create a design. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bioengineers and Biomedical Engineers +Bright Outlook +Bioinformatics Scientists +Biological Technicians +Chemists +Clinical Research Coordinators +Data Scientists +Environmental Science Teachers, Postsecondary +Molecular and Cellular Biologists +Project Management Specialists +Water Resource Specialists","View the list of Allies +American Association for the Advancement of Science +external site +American Association of Petroleum Geologists +external site +American Association of Pharmaceutical Scientists +external site +American Chemical Society +external site +American Fisheries Society +external site +American Geophysical Union +external site +American Industrial Hygiene Association +external site +American Society for Biochemistry and Molecular Biology +external site +American Society for Microbiology +external site +Controlled Release Society +external site +National Ground Water Association +external site +Parenteral Drug Association +external site +Professional Science Master's +external site +Society for American Archaeology +external site +Society of American Foresters +external site +Wildlife Society +external site",54,12,47,75,62,71,32,47,64,30,25,57,63,67,6,24,37,32,6,16,18,5,12,21,19,43,12,29,76,26,23,6,10 +19-1031.02,Range Managers,https://www.onetonline.org/link/summary/19-1031.02,2025-06-11T18:56:18.326965,"Regulate grazing, such as by issuing permits and checking for compliance with standards, and help ranchers plan and organize grazing systems to manage, improve, protect, and maximize the use of rangelands. +Manage forage resources through fire, herbicide use, or revegetation to maintain a sustainable yield from the land. +Coordinate with federal land managers and other agencies and organizations to manage and protect rangelands. +Measure and assess vegetation resources for biological assessment companies, environmental impact statements, and rangeland monitoring programs. +Maintain soil stability and vegetation for non-grazing uses, such as wildlife habitats and outdoor recreation. +Study grazing patterns to determine number and kind of livestock that can be most profitably grazed and to determine the best grazing seasons. +Offer advice to rangeland users on water management, forage production methods, and control of brush. +Plan and direct construction and maintenance of range improvements, such as fencing, corrals, stock-watering reservoirs, and soil-erosion control structures. +Mediate agreements among rangeland users and preservationists as to appropriate land use and management. +Study rangeland management practices and research range problems to provide sustained production of forage, livestock, and wildlife. +Tailor conservation plans to landowners' goals, such as livestock support, wildlife, or recreation. +Develop technical standards and specifications used to manage, protect, and improve the natural resources of range lands and related grazing lands. +Plan and implement revegetation of disturbed sites. +Study forage plants and their growth requirements to determine varieties best suited to particular range. +Develop methods for protecting range from fire and rodent damage and for controlling poisonous plants. +Develop new and improved instruments and techniques for activities, such as range reseeding. +Apply herbicide to eliminate harmful plants.","Analytical or scientific software— BehavePlus; SAS; The MathWorks MATLAB; Viper Tools;17 more +Data base user interface and query software— Microsoft Access; National Resources Conservation Service Ecological Site Information System ESIS; National Resources Conservation Service Web Soil Survey WSS; USDA NRCS VegSpec;2 more +Data mining software +Geographic information system— ESRI ArcGIS software; ESRI software; Geographic information system GIS systems +Graphics or photo imaging software— Adobe Photoshop; GNU Image Manipulation Program GIMP +Map creation software— Geographic resources analysis support system GRASS; Leica Geosystems ERDAS IMAGINE; RSAC Riparian Mapping Tool; USDA NRCS Soil Data Viewer;1 more +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— Oracle Java; Perl; Python; R +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Microsoft Great Plains Personal Data Keeper +Web page creation and editing software— Facebook +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Manage agricultural or forestry operations. +Determine operational compliance with regulations or standards. +Issue permits or other legal documents. +Develop plans to manage natural or renewable resources. +Communicate with government agencies. +Confer with others to conduct or arrange operational activities. +Measure environmental characteristics. +Research livestock management methods. +Advise others about land management or conservation. +Mediate disputes. +Plan natural resources conservation or restoration programs. +Develop environmental sustainability plans or projects. +Develop agricultural methods. +Research crop management methods.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Telephone Conversations— 66% responded “Every day.” +Contact With Others— 61% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Deal With External Customers or the Public in General— 61% responded “Extremely important.” +Indoors, Environmentally Controlled— 50% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 23% responded “Important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 54% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 75% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 51% responded “Important results.” +Spend Time Sitting— 65% responded “More than half the time.” +Duration of Typical Work Week— 56% responded “40 hours.” +Written Letters and Memos— 40% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Exposed to Very Hot or Cold Temperatures— 39% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 33% responded “Once a month or more but not every week.” +Frequency of Decision Making— 33% responded “Once a year or more but not every month.” +Conflict Situations— 54% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 37% responded “Once a month or more but not every week.” +Public Speaking— 35% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Conservation Scientists +Bright Outlook +Environmental Restoration Planners +Environmental Scientists and Specialists, Including Health +First-Line Supervisors of Farming, Fishing, and Forestry Workers +Foresters +Industrial Ecologists +Park Naturalists +Soil and Plant Scientists +Water Resource Specialists +Zoologists and Wildlife Biologists","View the list of Allies +Forest Stewards Guild +external site +Society for Range Management +external site +Society of American Foresters +external site",60,41,23,71,54,62,59,54,62,43,18,44,41,54,15,64,47,48,15,41,40,16,31,33,15,44,39,30,75,50,66,3,38 +27-1023.00,Floral Designers,https://www.onetonline.org/link/summary/27-1023.00,2025-06-11T19:02:45.379638,"Confer with clients regarding price and type of arrangement desired and the date, time, and place of delivery. +Select flora and foliage for arrangements, working with numerous combinations to synthesize and develop new creations. +Order and purchase flowers and supplies from wholesalers and growers. +Deliver arrangements to customers, or oversee employees responsible for deliveries. +Plan arrangement according to client's requirements, using knowledge of design and properties of materials, or select appropriate standard design pattern. +Water plants, and cut, condition, and clean flowers and foliage for storage. +Trim material and arrange bouquets, wreaths, terrariums, and other items, using trimmers, shapers, wire, pins, floral tape, foam, and other materials. +Wrap and price completed arrangements. +Perform office and retail service duties, such as keeping financial records, serving customers, answering telephones, selling giftware items, and receiving payment. +Unpack stock as it comes into the shop. +Create and change in-store and window displays, designs, and looks to enhance a shop's image. +Inform customers about the care, maintenance, and handling of various flowers and foliage, indoor plants, and other items. +Perform general cleaning duties in the store to ensure the shop is clean and tidy. +Decorate, or supervise the decoration of, buildings, halls, churches, or other facilities for parties, weddings and other occasions. +Conduct classes or demonstrations, or train other workers.","Accounting software— Transaction accounting software +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Point of sale POS software +Presentation software— Microsoft PowerPoint +Procurement software— Supply ordering software +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Confer with clients to determine needs. +Select materials or props. +Arrange delivery of goods or services. +Maintain inventories of materials, equipment, or products. +Develop artistic or design concepts for decoration, exhibition, or commercial purposes. +Construct distinctive physical objects for artistic, functional, or commercial purposes. +Maintain records, documents, or other files. +Provide educational information to the public. +Arrange artwork, products, or props. +Train others on work processes.","Telephone Conversations +Deal With External Customers or the Public in General— 86% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Determine Tasks, Priorities and Goals— 75% responded “A lot of freedom.” +Contact With Others— 78% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +E-Mail— 72% responded “Every day.” +Freedom to Make Decisions— 56% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Spend Time Standing— 20% responded “About half the time.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +Time Pressure— 52% responded “Every day.” +Work Outcomes and Results of Other Workers— 56% responded “High responsibility.” +Physical Proximity— 92% responded “Moderately close (at arm's length).” +Health and Safety of Other Workers— 41% responded “High responsibility.” +Written Letters and Memos— 46% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 44% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 60% responded “About half the time.” +Frequency of Decision Making— 39% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 27% responded “Every day.” +Spend Time Walking or Running— 35% responded “About half the time.” +Importance of Being Exact or Accurate— 43% responded “Fairly important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Craft Artists +Fabric and Apparel Patternmakers +Fashion Designers +Interior Designers +Jewelers and Precious Stone and Metal Workers +Merchandise Displayers and Window Trimmers +Painting, Coating, and Decorating Workers +Retail Salespersons +Bright Outlook +Sewers, Hand +Tailors, Dressmakers, and Custom Sewers","View the list of Allies +Society of American Florists +external site +American Institute of Floral Designers +external site",77,7,64,60,38,49,26,36,38,30,62,24,20,27,15,16,21,11,12,38,29,2,14,31,3,14,4,11,17,60,10,27,6 +29-2051.00,Dietetic Technicians,https://www.onetonline.org/link/summary/29-2051.00,2025-06-11T19:08:20.356114,"Observe and monitor patient food intake and body weight, and report changes, progress, and dietary problems to dietician. +Conduct nutritional assessments of individuals, including obtaining and evaluating individuals' dietary histories, to plan nutritional programs. +Prepare a major meal, following recipes and determining group food quantities. +Supervise food production or service or assist dietitians or nutritionists in food service supervision or planning. +Plan menus or diets or guide individuals or families in food selection, preparation, or menu planning, based upon nutritional needs and established guidelines. +Develop job specifications, job descriptions, or work schedules. +Attend interdisciplinary meetings with other health care professionals to discuss patient care. +Provide dietitians with assistance researching food, nutrition, or food service systems. +Select, schedule, or conduct orientation or in-service education programs. +Analyze menus or recipes, standardize recipes, or test new products. +Determine food and beverage costs and assist in implementing cost control procedures. +Refer patients to other relevant services to provide continuity of care. +Deliver speeches on diet, nutrition, or health to promote healthy eating habits and illness prevention and treatment.","Analytical or scientific software— Axxya Systems Nutritionist Pro; ESHA Research The Food Processor; Gnutrition; NutriGenie Optimal Nutrition;1 more +Calendar and scheduling software— Appointment scheduling software +Data base user interface and query software— CBORD Nutrition Service Suite; CyberSoft NutriBase; USDA Child Nutrition Database; ValuSoft MasterCook;2 more +Desktop publishing software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Cybersoft Primero Software Suite; eTritionWare; LunchByte Systems NUTRIKIDS +Internet browser software— Web browser software +Inventory management software— Food Service Solutions FoodCo +Medical software— Computrition Nutrition Care Management NCM Select; MEDITECH software; Patient electronic medical record EMR software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Inform medical professionals regarding patient conditions and care. +Monitor nutrition related activities of individuals or groups. +Monitor patient progress or responses to treatments. +Manage preparation of special meals or diets. +Analyze patient data to determine patient needs or treatment goals. +Collect medical information from patients, family members, or other medical professionals. +Evaluate patient functioning, capabilities, or health. +Supervise medical support personnel. +Provide health and wellness advice to patients, program participants, or caregivers. +Refer patients to other healthcare practitioners or health resources. +Collaborate with healthcare professionals to plan or provide treatment. +Collaborate with other professionals to assess client needs or plan treatments. +Conduct research to increase knowledge about medical issues. +Communicate health and wellness information to the public. +Train medical providers.","Contact With Others— 78% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 91% responded “Every day.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Health and Safety of Other Workers— 71% responded “Very high responsibility.” +Exposed to Disease or Infections— 82% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 58% responded “Extremely important.” +Time Pressure— 61% responded “Every day.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Freedom to Make Decisions— 49% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 59% responded “Extremely important.” +Physical Proximity— 30% responded “Very close (near touching).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 66% responded “Every day.” +Spend Time Standing— 24% responded “About half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 65% responded “Every day.” +Frequency of Decision Making— 50% responded “Every day.” +Telephone Conversations— 58% responded “Every day.” +Conflict Situations— 40% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 31% responded “Less than half the time.” +Impact of Decisions on Co-workers or Company Results— 26% responded “Very important results.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a month or more but not every week.” +Level of Competition— 29% responded “Highly competitive.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +E-Mail +Spend Time Making Repetitive Motions— 32% responded “About half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 26% responded “Never.” +Exposed to Contaminants— 33% responded “Never.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Every day.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.” +Consequence of Error— 21% responded “Extremely serious.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Community Health Workers +Bright Outlook +Dietitians and Nutritionists +Exercise Physiologists +Health Education Specialists +Home Health Aides +Licensed Practical and Licensed Vocational Nurses +Medical Assistants +Nursing Assistants +Psychiatric Technicians +Registered Nurses","View the list of Allies +Academy of Nutrition and Dietetics +external site +Association of Nutrition and Foodservice Professionals +external site +American Council on Exercise +external site",95,73,65,89,74,73,74,80,70,38,37,60,36,69,28,53,47,33,28,28,46,43,35,37,42,22,24,16,33,28,21,16,19 +39-4031.00,"Morticians, Undertakers, and Funeral Arrangers",https://www.onetonline.org/link/summary/39-4031.00,2025-06-11T19:13:16.593909,"Oversee the preparation and care of the remains of people who have died. +Obtain information needed to complete legal documents, such as death certificates or burial permits. +Perform embalming duties, as necessary. +Consult with families or friends of the deceased to arrange funeral details, such as obituary notice wording, casket selection, or plans for services. +Remove deceased remains from place of death. +Contact cemeteries to schedule the opening and closing of graves. +Plan, schedule, or coordinate funerals, burials, or cremations, arranging details such as floral delivery or the time and place of services. +Close caskets and lead funeral corteges to churches or burial sites. +Provide information on funeral service options, products, or merchandise, and maintain a casket display area. +Offer counsel and comfort to bereaved families or friends. +Direct preparations and shipment of bodies for out-of-state burial. +Discuss and negotiate prearranged funerals with clients. +Maintain financial records, order merchandise, or prepare accounts. +Provide or arrange transportation between sites for the remains, mourners, pallbearers, clergy, or flowers. +Arrange for clergy members to perform needed services. +Plan placement of caskets at funeral sites or place or adjust lights, fixtures, or floral displays. +Clean funeral home facilities and grounds. +Manage funeral home operations, including the hiring, training, or supervision of embalmers, funeral attendants, or other staff. +Inform survivors of benefits for which they may be eligible. +Arrange for pallbearers or inform pallbearers or honorary groups of their duties. +Receive or usher people to their seats for services. +Participate in community activities for funeral home promotion or other purposes.","Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Belmar & Associates Mortware; Custom Data Systems Sterling Management Software; HMIS Advantage; Twin Tier Technologies MIMS;1 more +Electronic mail software— Microsoft Outlook +Human resources software— iCIMS Talent Cloud software +Internet browser software— Web browser software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— FuneralKiosk +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Direct funeral or mortuary activities. +Gather information in order to provide services to clients. +Discuss service options or needs with clients. +Embalm corpses. +Transport biological or other medical materials. +Arrange facility schedules. +Handle caskets. +Provide counsel, comfort, or encouragement to individuals or families. +Maintain financial or account records. +Order materials, supplies, or equipment. +Provide escort or transportation. +Arrange items for use or display. +Clean facilities or work areas. +Perform human resources activities. +Supervise service workers. +Train service staff. +Promote products, services, or programs. +Usher patrons to seats or exits.","Face-to-Face Discussions with Individuals and Within Teams +Telephone Conversations +Contact With Others— 77% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 74% responded “Very important results.” +Deal With External Customers or the Public in General +Importance of Being Exact or Accurate +Indoors, Environmentally Controlled +Frequency of Decision Making +Determine Tasks, Priorities and Goals— 30% responded “Some freedom.” +Freedom to Make Decisions— 65% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 74% responded “Extremely important.” +Duration of Typical Work Week +In an Enclosed Vehicle or Operate Enclosed Equipment— 81% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Very important.” +Exposed to Contaminants— 42% responded “Every day.” +Work Outcomes and Results of Other Workers— 34% responded “Moderate responsibility.” +Health and Safety of Other Workers— 30% responded “Moderate responsibility.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Time Pressure— 28% responded “Every day.” +Written Letters and Memos— 77% responded “Once a week or more but not every day.” +E-Mail— 12% responded “Once a week or more but not every day.” +Outdoors, Exposed to All Weather Conditions— 18% responded “Once a year or more but not every month.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Consequence of Error— 41% responded “Fairly serious.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 18% responded “Once a year or more but not every month.” +Exposed to Disease or Infections— 18% responded “Once a month or more but not every week.” +Spend Time Standing— 64% responded “About half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “More than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Coroners +Crematory Operators +Embalmers +First-Line Supervisors of Personal Service Workers +Bright Outlook +Funeral Attendants +Funeral Home Managers +Home Health Aides +Nursing Assistants +Patient Representatives +Personal Care Aides","View the list of Allies +American Business Women's Association +external site +Cremation Association of North America +external site +International Cemetery, Cremation and Funeral Association +external site +International Order of the Golden Rule +external site +Jewish Funeral Directors of America +external site +National Funeral Directors and Morticians Association +external site +National Funeral Directors Association +external site +Selected Independent Funeral Homes +external site +Academy of Professional Funeral Service Practice +external site +American Board of Funeral Service Education +external site",93,2,26,71,46,66,52,44,68,44,52,55,40,55,16,47,40,12,52,47,60,49,40,31,23,22,8,17,52,17,19,9,18 +31-9099.01,Speech-Language Pathology Assistants,https://www.onetonline.org/link/summary/31-9099.01,2025-06-11T19:10:06.303838,"Document clients' progress toward meeting established treatment objectives. +Implement treatment plans or protocols as directed by speech-language pathologists. +Collect and compile data to document clients' performance or assess program quality. +Perform support duties, such as preparing materials, keeping records, maintaining supplies, and scheduling activities. +Assist speech-language pathologists in the remediation or development of speech and language skills. +Select or prepare speech-language instructional materials. +Assist speech-language pathologists in the conduct of client screenings or assessments of language, voice, fluency, articulation, or hearing. +Prepare charts, graphs, or other visual displays to communicate clients' performance information. +Test or maintain equipment to ensure correct performance. +Conduct in-service training sessions, or family and community education programs. +Assist speech-language pathologists in the conduct of speech-language research projects.","Analytical or scientific software— Language analysis software; Signal analysis software; Speech analysis software +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— Biofeedback software; Bungalow Software Aphasia Tutor; Micro Video Video Voice Speech Training System; Propeller Multimedia React2;3 more +Music or sound editing software— Adobe Audition +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Text to speech conversion software— Text to speech software +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts.","Maintain medical records. +Implement therapeutic programs to improve patient functioning. +Prepare medical reports or documents. +Perform clerical work in medical settings. +Prepare medical instruments or equipment for use. +Develop patient therapy programs. +Administer screening tests to determine abilities or treatment needs. +Monitor medical equipment to ensure proper functioning. +Teach medical procedures to healthcare personnel.","Contact With Others— 77% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +E-Mail— 49% responded “Every day.” +Physical Proximity— 47% responded “Very close (near touching).” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Telephone Conversations— 38% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Frequency of Decision Making— 58% responded “Every day.” +Spend Time Sitting— 60% responded “More than half the time.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Time Pressure— 32% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 44% responded “Extremely important.” +Freedom to Make Decisions— 52% responded “Limited freedom.” +Written Letters and Memos— 34% responded “Every day.” +Indoors, Environmentally Controlled— 49% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Audiologists +Bright Outlook +Low Vision Therapists, Orientation and Mobility Specialists, and Vision Rehabilitation Therapists +Medical Assistants +Occupational Therapists +Occupational Therapy Aides +Occupational Therapy Assistants +Physical Therapist Aides +Physical Therapist Assistants +Psychiatric Technicians +Speech-Language Pathologists","View the list of Allies +American Speech-Language-Hearing Association +external site",60,1,2,89,17,35,30,79,59,3,15,9,2,44,20,19,35,,12,2,65,67,39,23,21,8,,1,9,,4,3,4 +51-9198.00,Helpers--Production Workers,https://www.onetonline.org/link/summary/51-9198.00,2025-06-11T19:28:41.025303,"Load and unload items from machines, conveyors, and conveyances. +Operate machinery used in the production process, or assist machine operators. +Place products in equipment or on work surfaces for further processing, inspecting, or wrapping. +Examine products to verify conformance to quality standards. +Start machines or equipment to begin production processes. +Observe equipment operations so that malfunctions can be detected, and notify operators of any malfunctions. +Remove products, machine attachments, or waste material from machines. +Lift raw materials, finished products, and packed items, manually or using hoists. +Transfer finished products, raw materials, tools, or equipment between storage and work areas of plants and warehouses, by hand or using hand trucks or powered lift trucks. +Pack and store materials and products. +Help production workers by performing duties of lesser skill, such as supplying or holding materials or tools, or cleaning work areas and equipment. +Count finished products to determine if product orders are complete. +Measure amounts of products, lengths of extruded articles, or weights of filled containers to ensure conformance to specifications. +Separate products according to weight, grade, size, or composition of materials used to produce them. +Turn valves to regulate flow of liquids or air, to reverse machines, to start pumps, or to regulate equipment. +Mark or tag identification on parts. +Mix ingredients according to specified procedures or formulas. +Tie products in bundles for further processing or shipment, following prescribed procedures. +Record information, such as the number of products tested, meter readings, or dates and times of product production. +Read gauges or charts, and record data obtained. +Unclamp and hoist full reels from braiding, winding, or other fabricating machines, using power hoists. +Signal coworkers to direct them to move products during the production process. +Clean and lubricate equipment. +Prepare raw materials for processing. +Perform minor repairs to machines, such as replacing damaged or worn parts. +Attach slings, ropes, or cables to objects such as pipes, hoses, or bundles. +Position spouts or chutes of storage bins so that containers can be filled. +Wash work areas, machines, equipment, vehicles, or products. +Break up defective products for reprocessing. +Cut or break flashing from materials or products.","Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Operational databases +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Adobe Photoshop +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Remove products or workpieces from production equipment. +Load materials into production equipment. +Operate industrial equipment. +Count finished products or workpieces. +Inspect work to ensure standards are met. +Weigh finished products. +Sort materials or products for processing, storing, shipping, or grading. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Mark products, workpieces, or equipment with identifying information. +Mix substances to create chemical solutions. +Notify others of equipment repair or maintenance needs. +Watch operating equipment to detect malfunctions. +Lift materials or workpieces using cranes or other lifting equipment. +Package products for storage or shipment. +Record operational or production data. +Move products, materials, or equipment between work areas. +Signal others to coordinate work activities. +Clean production equipment. +Lubricate production equipment. +Prepare materials for processing. +Repair production equipment or tools. +Replace worn equipment components. +Clean work areas. +Mount attachments or tools onto production equipment. +Clean workpieces or finished products. +Trim excess material from workpieces.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 96% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 62% responded “Every day.” +Spend Time Making Repetitive Motions— 64% responded “Continually or almost continually.” +Time Pressure— 47% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Pace Determined by Speed of Equipment— 39% responded “Very important.” +Work With or Contribute to a Work Group or Team— 50% responded “Very important.” +Contact With Others— 39% responded “Constant contact with others.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Spend Time Standing— 49% responded “Continually or almost continually.” +Duration of Typical Work Week— 54% responded “40 hours.” +Freedom to Make Decisions— 60% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 43% responded “Continually or almost continually.” +Exposed to Contaminants— 59% responded “Every day.” +Frequency of Decision Making— 42% responded “Every day.” +Exposed to Hazardous Equipment— 52% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 46% responded “Every day.” +Determine Tasks, Priorities and Goals— 61% responded “Some freedom.” +Health and Safety of Other Workers— 50% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 27% responded “Very important.” +Exposed to Very Hot or Cold Temperatures— 26% responded “Once a week or more but not every day.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 27% responded “More than half the time.” +Consequence of Error— 27% responded “Serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 25% responded “Minor results.”",,"Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Adhesive Bonding Machine Operators and Tenders +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Carpenters +Helpers--Extraction Workers +Helpers--Installation, Maintenance, and Repair Workers +Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Machine Feeders and Offbearers +Maintenance Workers, Machinery +Packers and Packagers, Hand","View the list of Allies +National Association of Manufacturers +external site",23,14,44,42,44,29,40,34,13,9,15,19,20,26,9,18,20,51,6,25,18,11,11,15,13,23,21,15,5,22,7,6,7 +29-2057.00,Ophthalmic Medical Technicians,https://www.onetonline.org/link/summary/29-2057.00,2025-06-11T19:08:39.153039,"Take and document patients' medical histories. +Conduct tonometry or tonography tests to measure intraocular pressure. +Operate ophthalmic equipment, such as autorefractors, phoropters, tomographs, or retinoscopes. +Take anatomical or functional ocular measurements of the eye or surrounding tissue, such as axial length measurements. +Measure visual acuity, including near, distance, pinhole, or dynamic visual acuity, using appropriate tests. +Measure and record lens power, using lensometers. +Administer topical ophthalmic or oral medications. +Conduct visual field tests to measure field of vision. +Assist physicians in performing ophthalmic procedures, including surgery. +Measure corneal curvature with keratometers or ophthalmometers to aid in the diagnosis of conditions, such as astigmatism. +Conduct ocular motility tests to measure function of eye muscles. +Clean or sterilize ophthalmic or surgical instruments. +Maintain ophthalmic instruments or equipment. +Instruct patients in the care and use of contact lenses. +Assess refractive conditions of eyes, using retinoscopes. +Call patients to inquire about their post-operative status or recovery. +Assist patients to insert or remove contact lenses. +Conduct binocular disparity tests to assess depth perception. +Adjust or make minor repairs to spectacles or eyeglasses. +Assist patients to select eyewear. +Order supplies.","Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Medical software— AcuityPro; EyeMD EMR Healthcare Systems EyeMD EMR; MediPro Medisoft Clinical; NaviNet Open;3 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.","Record patient medical histories. +Collect medical information from patients, family members, or other medical professionals. +Test patient vision. +Measure the physical or physiological attributes of patients. +Operate diagnostic or therapeutic medical instruments or equipment. +Administer non-intravenous medications. +Assist healthcare practitioners during surgery. +Clean medical equipment or facilities. +Sterilize medical equipment or instruments. +Maintain medical equipment or instruments. +Instruct patients in the use of assistive equipment. +Monitor patients following surgeries or other treatments. +Fit eyeglasses, contact lenses, or other vision aids. +Recommend types of assistive devices.","Contact With Others— 91% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +Work With or Contribute to a Work Group or Team— 82% responded “Extremely important.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 77% responded “Every day.” +Physical Proximity— 68% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 77% responded “Extremely important.” +E-Mail— 73% responded “Every day.” +Frequency of Decision Making— 64% responded “Every day.” +Exposed to Disease or Infections— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Freedom to Make Decisions— 59% responded “Some freedom.” +Spend Time Making Repetitive Motions— 36% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 55% responded “Continually or almost continually.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Very important.” +Importance of Repeating Same Tasks— 29% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 45% responded “Limited freedom.” +Dealing With Unpleasant, Angry, or Discourteous People— 41% responded “Once a week or more but not every day.” +Written Letters and Memos— 64% responded “Once a week or more but not every day.” +Time Pressure— 36% responded “Every day.” +Spend Time Standing— 41% responded “About half the time.” +Consequence of Error— 41% responded “Fairly serious.” +Spend Time Walking or Running— 45% responded “About half the time.” +Duration of Typical Work Week— 77% responded “40 hours.” +Work Outcomes and Results of Other Workers— 36% responded “Moderate responsibility.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Endoscopy Technicians +Medical Assistants +Neurodiagnostic Technologists +Ophthalmic Medical Technologists +Radiologic Technologists and Technicians +Respiratory Therapists +Surgical Assistants +Surgical Technologists","View the list of Allies +American Academy of Ophthalmic Professionals +external site +Ophthalmic Photographers' Society +external site +International Joint Commission on Allied Health Personal in Ophthalmology +external site",83,1,16,75,58,34,28,44,48,15,19,32,26,43,19,24,15,27,7,5,41,29,16,19,80,22,1,5,37,4,2,,4 +17-2161.00,Nuclear Engineers,https://www.onetonline.org/link/summary/17-2161.00,2025-06-11T18:54:26.164380,"Design or develop nuclear equipment, such as reactor cores, radiation shielding, or associated instrumentation or control mechanisms. +Monitor nuclear facility operations to identify any design, construction, or operation practices that violate safety regulations and laws or could jeopardize safe operations. +Initiate corrective actions or order plant shutdowns in emergency situations. +Examine accidents to obtain data for use in design of preventive measures. +Direct operating or maintenance activities of nuclear power plants to ensure efficiency and conformity to safety standards. +Design or oversee construction or operation of nuclear reactors, power plants, or nuclear fuels reprocessing and reclamation systems. +Direct environmental compliance activities associated with nuclear plant operations or maintenance. +Write operational instructions to be used in nuclear plant operation or nuclear fuel or waste handling and disposal. +Prepare technical reports of findings or recommendations, based on synthesized analyses of test results. +Prepare environmental impact statements, reports, or presentations for regulatory or other agencies. +Develop or contribute to the development of plans to remediate or restore environments affected by nuclear radiation, such as waste disposal sites. +Conduct tests of nuclear fuel behavior and cycles or performance of nuclear machinery and equipment to optimize performance of existing plants. +Design fuel cycle models or processes to reduce the quantity of radioactive waste generated from nuclear activities. +Consult with other scientists to determine parameters of experimentation or suitability of analytical models. +Recommend preventive measures to be taken in the handling of nuclear technology, based on data obtained from operations monitoring or from evaluation of test results. +Discuss construction project proposals with interested parties, such as vendors, contractors, or nuclear facility review boards. +Perform experiments that will provide information about acceptable methods of nuclear material usage, nuclear fuel reclamation, or waste disposal. +Conduct environmental studies on topics such as nuclear power generation, nuclear waste disposal, or nuclear weapon deployment. +Design or direct nuclear research projects to develop, test, modify, or discover new uses for theoretical models. +Keep abreast of developments and changes in the nuclear field by reading technical journals or by independent study and research.","Analytical or scientific software— Mathematical simulation software; Reactor excursion and release analysis program RELAP; SAS; The MathWorks MATLAB;14 more +Computer aided design CAD software— Mathsoft Mathcad +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Microsoft Access; Relational database software +Desktop publishing software +Development environment software— Formula translation/translator FORTRAN; INCORE code; Software development tools; TOTE code;1 more +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Graphics software +Object or component oriented development software— C++; Oracle Java; Python +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Design energy production or management equipment or systems. +Monitor processes for compliance with standards. +Resolve operational performance problems. +Investigate safety of work environment. +Direct energy production or management activities. +Direct equipment maintenance or repair activities. +Coordinate safety or regulatory compliance activities. +Analyze test or validation data. +Document design or operational test results. +Prepare procedural documents. +Prepare technical or operational reports. +Prepare detailed work plans. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Develop operational methods or processes that use green materials or emphasize sustainability. +Advise others on health and safety issues. +Confer with technical personnel to prepare designs or operational plans. +Communicate technical information to suppliers, contractors, or regulatory agencies. +Research energy production, use, or conservation. +Investigate the environmental impact of projects. +Update technical knowledge.","E-Mail— 90% responded “Every day.” +Importance of Being Exact or Accurate— 71% responded “Extremely important.” +Telephone Conversations— 65% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Duration of Typical Work Week— 62% responded “More than 40 hours.” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Spend Time Sitting— 48% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 47% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Important results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Once a week or more but not every day.” +Contact With Others— 57% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 38% responded “Some freedom.” +Consequence of Error— 40% responded “Extremely serious.” +Exposed to Radiation— 43% responded “Once a week or more but not every day.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Written Letters and Memos— 55% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 38% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Very important.” +Level of Competition— 45% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 26% responded “Important.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.” +Frequency of Decision Making— 32% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Science— Using scientific rules and methods to solve problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operations Analysis— Analyzing needs and product requirements to create a design. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Time Management— Managing one's own time and the time of others. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Persuasion— Persuading others to change their minds or behavior. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biofuels/Biodiesel Technology and Product Development Managers +Bright Outlook +Chemical Engineers +Electrical Engineers +Environmental Engineers +Fuel Cell Engineers +Geothermal Production Managers +Nuclear Monitoring Technicians +Nuclear Power Reactor Operators +Nuclear Technicians +Power Plant Operators","View the list of Allies +American Institute of Aeronautics and Astronautics +external site +American Institute of Chemical Engineers +external site +American Nuclear Society +external site +American Physical Society +external site +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +Health Physics Society +external site +Institute of Electrical and Electronics Engineers +external site +Institute of Nuclear Materials Management +external site +National Society of Professional Engineers +external site +Nuclear Energy Institute +external site +Society of Nuclear Medicine and Molecular Imaging +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site +National Registry of Radiation Protection Technologists +external site",31,5,44,76,85,58,74,60,29,30,20,37,72,67,13,55,28,62,7,25,30,10,18,26,13,89,50,89,44,67,24,3,14 +11-3013.01,Security Managers,https://www.onetonline.org/link/summary/11-3013.01,2025-06-11T18:47:00.452212,"Analyze and evaluate security operations to identify risks or opportunities for improvement through auditing, review, or assessment. +Assess risks to mitigate potential consequences of incidents and develop a plan to respond to incidents. +Attend meetings, professional seminars, or conferences to keep abreast of changes in executive legislative directives or new technologies impacting security operations. +Communicate security status, updates, and actual or potential problems, using established protocols. +Conduct physical examinations of property to ensure compliance with security policies and regulations. +Conduct threat or vulnerability analyses to determine probable frequency, criticality, consequence, or severity of natural or man-made disasters or criminal activity on the organization's profitability or delivery of products or services. +Coordinate security operations or activities with public law enforcement, fire and other agencies. +Create or implement security standards, policies, and procedures. +Develop budgets for security operations. +Develop or manage investigation programs, including collection and preservation of video and notes of surveillance processes or investigative interviews. +Develop, arrange for, perform, or assess executive protection activities to reduce security risks. +Develop, conduct, support, or assist in governmental reviews, internal corporate evaluations, or assessments of the overall effectiveness of facility and personnel security processes. +Develop, implement, manage, or evaluate policies and methods to protect personnel against harassment, threats, or violence. +Develop, recommend, or manage security procedures for operations or processes, such as security call centers, access control, and reporting tools. +Direct or participate in emergency management and contingency planning. +Identify, investigate, or resolve security breaches. +Monitor and ensure a sound, ethical environment. +Monitor security policies, programs or procedures to ensure compliance with internal security policies, or applicable government security requirements, policies, and directives. +Plan security for special and high-risk events. +Plan, direct, or coordinate security activities to safeguard company employees, guests, or others on company property. +Prepare reports or make presentations on internal investigations, losses, or violations of regulations, policies and procedures. +Purchase security-related supplies, equipment, or technology. +Respond to medical emergencies, bomb threats, fire alarms, or intrusion alarms, following emergency response procedures. +Review financial reports to ensure efficiency and quality of security operations. +Supervise or provide leadership to subordinate security professionals, performing activities such as hiring, investigating applicants' backgrounds, training, assigning work, evaluating performance, or disciplining. +Support efforts to reduce substance abuse or other illegal activities in the workplace. +Train subordinate security professionals or other organization members in security rules and procedures. +Write or review security-related documents, such as incident reports, proposals, and tactical or strategic initiatives.","Calendar and scheduling software— Work scheduling software +Cloud-based data access and sharing software— Platform as a service PaaS +Communications server software— Emergency notification system software +Data base user interface and query software— Amazon Web Services AWS software; Microsoft Access +Development environment software— Microsoft Azure software +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle PeopleSoft; SAP software +Facilities management software— Alarm system software; Maintenance management software; Physical access management software +Graphics or photo imaging software— Graphics software +Human resources software— Human resources management system HRMS +Instant messaging software— Twitter +Internet browser software— Web browser software +Inventory management software— Inventory tracking software +Map creation software— Mapping software +Network security and virtual private network VPN equipment software— Firewall software +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— FieldSoft AIMSonScene; Incident command system ICS software; Microsoft Project +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word",,"Manage organizational security activities. +Develop safety standards, policies, or procedures. +Analyze risks to minimize losses or damages. +Implement organizational process or policy changes. +Communicate organizational policies and procedures. +Monitor organizational compliance with regulations. +Prepare reports related to compliance matters. +Analyze financial records to improve efficiency. +Communicate with government agencies. +Conduct employee training programs. +Develop emergency response plans or procedures. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Develop procedures to evaluate organizational activities. +Direct organizational operations, projects, or services. +Evaluate employee performance. +Evaluate program effectiveness. +Maintain knowledge of current developments in area of expertise. +Maintain surveillance of individuals or establishments. +Manage human resources activities. +Monitor facilities or operational systems. +Perform human resources activities. +Prepare operational budgets. +Purchase materials, equipment, or other resources. +Respond to emergencies to provide assistance. +Supervise employees. +Train employees on environmental awareness, conservation, or safety topics.",,,,,"Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Business Continuity Planners +Bright Outlook +Compliance Managers +Emergency Management Directors +Facilities Managers +First-Line Supervisors of Security Workers +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Management Analysts +Occupational Health and Safety Specialists +Security Guards +Security Management Specialists","View the list of Allies +ASIS International +external site +International Organization of Black Security Executives +external site +American Society of Safety Professionals +external site +ARMA International +external site +Electronic Security Association +external site +InfraGard +external site +International Association of Campus Law Enforcement Administrators +external site +International Association of Privacy Professionals +external site +International Association of Professional Security Consultants +external site +International Facility Management Association +external site +International Foundation for Protection Officers +external site +International Security Management Association +external site +National Association of Chiefs of Police +external site +National Council of Investigation and Security Services +external site +National Cybersecurity Alliance +external site +NCMS +external site +Open Worldwide Application Security Project +external site +Overseas Security Advisory Council +external site +Security Industry Association +external site +The International Association of Counterterrorism and Security Professionals +external site +The Risk Management Society +external site +Pacific Northwest Association of Investigators +external site +Association of Threat Assessment Professionals +external site +Institute of Certified Records Managers +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +51-9031.00,"Cutters and Trimmers, Hand",https://www.onetonline.org/link/summary/51-9031.00,2025-06-11T19:27:26.791155,"Mark or discard items with defects such as spots, stains, scars, snags, chips, scratches, or unacceptable shapes or finishes. +Trim excess material or cut threads off finished products, such as cutting loose ends of plastic off a manufactured toy for a smoother finish. +Cut, shape, and trim materials, such as textiles, food, glass, stone, and metal, using knives, scissors, and other hand tools, portable power tools, or bench-mounted tools. +Position templates or measure materials to locate specified points of cuts or to obtain maximum yields, using rules, scales, or patterns. +Read work orders to determine dimensions, cutting locations, and quantities to cut. +Mark cutting lines around patterns or templates, or follow layout points, using squares, rules, and straightedges, and chalk, pencils, or scribes. +Mark identification numbers, trademarks, grades, marketing data, sizes, or model numbers on products. +Unroll, lay out, attach, or mount materials or items on cutting tables or machines. +Separate materials or products according to size, weight, type, condition, color, or shade. +Fold or shape materials before or after cutting them. +Replace or sharpen dulled cutting tools such as saws. +Lower table-mounted cutters such as knife blades, cutting wheels, or saws to cut items to specified sizes. +Stack cut items and load them on racks or conveyors or onto trucks. +Adjust guides and stops to control depths and widths of cuts. +Count or weigh and bundle items. +Clean, treat, buff, or polish finished items, using grinders, brushes, chisels, and cleaning solutions and polishing materials. +Route items to provide cutouts for parts, using portable routers, grinders, and hand tools. +Transport items to work or storage areas, using carts.","Electronic mail software— Microsoft Outlook +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Mark products, workpieces, or equipment with identifying information. +Trim excess material from workpieces. +Cut industrial materials in preparation for fabrication or processing. +Measure materials to mark reference points, cutting lines, or other indicators. +Position patterns on equipment, materials, or workpieces. +Shape metal workpieces with hammers or other small hand tools. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Read work orders or other instructions to determine product specifications or materials requirements. +Mount materials or workpieces onto production equipment. +Sort materials or products for processing, storing, shipping, or grading. +Adjust fabrics or other materials during garment production. +Operate cutting equipment. +Stack finished items for further processing or shipment. +Replace worn equipment components. +Sharpen cutting or grinding tools. +Set equipment controls to meet cutting specifications. +Count finished products or workpieces. +Weigh finished products. +Operate grinding equipment. +Clean workpieces or finished products. +Polish materials, workpieces, or finished products. +Move products, materials, or equipment between work areas.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Indoors, Environmentally Controlled— 91% responded “Every day.” +Importance of Being Exact or Accurate +Spend Time Standing— 80% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 43% responded “Continually or almost continually.” +Time Pressure— 20% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 22% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Contact With Others— 56% responded “Constant contact with others.” +Work Outcomes and Results of Other Workers +Freedom to Make Decisions— 38% responded “Some freedom.” +Duration of Typical Work Week— 96% responded “40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Extremely important.”",,"Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges.","Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Machine Feeders and Offbearers +Molders, Shapers, and Casters, Except Metal and Plastic +Sawing Machine Setters, Operators, and Tenders, Wood +Sewing Machine Operators +Shoe Machine Operators and Tenders +Textile Cutting Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Manufacturers Alliance +external site",8,1,56,30,36,22,29,21,3,2,2,16,4,24,15,2,4,14,4,16,20,2,20,6,3,10,9,11,2,20,2,1,2 +51-9021.00,"Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders",https://www.onetonline.org/link/summary/51-9021.00,2025-06-11T19:27:20.042550,"Observe operation of equipment to ensure continuity of flow, safety, and efficient operation, and to detect malfunctions. +Clean, adjust, and maintain equipment, using hand tools. +Tend accessory equipment, such as pumps and conveyors, to move materials or ingredients through production processes. +Move controls to start, stop, or adjust machinery and equipment that crushes, grinds, polishes, or blends materials. +Notify supervisors of needed repairs. +Weigh or measure materials, ingredients, or products at specified intervals to ensure conformance to requirements. +Record data from operations, testing, and production on specified forms. +Reject defective products and readjust equipment to eliminate problems. +Inspect chains, belts, or scrolls for signs of wear. +Clean work areas. +Examine materials, ingredients, or products, visually or with hands, to ensure conformance to established standards. +Read work orders to determine production specifications and information. +Dislodge and clear jammed materials or other items from machinery and equipment, using hand tools. +Test samples of materials or products to ensure compliance with specifications, using test equipment. +Mark bins as to types of mixtures stored. +Transfer materials, supplies, and products between work areas, using moving equipment and hand tools. +Add or mix chemicals and ingredients for processing, using hand tools or other devices. +Collect samples of materials or products for laboratory testing. +Load materials into machinery and equipment, using hand tools. +Turn valves to regulate the moisture contents of materials. +Set mill gauges to specified fineness of grind.","Electronic mail software— Email software +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Monitor equipment operation to ensure proper functioning. +Clean production equipment. +Maintain production or processing equipment. +Operate pumping systems or equipment. +Operate grinding equipment. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Measure ingredients or substances to be used in production processes. +Notify others of equipment repair or maintenance needs. +Weigh finished products. +Test chemical or physical characteristics of materials or products. +Mark products, workpieces, or equipment with identifying information. +Move products, materials, or equipment between work areas. +Mix substances to create chemical solutions. +Clean work areas. +Evaluate quality of materials or products. +Inspect production equipment. +Record operational or production data. +Collect samples of materials or products for testing. +Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids. +Load materials into production equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Clear equipment jams.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 66% responded “Continually or almost continually.” +Freedom to Make Decisions— 37% responded “A lot of freedom.” +Health and Safety of Other Workers— 46% responded “Very high responsibility.” +Pace Determined by Speed of Equipment— 22% responded “Important.” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Consequence of Error— 22% responded “Very serious.” +Spend Time Standing— 41% responded “More than half the time.” +Exposed to Contaminants— 26% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 35% responded “Important.” +Time Pressure— 41% responded “Every day.” +Work Outcomes and Results of Other Workers— 48% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 38% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 26% responded “Less than half the time.” +Work With or Contribute to a Work Group or Team— 26% responded “Extremely important.” +Contact With Others— 36% responded “Constant contact with others.” +Exposed to Hazardous Equipment— 41% responded “Every day.” +Indoors, Not Environmentally Controlled— 51% responded “Every day.” +Exposed to Hazardous Conditions— 42% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 36% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.” +Frequency of Decision Making— 33% responded “Never.” +Importance of Repeating Same Tasks— 55% responded “Important.” +Spend Time Making Repetitive Motions— 31% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 28% responded “Once a week or more but not every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Machine Feeders and Offbearers +Mixing and Blending Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +International Association of Machinists and Aerospace Workers +external site +International Association of Operative Millers +external site +Bakery, Confectionary, Tobacco Workers and Grain Millers International Union +external site +International Brotherhood of Teamsters +external site +United Steelworkers +external site",38,28,60,55,49,61,51,54,41,33,26,34,17,38,20,27,5,48,2,24,25,,11,7,1,26,23,20,18,14,14,Not available,2 +13-2071.00,Credit Counselors,https://www.onetonline.org/link/summary/13-2071.00,2025-06-11T18:51:03.787660,"Calculate clients' available monthly income to meet debt obligations. +Explain services or policies to clients, such as debt management program rules, advantages and disadvantages of using services, or creditor concession policies. +Create debt management plans, spending plans, or budgets to assist clients to meet financial goals. +Prioritize client debt repayment to avoid dire consequences, such as bankruptcy or foreclosure or to reduce overall costs, such as by paying high-interest or short-term loans first. +Assess clients' overall financial situations by reviewing income, assets, debts, expenses, credit reports, or other financial information. +Recommend strategies for clients to meet their financial goals, such as borrowing money through loans or loan programs, declaring bankruptcy, making budget adjustments, or enrolling in debt management plans. +Explain general financial topics to clients, such as credit report ratings, bankruptcy laws, consumer protection laws, wage attachments, or collection actions. +Interview clients by telephone or in person to gather financial information. +Estimate time for debt repayment, given amount of debt, interest rates, and available funds. +Prepare written documents to establish contracts with or communicate financial recommendations to clients. +Maintain or update records of client account activity, including financial transactions, counseling session notes, correspondence, document images, or client inquiries. +Negotiate with creditors on behalf of clients to arrange for payment adjustments, interest rate reductions, time extensions, or payment plans. +Advise clients on housing matters, such as housing rental, homeownership, mortgage delinquency, or foreclosure prevention. +Create action plans to assist clients in obtaining permanent housing via rent or mortgage programs. +Advise clients or respond to inquiries about financial matters in person or via phone, email, Web site, or Internet chat. +Review changes to financial, family, or employment situations to determine whether changes to existing debt management plans, spending plans, or budgets are needed. +Recommend educational materials or resources to clients on matters, such as financial planning, budgeting, or credit. +Refer clients to social service or community resources for needs beyond those of credit or debt counseling. +Explain loan information to clients, such as available loan types, eligibility requirements, or loan restrictions. +Teach courses or seminars on topics, such as budgeting, management of personal finances, or financial literacy. +Conduct research to help clients avoid repossessions or foreclosures or remove levies or wage garnishments. +Disburse funds from client accounts to creditors. +Investigate missing checks, payment histories, held funds, returned checks, or other related issues to resolve client or creditor problems.","Data base user interface and query software— CoreLogic DebtorTrace; LexisNexis Accurint; Merlin Information Services databases; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle PeopleSoft; SAP software +Financial analysis software— Cooperative Processing Resources DMS Professional Suite; Freddie Mac Loan Prospector; Integrant DebtLogic; Prime Debt Software Credit Repair;3 more +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Network conferencing software— Chat software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Compute debt repayment schedules. +Explain regulations, policies, or procedures. +Develop financial plans for clients. +Assess financial status of clients. +Recommend investments to clients. +Educate clients on financial planning topics. +Disburse funds from clients accounts to creditors. +Interview clients to gather financial information. +Prepare contracts or other transaction documents. +Prepare financial documents. +Negotiate agreements to resolve disputes. +Advise others on financial matters. +Correspond with customers to answer questions or resolve complaints. +Refer clients to community or social service programs. +Interpret financial information for others. +Examine financial records.","E-Mail— 92% responded “Every day.” +Telephone Conversations— 88% responded “Every day.” +Spend Time Sitting— 76% responded “Continually or almost continually.” +Contact With Others— 64% responded “Constant contact with others.” +Frequency of Decision Making— 76% responded “Every day.” +Importance of Being Exact or Accurate— 44% responded “Extremely important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Written Letters and Memos— 52% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Importance of Repeating Same Tasks— 60% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 40% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Time Pressure— 36% responded “Every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 42% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 28% responded “Every day.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Duration of Typical Work Week— 84% responded “40 hours.” +Degree of Automation— 32% responded “Moderately automated.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Service Orientation— Actively looking for ways to help people. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bill and Account Collectors +Credit Analysts +Credit Authorizers, Checkers, and Clerks +Eligibility Interviewers, Government Programs +Financial and Investment Analysts +Bright Outlook +Financial Managers +Loan Interviewers and Clerks +Loan Officers +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +Financial Counseling Association of America +external site +National Association of Certified Credit Counselors +external site +Association for Financial Counseling and Planning Education +external site +Council on Accreditation +external site",91,2,20,77,66,48,17,61,62,57,47,20,,49,23,37,49,2,19,11,50,43,40,34,1,3,,2,,3,8,2,9 +25-1193.00,"Recreation and Fitness Studies Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1193.00,2025-06-11T19:01:09.085599,"Initiate, facilitate, and moderate classroom discussions. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Maintain student attendance records, grades, and other required records. +Evaluate and grade students' class work, assignments, and papers. +Prepare and deliver lectures to undergraduate or graduate students on topics such as anatomy, therapeutic recreation, and conditioning theory. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Compile, administer, and grade examinations, or assign this work to others. +Advise students on academic and vocational curricula and on career issues. +Supervise undergraduate or graduate teaching, internship, and research work. +Maintain regularly scheduled office hours to advise and assist students. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in student recruitment, registration, and placement activities. +Collaborate with colleagues to address teaching and research issues. +Select and obtain materials and supplies, such as textbooks. +Write grant proposals to procure external research funding. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Perform administrative duties, such as serving as department heads. +Prepare students to act as sports coaches. +Act as advisers to student organizations. +Provide professional consulting services to government or industry. +Monitor department budgets.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Sakai CLE; Softworks Global PESoftOne;2 more +Data base user interface and query software— Student record software +Development environment software— Prolog +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video creation and editing software— Dartfish ProSuite +Web page creation and editing software— Facebook +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Guide class discussions. +Develop instructional materials. +Evaluate student work. +Maintain student records. +Teach physical science or mathematics courses at the college level. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Administer tests to assess educational needs or progress. +Prepare tests. +Advise students on academic or career matters. +Supervise student research or internship work. +Direct department activities. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Serve on institutional or departmental committees. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Write grant proposals. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Teach physical education. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 88% responded “Every day.” +Determine Tasks, Priorities and Goals— 85% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Freedom to Make Decisions— 64% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Very important.” +Public Speaking— 54% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Telephone Conversations— 47% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 54% responded “More than 40 hours.” +Frequency of Decision Making— 40% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Deal With External Customers or the Public in General— 37% responded “Very important.” +Time Pressure— 56% responded “Once a week or more but not every day.” +Written Letters and Memos— 48% responded “Once a month or more but not every week.” +Physical Proximity— 33% responded “I work with others but not closely (e.g., private office).” +Spend Time Sitting— 49% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 25% responded “High responsibility.” +Conflict Situations— 66% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 47% responded “Limited responsibility.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Biological Science Teachers, Postsecondary +Bright Outlook +Career/Technical Education Teachers, Postsecondary +Education Teachers, Postsecondary +Environmental Science Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Fitness and Wellness Coordinators +Health Specialties Teachers, Postsecondary +Nursing Instructors and Teachers, Postsecondary +Psychology Teachers, Postsecondary +Social Work Teachers, Postsecondary","View the list of Allies +American Baseball Coaches Association +external site +American Camp Association +external site +American Physiological Society +external site +Association for Experiential Education +external site +Athletics and Fitness Association of America +external site +National Association for Kinesiology in Higher Education +external site +National Athletic Trainers' Association +external site +National Recreation and Park Association +external site +National Strength and Conditioning Association +external site +North American Society for Sport Management +external site +Society of Health and Physical Educators +external site +Women's Basketball Coaches Association +external site +American College of Sports Medicine +external site +Aquatic Exercise Association +external site",60,14,13,78,58,58,48,94,43,37,36,50,41,65,9,30,50,22,31,25,64,52,39,24,50,32,15,34,62,18,14,24,21 +13-1041.04,Government Property Inspectors and Investigators,https://www.onetonline.org/link/summary/13-1041.04,2025-06-11T18:49:31.906128,"Prepare correspondence, reports of inspections or investigations, or recommendations for action. +Examine records, reports, or other documents to establish facts or detect discrepancies. +Inspect government property, such as construction sites or public housing, to ensure compliance with contract specifications or legal requirements. +Investigate alleged license or permit violations. +Inspect manufactured or processed products to ensure compliance with contract specifications or legal requirements. +Collect, identify, evaluate, or preserve case evidence. +Submit samples of products to government laboratories for testing, as required. +Inspect government-owned equipment or materials in the possession of private contractors to ensure compliance with contracts or regulations or to prevent misuse. +Investigate applications for special licenses or permits. +Recommend legal or administrative action to protect government property. +Testify in court or at administrative proceedings concerning investigation findings. +Coordinate with or assist law enforcement agencies in matters of mutual concern. +Monitor investigations of suspected offenders to ensure that they are conducted in accordance with constitutional requirements. +Use emerging technologies, such as drones, for remote or automated inspections.","Accounting software— Deltek Costpoint +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation +Data base user interface and query software— BrioQuery; Database software; Microsoft Access; Unique Identification UID system databases +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat; Records management software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Esri ArcGIS +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Inventory management software— Inventory control system software; Peninsula Software Quicktrack Pro; Plant Clearance Automated Reutilization Screening System PCARSS; Radio frequency identification RFID software +Materials requirements planning logistics and supply chain software— Shipping software; Wide Area Workflow WAWF system +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Coeus +Spreadsheet software— Microsoft Excel +Video conferencing software— Microsoft NetMeeting +Word processing software— Microsoft Word","Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Inform individuals or organizations of status or findings. +Investigate legal issues. +Review license or permit applications. +Verify accuracy of financial information. +Inspect facilities or equipment to ensure specifications are met. +Examine product information to ensure compliance with regulations. +Collect evidence for legal proceedings. +Communicate with government agencies. +Advise others on legal or regulatory compliance matters. +Testify at legal or legislative proceedings. +Coordinate enforcement of laws or regulations. +Monitor organizational compliance with regulations.","Telephone Conversations— 82% responded “Every day.” +Contact With Others— 81% responded “Constant contact with others.” +E-Mail— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Frequency of Decision Making— 58% responded “Every day.” +Work With or Contribute to a Work Group or Team— 49% responded “Very important.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 42% responded “Every day.” +Conflict Situations— 37% responded “Every day.” +Determine Tasks, Priorities and Goals— 35% responded “Some freedom.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Important.” +Time Pressure— 41% responded “Once a month or more but not every week.” +Outdoors, Exposed to All Weather Conditions— 33% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Written Letters and Memos— 40% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 59% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 48% responded “Important.” +Spend Time Sitting— 48% responded “More than half the time.” +Duration of Typical Work Week— 89% responded “40 hours.” +Level of Competition— 36% responded “Highly competitive.” +Health and Safety of Other Workers— 34% responded “High responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Once a week or more but not every day.” +Physical Proximity— 65% responded “Slightly close (e.g., shared office).” +Indoors, Not Environmentally Controlled— 36% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aviation Inspectors +Civil Engineering Technologists and Technicians +Compliance Managers +Bright Outlook +Compliance Officers +Construction and Building Inspectors +Customs Brokers +Environmental Compliance Inspectors +Fire Inspectors and Investigators +Health and Safety Engineers, Except Mining Safety Engineers and Inspectors +Occupational Health and Safety Specialists","View the list of Allies +International Code Council +external site +National Fire Protection Association +external site +Public Risk Management Association +external site +American Concrete Institute +external site +Municipal Construction Inspectors Association +external site +National Center for Housing Management +external site",83,9,25,86,53,48,81,56,67,38,24,46,46,62,40,70,38,52,14,36,40,9,29,23,11,63,75,38,39,60,42,7,13 +17-2041.00,Chemical Engineers,https://www.onetonline.org/link/summary/17-2041.00,2025-06-11T18:53:28.760819,"Monitor and analyze data from processes and experiments. +Develop safety procedures to be employed by workers operating equipment or working in close proximity to ongoing chemical reactions. +Develop processes to separate components of liquids or gases or generate electrical currents, using controlled chemical processes. +Troubleshoot problems with chemical manufacturing processes. +Evaluate chemical equipment and processes to identify ways to optimize performance or to ensure compliance with safety and environmental regulations. +Conduct research to develop new and improved chemical manufacturing processes. +Perform laboratory studies of steps in manufacture of new products and test proposed processes in small-scale operation, such as a pilot plant. +Prepare estimate of production costs and production progress reports for management. +Design measurement and control systems for chemical plants based on data collected in laboratory experiments and in pilot plant operations. +Determine most effective arrangement of operations such as mixing, crushing, heat transfer, distillation, and drying. +Direct activities of workers who operate or are engaged in constructing and improving absorption, evaporation, or electromagnetic equipment. +Perform tests and monitor performance of processes throughout stages of production to determine degree of control over variables such as temperature, density, specific gravity, and pressure. +Design and plan layout of equipment. +Develop computer models of chemical processes.","Analytical or scientific software— EPCON International CHEMPRO Engineering Suite; Minitab; Statistical software; The MathWorks MATLAB;22 more +Computer aided design CAD software— Autodesk AutoCAD; CD-adapco STAR-CAD; Dassault Systemes CATIA; PTC Creo Parametric;2 more +Computer aided manufacturing CAM software +Data base user interface and query software— G&P Engineering Software PhysProps; Microsoft Access; Relational database software; Structured query language SQL;1 more +Desktop publishing software +Development environment software— C; Microsoft Visual Basic; National Instruments LabVIEW +Electronic mail software— Microsoft Exchange +Enterprise resource planning ERP software— SAP software +Financial analysis software— Chempute Software EstPro +Graphics or photo imaging software— Chempute Software ChemDraw +Industrial control software— GE Fanuc Proficy Machine Edition; Supervisory control and data acquisition SCADA software +Object or component oriented development software— C++; Microsoft Visual C# .NET; R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Research engineering aspects of biological or chemical processes. +Develop safety standards, policies, or procedures. +Develop technical methods or processes. +Determine causes of operational problems or failures. +Evaluate characteristics of equipment or systems. +Conduct validation tests of equipment or processes. +Research industrial processes or operations. +Design control systems for mechanical or other equipment. +Estimate operational costs. +Prepare operational reports. +Determine operational methods. +Direct industrial production activities. +Monitor the productivity or efficiency of industrial operations. +Design industrial processing systems.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 86% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Duration of Typical Work Week— 73% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 64% responded “Every day.” +Health and Safety of Other Workers— 64% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Freedom to Make Decisions— 50% responded “Some freedom.” +Contact With Others— 36% responded “Constant contact with others.” +Spend Time Sitting— 48% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 45% responded “Every day.” +Consequence of Error— 41% responded “Extremely serious.” +Written Letters and Memos— 50% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Very important.” +Level of Competition— 45% responded “Moderately competitive.” +Time Pressure— 55% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Frequency of Decision Making— 41% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 32% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 27% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 36% responded “Once a week or more but not every day.”","Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Biofuels/Biodiesel Technology and Product Development Managers +Bright Outlook +Chemists +Industrial Engineers +Manufacturing Engineers +Materials Engineers +Materials Scientists +Mechanical Engineers +Mechatronics Engineers +Nuclear Engineers +Petroleum Engineers","View the list of Allies +American Institute of Chemists +external site +American Association for the Advancement of Science +external site +American Chemical Society +external site +American Institute of Chemical Engineers +external site +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +Association of Consulting Chemists and Chemical Engineers +external site +GPA Midstream Association +external site +International Society for Pharmaceutical Engineering +external site +Materials Research Society +external site +National Society of Professional Engineers +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society of Petroleum Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Water Environment Federation +external site +Accreditation Board for Engineering and Technology +external site +International Society of Automation +external site +National Council of Examiners for Engineering and Surveying +external site",32,21,82,73,94,41,56,38,23,43,30,29,94,71,17,43,25,54,1,22,14,6,5,18,11,100,39,84,39,82,20,1,7 +29-2099.01,Neurodiagnostic Technologists,https://www.onetonline.org/link/summary/29-2099.01,2025-06-11T19:08:57.044862,"Indicate artifacts or interferences derived from sources outside of the brain, such as poor electrode contact or patient movement, on electroneurodiagnostic recordings. +Monitor patients during tests or surgeries, using electroencephalographs (EEG), evoked potential (EP) instruments, or video recording equipment. +Conduct tests or studies such as electroencephalography (EEG), polysomnography (PSG), nerve conduction studies (NCS), electromyography (EMG), and intraoperative monitoring (IOM). +Collect patients' medical information needed to customize tests. +Explain testing procedures to patients, answering questions or reassuring patients, as needed. +Set up, program, or record montages or electrical combinations when testing peripheral nerve, spinal cord, subcortical, or cortical responses. +Summarize technical data to assist physicians to diagnose brain, sleep, or nervous system disorders. +Conduct tests to determine cerebral death, the absence of brain activity, or the probability of recovery from a coma. +Attach electrodes to patients, using adhesives. +Measure patients' body parts and mark locations where electrodes are to be placed. +Submit reports to physicians summarizing test results. +Calibrate, troubleshoot, or repair equipment and correct malfunctions, as needed. +Adjust equipment to optimize viewing of the nervous system. +Measure visual, auditory, or somatosensory evoked potentials (EPs) to determine responses to stimuli. +Assist in training technicians, medical students, residents, or other staff members. +Participate in research projects, conferences, or technical meetings.","Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software; FileMaker Pro +Internet browser software— Web browser software +Medical software— BESA EEGFocus; Cadwell Laboratories Easy; MEDITECH software; Neurofax SpikeDetector;4 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Test patient nervous system functioning. +Monitor patient conditions during treatments, procedures, or activities. +Collect medical information from patients, family members, or other medical professionals. +Explain medical procedures or test results to patients or family members. +Adjust settings or positions of medical equipment. +Operate diagnostic or therapeutic medical instruments or equipment. +Prepare medical supplies or equipment for use. +Prepare reports summarizing patient diagnostic or care activities. +Prepare patients physically for medical procedures. +Measure the physical or physiological attributes of patients. +Communicate test or assessment results to medical professionals. +Maintain medical equipment or instruments. +Repair medical facility equipment. +Operate diagnostic imaging equipment. +Train medical providers. +Conduct research to increase knowledge about medical issues. +Maintain medical or professional knowledge.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 97% responded “Every day.” +Importance of Being Exact or Accurate— 81% responded “Extremely important.” +E-Mail— 77% responded “Every day.” +Contact With Others— 71% responded “Constant contact with others.” +Telephone Conversations— 71% responded “Every day.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Exposed to Disease or Infections— 77% responded “Every day.” +Physical Proximity— 68% responded “Very close (near touching).” +Deal With External Customers or the Public in General— 61% responded “Extremely important.” +Frequency of Decision Making— 72% responded “Every day.” +Time Pressure— 58% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 61% responded “Every day.” +Freedom to Make Decisions— 57% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Exposed to Contaminants— 48% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 39% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 45% responded “Continually or almost continually.” +Consequence of Error— 32% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Importance of Repeating Same Tasks— 42% responded “Extremely important.” +Dealing With Unpleasant, Angry, or Discourteous People— 42% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 55% responded “40 hours.” +Spend Time Sitting— 47% responded “More than half the time.” +Health and Safety of Other Workers— 32% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Very important.” +Spend Time Making Repetitive Motions— 35% responded “More than half the time.” +Written Letters and Memos— 32% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 26% responded “Every day.” +Exposed to Radiation— 32% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 29% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Magnetic Resonance Imaging Technologists +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Nuclear Medicine Technologists +Ophthalmic Medical Technicians +Ophthalmic Medical Technologists +Radiation Therapists +Radiologic Technologists and Technicians","View the list of Allies +AAST +external site +American Academy of Sleep Medicine +external site +American Association for Respiratory Care +external site +American Association of Electrodiagnostic Technologists +external site +American Association of Neuromuscular and Electrodiagnostic Medicine +external site +American Clinical Neurophysiology Society +external site +American Society of Neurophysiological Monitoring +external site +ASET - The Neurodiagnostic Society +external site +Medical Billing and Coding +external site +National Cancer Registrars Association +external site +Central Society of Electroneurodiagnostic Technologists +external site +AAPC +external site +ABRET +external site +American Health Information Management Association +external site +National Healthcareer Association +external site",78,,33,82,55,46,50,56,49,18,14,37,33,75,21,31,37,29,25,13,59,30,38,32,74,34,5,27,61,14,8,1,5 +47-2082.00,Tapers,https://www.onetonline.org/link/summary/47-2082.00,2025-06-11T19:18:47.096098,"Spread sealing compound between boards or panels or over cracks, holes, nail heads, or screw heads, using trowels, broadknives, or spatulas. +Press paper tape over joints to embed tape into sealing compound and to seal joints. +Apply additional coats to fill in holes and make surfaces smooth. +Seal joints between plasterboard or other wallboard to prepare wall surfaces for painting or papering. +Spread and smooth cementing material over tape, using trowels or floating machines to blend joints with wall surfaces. +Sand or patch nicks or cracks in plasterboard or wallboard. +Mix sealing compounds by hand or with portable electric mixers. +Work on high ceilings, using scaffolding or other tools, such as stilts. +Select the correct sealing compound or tape. +Countersink nails or screws below surfaces of walls before applying sealing compounds, using hammers or screwdrivers. +Remove extra compound after surfaces have been covered sufficiently. +Install metal molding at wall corners to secure wallboard. +Apply texturizing compounds or primers to walls or ceilings before final finishing, using trowels, brushes, rollers, or spray guns. +Check adhesives to ensure that they will work and will remain durable. +Sand rough spots of dried cement between applications of compounds. +Use mechanical applicators that spread compounds and embed tape in one operation.","Accounting software— Applied Computer Systems JOBPOWER; Intuit QuickBooks; Turtle Creek Software Goldenseal +Enterprise resource planning ERP software— Microsoft Dynamics +Office suite software— Microsoft Office software +Project management software— Construction Software Center EasyEst; DevWave Estimate Works; On Center Quick Bid","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Apply sealants or other protective coatings. +Apply material to fill gaps in surfaces. +Apply adhesives to construction materials. +Smooth surfaces with abrasive materials or tools. +Climb equipment or structures to access work areas. +Mix substances or compounds needed for work activities. +Select construction materials. +Drill holes in construction materials. +Remove excess materials from finished construction projects. +Install metal structural components. +Prepare surfaces for finishing. +Evaluate quality of materials or products.","Spend Time Standing— 86% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 76% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Spend Time Making Repetitive Motions— 52% responded “Continually or almost continually.” +Exposed to Contaminants— 51% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 60% responded “Every day.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Time Pressure— 39% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 43% responded “Extremely important.” +Spend Time Walking or Running— 44% responded “Continually or almost continually.” +Exposed to High Places— 47% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 34% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 31% responded “Extremely important.” +Telephone Conversations— 41% responded “Every day.” +Frequency of Decision Making— 37% responded “Every day.” +Indoors, Not Environmentally Controlled— 28% responded “Every day.” +Spend Time Bending or Twisting Your Body— 36% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Important results.” +Contact With Others— 50% responded “Contact with others most of the time.” +Exposed to Cramped Work Space, Awkward Positions— 49% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 27% responded “Limited responsibility.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 55% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 52% responded “Once a week or more but not every day.” +Level of Competition— 48% responded “Highly competitive.” +Physical Proximity— 46% responded “Slightly close (e.g., shared office).” +Spend Time Climbing Ladders, Scaffolds, or Poles— 34% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Important.”",,"Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles.","Brickmasons and Blockmasons +Cement Masons and Concrete Finishers +Construction Laborers +Bright Outlook +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Plasterers and Stucco Masons +Roofers +Tile and Stone Setters","View the list of Allies +Associated Builders and Contractors +external site +Association of the Wall and Ceiling Industry +external site +National Association of Home Builders +external site +National Federation of Independent Business +external site +Finishing Trades Institute International +external site +International Union of Painters and Allied Trades +external site +National Center for Construction Education and Research +external site +United Brotherhood of Carpenters and Joiners of America +external site",37,4,12,41,33,34,33,38,7,14,12,11,13,4,12,15,9,35,4,27,11,7,9,13,5,14,76,14,,17,4,,2 +47-5032.00,"Explosives Workers, Ordnance Handling Experts, and Blasters",https://www.onetonline.org/link/summary/47-5032.00,2025-06-11T19:20:41.911489,"Examine blast areas to determine amounts and kinds of explosive charges needed and to ensure that safety laws are observed. +Tie specified lengths of delaying fuses into patterns in order to time sequences of explosions. +Place safety cones around blast areas to alert other workers of danger zones, and signal workers as necessary to ensure that they clear blast sites prior to explosions. +Place explosive charges in holes or other spots; then detonate explosives to demolish structures or to loosen, remove, or displace earth, rock, or other materials. +Insert, pack, and pour explosives, such as dynamite, ammonium nitrate, black powder, or slurries into blast holes; then shovel drill cuttings, admit water into boreholes, and tamp material to compact charges. +Mark patterns, locations, and depths of charge holes for drilling, and issue drilling instructions. +Compile and keep gun and explosives records in compliance with local and federal laws. +Measure depths of drilled blast holes, using weighted tape measures. +Connect electrical wire to primers, and cover charges or fill blast holes with clay, drill chips, sand, or other material. +Lay primacord between rows of charged blast holes, and tie cord into main lines to form blast patterns. +Assemble and position equipment, explosives, and blasting caps in holes at specified depths, or load perforating guns or torpedoes with explosives. +Verify detonation of charges by observing control panels, or by listening for the sounds of blasts. +Move and store inventories of explosives, loaded perforating guns, and other materials, according to established safety procedures. +Light fuses, drop detonating devices into wells or boreholes, or activate firing devices with plungers, dials, or buttons, in order to set off single or multiple blasts. +Drive trucks to transport explosives and blasting equipment to blasting sites. +Cut specified lengths of primacord and attach primers to cord ends. +Maintain inventory levels, ordering new supplies as necessary. +Repair and service blasting, shooting, and automotive equipment, and electrical wiring and instruments, using hand tools. +Set up and operate short-wave radio or field telephone equipment to transmit and receive blast information. +Insert waterproof sealers, bullets, and/or powder charges into guns, and screw gun ports back into place. +Clean, gauge, and lubricate gun ports. +Lower perforating guns into wells, using hoists; then use measuring devices and instrument panels to position guns in correct positions for taking samples. +Create and lay out designs for drill and blast patterns. +Document geological formations encountered during work. +Operate drones for aerial survey of blast sites and for post-blast damage assessment. +Operate machines to flush earth cuttings or to blow dust from holes. +Set up and operate equipment such as hoists, jackhammers, and drills, in order to bore charge holes. +Signal crane operators to move equipment.","Analytical or scientific software— Blaster's Tool and Supply Company Blaster's Calculator; Datavis DBS Designer; DetNet ViewShot +Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Determine operational compliance with regulations or standards. +Select tools, equipment, or technologies for use in operations or projects. +Prepare explosives for detonation. +Direct construction or extraction personnel. +Position safety or support equipment. +Operate detonation equipment. +Pour materials into or on designated areas. +Record operational or environmental data. +Mark reference points on construction materials. +Measure work site dimensions. +Assemble products or production equipment. +Position construction or extraction equipment. +Monitor extraction operations. +Move materials, equipment, or supplies. +Stock supplies or merchandise. +Drive trucks or truck-mounted equipment. +Cut carpet, vinyl or other flexible materials. +Order construction or extraction materials or equipment. +Maintain extraction or excavation equipment. +Clean equipment or facilities. +Load materials into construction equipment. +Operate communications equipment or systems. +Operate cranes, hoists, or other moving or lifting equipment. +Develop equipment or component configurations. +Drill holes in earth or rock. +Remove debris or vegetation from work sites. +Signal equipment operators to indicate proper equipment positioning.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 92% responded “Every day.” +Exposed to Hazardous Conditions— 83% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 88% responded “Every day.” +Health and Safety of Other Workers— 71% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 71% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 61% responded “Continually or almost continually.” +Telephone Conversations— 78% responded “Every day.” +Contact With Others— 50% responded “Constant contact with others.” +Exposed to Contaminants— 67% responded “Every day.” +Time Pressure— 52% responded “Every day.” +Work Outcomes and Results of Other Workers— 50% responded “Very high responsibility.” +Frequency of Decision Making— 67% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Very important results.” +Spend Time Standing— 50% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 46% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 67% responded “Every day.” +Consequence of Error— 71% responded “Extremely serious.” +Exposed to Hazardous Equipment— 50% responded “Every day.” +Duration of Typical Work Week— 58% responded “More than 40 hours.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 59% responded “Every day.” +In an Open Vehicle or Operating Equipment— 45% responded “Every day.” +Freedom to Make Decisions— 42% responded “Limited freedom.” +Physical Proximity— 50% responded “Moderately close (at arm's length).” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Every day.” +Spend Time Making Repetitive Motions— 48% responded “More than half the time.” +Written Letters and Memos— 29% responded “Once a week or more but not every day.” +Exposed to Whole Body Vibration— 29% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 46% responded “Very important.” +Spend Time Bending or Twisting Your Body— 35% responded “More than half the time.” +Level of Competition— 39% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Very important.” +Pace Determined by Speed of Equipment— 26% responded “Very important.” +Spend Time Walking or Running— 43% responded “More than half the time.” +Indoors, Not Environmentally Controlled— 42% responded “Every day.” +Conflict Situations— 35% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 27% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Far Vision— The ability to see details at a distance. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Construction Laborers +Bright Outlook +Continuous Mining Machine Operators +Earth Drillers, Except Oil and Gas +Excavating and Loading Machine and Dragline Operators, Surface Mining +Helpers--Extraction Workers +Hoist and Winch Operators +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators +Roof Bolters, Mining +Rotary Drill Operators, Oil and Gas","View the list of Allies +International Society of Explosives Engineers +external site +National Ground Water Association +external site",54,1,50,52,68,54,78,42,48,34,39,40,35,32,7,74,20,50,8,54,23,10,10,19,14,58,40,35,9,46,24,2,11 +51-7021.00,Furniture Finishers,https://www.onetonline.org/link/summary/51-7021.00,2025-06-11T19:26:30.229657,"Brush, spray, or hand-rub finishing ingredients, such as paint, oil, stain, or wax, onto and into wood grain and apply lacquer or other sealers. +Fill and smooth cracks or depressions, remove marks and imperfections, and repair broken parts, using plastic or wood putty, glue, nails, or screws. +Smooth, shape, and touch up surfaces to prepare them for finishing, using sandpaper, pumice stones, steel wool, chisels, sanders, or grinders. +Remove accessories prior to finishing, and mask areas that should not be exposed to finishing processes or substances. +Remove old finishes and damaged or deteriorated parts, using hand tools, stripping tools, sandpaper, steel wool, abrasives, solvents, or dip baths. +Treat warped or stained surfaces to restore original contours and colors. +Select appropriate finishing ingredients such as paint, stain, lacquer, shellac, or varnish, depending on factors such as wood hardness and surface type. +Mix finish ingredients to obtain desired colors or shades. +Remove excess solvent, using cloths soaked in paint thinner. +Examine furniture to determine the extent of damage or deterioration, and to decide on the best method for repair or restoration. +Distress surfaces with woodworking tools or abrasives before staining to create an antique appearance, or rub surfaces to bring out highlights and shadings. +Stencil, gild, emboss, mark, or paint designs or borders to reproduce the original appearance of restored pieces, or to decorate new pieces. +Disassemble items to prepare them for finishing, using hand tools. +Confer with customers to determine furniture colors or finishes. +Recommend woods, colors, finishes, and furniture styles, using knowledge of wood products, fashions, and styles. +Wash surfaces to prepare them for finish application. +Follow blueprints to produce specific designs. +Paint metal surfaces electrostatically, or by using a spray gun or other painting equipment. +Replace or refurbish upholstery of items, using tacks, adhesives, softeners, solvents, stains, or polish. +Design, create, and decorate entire pieces or specific parts of furniture, such as draws for cabinets. +Spread graining ink over metal portions of furniture to simulate wood-grain finish. +Brush bleaching agents on wood surfaces to restore natural color.","Accounting software— Intuit QuickBooks +Data base user interface and query software— DuPont ColorNet; DuPont Spies Hecker Wizard +Internet browser software— Web browser software +Office suite software— Microsoft Office software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Confer with customers or designers to determine order specifications. +Apply protective or decorative finishes to workpieces or products. +Repair furniture or upholstery. +Fill cracks, imperfections, or holes in products or workpieces. +Shape surfaces or edges of wood workpieces. +Operate grinding equipment. +Remove accessories, tools, or other parts from equipment. +Advise others on ways to improve processes or products. +Select production input materials. +Clean workpieces or finished products. +Mix ingredients to create specific finishes. +Read work orders or other instructions to determine product specifications or materials requirements. +Operate painting or coating equipment. +Examine condition of property or products. +Disassemble equipment for maintenance or repair. +Design furniture.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 93% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 88% responded “Continually or almost continually.” +Exposed to Contaminants— 81% responded “Every day.” +Spend Time Standing— 67% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 46% responded “Extremely important.” +Exposed to Hazardous Conditions— 65% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 35% responded “Very high responsibility.” +Freedom to Make Decisions— 44% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 38% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 48% responded “Every day.” +Spend Time Making Repetitive Motions— 34% responded “More than half the time.” +Frequency of Decision Making— 51% responded “Every day.” +Spend Time Walking or Running— 28% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Duration of Typical Work Week— 53% responded “40 hours.” +Indoors, Not Environmentally Controlled— 60% responded “Every day.” +Contact With Others— 38% responded “Constant contact with others.” +Spend Time Bending or Twisting Your Body— 29% responded “About half the time.” +Health and Safety of Other Workers— 35% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Extremely important.” +Physical Proximity— 37% responded “Slightly close (e.g., shared office).” +Determine Tasks, Priorities and Goals— 49% responded “Limited freedom.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Cabinetmakers and Bench Carpenters +Coating, Painting, and Spraying Machine Setters, Operators, and Tenders +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Floor Sanders and Finishers +Grinding and Polishing Workers, Hand +Molders, Shapers, and Casters, Except Metal and Plastic +Painting, Coating, and Decorating Workers +Stone Cutters and Carvers, Manufacturing +Upholsterers +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Architectural Woodwork Institute +external site +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +The Furniture Society +external site +Woodworking Machinery Industry Association +external site",43,15,57,45,40,36,35,46,20,13,18,21,32,14,18,26,16,51,6,27,16,9,10,10,6,23,36,15,6,48,11,9,4 +49-3043.00,Rail Car Repairers,https://www.onetonline.org/link/summary/49-3043.00,2025-06-11T19:22:03.485569,"Record conditions of cars, and repair and maintenance work performed or to be performed. +Inspect components such as bearings, seals, gaskets, wheels, and coupler assemblies to determine if repairs are needed. +Repair or replace defective or worn parts such as bearings, pistons, and gears, using hand tools, torque wrenches, power tools, and welding equipment. +Inspect the interior and exterior of rail cars coming into rail yards to identify defects and to determine the extent of wear and damage. +Remove locomotives, car mechanical units, or other components, using pneumatic hoists and jacks, pinch bars, hand tools, and cutting torches. +Test units for operability before and after repairs. +Adjust repaired or replaced units as needed to ensure proper operation. +Repair, fabricate, and install steel or wood fittings, using blueprints, shop sketches, and instruction manuals. +Perform scheduled maintenance, and clean units and components. +Examine car roofs for wear and damage, and repair defective sections, using roofing material, cement, nails, and waterproof paint. +Paint car exteriors, interiors, and fixtures. +Repair and maintain electrical and electronic controls for propulsion and braking systems. +Disassemble units such as water pumps, control valves, and compressors so that repairs can be made. +Measure diameters of axle wheel seats, using micrometers, and mark dimensions on axles so that wheels can be bored to specified dimensions. +Test electrical systems of cars by operating systems and using testing equipment such as ammeters. +Replace defective wiring and insulation, and tighten electrical connections, using hand tools. +Install and repair interior flooring, fixtures, walls, plumbing, steps, and platforms. +Repair window sash frames, attach weather stripping and channels to frames, and replace window glass, using hand tools. +Align car sides for installation of car ends and crossties, using width gauges, turnbuckles, and wrenches. +Repair car upholstery.","Accounting software— RailTech Software Systems Mars for the 21st Century +Compiler and decompiler software— Disassembler software +Data base user interface and query software— WheelShop Automation.com Wheel Shop Management Suite +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Internet browser software— Microsoft Internet Explorer; Mozilla Firefox +Inventory management software— RailTech Software Solutions Rail 21 Management System +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Inspect mechanical components of vehicles to identify problems. +Maintain repair or maintenance records. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Inspect vehicles to determine overall condition. +Remove parts or components from equipment. +Inspect completed work to ensure proper functioning. +Adjust equipment to ensure optimal performance. +Disassemble equipment for maintenance or repair. +Repair electronic equipment. +Repair non-engine automotive or vehicle components. +Fabricate parts or components. +Install vehicle parts or accessories. +Measure distances or dimensions. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Service vehicles to maintain functionality. +Inspect structural components of vehicles to identify problems. +Test electrical equipment or systems to ensure proper functioning. +Paint surfaces or equipment. +Install hardware or other interior fixtures. +Repair structural components. +Rewire electrical or electronic systems. +Replace vehicle glass. +Seal gaps or cracks to prevent leakage or moisture intrusion. +Align equipment or machinery.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 89% responded “Every day.” +Spend Time Standing— 64% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Exposed to Contaminants— 72% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 70% responded “Every day.” +Indoors, Not Environmentally Controlled— 82% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 64% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 59% responded “Every day.” +Freedom to Make Decisions— 51% responded “Some freedom.” +Exposed to Hazardous Equipment— 60% responded “Every day.” +Work With or Contribute to a Work Group or Team— 11% responded “Important.” +Contact With Others— 56% responded “Constant contact with others.” +Time Pressure— 45% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 59% responded “Every day.” +In an Open Vehicle or Operating Equipment— 43% responded “Every day.” +Duration of Typical Work Week— 52% responded “40 hours.” +Importance of Being Exact or Accurate— 42% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Consequence of Error— 37% responded “Extremely serious.” +Physical Proximity— 58% responded “Moderately close (at arm's length).” +Spend Time Bending or Twisting Your Body— 34% responded “More than half the time.” +Spend Time Walking or Running— 37% responded “More than half the time.” +Exposed to High Places— 33% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 44% responded “Very high responsibility.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 35% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 30% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 35% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 45% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 27% responded “Moderate results.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 28% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 29% responded “Continually or almost continually.” +Frequency of Decision Making— 31% responded “Every day.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Aircraft Mechanics and Service Technicians +Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Automotive Body and Related Repairers +Automotive Service Technicians and Mechanics +Bus and Truck Mechanics and Diesel Engine Specialists +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Bright Outlook +Maintenance Workers, Machinery +Mobile Heavy Equipment Mechanics, Except Engines","View the list of Allies +American Railway Engineering and Maintenance-of-Way Association +external site +Associated Equipment Distributors +external site +National Railroad Construction and Maintenance Association +external site +ASE Education Foundation +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Institute for Automotive Service Excellence +external site +Transport Workers Union of America AFL-CIO +external site",46,8,60,39,51,56,49,41,34,28,14,21,14,26,9,26,12,87,5,53,12,5,7,17,15,55,55,37,1,58,6,1,1 +47-2171.00,Reinforcing Iron and Rebar Workers,https://www.onetonline.org/link/summary/47-2171.00,2025-06-11T19:19:22.596839,"Determine quantities, sizes, shapes, and locations of reinforcing rods from blueprints, sketches, or oral instructions. +Space and fasten together rods in forms according to blueprints, using wire and pliers. +Position and secure steel bars, rods, cables, or mesh in concrete forms, using fasteners, rod-bending machines, blowtorches, or hand tools. +Cut rods to required lengths, using metal shears, hacksaws, bar cutters, or acetylene torches. +Place blocks under rebar to hold the bars off the deck when reinforcing floors. +Cut and fit wire mesh or fabric, using hooked rods, and position fabric or mesh in concrete to reinforce concrete. +Bend steel rods with hand tools or rod-bending machines and weld them with arc-welding equipment. +Unload rebar from trucks. +Use forklifts or cranes to move construction material, such as rebar.","Computer aided design CAD software— OTP ArmaCAD +Data base user interface and query software— RebarWin +Project management software— Application Software SHEAR; Applied Systems Associates aSa Rebar +Spreadsheet software +Word processing software","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Review blueprints or specifications to determine work requirements. +Position structural components. +Install fencing or other barriers. +Install metal structural components. +Cut metal components for installation. +Position safety or support equipment. +Weld metal components.","Outdoors, Exposed to All Weather Conditions +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 12% responded “More than half the time.” +Health and Safety of Other Workers— 75% responded “Very high responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets +Contact With Others +Exposed to Very Hot or Cold Temperatures— 26% responded “Once a week or more but not every day.” +Time Pressure +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 23% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Work Outcomes and Results of Other Workers— 54% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 33% responded “Very important.” +Spend Time Standing +Spend Time Bending or Twisting Your Body— 46% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Telephone Conversations— 50% responded “Every day.” +Level of Competition— 20% responded “Moderately competitive.” +Spend Time Walking or Running— 44% responded “Continually or almost continually.” +Physical Proximity— 74% responded “Moderately close (at arm's length).” +Exposed to Contaminants— 19% responded “Once a year or more but not every month.” +Exposed to High Places— 37% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 30% responded “Every day.” +Determine Tasks, Priorities and Goals— 34% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 39% responded “Very important.” +Exposed to Hazardous Equipment— 36% responded “Every day.” +Frequency of Decision Making— 20% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 38% responded “Once a month or more but not every week.” +Exposed to Hazardous Conditions— 32% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 36% responded “Less than half the time.” +Consequence of Error— 30% responded “Serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Once a year or more but not every month.” +Freedom to Make Decisions— 24% responded “Limited freedom.” +Importance of Repeating Same Tasks— 26% responded “Important.” +In an Open Vehicle or Operating Equipment— 26% responded “Once a year or more but not every month.”","Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brickmasons and Blockmasons +Carpenters +Cement Masons and Concrete Finishers +Construction Laborers +Bright Outlook +Drywall and Ceiling Tile Installers +Fence Erectors +Insulation Workers, Mechanical +Sheet Metal Workers +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters","View the list of Allies +American Welding Society +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Association for Iron and Steel Technology +external site +International Association of Bridge, Structural, Ornamental and Reinforcing Iron Workers +external site +Ironworker Management Progressive Action Cooperative Trust +external site +Laborers' International Union of North America +external site +National Center for Construction Education and Research +external site +National Commission for the Certification of Crane Operators +external site",37,2,33,57,61,59,41,41,17,17,17,36,30,14,15,18,10,43,5,34,33,16,11,13,16,51,90,27,2,57,12,1,3 +49-1011.00,"First-Line Supervisors of Mechanics, Installers, and Repairers",https://www.onetonline.org/link/summary/49-1011.00,2025-06-11T19:21:05.972239,"Inspect, test, and measure completed work, using devices such as hand tools or gauges to verify conformance to standards or repair requirements. +Inspect and monitor work areas, examine tools and equipment, and provide employee safety training to prevent, detect, and correct unsafe conditions or violations of procedures and safety rules. +Interpret specifications, blueprints, or job orders to construct templates and lay out reference points for workers. +Monitor employees' work levels and review work performance. +Perform skilled repair or maintenance operations, using equipment such as hand or power tools, hydraulic presses or shears, or welding equipment. +Compute estimates and actual costs of factors such as materials, labor, or outside contractors. +Monitor tool and part inventories and the condition and maintenance of shops to ensure adequate working conditions. +Requisition materials and supplies, such as tools, equipment, or replacement parts. +Confer with personnel, such as management, engineering, quality control, customer, or union workers' representatives, to coordinate work activities, resolve employee grievances, or identify and review resource needs. +Determine schedules, sequences, and assignments for work activities, based on work priority, quantity of equipment, and skill of personnel. +Examine objects, systems, or facilities and analyze information to determine needed installations, services, or repairs. +Counsel employees about work-related issues and assist employees to correct job-skill deficiencies. +Recommend or initiate personnel actions, such as hires, promotions, transfers, discharges, or disciplinary measures. +Investigate accidents or injuries and prepare reports of findings. +Conduct or arrange for worker training in safety, repair, or maintenance techniques, operational procedures, or equipment use. +Develop, implement, or evaluate maintenance policies and procedures. +Meet with vendors or suppliers to discuss products used in repair work. +Participate in budget preparation and administration, coordinating purchasing and documentation and monitoring departmental expenditures. +Review, evaluate, accept, and coordinate completion of work bid from contractors. +Compile operational or personnel records, such as time and production records, inventory data, repair or maintenance statistics, or test results. +Develop or implement electronic maintenance programs or computer information management systems. +Design equipment configurations to meet personnel needs.","Accounting software— Cost accounting software +Calendar and scheduling software— Scheduling software +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Database software; Microsoft Access; Vehicle management software; Yardi software;1 more +Document management software— Microsoft SharePoint +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software; WorkTech MAXIMO;1 more +Facilities management software— Computerized maintenance management system CMMS; Maintenance management software +Industrial control software— Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Internet browser software— Microsoft Internet Explorer +Inventory management software— Automated inventory software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— ComputerEase construction accounting software; HCSS HeavyJob; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management;1 more +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Supervise employees. +Train others in operational procedures. +Inspect completed work to ensure proper functioning. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Measure distances or dimensions. +Monitor work areas or procedures to ensure compliance with safety procedures. +Maintain work equipment or machinery. +Operate welding equipment. +Confer with coworkers to coordinate work activities. +Estimate costs for labor or materials. +Maintain inventories of materials, equipment, or products. +Order materials, supplies, or equipment. +Schedule repair, installation or maintenance activities. +Inspect systems to determine if they are operating properly. +Investigate industrial or transportation accidents. +Prepare accident or incident reports. +Direct organizational operations, projects, or services. +Document operational activities. +Maintain repair or maintenance records. +Plan work procedures. +Explain use of products or services. +Install programs onto computer or computer-controlled equipment. +Develop equipment or component configurations.","Telephone Conversations— 86% responded “Every day.” +Contact With Others— 90% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 66% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Importance of Being Exact or Accurate— 58% responded “Extremely important.” +E-Mail— 82% responded “Every day.” +Work Outcomes and Results of Other Workers— 59% responded “Very high responsibility.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Extremely important.” +Health and Safety of Other Workers— 59% responded “Very high responsibility.” +Duration of Typical Work Week— 53% responded “More than 40 hours.” +Frequency of Decision Making— 58% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 61% responded “Every day.” +Time Pressure— 38% responded “Every day.” +Importance of Repeating Same Tasks— 44% responded “Extremely important.” +Exposed to Contaminants— 51% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 45% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 32% responded “Every day.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 41% responded “Every day.” +Indoors, Environmentally Controlled— 53% responded “Every day.” +Physical Proximity— 29% responded “I work with others but not closely (e.g., private office).” +Outdoors, Exposed to All Weather Conditions— 33% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 28% responded “Continually or almost continually.” +Spend Time Sitting— 31% responded “Less than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 29% responded “Once a month or more but not every week.” +Spend Time Standing— 31% responded “Less than half the time.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Operation and Control— Controlling operations of equipment or systems. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers +First-Line Supervisors of Security Workers","View the list of Allies +American Society for Healthcare Engineering +external site +American Society for Quality +external site +American Water Works Association +external site +American Welding Society +external site +Association for Facilities Engineering +external site +Automotive Service Association +external site +Construction Management Association of America +external site +National Rural Water Association +external site +Automotive Training Managers Council +external site +International Brotherhood of Electrical Workers +external site +International Society of Automation +external site +International Union of Operating Engineers +external site +National Institute for Automotive Service Excellence +external site +Refrigeration Service Engineers Society +external site +Society of Broadcast Engineers +external site",68,,47,55,53,74,46,45,58,48,45,55,36,49,12,18,25,71,3,36,27,13,16,21,3,38,21,24,11,35,6,1,3 +51-3023.00,Slaughterers and Meat Packers,https://www.onetonline.org/link/summary/51-3023.00,2025-06-11T19:24:20.867406,"Remove bones, and cut meat into standard cuts in preparation for marketing. +Sever jugular veins to drain blood and facilitate slaughtering. +Tend assembly lines, performing a few of the many cuts needed to process a carcass. +Shackle hind legs of animals to raise them for slaughtering or skinning. +Slit open, eviscerate, and trim carcasses of slaughtered animals. +Stun animals prior to slaughtering. +Skin sections of animals or whole animals. +Cut, trim, skin, sort, and wash viscera of slaughtered animals to separate edible portions from offal. +Shave or singe and defeather carcasses, and wash them in preparation for further processing or packaging. +Saw, split, or scribe carcasses into smaller portions to facilitate handling. +Trim head meat, and sever or remove parts of animals' heads or skulls. +Grind meat into hamburger, and into trimmings used to prepare sausages, luncheon meats, and other meat products. +Trim, clean, or cure animal hides. +Wrap dressed carcasses or meat cuts.","Accounting software— AccountMate Software AccountMate +Enterprise resource planning ERP software— Integrated Management Systems Food Connex Cloud; Second Foundation NaviMeat +Inventory management software— AgInfoLink Meat Inventory Tracking System MITS; RFID software; Traceability software +Office suite software— Microsoft Office software +Operating system software +Spreadsheet software— Microsoft Excel","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles).","Cut meat products. +Slaughter animals. +Process animal carcasses. +Clean materials to prepare them for production. +Prepare meat products for sale or consumption.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 96% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 62% responded “Extremely important.” +Spend Time Standing— 77% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 57% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 57% responded “Extremely important.” +Indoors, Environmentally Controlled— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Contact With Others— 60% responded “Constant contact with others.” +Health and Safety of Other Workers— 47% responded “Very high responsibility.” +Physical Proximity— 87% responded “Moderately close (at arm's length).” +Duration of Typical Work Week— 58% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 45% responded “Important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 26% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.” +Consequence of Error— 49% responded “Serious.” +Determine Tasks, Priorities and Goals— 43% responded “Limited freedom.” +Work Outcomes and Results of Other Workers— 43% responded “Moderate responsibility.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 42% responded “Every day.” +Freedom to Make Decisions— 36% responded “No freedom.” +Importance of Repeating Same Tasks— 39% responded “Very important.” +Spend Time Bending or Twisting Your Body— 36% responded “About half the time.” +Exposed to Hazardous Equipment— 44% responded “Never.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 46% responded “Never.” +Level of Competition— 42% responded “Moderately competitive.”",,"Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Animal Breeders +Butchers and Meat Cutters +Cooks, Restaurant +Bright Outlook +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Farmworkers, Farm, Ranch, and Aquacultural Animals +Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders +Food Preparation Workers +Graders and Sorters, Agricultural Products +Meat, Poultry, and Fish Cutters and Trimmers +Packers and Packagers, Hand","View the list of Allies +American Association of Meat Processors +external site +National Cattlemen's Beef Association +external site +National Chicken Council +external site +National Pork Producers Council +external site +North American Meat Institute +external site",66,61,57,53,42,37,35,20,38,20,35,26,21,17,22,45,3,24,5,13,11,9,10,4,12,25,16,16,24,17,11,,13 +53-4031.00,Railroad Conductors and Yardmasters,https://www.onetonline.org/link/summary/53-4031.00,2025-06-11T19:29:38.804969,"Signal engineers to begin train runs, stop trains, or change speed, using telecommunications equipment or hand signals. +Confer with engineers regarding train routes, timetables, and cargoes, and to discuss alternative routes when there are rail defects or obstructions. +Receive information regarding train or rail problems from dispatchers or from electronic monitoring devices. +Receive instructions from dispatchers regarding trains' routes, timetables, and cargoes. +Direct and instruct workers engaged in yard activities, such as switching tracks, coupling and uncoupling cars, and routing inbound and outbound traffic. +Operate controls to activate track switches and traffic signals. +Keep records of the contents and destination of each train car, and make sure that cars are added or removed at proper points on routes. +Arrange for the removal of defective cars from trains at stations or stops. +Direct engineers to move cars to fit planned train configurations, combining or separating cars to make up or break up trains. +Inspect each car periodically during runs. +Review schedules, switching orders, way bills, and shipping records to obtain cargo loading and unloading information and to plan work. +Confirm routes and destination information for freight cars. +Verify accuracy of timekeeping instruments with engineers to ensure trains depart on time. +Document and prepare reports of accidents, unscheduled stops, or delays. +Instruct workers to set warning signals in front and at rear of trains during emergency stops. +Observe yard traffic to determine tracks available to accommodate inbound and outbound traffic. +Supervise workers in the inspection and maintenance of mechanical equipment to ensure efficient and safe train operation. +Supervise and coordinate crew activities to transport freight and passengers and to provide boarding, porter, maid, and meal services to passengers. +Record departure and arrival times, messages, tickets and revenue collected, and passenger accommodations and destinations. +Inspect freight cars for compliance with sealing procedures, and record car numbers and seal numbers.","Electronic mail software— Microsoft Outlook +Expert system software— Positive train control PTC systems +Industrial control software— Automated equipment identification AEI software; RailComm DocYard; SAIC government services and IT support software; Softrail AEI Automatic Yard Tracking System +Inventory management software— Inventory tracking software; Softrail AEI Rail & Road Manager +Materials requirements planning logistics and supply chain software— Bourque Data Systems YardMaster; Freight reservation software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Signal others to coordinate vehicle movement. +Communicate with others to coordinate vehicle movement. +Direct emergency management activities. +Receive information or instructions for performing work assignments. +Direct passenger or freight transport activities. +Record operational details of travel. +Control equipment that regulates vehicle traffic. +Monitor vehicle movement or location. +Arrange maintenance activities. +Inspect locomotives or other railroad equipment. +Direct maintenance or repair activities. +Review work orders or schedules to determine operations or procedures. +Verify information or specifications. +Prepare accident or incident reports. +Record operational or production data.","Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 93% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 84% responded “Every day.” +Duration of Typical Work Week— 91% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 77% responded “Every day.” +Contact With Others— 62% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 80% responded “Extremely important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 59% responded “Every day.” +Consequence of Error— 51% responded “Extremely serious.” +Exposed to Contaminants— 68% responded “Every day.” +Frequency of Decision Making— 55% responded “Every day.” +Telephone Conversations— 65% responded “Every day.” +Health and Safety of Other Workers— 49% responded “Very high responsibility.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Every day.” +Importance of Being Exact or Accurate— 40% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Spend Time Sitting— 40% responded “More than half the time.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 40% responded “Every day.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 58% responded “Every day.” +Importance of Repeating Same Tasks— 39% responded “Important.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Time Pressure— 28% responded “Every day.” +Determine Tasks, Priorities and Goals— 40% responded “Limited freedom.” +Indoors, Not Environmentally Controlled— 42% responded “Every day.” +Deal With External Customers or the Public in General— 29% responded “Extremely important.” +Exposed to Hazardous Conditions— 37% responded “Every day.” +E-Mail— 41% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “Less than half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 28% responded “Every day.” +Conflict Situations— 28% responded “Once a week or more but not every day.” +Exposed to Whole Body Vibration— 37% responded “Once a week or more but not every day.” +Written Letters and Memos— 27% responded “Never.” +Spend Time Making Repetitive Motions— 43% responded “Less than half the time.”","Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Air Traffic Controllers +Aircraft Cargo Handling Supervisors +Bright Outlook +Airfield Operations Specialists +Dispatchers, Except Police, Fire, and Ambulance +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +Locomotive Engineers +Rail Yard Engineers, Dinkey Operators, and Hostlers +Railroad Brake, Signal, and Switch Operators and Locomotive Firers +Subway and Streetcar Operators +Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation","View the list of Allies +Association of American Railroads +external site +Brotherhood of Locomotive Engineers and Trainmen +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site",49,11,25,62,42,41,75,53,34,16,23,30,37,45,8,50,32,47,14,74,33,27,22,47,21,28,12,36,17,15,35,7,14 +13-2041.00,Credit Analysts,https://www.onetonline.org/link/summary/13-2041.00,2025-06-11T18:50:47.693664,"Analyze credit data and financial statements to determine the degree of risk involved in extending credit or lending money. +Complete loan applications, including credit analyses and summaries of loan requests, and submit to loan committees for approval. +Generate financial ratios, using computer programs, to evaluate customers' financial status. +Prepare reports that include the degree of risk involved in extending credit or lending money. +Analyze financial data, such as income growth, quality of management, and market share to determine expected profitability of loans. +Compare liquidity, profitability, and credit histories of establishments being evaluated with those of similar establishments in the same industries and geographic locations. +Consult with customers to resolve complaints and verify financial and credit transactions. +Contact customers to collect payments on delinquent accounts. +Evaluate customer records and recommend payment plans, based on earnings, savings data, payment history, and purchase activity. +Review individual or commercial customer files to identify and select delinquent accounts for collection. +Confer with credit association and other business representatives to exchange credit information.","Analytical or scientific software— SAS +Business intelligence and data analysis software— Oracle Business Intelligence Enterprise Edition +Content workflow software— Equifax Application Engine; Experian Transact SM +Data base user interface and query software— Microsoft SQL Server; Structured query language SQL +Development environment software— Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA +Document management software— Credit adjudication and lending management system CALMS +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software +Financial analysis software— CGI-AMS Strata; Experian Quest; Fair Isaac Capstone Decision Manager; Moody's KMV Risk Advisor;17 more +Information retrieval or search software— CGI-AMS BureauLink Enterprise +Object or component oriented development software— Python +Office suite software— Experian Strategy Management; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Analyze business or financial data. +Assess risks to business operations. +Prepare contracts or other transaction documents. +Calculate data to inform organizational operations. +Prepare financial documents, reports, or budgets. +Analyze market conditions or trends. +Collect payments for goods or services. +Advise others on financial matters. +Assess financial status of clients. +Examine financial records. +Correspond with customers to answer questions or resolve complaints. +Confer with others about financial matters.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Spend Time Sitting— 85% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 60% responded “Some freedom.” +Time Pressure— 70% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 50% responded “Extremely important.” +Written Letters and Memos— 53% responded “Every day.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Freedom to Make Decisions— 35% responded “A lot of freedom.” +Contact With Others— 40% responded “Contact with others most of the time.” +Frequency of Decision Making— 40% responded “Every day.” +Work With or Contribute to a Work Group or Team— 39% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Level of Competition— 60% responded “Moderately competitive.” +Spend Time Making Repetitive Motions— 30% responded “More than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Mathematics— Using mathematics to solve problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Accountants and Auditors +Bright Outlook +Credit Authorizers, Checkers, and Clerks +Credit Counselors +Financial and Investment Analysts +Financial Examiners +Financial Risk Specialists +Loan Interviewers and Clerks +Loan Officers +Personal Financial Advisors +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +National Federation of Municipal Analysts +external site +ACA International +external site +American Bankers Association +external site +Capital Markets Credit Analysts Society +external site +Credit Research Foundation +external site +Eastern Finance Association +external site +Financial Management Association International +external site +Global Association of Risk Professionals +external site +GoWest Credit Union Association +external site +Independent Community Bankers of America +external site +National Association of Credit Management +external site +Professional Risk Managers' International Association +external site +Risk Management Association +external site +Society of Financial Service Professionals +external site +Southern Finance Association +external site +The Risk Management Society +external site +Western Finance Association +external site +Mid-Atlantic Association for Financial Professionals +external site +Midwest Finance Association +external site +New England Association for Financial Professionals +external site +Northeast Business and Economics Association +external site +Southwestern Finance Association +external site +Association for Financial Professionals +external site +Association of Corporate Treasurers +external site +International Association of Risk and Compliance Professionals +external site",46,1,29,73,73,45,20,28,50,88,26,15,1,46,5,57,26,4,8,6,11,3,14,15,6,8,20,3,1,8,20,1,13 +11-9199.09,Wind Energy Operations Managers,https://www.onetonline.org/link/summary/11-9199.09,2025-06-11T18:48:55.870832,"Supervise employees or subcontractors to ensure quality of work or adherence to safety regulations or policies. +Train or coordinate the training of employees in operations, safety, environmental issues, or technical issues. +Track and maintain records for wind operations, such as site performance, downtime events, parts usage, or substation events. +Oversee the maintenance of wind field equipment or structures, such as towers, transformers, electrical collector systems, roadways, or other site assets. +Prepare wind field operational budgets. +Develop relationships and communicate with customers, site managers, developers, land owners, authorities, utility representatives, or residents. +Maintain operations records, such as work orders, site inspection forms, or other documentation. +Recruit or select wind operations employees, contractors, or subcontractors. +Provide technical support to wind field customers, employees, or subcontractors. +Estimate costs associated with operations, including repairs or preventive maintenance. +Monitor and maintain records of daily facility operations. +Establish goals, objectives, or priorities for wind field operations. +Order parts, tools, or equipment needed to maintain, restore, or improve wind field operations. +Review, negotiate, or approve wind farm contracts. +Manage warranty repair or replacement services. +Develop processes or procedures for wind operations, including transitioning from construction to commercial operations.","Analytical or scientific software— Computerized diagnostic software +Calendar and scheduling software— Employee scheduling software +Compliance software— Gensuite +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— WebEx WebOffice +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS; Oracle Enterprise Asset Management eAM +Industrial control software— Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Internet browser software— Web browser software +Inventory management software— Inventory control software +LAN software— Local area network LAN software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Time accounting software— Time and payroll management software +Video conferencing software— Web conferencing software +WAN switching software and firmware— Wide area network WAN software +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Supervise workers performing environmentally sustainable activities. +Conduct employee training programs. +Train employees on environmental awareness, conservation, or safety topics. +Maintain operational records for green energy processes or other environmentally-sustainable activities. +Direct maintenance and repair activities in green energy production facilities. +Prepare operational budgets for green energy or other green operations. +Establish interpersonal business relationships to facilitate work activities. +Advise others on green energy or related technologies. +Estimate green project costs. +Recruit personnel. +Develop organizational goals or objectives. +Purchase materials, equipment, or other resources. +Approve expenditures. +Negotiate contracts for environmental remediation, green energy, or renewable resources. +Direct facility maintenance or repair activities. +Develop operating strategies, plans, or procedures for green or sustainable operations.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Health and Safety of Other Workers— 88% responded “Very high responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 74% responded “Every day.” +Determine Tasks, Priorities and Goals— 59% responded “A lot of freedom.” +Duration of Typical Work Week— 77% responded “More than 40 hours.” +Freedom to Make Decisions— 67% responded “A lot of freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 67% responded “Every day.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Contact With Others— 58% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Consequence of Error— 76% responded “Extremely serious.” +Frequency of Decision Making— 57% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 64% responded “Very important results.” +Indoors, Not Environmentally Controlled— 49% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 45% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Extremely important.” +E-Mail— 62% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 59% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 54% responded “Very important.” +Outdoors, Under Cover— 40% responded “Every day.” +Exposed to Hazardous Conditions— 34% responded “Once a week or more but not every day.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Exposed to High Places— 31% responded “Once a week or more but not every day.” +Level of Competition— 46% responded “Moderately competitive.” +Written Letters and Memos— 48% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 39% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 33% responded “Once a week or more but not every day.” +Physical Proximity— 37% responded “Moderately close (at arm's length).” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 52% responded “Once a week or more but not every day.” +Public Speaking— 40% responded “Once a year or more but not every month.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 44% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 53% responded “Once a month or more but not every week.” +Spend Time Sitting— 36% responded “About half the time.” +Conflict Situations— 50% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 22% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 33% responded “Extremely important.” +Importance of Repeating Same Tasks— 36% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Negotiation— Bringing others together and trying to reconcile differences. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels Production Managers +Biomass Power Plant Managers +Energy Engineers, Except Wind and Solar +Geothermal Production Managers +Hydroelectric Production Managers +Solar Energy Installation Managers +Bright Outlook +Solar Energy Systems Engineers +Wind Energy Development Managers +Wind Energy Engineers +Wind Turbine Service Technicians","View the list of Allies +American Clean Power +external site +REWI +external site",56,,53,50,55,77,63,46,58,50,15,62,20,56,10,43,32,73,6,33,39,28,14,51,25,66,36,48,16,44,25,,15 +49-9051.00,Electrical Power-Line Installers and Repairers,https://www.onetonline.org/link/summary/49-9051.00,2025-06-11T19:22:45.889571,"Adhere to safety practices and procedures, such as checking equipment regularly and erecting barriers around work areas. +Drive vehicles equipped with tools and materials to job sites. +Open switches or attach grounding devices to remove electrical hazards from disturbed or fallen lines or to facilitate repairs. +Climb poles or use truck-mounted buckets to access equipment. +Install, maintain, and repair electrical distribution and transmission systems, including conduits, cables, wires, and related equipment, such as transformers, circuit breakers, and switches. +Inspect and test power lines and auxiliary equipment to locate and identify problems, using reading and testing instruments. +Coordinate work assignment preparation and completion with other workers. +Replace or straighten damaged poles. +String wire conductors and cables between poles, towers, trenches, pylons, and buildings, setting lines in place and using winches to adjust tension. +Attach cross-arms, insulators, and auxiliary equipment to poles prior to installing them. +Dig holes, using augers, and set poles, using cranes and power equipment. +Travel in trucks, helicopters, and airplanes to inspect lines for freedom from obstruction and adequacy of insulation. +Identify defective sectionalizing devices, circuit breakers, fuses, voltage regulators, transformers, switches, relays, or wiring, using wiring diagrams and electrical-testing instruments. +Install watt-hour meters and connect service drops between power lines and consumers' facilities. +Test conductors, according to electrical diagrams and specifications, to identify corresponding conductors and to prevent incorrect connections. +Place insulating or fireproofing materials over conductors and joints. +Splice or solder cables together or to overhead transmission lines, customer service lines, or street light lines, using hand tools, epoxies, or specialized equipment. +Trim trees that could be hazardous to the functioning of cables or wires. +Pull up cable by hand from large reels mounted on trucks. +Lay underground cable directly in trenches, or string it through conduit running through the trenches. +Cut trenches for laying underground cables, using trenchers and cable plows. +Cut and peel lead sheathing and insulation from defective or newly installed cables and conduits prior to splicing. +Clean, tin, and splice corresponding conductors by twisting ends together or by joining ends with metal clamps and soldering connections.","Computer aided design CAD software— Bentley MicroStation; Computer aided design and drafting CADD software +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— Geographic information system GIS systems +Inventory management software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Video conferencing software— Zoom +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Drive trucks or other vehicles to or at work sites. +Monitor work areas or procedures to ensure compliance with safety procedures. +Control power supply connections. +Climb equipment or structures to access work areas. +Inspect electrical or electronic systems for defects. +Assemble electrical components, subsystems, or systems. +Repair electrical circuits or wiring. +Test electrical equipment or systems to ensure proper functioning. +Confer with coworkers to coordinate work activities. +Align equipment or machinery. +Run wiring to connect equipment. +Dig holes or trenches. +Assemble mechanical components or machine parts. +Operate cranes, hoists, or other moving or lifting equipment. +Travel to work sites to perform installation, repair or maintenance work. +Connect electrical components or equipment. +Install metering equipment. +Test electrical circuits or components for proper functioning. +Solder parts or connections between parts. +Install insulation in equipment or structures. +Cut materials according to specifications or needs. +Lay cables to connect equipment.","Outdoors, Exposed to All Weather Conditions— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 99% responded “Every day.” +Exposed to Hazardous Conditions— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Health and Safety of Other Workers— 86% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 87% responded “Extremely important.” +Exposed to High Places— 83% responded “Every day.” +Exposed to Hazardous Equipment— 81% responded “Every day.” +Frequency of Decision Making— 84% responded “Every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 83% responded “Every day.” +Contact With Others +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 63% responded “Every day.” +Importance of Being Exact or Accurate— 76% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 63% responded “Very important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 75% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 53% responded “Every day.” +Telephone Conversations— 61% responded “Every day.” +In an Open Vehicle or Operating Equipment— 64% responded “Every day.” +Work Outcomes and Results of Other Workers— 65% responded “Very high responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 73% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 40% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 56% responded “Continually or almost continually.” +Freedom to Make Decisions +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Spend Time Standing— 54% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Physical Proximity— 78% responded “Moderately close (at arm's length).” +Time Pressure— 49% responded “Once a week or more but not every day.” +Consequence of Error— 67% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +E-Mail— 56% responded “Every day.” +Indoors, Not Environmentally Controlled— 66% responded “Every day.” +Exposed to Contaminants— 35% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Exposed to Cramped Work Space, Awkward Positions— 46% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 38% responded “About half the time.” +Level of Competition— 51% responded “Highly competitive.” +Spend Time Making Repetitive Motions— 33% responded “More than half the time.” +Conflict Situations— 38% responded “Once a year or more but not every month.” +Exposed to Whole Body Vibration— 26% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a year or more but not every month.” +Spend Time Keeping or Regaining Balance— 28% responded “Less than half the time.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 40% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Far Vision— The ability to see details at a distance. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Electric Motor, Power Tool, and Related Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Electricians +Helpers--Electricians +Hoist and Winch Operators +Power Distributors and Dispatchers +Riggers +Signal and Track Switch Repairers +Telecommunications Line Installers and Repairers","View the list of Allies +American Public Power Association +external site +Center for Energy Workforce Development +external site +Institute of Electrical and Electronics Engineers +external site +National Electrical Contractors Association +external site +Telecommunications Industry Association +external site +Building Industry Consulting Service International +external site +Electrical Training Alliance +external site +International Brotherhood of Electrical Workers +external site +The Fiber Optic Association +external site",53,,29,60,46,45,58,58,28,21,15,33,19,29,7,27,27,57,7,58,22,18,8,42,16,48,65,34,9,49,37,4,4 +31-9096.00,Veterinary Assistants and Laboratory Animal Caretakers,https://www.onetonline.org/link/summary/31-9096.00,2025-06-11T19:09:59.820857,"Hold or restrain animals during veterinary procedures. +Monitor animals recovering from surgery and notify veterinarians of any unusual changes or symptoms. +Fill medication prescriptions. +Clean and maintain kennels, animal holding areas, examination or operating rooms, or animal loading or unloading facilities to control the spread of disease. +Examine animals to detect behavioral changes or clinical symptoms that could indicate illness or injury. +Perform routine laboratory tests or diagnostic tests, such as taking or developing x-rays. +Assist veterinarians in examining animals to determine the nature of illnesses or injuries. +Administer medication, immunizations, or blood plasma to animals as prescribed by veterinarians. +Collect laboratory specimens, such as blood, urine, or feces, for testing. +Perform office reception duties, such as scheduling appointments or helping customers. +Clean, maintain, and sterilize instruments or equipment. +Record information relating to animal genealogy, feeding schedules, appearance, behavior, or breeding. +Provide emergency first aid to sick or injured animals. +Prepare surgical equipment and pass instruments or materials to veterinarians during surgical procedures. +Educate or advise clients on animal health care, nutrition, or behavior problems. +Prepare examination or treatment rooms by stocking them with appropriate supplies. +Prepare feed for animals according to specific instructions, such as diet lists or schedules. +Provide assistance with euthanasia of animals or disposal of corpses. +Write reports, maintain research information, or perform clerical duties. +Perform hygiene-related duties, such as clipping animals' claws or cleaning and polishing teeth. +Perform enemas, catheterizations, ear flushes, intravenous feedings, or gavages. +Perform accounting duties, such as bookkeeping, billing customers for services, or maintaining inventories. +Exercise animals or provide them with companionship. +Place orders to restock inventory of hospital or laboratory supplies. +Sell pet food or supplies to customers. +Dust, spray, or bathe animals to control insect pests. +Administer anesthetics during surgery and monitor the effects on animals. +Groom, trim, or clip animals' coats.","Calendar and scheduling software— Scheduling software +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Label making software— Labeling software +Medical software— IDEXX Laboratories IDEXX Cornerstone; McAllister Software Systems AVImark; Practice management software PMS +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.","Hold patients to ensure proper positioning or safety. +Give medications or immunizations. +Monitor patients to detect health problems. +Monitor patient progress or responses to treatments. +Control prescription refills or authorizations. +Clean patient rooms or patient treatment rooms. +Assess physical conditions of patients to aid in diagnosis or treatment. +Conduct diagnostic tests to determine patient health. +Assist practitioners to perform medical procedures. +Collect biological specimens from patients. +Perform clerical work in medical settings. +Clean medical equipment. +Maintain medical equipment or instruments. +Schedule patient procedures or appointments. +Record vital statistics or other health information. +Administer basic health care or medical treatments. +Prepare medical instruments or equipment for use. +Feed patients. +Prepare patient treatment areas for use. +Stock medical or patient care supplies. +Teach medical procedures or medical equipment use to patients. +Dispose of biomedical waste in accordance with standards. +Prepare medical reports or documents. +Assist patients with daily activities. +Inventory medical supplies or equipment. +Process medical billing information. +Order medical supplies or equipment. +Sell products or services.","Indoors, Environmentally Controlled— 98% responded “Every day.” +Spend Time Standing— 78% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Contact With Others— 67% responded “Constant contact with others.” +Exposed to Disease or Infections— 71% responded “Every day.” +Telephone Conversations— 67% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 62% responded “Every day.” +Physical Proximity— 54% responded “Very close (near touching).” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 63% responded “Every day.” +Frequency of Decision Making— 59% responded “Every day.” +Exposed to Contaminants— 64% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 68% responded “Every day.” +Spend Time Walking or Running— 55% responded “More than half the time.” +Importance of Repeating Same Tasks— 39% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 48% responded “Continually or almost continually.” +Time Pressure— 45% responded “Every day.” +Consequence of Error— 40% responded “Extremely serious.” +Exposed to Radiation— 40% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 47% responded “Very important.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 54% responded “Once a week or more but not every day.” +E-Mail— 51% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 50% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 37% responded “More than half the time.” +Determine Tasks, Priorities and Goals— 49% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 51% responded “Important.” +Freedom to Make Decisions— 46% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 43% responded “About half the time.” +Work Outcomes and Results of Other Workers— 36% responded “Moderate responsibility.” +Spend Time Making Repetitive Motions— 34% responded “About half the time.” +Conflict Situations— 46% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 33% responded “High responsibility.” +Written Letters and Memos— 23% responded “Every day.” +Exposed to Hazardous Conditions— 47% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Animal Caretakers +Bright Outlook +Emergency Medical Technicians +Home Health Aides +Licensed Practical and Licensed Vocational Nurses +Medical Assistants +Nursing Assistants +Paramedics +Phlebotomists +Surgical Assistants +Veterinary Technologists and Technicians","View the list of Allies +American Animal Hospital Association +external site +American Association for Laboratory Animal Science +external site +American Veterinary Medical Association +external site +National Association of Veterinary Technicians in America +external site",83,15,27,71,47,37,30,35,63,24,40,25,37,55,20,29,41,34,13,12,34,30,19,40,63,17,9,15,64,12,23,7,9 +49-2096.00,"Electronic Equipment Installers and Repairers, Motor Vehicles",https://www.onetonline.org/link/summary/49-2096.00,2025-06-11T19:21:33.416158,"Install equipment and accessories, such as stereos, navigation equipment, communication equipment, and security systems. +Inspect and test electrical or electronic systems to locate and diagnose malfunctions, using visual inspections and testing instruments, such as oscilloscopes and voltmeters. +Cut openings and drill holes for fixtures and equipment, using electric drills and routers. +Splice wires with knives or cutting pliers, and solder connections to fixtures and equipment. +Diagnose or repair problems with electronic equipment, such as sound, navigation, communication, and security equipment, in motor vehicles. +Run new speaker and electrical cables. +Confer with customers to determine the nature of malfunctions. +Remove seats, carpeting, and interiors of doors and add sound-absorbing material in empty spaces, reinstalling interior parts. +Record results of diagnostic tests. +Estimate costs of repairs, based on parts and labor charges. +Replace and clean electrical or electronic components. +Build fiberglass or wooden enclosures for sound components, and fit them to automobile dimensions.","Analytical or scientific software— Harris Tech X.over Pro; Harris Technologies BassBox; LinearTeam WinISD; True Audio WinSpeakerz +Computer aided design CAD software— WHE Term-PAK +Data base user interface and query software— Installalogy Access Client; MobileToys MAIDXL +Internet browser software— Microsoft Internet Explorer +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Install audio or communications equipment. +Inspect electrical or electronic systems for defects. +Test electrical equipment or systems to ensure proper functioning. +Drill holes in parts, equipment, or materials. +Connect electrical components or equipment. +Repair electronic equipment. +Solder parts or connections between parts. +Confer with customers or users to assess problems. +Lay cables to connect equipment. +Install insulation in equipment or structures. +Install vehicle parts or accessories. +Remove parts or components from vehicles. +Document test results. +Estimate costs for labor or materials. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Repair electrical components. +Fabricate parts or components.","Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 73% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 87% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 80% responded “Continually or almost continually.” +Exposed to Contaminants— 58% responded “Every day.” +Time Pressure— 63% responded “Every day.” +Duration of Typical Work Week— 75% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Work With or Contribute to a Work Group or Team— 54% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 46% responded “Every day.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Spend Time Standing— 58% responded “More than half the time.” +Frequency of Decision Making— 52% responded “Every day.” +Spend Time Making Repetitive Motions— 47% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 69% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “A lot of freedom.” +Exposed to Cramped Work Space, Awkward Positions— 45% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Important results.” +Telephone Conversations— 47% responded “Every day.” +Spend Time Bending or Twisting Your Body— 47% responded “More than half the time.” +Contact With Others— 24% responded “Contact with others most of the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 41% responded “Every day.” +Importance of Repeating Same Tasks— 41% responded “Very important.” +Deal With External Customers or the Public in General— 37% responded “Important.” +Spend Time Walking or Running— 40% responded “More than half the time.” +Consequence of Error— 30% responded “Fairly serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a month or more but not every week.” +Physical Proximity— 37% responded “Slightly close (e.g., shared office).” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “About half the time.” +Health and Safety of Other Workers— 21% responded “Very high responsibility.” +Conflict Situations— 35% responded “Once a year or more but not every month.” +Indoors, Environmentally Controlled +Level of Competition— 32% responded “Moderately competitive.” +Exposed to Very Hot or Cold Temperatures— 37% responded “Once a year or more but not every month.” +Exposed to Hazardous Equipment— 39% responded “Never.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Audiovisual Equipment Installers and Repairers +Automotive Service Technicians and Mechanics +Avionics Technicians +Bright Outlook +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electromechanical Equipment Assemblers +Lighting Technicians +Radio, Cellular, and Tower Equipment Installers and Repairers +Security and Fire Alarm Systems Installers","View the list of Allies +International Society of Certified Electronics Technicians +external site +National Institute for Automotive Service Excellence +external site +The Mobile Electronics Certified Professional +external site",64,,18,58,64,47,39,53,30,21,46,25,25,76,9,12,29,77,4,36,9,4,8,27,10,55,35,29,,42,2,7,4 +51-5113.00,Print Binding and Finishing Workers,https://www.onetonline.org/link/summary/51-5113.00,2025-06-11T19:25:44.243331,"Examine stitched, collated, bound, or unbound product samples for defects, such as imperfect bindings, ink spots, torn pages, loose pages, or loose or uncut threads. +Read work orders to determine instructions and specifications for machine set-up. +Install or adjust bindery machine devices, such as knives, guides, rollers, rounding forms, creasing rams, or clamps, to accommodate sheets, signatures, or books of specified sizes. +Trim edges of books to size, using cutting machines, book trimming machines, or hand cutters. +Stitch or glue endpapers, bindings, backings, or signatures, using sewing machines, glue machines, or glue and brushes. +Monitor machine operations to detect malfunctions or to determine whether adjustments are needed. +Maintain records, such as daily production records, using specified forms. +Lubricate, clean, or make minor repairs to machine parts to keep machines in working condition. +Set up or operate bindery machines, such as coil binders, thermal or tape binders, plastic comb binders, or specialty binders. +Set up or operate machines that perform binding operations, such as pressing, folding, or trimming. +Prepare finished books for shipping by wrapping or packing books and stacking boxes on pallets. +Set up or operate glue machines by filling glue reservoirs, turning switches to activate heating elements, or adjusting glue flow or conveyor speed. +Train workers to set up, operate, and use automatic bindery machines. +Insert book bodies in devices that form back edges of books into convex shapes and produce grooves that facilitate cover attachment. +Cut cover material to specified dimensions, fitting and gluing material to binder boards by hand or machine. +Cut binder boards to specified dimensions, using board shears, hand cutters, or cutting machines. +Bind new books, using hand tools such as bone folders, knives, hammers, or brass binding tools. +Perform highly skilled hand finishing binding operations, such as grooving or lettering. +Imprint or emboss lettering, designs, or numbers on book covers, using gold, silver, or colored foil, and stamping machines. +Compress sewed or glued signatures, using hand presses or smashing machines. +Meet with clients, printers, or designers to discuss job requirements or binding plans. +Form book bodies by folding and sewing printed sheets to form signatures and assembling signatures in numerical order. +Design original or special bindings for limited editions or other custom binding projects. +Punch holes in and fasten paper sheets, signatures, or other material, using hand or machine punches and staplers. +Repair, restore, or rebind old, rare, or damaged books, using hand tools.","Accounting software— Trade Bindery Software Bindery Estimating System +Desktop publishing software— Microsoft Publisher +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Trade Bindery Software Bindery Management System +Internet browser software— Web browser software +Label making software— Label printing software +Library software— Houchen Bindery Library Automated Retrieval System LARS +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Inspected printed materials or other images to verify quality. +Study blueprints or other instructions to determine equipment setup requirements. +Sew clothing or other articles. +Mount attachments or tools onto production equipment. +Operate sewing equipment. +Trim excess material from workpieces. +Watch operating equipment to detect malfunctions. +Mount materials or workpieces onto production equipment. +Clean production equipment. +Lubricate production equipment. +Record operational or production data. +Repair production equipment or tools. +Operate equipment to print images or bind printed images together. +Cut industrial materials in preparation for fabrication or processing. +Engrave designs, text, or other markings onto materials, workpieces, or products. +Confer with customers or designers to determine order specifications. +Package products for storage or shipment. +Stack finished items for further processing or shipment. +Adjust equipment controls to regulate flow of production materials or products. +Load materials into production equipment. +Instruct workers to use equipment or perform technical procedures. +Drill holes in parts, equipment, or materials.","Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Spend Time Standing— 82% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 72% responded “Extremely important.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 69% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 53% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 56% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 50% responded “Every day.” +Time Pressure— 45% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Very important results.” +Exposed to Contaminants— 49% responded “Every day.” +Exposed to Hazardous Equipment— 54% responded “Every day.” +Frequency of Decision Making— 50% responded “Every day.” +Importance of Repeating Same Tasks— 37% responded “Very important.” +Contact With Others— 30% responded “Constant contact with others.” +Health and Safety of Other Workers— 45% responded “Moderate responsibility.” +Pace Determined by Speed of Equipment— 35% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 31% responded “Some freedom.” +Freedom to Make Decisions— 32% responded “Very little freedom.” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 34% responded “Very important.” +Spend Time Walking or Running— 45% responded “Less than half the time.” +Physical Proximity— 37% responded “I work with others but not closely (e.g., private office).” +Consequence of Error— 26% responded “Very serious.” +Duration of Typical Work Week— 71% responded “40 hours.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adhesive Bonding Machine Operators and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Machine Feeders and Offbearers +Paper Goods Machine Setters, Operators, and Tenders +Printing Press Operators +Sewing Machine Operators +Textile Cutting Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Print Technologies +external site +Foil and Specialty Effects Association +external site",52,4,60,48,48,63,17,43,44,16,29,29,15,35,4,8,12,56,5,13,24,4,6,11,2,19,7,21,1,29,6,4,4 +19-4051.00,Nuclear Technicians,https://www.onetonline.org/link/summary/19-4051.00,2025-06-11T18:58:06.101947,"Follow nuclear equipment operational policies and procedures that ensure environmental safety. +Conduct surveillance testing to determine safety of nuclear equipment. +Monitor nuclear reactor equipment performance to identify operational inefficiencies, hazards, or needs for maintenance or repair. +Test plant equipment to ensure it is operating properly. +Apply safety tags to equipment needing maintenance. +Follow policies and procedures for radiation workers to ensure personnel safety. +Modify, devise, or maintain nuclear equipment used in operations. +Monitor instruments, gauges, or recording devices under direction of nuclear experimenters. +Perform testing, maintenance, repair, or upgrading of accelerator systems. +Warn maintenance workers of radiation hazards and direct workers to vacate hazardous areas. +Calculate equipment operating factors, such as radiation times, dosages, temperatures, gamma intensities, or pressures, using standard formulas and conversion tables. +Measure the intensity and identify the types of radiation in work areas, equipment, or materials, using radiation detectors or other instruments. +Communicate with accelerator maintenance personnel to ensure readiness of support systems, such as vacuum, water cooling, or radio frequency power sources. +Identify and implement appropriate decontamination procedures, based on equipment and the size, nature, and type of contamination. +Decontaminate objects by cleaning them using soap or solvents or by abrading using brushes, buffing machines, or sandblasting machines. +Collect air, water, gas or solid samples for testing to determine radioactivity levels or to ensure appropriate radioactive containment. +Determine or recommend radioactive decontamination procedures, according to the size and nature of equipment and the degree of contamination. +Set up equipment that automatically detects area radiation deviations and test detection equipment to ensure its accuracy.","Application server software— VMWare ESX Server +Clustering software— VMware +Data base user interface and query software— Data logging software; Database software; Microsoft Access; Structured query language SQL +Industrial control software— Supervisory control and data acquisition SCADA software +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft operating system; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Monitor operations to ensure compliance with safety or security policies or regulations. +Inspect work sites to identify potential environmental or safety hazards. +Monitor operational procedures in technical environments to ensure conformance to standards. +Maintain work equipment or machinery. +Test mechanical systems to ensure proper functioning. +Maintain laboratory or technical equipment. +Inspect equipment to ensure proper functioning. +Communicate safety or hazard information to others. +Measure radiation levels. +Communicate with other workers to coordinate activities. +Identify sustainable business practices. +Clean objects. +Collect environmental data or samples. +Advise others on management of emergencies or hazardous situations or materials. +Set up laboratory or field equipment.","Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +Telephone Conversations— How often do you have telephone conversations in this job? +Exposed to Radiation— How often does this job require exposure to radiation? +E-Mail— How frequently does your job require you to use E-mail? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Exposed to Hazardous Conditions— How often does this job require exposure to hazardous conditions? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Exposed to Very Hot or Cold Temperatures— How often does this job require working in very hot (above 90 F degrees) or very cold (below 32 F degrees) temperatures? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Exposed to Extremely Bright or Inadequate Lighting Conditions— How often does this job require working in extremely bright or inadequate lighting conditions? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Physical Proximity— To what extent does this job require the worker to perform job tasks physically close to other people? +Exposed to Hazardous Equipment— How often does this job require exposure to hazardous equipment? +Exposed to Cramped Work Space, Awkward Positions— How often does this job require working in cramped work spaces that requires getting into awkward positions? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— How often does this job require wearing specialized protective or safety equipment such as breathing apparatus, safety harness, full protection suits, or radiation protection? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Outdoors, Under Cover— How often does this job require working outdoors, under cover (like in an open shed)? +Conflict Situations— How frequently are there conflict situations the employee has to face in this job? +Exposed to High Places— How often does this job require exposure to high places? +Spend Time Walking or Running— How much does this job require walking or running? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Spend Time Standing— How much does this job require standing?","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Biomass Plant Technicians +Calibration Technologists and Technicians +Geothermal Technicians +Hydroelectric Plant Technicians +Nuclear Monitoring Technicians +Nuclear Power Reactor Operators +Power Distributors and Dispatchers +Power Plant Operators +Stationary Engineers and Boiler Operators","View the list of Allies +American Society for Nondestructive Testing +external site +Center for Energy Workforce Development +external site +Nuclear Energy Institute +external site +National Registry of Radiation Protection Technologists +external site",18,1,40,62,58,33,80,65,43,9,5,20,64,59,,50,39,76,6,22,28,12,10,39,20,67,33,75,27,47,18,,12 +29-2036.00,Medical Dosimetrists,https://www.onetonline.org/link/summary/29-2036.00,2025-06-11T19:08:12.151567,"Design the arrangement of radiation fields to reduce exposure to critical patient structures, such as organs, using computers, manuals, and guides. +Plan the use of beam modifying devices, such as compensators, shields, and wedge filters, to ensure safe and effective delivery of radiation treatment. +Identify and outline bodily structures, using imaging procedures, such as x-ray, magnetic resonance imaging, computed tomography, or positron emission tomography. +Calculate the delivery of radiation treatment, such as the amount or extent of radiation per session, based on the prescribed course of radiation therapy. +Calculate, or verify calculations of, prescribed radiation doses. +Develop radiation treatment plans in consultation with members of the radiation oncology team. +Supervise or perform simulations for tumor localizations, using imaging methods such as magnetic resonance imaging, computed tomography, or positron emission tomography scans. +Create and transfer reference images and localization markers for treatment delivery, using image-guided radiation therapy. +Record patient information, such as radiation doses administered, in patient records. +Advise oncology team members on use of beam modifying or immobilization devices in radiation treatment plans. +Fabricate beam modifying devices, such as compensators, shields, and wedge filters. +Perform quality assurance system checks, such as calibrations, on treatment planning computers. +Fabricate patient immobilization devices, such as molds or casts, for radiation delivery. +Develop requirements for the use of patient immobilization devices and positioning aides, such as molds or casts, as part of treatment plans to ensure accurate delivery of radiation and comfort of patient. +Teach medical dosimetry, including its application, to students, radiation therapists, or residents. +Conduct radiation oncology-related research, such as improving computer treatment planning systems or developing new treatment devices. +Develop treatment plans, and calculate doses for brachytherapy procedures. +Measure the amount of radioactivity in patients or equipment, using radiation monitoring devices. +Educate patients regarding treatment plans, physiological reactions to treatment, or post-treatment care.","Development environment software— Eclipse IDE +Medical software— Medical condition coding software; MEDITECH software","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Develop treatment plans for patients or clients. +Conduct research to increase knowledge about medical issues. +Analyze health-related data. +Calculate numerical data for medical activities. +Create advanced digital images of patients using computer imaging systems. +Operate diagnostic imaging equipment. +Adjust settings or positions of medical equipment. +Administer medical substances for imaging or other procedures. +Protect patients or staff members using safety equipment. +Collaborate on research activities with scientists or technical specialists. +Collaborate with other professionals to assess client needs or plan treatments. +Communicate with other workers to coordinate activities. +Supervise technical medical personnel. +Process x-rays or other medical images. +Maintain medical records. +Record vital statistics or other health information. +Recommend types of assistive devices. +Teach medical procedures to healthcare personnel. +Advise medical personnel regarding healthcare issues. +Fabricate medical devices. +Adjust equipment to ensure optimal performance. +Calibrate equipment to specifications. +Calibrate scientific or technical equipment. +Monitor operational quality or safety. +Make patient-assistive devices or device models. +Train medical providers. +Collect medical information from patients, family members, or other medical professionals. +Monitor patients following surgeries or other treatments. +Advise patients on effects of health conditions or treatments. +Provide health and wellness advice to patients, program participants, or caregivers. +Research new technologies.","Time Pressure— 100% responded “Every day.” +Importance of Being Exact or Accurate— 85% responded “Extremely important.” +E-Mail— 80% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Spend Time Sitting— 79% responded “Continually or almost continually.” +Telephone Conversations— 80% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Consequence of Error— 65% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 58% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 60% responded “Important results.” +Work With or Contribute to a Work Group or Team— 40% responded “Extremely important.” +Frequency of Decision Making— 63% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Contact With Others— 35% responded “Constant contact with others.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Spend Time Making Repetitive Motions— 45% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 53% responded “Important.” +Duration of Typical Work Week— 79% responded “40 hours.” +Level of Competition— 55% responded “Moderately competitive.” +Health and Safety of Other Workers— 25% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 30% responded “Moderate responsibility.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,"Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Magnetic Resonance Imaging Technologists +Medical and Clinical Laboratory Technologists +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Nuclear Monitoring Technicians +Radiation Therapists +Radiologic Technologists and Technicians +Respiratory Therapists","View the list of Allies +American Association for Women in Radiology +external site +American Association of Medical Dosimetrists +external site +American Association of Physicists in Medicine +external site +American Nuclear Society +external site +American Society for Radiation Oncology +external site +American Society of Neuroradiology +external site +American Society of Radiologic Technologists +external site +Association of Educators in Imaging and Radiologic Sciences +external site +International Organization for Medical Physics +external site +International Radiation Protection Association +external site +International Society of Radiographers and Radiological Technologists +external site +Medical Billing and Coding +external site +National Cancer Registrars Association +external site +Nuclear Medicine Technology Certification Board +external site +Radiation Research Society +external site +Radiological Society of North America +external site +Society for Radiation Oncology Administrators +external site +Society of Nuclear Medicine and Molecular Imaging +external site +World Federation of Nuclear Medicine and Biology +external site +Central Chapter Society of Nuclear Medicine and Molecular Imaging +external site +Mid-Atlantic Chapter of the American Association of Physicists in Medicine +external site +Mid-Eastern Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Midwest Chapter of the American Association of Physicists in Medicine +external site +New England Chapter of the American Association of Physicists in Medicine +external site +Northwest Chapter of the American Association of Physicists in Medicine +external site +Pacific Northwest Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Society of Nuclear Medicine and Molecular Imaging - New England Chapter Technologist Section +external site +Southeast Chapter of the American Association of Physicists in Medicine +external site +Southeastern Chapter of the Society of Nuclear Medicine and Molecular Imaging +external site +Southwest Regional Chapter of American Association of Physicists in Medicine +external site +Southwestern Chapter, Society of Nuclear Medicine and Molecular Imaging +external site +AAPC +external site +American College of Radiation Oncology +external site +American College of Radiology +external site +American Health Information Management Association +external site +American Registry of Radiologic Technologists +external site +Medical Dosimetrist Certification Board +external site +National Healthcareer Association +external site",50,,35,64,80,26,47,59,45,23,5,23,30,74,4,25,30,21,6,5,25,19,15,26,65,40,6,79,68,61,5,4,4 +15-1251.00,Computer Programmers,https://www.onetonline.org/link/summary/15-1251.00,2025-06-11T18:51:54.759595,"Write, analyze, review, and rewrite programs, using workflow chart and diagram, and applying knowledge of computer capabilities, subject matter, and symbolic logic. +Correct errors by making appropriate changes and rechecking the program to ensure that the desired results are produced. +Perform or direct revision, repair, or expansion of existing programs to increase operating efficiency or adapt to new requirements. +Write, update, and maintain computer programs or software packages to handle specific jobs such as tracking inventory, storing or retrieving data, or controlling other equipment. +Consult with managerial, engineering, and technical personnel to clarify program intent, identify problems, and suggest changes. +Conduct trial runs of programs and software applications to be sure they will produce the desired information and that the instructions are correct. +Prepare detailed workflow charts and diagrams that describe input, output, and logical operation, and convert them into a series of instructions coded in a computer language. +Compile and write documentation of program development and subsequent revisions, inserting comments in the coded instructions so others can understand the program. +Consult with and assist computer operators or system analysts to define and resolve problems in running computer programs. +Perform systems analysis and programming tasks to maintain and control the use of computer systems software as a systems programmer. +Write or contribute to instructions or manuals to guide end users. +Investigate whether networks, workstations, the central processing unit of the system, or peripheral equipment are responding to a program's instructions. +Assign, coordinate, and review work and activities of programming personnel. +Train subordinates in programming and program coding. +Develop Web sites. +Train users on the use and function of computer programs. +Collaborate with computer manufacturers and other users to develop new programming methods.","Access software— Citrix cloud computing software +Accounting software— Tax software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;2 more +Application server software— Docker; GitHub; Red Hat OpenShift; Spring Boot;2 more +Backup or archival software— Veritas NetBackup +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Splunk Enterprise +Clustering software— VMware +Communications server software— IBM Domino +Compiler and decompiler software— Command interpreters; Inline code expander software; Retargetable compiler; Threaded code compiler;9 more +Computer aided design CAD software— Bentley MicroStation; Computer aided design and drafting CADD software; Dassault Systemes CATIA +Configuration management software— Chef; Perforce Helix software; Puppet; Revision control software;1 more +Content workflow software— Atlassian JIRA; Emerald Software Group Emerald Green Office; Workflow software +Data base management system software— Amazon DynamoDB; Elasticsearch; MongoDB; Oracle PL/SQL;15 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; ReCrystallize Crystal Reports; SAP Crystal Reports +Data base user interface and query software— Amazon Elastic Compute Cloud EC2; Apache Hive; IBM DB2; Transact-SQL;10 more +Data mining software— Google Analytics +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Go; Microsoft PowerShell;57 more +Document management software— Adobe Acrobat; Microsoft SharePoint; Virage VS Archive +Electronic mail software— IBM Notes; Microsoft Exchange +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; SAP NetWeaver BW;5 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;6 more +Enterprise system management software— IBM Power Systems software; Microsoft Systems Management Server +Expert system software— Ansible software +File versioning software— Apache Subversion SVN; Git +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Basis BBx VisualPRO/5; Graphical user interface GUI design software; Salesforce Visualforce +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop; Corel CorelDraw Graphics Suite +Human resources software— Human resource management software HRMS +Industrial control software— Supervisory control and data acquisition SCADA software +Medical software— Epic Systems +Metadata management software— Quest Erwin Data Modeler +Network monitoring software— Nagios; Network intrusion prevention systems NIPS; Snort; Wireshark +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— Apache Spark; jQuery; Scala; Swift;25 more +Object oriented data base management software— Hibernate ORM; Microsoft Visual FoxPro; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;10 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Hewlett Packard LoadRunner; JUnit; Selenium; Symbolic debugger software;3 more +Project management software— Atlassian Confluence; Microsoft Project +Requirements analysis and system architecture software— Unified modeling language UML +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3 +Transaction security and virus protection software— McAfee +Transaction server software— Customer information control system CICS +Web page creation and editing software— Adobe Dreamweaver; CoffeeCup The HTML Editor; Microsoft FrontPage +Web platform development software— Django; Google Angular; React; Spring Framework;25 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Modify software programs to improve performance. +Write computer programming code. +Test software performance. +Resolve computer software problems. +Collaborate with others to resolve information technology issues. +Develop diagrams or flow charts of system operation. +Develop models of information or communications systems. +Document design or development procedures. +Train others in computer interface or software use. +Test computer system operations to ensure proper functioning. +Prepare instruction manuals. +Assign duties or work schedules to employees. +Manage information technology projects or system activities. +Supervise information technology personnel. +Design websites or web applications. +Develop computer or online applications. +Teach others to use computer equipment or hardware. +Coordinate project activities with other personnel or departments.","E-Mail— 100% responded “Every day.” +Spend Time Sitting— 90% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams +Indoors, Environmentally Controlled +Importance of Being Exact or Accurate— 64% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 41% responded “Extremely important.” +Contact With Others— 66% responded “Constant contact with others.” +Time Pressure— 40% responded “Every day.” +Duration of Typical Work Week— 24% responded “40 hours.” +Level of Competition— 46% responded “Highly competitive.” +Freedom to Make Decisions— 29% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 31% responded “Some freedom.” +Telephone Conversations— 33% responded “Every day.” +Spend Time Making Repetitive Motions— 36% responded “Never.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Minor results.” +Importance of Repeating Same Tasks— 31% responded “Not important at all.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls","Programming— Writing computer programs for various purposes. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Operations Analysis— Analyzing needs and product requirements to create a design. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Blockchain Engineers +Bright Outlook +Computer Hardware Engineers +Computer Network Architects +Computer Systems Analysts +Computer Systems Engineers/Architects +Database Administrators +Database Architects +Software Developers +Software Quality Assurance Analysts and Testers +Web and Digital Interface Designers","View the list of Allies +Association for Computing Machinery +external site +IEEE Computer Society +external site +National Center for Women and Information Technology +external site +Network and Systems Professionals Association +external site +CompTIA +external site +Institute for Certification of Computing Professionals +external site",58,,39,60,63,57,11,45,44,37,27,25,4,97,16,10,36,13,1,17,26,2,25,35,12,62,,28,,47,44,14,2 +27-2012.03,Media Programming Directors,https://www.onetonline.org/link/summary/27-2012.03,2025-06-11T19:03:05.630396,"Operate and maintain on-air and production audio equipment. +Check completed program logs for accuracy and conformance with Federal Communications Commission (FCC) rules and regulations and resolve program log inaccuracies. +Read news, read or record public service and promotional announcements, or perform other on-air duties. +Direct and coordinate activities of personnel engaged in broadcast news, sports, or programming. +Monitor and review programming to ensure that schedules are met, guidelines are adhered to, and performances are of adequate quality. +Prepare copy and edit tape so that material is ready for broadcasting. +Coordinate activities between departments, such as news and programming. +Perform personnel duties, such as hiring staff and evaluating work performance. +Establish work schedules and assign work to staff members. +Develop promotions for current programs and specials. +Plan and schedule programming and event coverage, based on broadcast length, time availability, and other factors, such as community needs, ratings data, and viewer demographics. +Monitor network transmissions for advisories concerning daily program schedules, program content, special feeds, or program changes. +Develop ideas for programs and features that a station could produce. +Select, acquire, and maintain programs, music, films, and other needed materials and obtain legal clearances for their use as necessary. +Evaluate new and existing programming to assess suitability and the need for changes, using information such as audience surveys and feedback. +Conduct interviews for broadcasts. +Confer with directors and production staff to discuss issues, such as production and casting problems, budgets, policies, and news coverage. +Review information about programs and schedules to ensure accuracy and provide such information to local media outlets. +Direct setup of remote facilities and install or cancel programs at remote stations. +Develop budgets for programming and broadcasting activities and monitor expenditures to ensure that they remain within budgetary limits. +Cue announcers, actors, performers, and guests. +Act as a liaison between talent and directors, providing information that performers or guests need to prepare for appearances and communicating relevant information from guests, performers, or staff to directors. +Participate in the planning and execution of fundraising activities.","Analytical or scientific software— Google Analytics +Calendar and scheduling software— Music scheduling software; RCS GSelector +Data base user interface and query software— FileMaker Pro; Microsoft SQL Server; Scheduling databases +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Photoshop +Human resources software— Applicant tracking software +Instant messaging software— Twitter +Internet browser software— Web browser software +Music or sound editing software— Broadcast Electronics AudioVAULT FleX +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple Final Cut Pro; Avid Technology iNEWS +Web page creation and editing software— Content management systems CMS; Facebook +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Operate communications, transmissions, or broadcasting equipment. +Maintain recording or broadcasting equipment. +Maintain logs of production activities. +Report news to the public. +Manage content of broadcasts or presentations. +Coordinate reporting or editing activities. +Edit audio or video recordings. +Manage operations of artistic or entertainment departments or organizations. +Select staff, team members, or performers. +Develop promotional strategies or plans. +Determine presentation subjects or content. +Maintain inventories of materials, equipment, or products. +Select materials or props. +Interview others for news or entertainment purposes. +Discuss production content and progress with others. +Direct productions or performances. +Coordinate logistics for productions or events. +Verify accuracy of data. +Direct fundraising or financing activities.","E-Mail— 100% responded “Every day.” +Contact With Others— 67% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 56% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Indoors, Environmentally Controlled— 82% responded “Every day.” +Telephone Conversations— 50% responded “Every day.” +Frequency of Decision Making— 68% responded “Every day.” +Spend Time Sitting— 51% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Freedom to Make Decisions— 45% responded “Some freedom.” +Time Pressure— 49% responded “Every day.” +Deal With External Customers or the Public in General— 57% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 31% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 54% responded “Continually or almost continually.” +Level of Competition— 44% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Important.” +Consequence of Error— 35% responded “Fairly serious.” +Spend Time Making Repetitive Motions— 31% responded “Never.”","Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Operations Analysis— Analyzing needs and product requirements to create a design. +Service Orientation— Actively looking for ways to help people.","Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Art Directors +Broadcast Announcers and Radio Disc Jockeys +Directors, Religious Activities and Education +Information Technology Project Managers +Bright Outlook +Media Technical Directors/Managers +Producers and Directors +Project Management Specialists +Public Relations Managers +Public Relations Specialists +Talent Directors","View the list of Allies +Country Music Association +external site +National Association of Broadcasters +external site +National Association of Schools of Theatre +external site +NATPE Global +external site +Producers Guild of America +external site +Promax International BPME +external site +Public Media Content Collective +external site +Public Television Programmers' Association +external site +Radio Television Digital News Association +external site +The National Academy of Television Arts and Sciences +external site +Directors Guild of America +external site",71,9,55,84,53,73,46,59,60,40,68,60,11,87,12,49,97,38,31,24,48,20,32,72,12,61,20,17,11,36,29,38,26 +17-2199.09,Nanosystems Engineers,https://www.onetonline.org/link/summary/17-2199.09,2025-06-11T18:54:46.827981,"Provide scientific or technical guidance or expertise to scientists, engineers, technologists, technicians, or others, using knowledge of chemical, analytical, or biological processes as applied to micro and nanoscale systems. +Supervise technologists or technicians engaged in nanotechnology research or production. +Conduct research related to a range of nanotechnology topics, such as packaging, heat transfer, fluorescence detection, nanoparticle dispersion, hybrid systems, liquid systems, nanocomposites, nanofabrication, optoelectronics, or nanolithography. +Synthesize, process, or characterize nanomaterials, using advanced tools or techniques. +Prepare reports, deliver presentations, or participate in program review activities to communicate engineering results or recommendations. +Design or conduct tests of new nanotechnology products, processes, or systems. +Create designs or prototypes for nanosystem applications, such as biomedical delivery systems or atomic force microscopes. +Write proposals to secure external funding or to partner with other companies. +Generate high-resolution images or measure force-distance curves, using techniques such as atomic force microscopy. +Develop processes or identify equipment needed for pilot or commercial nanoscale scale production. +Provide technical guidance or support to customers on topics such as nanosystem start-up, maintenance, or use. +Engineer production processes for specific nanotechnology applications, such as electroplating, nanofabrication, or epoxy. +Apply nanotechnology to improve the performance or reduce the environmental impact of energy products, such as fuel cells or solar cells. +Identify new applications for existing nanotechnologies. +Design or engineer nanomaterials, nanodevices, nano-enabled products, or nanosystems, using three-dimensional computer-aided design (CAD) software. +Design nano-enabled products with reduced toxicity, increased durability, or improved energy efficiency. +Coordinate or supervise the work of suppliers or vendors in the designing, building, or testing of nanosystem devices, such as lenses or probes. +Design nano-based manufacturing processes to minimize water, chemical, or energy use, as well as to reduce waste production. +Design nanosystems with components such as nanocatalysts or nanofiltration devices to clean specific pollutants from hazardous waste sites. +Prepare nanotechnology-related invention disclosures or patent applications. +Reengineer nanomaterials to improve biodegradability. +Integrate nanotechnology with antimicrobial properties into products, such as household or medical appliances, to reduce the development of bacteria or other microbes. +Develop catalysis or other green chemistry methods to synthesize nanomaterials, such as nanotubes, nanocrystals, nanorods, or nanowires. +Design nanoparticle catalysts to detect or remove chemical or other pollutants from water, soil, or air. +Develop green building nanocoatings, such as self-cleaning, anti-stain, depolluting, anti-fogging, anti-icing, antimicrobial, moisture-resistant, or ultraviolet protectant coatings.","Analytical or scientific software— Dassault Systemes Abaqus; General Atomic and Molecular Electronic Structure System GAMESS; MAYA Nastran; UTQUANT;13 more +Business intelligence and data analysis software— AWS Elastic MapReduce (EMR); Tableau +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; LinkCAD;5 more +Computer aided manufacturing CAM software— Rapid prototyping software +Customer relationship management CRM software— Salesforce software +Data base management system software— Apache Hadoop +Data base user interface and query software— Oracle Database; Structured query language SQL +Development environment software— National Instruments LabVIEW +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Adobe FreeHand MX +Industrial control software— Apache MXNet +Materials requirements planning logistics and supply chain software— Oracle Manufacturing Scheduling +Medical software— GE Healthcare Centricity EMR +Object or component oriented development software— Oracle Java; Python +Office suite software— Microsoft Office software +Operating system software— Linux; Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Provide technical guidance to other personnel. +Supervise engineering or other technical personnel. +Research engineering applications of emerging technologies. +Operate precision equipment to control microscopic or nanoscopic processes. +Explain engineering drawings, specifications, or other technical information. +Prepare operational reports. +Devise research or testing protocols. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Design micro- or nano-scale materials, devices, or systems. +Create physical models or prototypes. +Prepare proposal documents. +Develop technical methods or processes. +Advise customers on the use of products or services. +Measure physical or chemical properties of materials or objects. +Design alternative energy systems. +Identify new applications for existing technologies. +Design materials for industrial or commercial applications. +Coordinate activities with suppliers, contractors, clients, or other departments. +Develop operational methods or processes that use green materials or emphasize sustainability. +Prepare contracts, disclosures, or applications. +Research engineering aspects of biological or chemical processes.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 62% responded “Every day.” +Importance of Being Exact or Accurate— 57% responded “Extremely important.” +Freedom to Make Decisions— 67% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 48% responded “Very important.” +Telephone Conversations— 62% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 57% responded “Every day.” +Determine Tasks, Priorities and Goals— 70% responded “Some freedom.” +Health and Safety of Other Workers— 38% responded “Very high responsibility.” +Contact With Others— 38% responded “Contact with others about half the time.” +Duration of Typical Work Week— 57% responded “40 hours.” +Level of Competition— 38% responded “Highly competitive.” +Exposed to Hazardous Conditions— 29% responded “Once a week or more but not every day.” +Spend Time Sitting— 43% responded “More than half the time.” +Consequence of Error— 40% responded “Very serious.” +Coordinate or Lead Others in Accomplishing Work Activities— 52% responded “Important.” +Work Outcomes and Results of Other Workers— 52% responded “Moderate responsibility.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Moderate results.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 33% responded “Once a week or more but not every day.” +Written Letters and Memos— 48% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 29% responded “Very important.” +Frequency of Decision Making— 38% responded “Once a year or more but not every month.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 38% responded “Less than half the time.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 24% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Bioengineers and Biomedical Engineers +Bright Outlook +Biofuels/Biodiesel Technology and Product Development Managers +Chemical Engineers +Chemists +Materials Engineers +Materials Scientists +Microsystems Engineers +Nanotechnology Engineering Technologists and Technicians +Photonics Engineers +Photonics Technicians","View the list of Allies +IEEE Nanotechnology Council +external site +National Nanotechnology Coordinated Infrastructure +external site +American Chemical Society +external site +American Institute of Chemical Engineers +external site +American Physical Society +external site +Institute of Electrical and Electronics Engineers +external site +Materials Research Society +external site +Society of Women Engineers +external site",37,5,60,63,79,50,35,61,36,26,25,31,82,70,12,16,29,53,6,7,16,3,6,22,24,91,19,90,46,60,5,1,4 +29-1291.00,Acupuncturists,https://www.onetonline.org/link/summary/29-1291.00,2025-06-11T19:07:29.896656,"Develop individual treatment plans and strategies. +Adhere to local, state, and federal laws, regulations, and statutes. +Insert needles to provide acupuncture treatment. +Identify correct anatomical and proportional point locations based on patients' anatomy and positions, contraindications, and precautions related to treatments, such as intradermal needles, moxibustion, electricity, guasha, or bleeding. +Collect medical histories and general health and lifestyle information from patients. +Treat patients using tools, such as needles, cups, ear balls, seeds, pellets, or nutritional supplements. +Analyze physical findings and medical histories to make diagnoses according to Oriental medicine traditions. +Maintain and follow standard quality, safety, environmental, and infection control policies and procedures. +Educate patients on topics, such as meditation, ergonomics, stretching, exercise, nutrition, the healing process, breathing, or relaxation techniques. +Dispense herbal formulas and inform patients of dosages and frequencies, treatment duration, possible side effects, and drug interactions. +Maintain detailed and complete records of health care plans and prognoses. +Assess patients' general physical appearance to make diagnoses. +Formulate herbal preparations to treat conditions considering herbal properties, such as taste, toxicity, effects of preparation, contraindications, and incompatibilities. +Apply heat or cold therapy to patients using materials, such as heat pads, hydrocollator packs, warm compresses, cold compresses, heat lamps, or vapor coolants. +Consider Western medical procedures in health assessment, health care team communication, and care referrals. +Evaluate treatment outcomes and recommend new or altered treatments as necessary to further promote, restore, or maintain health. +Treat medical conditions, using techniques such as acupressure, shiatsu, or tuina. +Apply moxibustion directly or indirectly to patients using Chinese, non-scarring, stick, or pole moxa.","Electronic mail software— Microsoft Outlook +Medical software— Electronic health record EHR software; Miridia Technology AcuGraph; QPuncture II; Trigram Software AcuBase Pro;3 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Follow protocols or regulations for healthcare activities. +Develop treatment plans that use non-medical therapies. +Treat patients using alternative medical procedures. +Collect medical information from patients, family members, or other medical professionals. +Analyze test data or images to inform diagnosis or treatment. +Advise patients on effects of health conditions or treatments. +Examine patients to assess general physical condition. +Record patient medical histories. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Prepare medications or medical solutions. +Treat patients using physical therapy techniques. +Evaluate patient outcomes to determine effectiveness of treatments. +Evaluate treatment options to guide medical decisions. +Prescribe treatments or therapies.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Physical Proximity— 99% responded “Very close (near touching).” +E-Mail +Freedom to Make Decisions— 14% responded “Some freedom.” +Health and Safety of Other Workers— 13% responded “Limited responsibility.” +Contact With Others +Determine Tasks, Priorities and Goals +Exposed to Disease or Infections +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls +Frequency of Decision Making— 13% responded “Once a year or more but not every month.” +Importance of Being Exact or Accurate +Deal With External Customers or the Public in General +Face-to-Face Discussions with Individuals and Within Teams +Impact of Decisions on Co-workers or Company Results +Telephone Conversations— 14% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks +Spend Time Standing +Time Pressure +Spend Time Making Repetitive Motions +Duration of Typical Work Week— 16% responded “Less than 40 hours.” +Level of Competition +Spend Time Bending or Twisting Your Body +Work With or Contribute to a Work Group or Team— 14% responded “Important.” +Consequence of Error— 14% responded “Very serious.” +Work Outcomes and Results of Other Workers— 13% responded “Limited responsibility.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 13% responded “Every day.” +Written Letters and Memos— 13% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Allergists and Immunologists +Cardiologists +Chiropractors +Bright Outlook +Emergency Medicine Physicians +Family Medicine Physicians +General Internal Medicine Physicians +Massage Therapists +Naturopathic Physicians +Nurse Practitioners +Physical Medicine and Rehabilitation Physicians","View the list of Allies +American Association of Acupuncture and Oriental Medicine +external site +American Society of Acupuncturists +external site +National Acupuncture Detoxification Association +external site +National Certification Commission for Acupuncture and Oriental Medicine +external site",79,10,24,65,27,55,35,65,46,40,66,38,21,46,27,36,33,12,37,15,73,77,40,20,90,11,6,14,49,7,18,10,19 +53-3051.00,"Bus Drivers, School",https://www.onetonline.org/link/summary/53-3051.00,2025-06-11T19:29:20.750948,"Check the condition of a vehicle's tires, brakes, windshield wipers, lights, oil, fuel, water, and safety equipment to ensure that everything is in working order. +Comply with traffic regulations to operate vehicles in a safe and courteous manner. +Drive gasoline, diesel, or electrically powered multi-passenger vehicles to transport students between neighborhoods, schools, and school activities. +Escort small children across roads and highways. +Follow safety rules as students board and exit buses or cross streets near bus stops. +Keep bus interiors clean for students. +Maintain knowledge of first-aid procedures. +Maintain order among students during trips to ensure safety. +Make minor repairs to vehicles. +Pick up and drop off students at regularly scheduled neighborhood locations, following strict time schedules. +Prepare and submit reports that may include the number of students or trips, hours worked, mileage, or fuel consumption. +Read maps and follow written and verbal geographic directions. +Record bus routes. +Regulate heating, lighting, and ventilation systems for student comfort. +Report any bus malfunctions or needed repairs. +Report delays, accidents, or other traffic and transportation situations, using telephones or mobile two-way radios. +Report delinquent student behaviors to school administration.","Internet browser software— Web browser software +Map creation software— AOL MapQuest +Operating system software— Microsoft Windows",,"Drive passenger vehicles. +Follow safety procedures for vehicle operation. +Notify others of emergencies, problems, or hazards. +Record operational details of travel. +Assist customers to ensure comfort or safety. +Assist motorists or pedestrians. +Clean vehicles or vehicle components. +Inspect motor vehicles. +Maintain professional knowledge or certifications. +Maintain public order or security. +Maintain vehicles in good working condition. +Monitor student behavior, social development, or health. +Read maps to determine routes. +Receive information or instructions for performing work assignments. +Record operational or production data. +Report vehicle or equipment malfunctions.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.",,,"Ambulance Drivers and Attendants, Except Emergency Medical Technicians +Bus Drivers, Transit and Intercity +Crossing Guards and Flaggers +Dispatchers, Except Police, Fire, and Ambulance +Light Truck Drivers +Bright Outlook +Railroad Conductors and Yardmasters +School Bus Monitors +Shuttle Drivers and Chauffeurs +Subway and Streetcar Operators +Taxi Drivers","View the list of Allies +American Bus Association +external site +American Public Transportation Association +external site +National Association for Pupil Transportation +external site +National Association of State Directors of Pupil Transportation Services +external site +National Highway Traffic Safety Administration +external site +National Limousine Association +external site +Amalgamated Transit Union +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +International Brotherhood of Teamsters +external site +National Education Association +external site +Transport Workers Union of America AFL-CIO +external site +United Motorcoach Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +25-1021.00,"Computer Science Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1021.00,2025-06-11T18:59:32.939256,"Prepare course materials, such as syllabi, homework assignments, and handouts. +Compile, administer, and grade examinations or assign this work to others. +Prepare and deliver lectures to undergraduate or graduate students on topics such as programming, data structures, and software design. +Evaluate and grade students' class work, laboratory work, assignments, and papers. +Maintain student attendance records, grades, and other required records. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Initiate, facilitate, and moderate classroom discussions. +Develop and maintain Web sites for online courses. +Participate in student recruitment, registration, and placement activities. +Collaborate with colleagues to address teaching and research issues. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in campus and community events. +Direct research of other teachers or of graduate students working for advanced academic degrees. +Supervise undergraduate or graduate teaching, internship, and research work. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Supervise students' laboratory work. +Write grant proposals to procure external research funding. +Perform administrative duties, such as serving as department head. +Maintain computer equipment used in instruction. +Compile bibliographies of specialized materials for outside reading assignments. +Provide professional consulting services to government or industry. +Act as advisers to student organizations.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— Blackboard software; Database software; Microsoft Access +Development environment software— C; Microsoft Visual Basic; Programming languages; Software development tools;1 more +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Management information systems MIS +Graphics or photo imaging software— Adobe Photoshop +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Network security and virtual private network VPN equipment software— Firewall software; Network intrusion detection software +Network security or virtual private network VPN management software— Virtual private networking VPN software +Object or component oriented development software— C#; C++; Oracle Java; Python;1 more +Object oriented data base management software— Object oriented programming software +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe Premiere Pro +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Hypertext markup language HTML; PHP +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Evaluate student work. +Administer tests to assess educational needs or progress. +Develop instructional materials. +Prepare tests. +Teach physical science or mathematics courses at the college level. +Direct activities of subordinates. +Advise students on academic or career matters. +Supervise student research or internship work. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Stay informed about current developments in field of specialization. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Supervise laboratory work. +Guide class discussions. +Maintain computer equipment or software. +Design websites or web applications. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Direct department activities. +Write grant proposals. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 99% responded “Every day.” +Freedom to Make Decisions— 74% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 74% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 64% responded “Every day.” +Contact With Others— 76% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Spend Time Sitting— 55% responded “Continually or almost continually.” +Telephone Conversations— 41% responded “Once a week or more but not every day.” +Time Pressure— 39% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Extremely important.” +Duration of Typical Work Week— 57% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 61% responded “Very important.” +Public Speaking— 38% responded “Every day.” +Frequency of Decision Making— 45% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 32% responded “Important results.” +Level of Competition— 36% responded “Extremely competitive.” +Deal With External Customers or the Public in General— 40% responded “Very important.” +Written Letters and Memos— 43% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 46% responded “High responsibility.”","Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Programming— Writing computer programs for various purposes.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Business Teachers, Postsecondary +Bright Outlook +Computer and Information Research Scientists +Computer and Information Systems Managers +Computer Hardware Engineers +Computer Systems Engineers/Architects +Engineering Teachers, Postsecondary +Library Science Teachers, Postsecondary +Mathematical Science Teachers, Postsecondary +Physics Teachers, Postsecondary +Software Developers","View the list of Allies +American Association of University Professors +external site +American Association of University Women +external site +American Mathematical Society +external site +Association for Career and Technical Education +external site +Association for Computers and the Humanities +external site +Association for Computing Machinery +external site +Consortium for Computing Sciences in Colleges +external site +Council of Graduate Schools +external site +IEEE Computer Society +external site +Institute of Electrical and Electronics Engineers +external site +International Society for Technology in Education +external site +Mathematical Association of America +external site +National Business Education Association +external site +Special Interest Group on Computer Science Education +external site +United States Association for Computational Mechanics +external site +CompTIA +external site",76,12,37,80,72,69,62,94,63,51,41,58,18,95,22,51,59,23,29,19,46,30,27,58,5,71,15,37,12,63,28,17,15 +13-1131.00,Fundraisers,https://www.onetonline.org/link/summary/13-1131.00,2025-06-11T18:50:10.556273,"Identify and build relationships with potential donors. +Secure commitments of participation or donation from individuals or corporate donors. +Write and send letters of thanks to donors. +Solicit cash or in-kind donations or sponsorships from individual, business, or government donors. +Create or update donor databases. +Develop strategies to encourage new or increased contributions. +Develop or implement fundraising activities, such as annual giving campaigns or direct mail programs. +Compile or develop materials to submit to granting or other funding organizations. +Conduct research to identify the goals, net worth, charitable donation history, or other data related to potential donors, potential investors, or general donor markets. +Develop fundraising activity plans that maximize participation or contributions and minimize costs. +Direct or supervise fundraising staff, including volunteer staff members. +Establish fundraising or participation goals for special events or specified time periods. +Monitor progress of fundraising drives. +Recruit sponsors, participants, or volunteers for fundraising events. +Contact corporate representatives, government officials, or community leaders to increase awareness of organizational causes, activities, or needs. +Attend community events, meetings, or conferences to promote organizational goals or solicit donations or sponsorships. +Write reports or prepare presentations to communicate fundraising program data. +Explain the tax advantages of contributions to potential donors. +Design or produce materials such as posters, Web sites, or newsletters to promote, market, or advertise fundraising events. +Write speeches, press releases, or other promotional materials to increase awareness of the causes, missions, or goals of organizations seeking funds. +Monitor budgets, expense reports, or other financial data for fundraising organizations. +Plan and direct special events for fundraising, such as silent auctions, dances, golf events, or walks. +Direct or coordinate Web-based fundraising activities, such as online auctions or donation Web sites. +Secure speakers for charitable events, community meetings, or conferences to increase awareness of charitable, nonprofit, or political causes. +Develop corporate fundraising programs, such as employer gift-matching. +Coordinate transportation or delivery of materials, supplies, or donations for fundraising events. +Develop and maintain media contact lists. +Prepare materials such as fundraising envelopes, bid sheets, or gift bags for charitable events.","Customer relationship management CRM software— Blackbaud The Raiser's Edge; Microsoft Dynamics; Salesforce software; SofterWare DonorPerfect;4 more +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Database software; FileMaker Pro; Structured query language SQL; WealthEngine Findwealth;1 more +Desktop publishing software— Adobe PageMaker; Microsoft Publisher +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Tessitura Network Tessitura Software +Graphics or photo imaging software— Corel CorelDraw Graphics Suite +Instant messaging software— Twitter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Develop business relationships. +Direct fundraising or financing activities. +Maintain data in information systems or databases. +Develop business or market strategies. +Prepare proposal documents. +Examine financial records. +Develop financial or business plans. +Supervise employees. +Monitor financial indicators. +Develop program goals or plans. +Coordinate personnel recruitment activities. +Communicate organizational information to customers or other stakeholders. +Communicate organizational policies and procedures. +Prepare financial documents, reports, or budgets. +Promote educational institutions or programs. +Promote products, services, or programs. +Create marketing materials. +Interpret financial information for others. +Organize special events. +Coordinate logistics or other business operations. +Oversee business processes. +Prepare informational or reference materials.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 95% responded “Every day.” +Deal With External Customers or the Public in General— 67% responded “Extremely important.” +Contact With Others— 67% responded “Constant contact with others.” +Duration of Typical Work Week— 81% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 57% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Written Letters and Memos— 52% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Spend Time Sitting— 57% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 57% responded “Very important.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Frequency of Decision Making— 33% responded “Every day.” +Time Pressure— 43% responded “Once a month or more but not every week.” +Importance of Being Exact or Accurate— 33% responded “Extremely important.” +Level of Competition— 57% responded “Moderately competitive.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 38% responded “Once a week or more but not every day.” +Physical Proximity— 45% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 48% responded “Moderate responsibility.” +Public Speaking— 62% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Persuasion— Persuading others to change their minds or behavior. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Service Orientation— Actively looking for ways to help people. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advertising and Promotions Managers +Fundraising Managers +Bright Outlook +Market Research Analysts and Marketing Specialists +Marketing Managers +Meeting, Convention, and Event Planners +Personal Financial Advisors +Public Relations Managers +Public Relations Specialists +Sales Managers +Social and Community Service Managers","View the list of Allies +Council for Advancement and Support of Education +external site +National Association of Charitable Gift Planners +external site +Association of Fundraising Professionals +external site",90,3,14,83,45,67,16,39,50,59,72,40,1,56,13,36,60,4,20,16,44,10,28,21,4,10,9,,3,21,15,18,14 +43-5071.00,"Shipping, Receiving, and Inventory Clerks",https://www.onetonline.org/link/summary/43-5071.00,2025-06-11T19:16:39.700832,"Examine shipment contents and compare with records, such as manifests, invoices, or orders, to verify accuracy. +Requisition and store shipping materials and supplies to maintain inventory of stock. +Prepare documents, such as work orders, bills of lading, or shipping orders, to route materials. +Pack, seal, label, or affix postage to prepare materials for shipping, using hand tools, power tools, or postage meter. +Record shipment data, such as weight, charges, space availability, damages, or discrepancies, for reporting, accounting, or recordkeeping purposes. +Confer or correspond with establishment representatives to rectify problems, such as damages, shortages, or nonconformance to specifications. +Deliver or route materials to departments using handtruck, conveyor, or sorting bins. +Contact carrier representatives to make arrangements or to issue instructions for shipping and delivery of materials. +Determine shipping methods, routes, or rates for materials to be shipped. +Compute amounts, such as space available, shipping, storage, or demurrage charges, using computer or price list. +Compare shipping routes or methods to determine which have the least environmental impact.","Access software— Citrix cloud computing software +Accounting software— Sage 50 Accounting +Compliance software— Kewill Compliance Partner +Data base user interface and query software— FileMaker Pro; MSR Visual Exporter +Document management software— MSR Visual Exporter Document Library +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Electronic Data Interchange EDI systems; MSR Visual Exporter Enterprise Integrator +Enterprise resource planning ERP software— Infor ERP Visual; Microsoft Dynamics GP; Oracle JD Edwards EnterpriseOne; SAP software;1 more +Internet browser software— Web browser software +Inventory management software— Inventory management systems; Inventory tracking software +Label making software— Barcode labeling software; Endicia Internet Postage; Laser Substrates PostalXport +Materials requirements planning logistics and supply chain software— Bill of lading software; Varsity ShipSoft Supply Chain Execution Suite; Warehouse management system WMS; WindowBook Postal Package Partner;18 more +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Enterprise Systems RFID Data Management +Presentation software— Microsoft PowerPoint +Procurement software— Aestiva Purchase Order +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Inspect shipments to ensure correct order fulfillment. +Order materials, supplies, or equipment. +Prepare documentation for contracts, transactions, or regulatory compliance. +Store items. +Package objects for shipping. +Record shipping information. +Respond to customer problems or complaints. +Deliver items. +Analyze shipping information to make routing decisions. +Coordinate shipping activities with external parties. +Calculate shipping costs.","Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +E-Mail— 87% responded “Every day.” +Indoors, Not Environmentally Controlled— 75% responded “Every day.” +Time Pressure— 74% responded “Every day.” +Contact With Others +Importance of Being Exact or Accurate +Telephone Conversations— 70% responded “Every day.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Importance of Repeating Same Tasks— 54% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 56% responded “Very important.” +Deal With External Customers or the Public in General +Freedom to Make Decisions— 63% responded “Some freedom.” +Health and Safety of Other Workers— 63% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 43% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 65% responded “Very important.” +Duration of Typical Work Week— 70% responded “40 hours.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 37% responded “Every day.” +Frequency of Decision Making— 40% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 24% responded “Minor results.” +Conflict Situations— 29% responded “Once a year or more but not every month.” +Written Letters and Memos— 27% responded “Never.” +Spend Time Standing— 24% responded “Less than half the time.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 36% responded “Not important at all.” +Level of Competition— 31% responded “Not at all competitive.” +Spend Time Walking or Running— 57% responded “Less than half the time.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cargo and Freight Agents +Bright Outlook +Freight Forwarders +Laborers and Freight, Stock, and Material Movers, Hand +Mail Clerks and Mail Machine Operators, Except Postal Service +Order Clerks +Postal Service Clerks +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Production, Planning, and Expediting Clerks +Stockers and Order Fillers +Weighers, Measurers, Checkers, and Samplers, Recordkeeping","View the list of Allies +Association for Supply Chain Management +external site +MHI +external site +National Retail Federation +external site +Warehousing Education and Research Council +external site +United Steelworkers +external site",48,15,52,51,51,50,43,47,61,37,28,31,12,54,14,17,28,38,8,46,22,15,19,35,12,29,17,14,8,16,20,8,8 +53-2012.00,Commercial Pilots,https://www.onetonline.org/link/summary/53-2012.00,2025-06-11T19:28:59.539157,"Check aircraft prior to flights to ensure that the engines, controls, instruments, and other systems are functioning properly. +Co-pilot aircraft or perform captain's duties, as required. +Consider airport altitudes, outside temperatures, plane weights, and wind speeds and directions to calculate the speed needed to become airborne. +Use instrumentation to pilot aircraft when visibility is poor. +Monitor engine operation, fuel consumption, and functioning of aircraft systems during flights. +Order changes in fuel supplies, loads, routes, or schedules to ensure safety of flights. +Contact control towers for takeoff clearances, arrival instructions, and other information, using radio equipment. +Plan flights according to government and company regulations, using aeronautical charts and navigation instruments. +Start engines, operate controls, and pilot airplanes to transport passengers, mail, or freight according to flight plans, regulations, and procedures. +Check baggage or cargo to ensure that it has been loaded correctly. +Obtain and review data such as load weights, fuel supplies, weather conditions, and flight schedules to determine flight plans and identify needed changes. +Conduct in-flight tests and evaluations at specified altitudes and in all types of weather to determine the receptivity and other characteristics of equipment and systems. +Choose routes, altitudes, and speeds that will provide the fastest, safest, and smoothest flights. +Write specified information in flight records, such as flight times, altitudes flown, and fuel consumption. +Coordinate flight activities with ground crews and air traffic control, and inform crew members of flight and test procedures. +Perform minor aircraft maintenance and repair work, or arrange for major maintenance. +Supervise other crew members. +Request changes in altitudes or routes as circumstances dictate. +File instrument flight plans with air traffic control so that flights can be coordinated with other air traffic. +Rescue and evacuate injured persons. +Instruct other pilots and student pilots in aircraft operations. +Fly with other pilots or pilot-license applicants to evaluate their proficiency. +Plan and formulate flight activities and test schedules and prepare flight evaluation reports. +Teach company regulations and procedures to other pilots. +Operate large scale uncrewed aerial vehicles (UAVs) or drones for various commercial purposes, such as aerial photography, surveying land and structures, or monitoring wildlife.","Analytical or scientific software— Calibration software; Litchi; Pilot Navigator Software Load Balance; Pix4D Pix4Dmapper;6 more +Aviation ground support software— ArduPilot Mission Planner +Calendar and scheduling software— SBS International Maestro Suite +Charting software— Aeronautical charts +Data base user interface and query software— Airline Pilots Daily Aviation Log PPC; AirSmith FlightPrompt; RMS Technology Flitesoft; Skylog Services Skylog Pro;6 more +Development environment software— Standard generalized markup language SGML +Flight control software— Flight simulation software +Graphics or photo imaging software— Adobe Creative Cloud software +Information retrieval or search software— AeroPlanner; Notam Development Group Airport Insight +Map creation software— ESRI Site Scan for ArcGIS; OpenDroneMap +Office suite software— Microsoft Office software +Project management software— Airdata +Route navigation software— Navzilla","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Pilot aircraft. +Inspect aircraft or aircraft components. +Choose optimal transportation routes or speeds. +Monitor engine operation or functioning. +Resolve issues affecting transportation operations. +Communicate with others to coordinate vehicle movement. +Plan flight operations. +Inspect cargo to ensure it is properly loaded or secured. +Review work orders or schedules to determine operations or procedures. +Test performance of aircraft equipment. +Record operational details of travel. +Coordinate flight control or management activities. +Assist others during emergencies. +Arrange maintenance activities. +Maintain vehicles in good working condition. +Direct passenger or freight transport activities. +Train transportation or material moving personnel. +Evaluate performance of applicants, trainees, or employees.","E-Mail— 96% responded “Every day.” +Determine Tasks, Priorities and Goals +Freedom to Make Decisions— 81% responded “A lot of freedom.” +Health and Safety of Other Workers— 70% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 83% responded “Very important results.” +Work With or Contribute to a Work Group or Team— 70% responded “Extremely important.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Duration of Typical Work Week— 80% responded “More than 40 hours.” +Contact With Others— 60% responded “Contact with others most of the time.” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Frequency of Decision Making— 17% responded “Once a month or more but not every week.” +Spend Time Sitting— 61% responded “More than half the time.” +Telephone Conversations— 54% responded “Every day.” +Physical Proximity— 38% responded “Very close (near touching).” +In an Enclosed Vehicle or Operate Enclosed Equipment— 54% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Consequence of Error— 66% responded “Extremely serious.” +Exposed to Hazardous Equipment— 31% responded “Once a year or more but not every month.” +Time Pressure— 37% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 25% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 53% responded “Every day.” +Importance of Repeating Same Tasks— 61% responded “Important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 17% responded “Once a week or more but not every day.” +Exposed to Contaminants— 44% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 36% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 38% responded “Very high responsibility.” +Exposed to Hazardous Conditions— 33% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 60% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 34% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Once a week or more but not every day.” +Exposed to Cramped Work Space, Awkward Positions— 33% responded “Once a week or more but not every day.” +Level of Competition— 30% responded “Slightly competitive.” +Written Letters and Memos— 20% responded “Once a week or more but not every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Glare Sensitivity— The ability to see objects in the presence of a glare or bright lighting. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Peripheral Vision— The ability to see objects or movement of objects to one's side when the eyes are looking ahead. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Air Traffic Controllers +Aircraft Mechanics and Service Technicians +Airfield Operations Specialists +Airline Pilots, Copilots, and Flight Engineers +Aviation Inspectors +Avionics Technicians +Bright Outlook +Captains, Mates, and Pilots of Water Vessels +Locomotive Engineers +Railroad Conductors and Yardmasters +Ship Engineers","View the list of Allies +Airborne International Response Team +external site +Airborne Public Safety Association +external site +Aircraft Owners and Pilots Association +external site +Association for Uncrewed Vehicle Systems International +external site +AW Drones +external site +Civil Air Patrol +external site +Coalition of Airline Pilots Associations +external site +Experimental Aircraft Association +external site +Flight Safety Foundation +external site +Helicopter Association International +external site +International Civil Aviation Organization +external site +National Agricultural Aviation Association +external site +National Air Transportation Association +external site +National Business Aviation Association +external site +National EMS Pilots Association +external site +Ninety-Nines +external site +SAE International +external site +University Aviation Association +external site +Women and Drones +external site +Women in Aviation International +external site +Air Line Pilots Association, International +external site +Independent Pilots Association +external site",79,1,13,75,49,39,65,48,30,12,9,40,14,54,9,58,18,59,5,75,36,6,8,36,6,45,,53,14,19,65,,9 +25-1111.00,"Criminal Justice and Law Enforcement Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1111.00,2025-06-11T19:00:39.391897,"Prepare and deliver lectures to undergraduate or graduate students on topics such as criminal law, defensive policing, and investigation techniques. +Initiate, facilitate, and moderate classroom discussions. +Evaluate and grade students' class work, assignments, and papers. +Compile, administer, and grade examinations, or assign this work to others. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Maintain student attendance records, grades, and other required records. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Collaborate with colleagues to address teaching and research issues. +Participate in student recruitment, registration, and placement activities. +Select and obtain materials and supplies, such as textbooks. +Write letters of recommendation for students. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Supervise undergraduate or graduate teaching, internship, and research work. +Perform administrative duties, such as serving as department head. +Act as advisers to student organizations. +Write grant proposals to procure external research funding. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Computer based training software— Blackboard Learn; Distance learning software; Learning management system LMS; Sakai CLE;2 more +Data base user interface and query software— Blackboard software; Microsoft Access; National Crime Information Center (NCIC) database +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Teach social science courses at the college level. +Evaluate student work. +Guide class discussions. +Administer tests to assess educational needs or progress. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Prepare tests. +Stay informed about current developments in field of specialization. +Develop instructional materials. +Maintain student records. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Advise students on academic or career matters. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Supervise student research or internship work. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Direct department activities. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Write reports or evaluations. +Serve on institutional or departmental committees. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Write grant proposals. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 97% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Determine Tasks, Priorities and Goals— 73% responded “A lot of freedom.” +Freedom to Make Decisions— 69% responded “A lot of freedom.” +Contact With Others— 55% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Telephone Conversations— 53% responded “Every day.” +Deal With External Customers or the Public in General— 59% responded “Extremely important.” +Public Speaking— 46% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Frequency of Decision Making— 51% responded “Every day.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Very important.” +Importance of Being Exact or Accurate— 35% responded “Extremely important.” +Time Pressure— 38% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 28% responded “Very important.” +Spend Time Sitting— 59% responded “About half the time.” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +Written Letters and Memos— 34% responded “Once a month or more but not every week.” +Level of Competition— 27% responded “Highly competitive.” +Importance of Repeating Same Tasks— 33% responded “Very important.” +Spend Time Standing— 54% responded “About half the time.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Business Teachers, Postsecondary +Bright Outlook +Communications Teachers, Postsecondary +Education Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Law Teachers, Postsecondary +Library Science Teachers, Postsecondary +Political Science Teachers, Postsecondary +Psychology Teachers, Postsecondary +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +Academy of Criminal Justice Sciences +external site +American Association of University Professors +external site +American Bar Association +external site +American Correctional Association +external site +American Criminal Justice Association +external site +American Probation and Parole Association +external site +American Psychology-Law Society - Division 41 of the American Psychological Association +external site +American Society of Criminology +external site +American Sociological Association +external site +ASIS International +external site +Council of Graduate Schools +external site +International Association for Identification +external site +International Association of Chiefs of Police +external site +International Association of Women Police +external site +Law and Society Association +external site +Southern Criminal Justice Association +external site",74,3,23,87,38,67,86,89,61,26,33,57,19,70,12,86,52,17,33,28,66,33,49,32,16,22,11,18,15,18,33,10,33 +53-4022.00,"Railroad Brake, Signal, and Switch Operators and Locomotive Firers",https://www.onetonline.org/link/summary/53-4022.00,2025-06-11T19:29:35.130587,"Observe train signals along routes and verify their meanings for engineers. +Signal locomotive engineers to start or stop trains when coupling or uncoupling cars, using hand signals, lanterns, or radio communication. +Pull or push track switches to reroute cars. +Observe signals from other crew members so that work activities can be coordinated. +Monitor trains as they go around curves to detect dragging equipment and smoking journal boxes. +Inspect couplings, air hoses, journal boxes, and handbrakes to ensure that they are securely fastened and functioning properly. +Observe tracks from left sides of locomotives to detect obstructions on tracks. +Operate locomotives in emergency situations. +Raise levers to couple and uncouple cars for makeup and breakup of trains. +Climb ladders to tops of cars to set brakes. +Receive oral or written instructions from yardmasters or yard conductors indicating track assignments and cars to be switched. +Inspect locomotives to detect damaged or worn parts. +Signal other workers to set brakes and to throw track switches when switching cars from trains to way stations. +Check to see that trains are equipped with supplies such as fuel, water, and sand. +Monitor oil, temperature, and pressure gauges on dashboards to determine if engines are operating safely and efficiently. +Set flares, flags, lanterns, or torpedoes in front and at rear of trains during emergency stops to warn oncoming trains. +Inspect tracks, cars, and engines for defects and to determine service needs, sending engines and cars for repairs as necessary. +Start diesel engines to warm engines before runs. +Make minor repairs to couplings, air hoses, and journal boxes, using hand tools. +Connect air hoses to cars, using wrenches. +Operate and drive locomotives, diesel switch engines, dinkey engines, flatcars, and railcars in train yards and at industrial sites. +Refuel and lubricate engines. +Ride atop cars that have been shunted, and turn handwheels to control speeds or stop cars at specified positions. +Record numbers of cars available, numbers of cars sent to repair stations, and types of service needed. +Provide passengers with assistance entering and exiting trains. +Conduct brake tests to determine the condition of brakes on trains.","Data base user interface and query software— Electronic train management system software +Electronic mail software— Microsoft Outlook +Expert system software— Electronic train management systems ETMS +Route navigation software— Route mapping software +Spreadsheet software— Microsoft Excel +Time accounting software— Time tracking software","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Monitor traffic signals. +Signal others to coordinate vehicle movement. +Operate locomotives or other rail vehicles. +Control equipment that regulates vehicle traffic. +Observe equipment in operation to detect potential problems. +Inspect locomotives or other railroad equipment. +Monitor surroundings to detect potential hazards. +Install parts, assemblies, or attachments in transportation or material handling equipment. +Climb ladders or vehicles to perform duties. +Receive information or instructions for performing work assignments. +Monitor availability of equipment or supplies. +Maintain locomotives or other rail equipment in good working condition. +Monitor engine operation or functioning. +Monitor equipment gauges or displays to ensure proper operation. +Arrange maintenance activities. +Assist passengers during vehicle boarding. +Record operational or production data. +Record service or repair activities. +Connect hoses to equipment or machinery. +Test mechanical systems to ensure proper functioning.","Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— How often does this job require working exposed to sounds and noise levels that are distracting or uncomfortable? +Exposed to Contaminants— How often does this job require working exposed to contaminants (such as pollutants, gases, dust or odors)? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Outdoors, Exposed to All Weather Conditions— How often does this job require working outdoors, exposed to all weather conditions? +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— How often does this job require wearing common protective or safety equipment such as safety shoes, glasses, gloves, hearing protection, hard hats or life-jackets? +In an Enclosed Vehicle or Operate Enclosed Equipment— How often does this job require working in a closed vehicle or operate enclosed equipment (like a car)? +Consequence of Error— How serious would the result usually be if the worker made a mistake that was not easily correctable? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Health and Safety of Other Workers— How much responsibility is there for the health and safety of others in this job? +Exposed to Hazardous Equipment— How often does this job require exposure to hazardous equipment? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Exposed to Extremely Bright or Inadequate Lighting Conditions— How often does this job require working in extremely bright or inadequate lighting conditions? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Exposed to Whole Body Vibration— How often does this job require exposure to whole body vibration (like operating a jackhammer or earth moving equipment)? +Telephone Conversations— How often do you have telephone conversations in this job? +Exposed to Very Hot or Cold Temperatures— How often does this job require working in very hot (above 90 F degrees) or very cold (below 32 F degrees) temperatures? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Exposed to Hazardous Conditions— How often does this job require exposure to hazardous conditions? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Spend Time Sitting— How much does this job require sitting? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Exposed to Cramped Work Space, Awkward Positions— How often does this job require working in cramped work spaces that requires getting into awkward positions? +Written Letters and Memos— How frequently does your job require written letters and memos? +Exposed to High Places— How often does this job require exposure to high places? +Indoors, Not Environmentally Controlled— How often does this job require working in an environment that is not environmentally controlled (like a warehouse without air conditioning)? +Spend Time Bending or Twisting Your Body— How much does this job require bending or twisting your body?","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Bus and Truck Mechanics and Diesel Engine Specialists +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Locomotive Engineers +Rail Car Repairers +Rail Yard Engineers, Dinkey Operators, and Hostlers +Railroad Conductors and Yardmasters +Signal and Track Switch Repairers +Subway and Streetcar Operators +Tank Car, Truck, and Ship Loaders","View the list of Allies +American Public Transportation Association +external site +American Railway Engineering and Maintenance-of-Way Association +external site +Association of American Railroads +external site +International Association of Machinists and Aerospace Workers +external site +National Association of Railway Business Women +external site +National Railroad Construction and Maintenance Association +external site +Midwest Association of Rail Shippers +external site +North East Association of Rail Shippers +external site +Pacific Northwest Association of Rail Shippers +external site +Southeast Association of Rail Shippers +external site +Southwest Association of Rail Shippers +external site +Brotherhood of Locomotive Engineers and Trainmen +external site +Brotherhood of Railroad Signalmen +external site +International Association of Sheet Metal, Air, Rail and Transportation Workers +external site +United Steelworkers +external site",44,2,15,54,29,28,62,39,24,8,11,23,13,25,4,40,22,58,2,71,32,8,8,34,8,24,9,26,4,8,21,1,4 +11-3071.04,Supply Chain Managers,https://www.onetonline.org/link/summary/11-3071.04,2025-06-11T18:47:36.476684,"Determine appropriate equipment and staffing levels to load, unload, move, or store materials. +Manage activities related to strategic or tactical purchasing, material requirements planning, controlling inventory, warehousing, or receiving. +Select transportation routes to maximize economy by combining shipments or consolidating warehousing and distribution. +Define performance metrics for measurement, comparison, or evaluation of supply chain factors, such as product cost or quality. +Implement new or improved supply chain processes to improve efficiency or performance. +Develop procedures for coordination of supply chain management with other functional areas, such as sales, marketing, finance, production, or quality assurance. +Confer with supply chain planners to forecast demand or create supply plans that ensure availability of materials or products. +Analyze inventories to determine how to increase inventory turns, reduce waste, or optimize customer service. +Negotiate prices and terms with suppliers, vendors, or freight forwarders. +Analyze information about supplier performance or procurement program success. +Monitor suppliers' activities to assess performance in meeting quality or delivery requirements. +Design or implement supply chains that support business strategies adapted to changing market conditions, new business opportunities, or cost reduction strategies. +Meet with suppliers to discuss performance metrics, to provide performance feedback, or to discuss production forecasts or changes. +Monitor forecasts and quotas to identify changes and predict effects on supply chain activities. +Participate in the coordination of engineering changes, product line extensions, or new product launches to ensure orderly and timely transitions in material or production flow. +Identify or qualify new suppliers in collaboration with other departments, such as procurement, engineering, or quality assurance. +Design or implement plant warehousing strategies for production materials or finished products. +Design, implement, or oversee product take back or reverse logistics programs to ensure products are recycled, reused, or responsibly disposed. +Develop or implement procedures or systems to evaluate or select suppliers. +Document physical supply chain processes, such as workflows, cycle times, position responsibilities, or system flows. +Diagram supply chain models to help facilitate discussions with customers. +Evaluate and select information or other technology solutions to improve tracking and reporting of materials or products distribution, storage, or inventory. +Identify opportunities to reuse or recycle materials to minimize consumption of new materials, minimize waste, or to convert wastes to by-products. +Review or update supply chain practices in accordance with new or changing environmental policies, standards, regulations, or laws. +Design or implement supply chains that support environmental policies. +Forecast material costs or develop standard cost lists. +Locate or select biodegradable, non-toxic, or other environmentally friendly raw materials for manufacturing processes. +Appraise vendor manufacturing capabilities through on-site observations or other measurements. +Conduct or oversee the conduct of life cycle analyses to determine the environmental impacts of products, processes, or systems. +Investigate or review the carbon footprints and environmental performance records of current or potential storage and distribution service providers.","Analytical or scientific software— Minitab; SAP APO; Simulation and modeling software +Calendar and scheduling software— Master scheduling software +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Structured query language SQL +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;4 more +Financial analysis software— Oracle E-Business Suite Financials +Graphics or photo imaging software— Graphics software +Inventory management software— IBM ILOG Inventory Analyst; Inventory management systems; Oracle Inventory +Materials requirements planning logistics and supply chain software— Infor Lawson Supply Chain Management; Oracle e-Business Suite Supply Chain Management; SAP SCM; Swisslog WarehouseManager;23 more +Medical software— MEDITECH software +Object or component oriented development software— Advanced business application programming ABAP +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Procurement software— Purchasing software +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Estimate cost or material requirements. +Estimate labor requirements. +Manage inventories of products or organizational resources. +Develop operating strategies, plans, or procedures. +Develop procedures to evaluate organizational activities. +Manage operations, research, or logistics projects. +Develop organizational goals or objectives. +Implement transportation changes to reduce environmental impact. +Confer with organizational members to accomplish work activities. +Analyze data to inform operational decisions or activities. +Negotiate contracts for transportation, distribution, or logistics services. +Analyze data to assess operational or project effectiveness. +Implement organizational process or policy changes. +Coordinate with external parties to exchange information. +Develop organizational methods or procedures. +Monitor performance of organizational members or partners. +Monitor external affairs or events affecting business operations. +Develop sustainable organizational policies or practices. +Document organizational or operational procedures. +Identify opportunities for green initiatives. +Evaluate quality of materials or products. +Evaluate potential of products, technologies, or resources. +Evaluate environmental impact of operational or development activities.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 90% responded “Every day.” +Duration of Typical Work Week— 85% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 60% responded “Extremely important.” +Contact With Others— 62% responded “Constant contact with others.” +Time Pressure— 57% responded “Every day.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 45% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Extremely important.” +Freedom to Make Decisions— 43% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 52% responded “Very important.” +Health and Safety of Other Workers— 43% responded “Very high responsibility.” +Spend Time Sitting— 52% responded “More than half the time.” +Conflict Situations— 38% responded “Every day.” +Written Letters and Memos— 37% responded “Every day.” +Deal With External Customers or the Public in General— 43% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Frequency of Decision Making— 30% responded “Every day.” +Level of Competition— 50% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 33% responded “Once a month or more but not every week.” +Physical Proximity— 35% responded “Moderately close (at arm's length).” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Once a week or more but not every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Persuasion— Persuading others to change their minds or behavior. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems.","Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","General and Operations Managers +Bright Outlook +Industrial Engineers +Industrial Production Managers +Logisticians +Logistics Analysts +Logistics Engineers +Project Management Specialists +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Purchasing Managers +Transportation, Storage, and Distribution Managers","View the list of Allies +Association for Supply Chain Management +external site +Council of Logistics Engineering Professionals +external site +Institute for Supply Management +external site +Council of Supply Chain Management Professionals +external site",69,30,69,76,62,83,45,45,31,70,51,67,8,54,32,48,36,30,6,87,38,17,11,33,4,39,17,11,6,30,43,3,6 +53-7051.00,Industrial Truck and Tractor Operators,https://www.onetonline.org/link/summary/53-7051.00,2025-06-11T19:30:30.460779,"Move levers or controls that operate lifting devices, such as forklifts, lift beams with swivel-hooks, hoists, or elevating platforms, to load, unload, transport, or stack material. +Move controls to drive gasoline- or electric-powered trucks, cars, or tractors and transport materials between loading, processing, and storage areas. +Manually or mechanically load or unload materials from pallets, skids, platforms, cars, lifting devices, or other transport vehicles. +Position lifting devices under, over, or around loaded pallets, skids, or boxes and secure material or products for transport to designated areas. +Inspect product load for accuracy and safely move it around the warehouse or facility to ensure timely and complete delivery. +Weigh materials or products and record weight or other production data on tags or labels. +Perform routine maintenance on vehicles or auxiliary equipment, such as cleaning, lubricating, recharging batteries, fueling, or replacing liquefied-gas tank. +Operate or tend automatic stacking, loading, packaging, or cutting machines. +Turn valves and open chutes to dump, spray, or release materials from dump cars or storage bins into hoppers.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Inventory management software— Argos Software ABECAS Insight WMS; BarControl Enterprise Manager iBEM; Inventory management systems; RedPrairie DLx Warehouse;4 more +Materials requirements planning logistics and supply chain software— SSA Global Supply Chain Management; Symphony GOLD; Warehouse management system WMS +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Operate cranes, hoists, or other moving or lifting equipment. +Operate vehicles or material-moving equipment. +Load shipments, belongings, or materials. +Position material handling equipment. +Secure cargo. +Inspect cargo areas for cleanliness or condition. +Move materials, equipment, or supplies. +Mark materials or objects for identification. +Weigh materials to ensure compliance with specifications. +Clean vehicles or vehicle components. +Maintain vehicles in good working condition. +Operate packing or other material processing equipment.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 82% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Duration of Typical Work Week— 74% responded “More than 40 hours.” +Time Pressure— 75% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +In an Open Vehicle or Operating Equipment— 85% responded “Every day.” +Consequence of Error— 63% responded “Extremely serious.” +Frequency of Decision Making— 62% responded “Every day.” +Freedom to Make Decisions— 14% responded “Limited freedom.” +Impact of Decisions on Co-workers or Company Results— 22% responded “Moderate results.” +Indoors, Not Environmentally Controlled— 67% responded “Every day.” +Spend Time Making Repetitive Motions— 60% responded “Continually or almost continually.” +Health and Safety of Other Workers— 48% responded “Very high responsibility.” +Contact With Others— 19% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 49% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 20% responded “Fairly important.” +Exposed to Contaminants— 62% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Extremely important.” +Spend Time Standing— 37% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 42% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 24% responded “Continually or almost continually.” +Level of Competition— 28% responded “Extremely competitive.” +Outdoors, Exposed to All Weather Conditions— 57% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 53% responded “Every day.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Exposed to Hazardous Equipment— 43% responded “Every day.” +Physical Proximity— 33% responded “Very close (near touching).” +Exposed to Minor Burns, Cuts, Bites, or Stings— 47% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Far Vision— The ability to see details at a distance. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Spatial Orientation— The ability to know your location in relation to the environment or to know where other objects are in relation to you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Peripheral Vision— The ability to see objects or movement of objects to one's side when the eyes are looking ahead.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Crane and Tower Operators +Excavating and Loading Machine and Dragline Operators, Surface Mining +Hoist and Winch Operators +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Loading and Moving Machine Operators, Underground Mining +Mobile Heavy Equipment Mechanics, Except Engines +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators +Riggers +Tank Car, Truck, and Ship Loaders","View the list of Allies +Industrial Truck Association +external site +MHI +external site +Warehousing Education and Research Council +external site +International Brotherhood of Teamsters +external site +International Union of Operating Engineers +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +National Commission for the Certification of Crane Operators +external site +The United Food and Commercial Workers International Union +external site +United Steelworkers +external site",38,8,45,46,50,37,33,32,34,10,17,21,9,22,,28,19,29,3,44,7,6,6,15,,20,27,6,9,13,7,, +51-9061.00,"Inspectors, Testers, Sorters, Samplers, and Weighers",https://www.onetonline.org/link/summary/51-9061.00,2025-06-11T19:27:36.046133,"Discard or reject products, materials, or equipment not meeting specifications. +Mark items with details, such as grade or acceptance-rejection status. +Measure dimensions of products to verify conformance to specifications, using measuring instruments, such as rulers, calipers, gauges, or micrometers. +Notify supervisors or other personnel of production problems. +Inspect, test, or measure materials, products, installations, or work for conformance to specifications. +Write test or inspection reports describing results, recommendations, or needed repairs. +Recommend necessary corrective actions, based on inspection results. +Read dials or meters to verify that equipment is functioning at specified levels. +Make minor adjustments to equipment, such as turning setscrews to calibrate instruments to required tolerances. +Read blueprints, data, manuals, or other materials to determine specifications, inspection and testing procedures, adjustment methods, certification processes, formulas, or measuring instruments required. +Monitor production operations or equipment to ensure conformance to specifications, making necessary process or assembly adjustments. +Record inspection or test data, such as weights, temperatures, grades, or moisture content, and quantities inspected or graded. +Position products, components, or parts for testing. +Remove defects, such as chips, burrs, or lap corroded or pitted surfaces. +Collect or select samples for testing or for use as models. +Stack or arrange tested products for further processing, shipping, or packaging. +Check arriving materials to ensure that they match purchase orders, submitting discrepancy reports as necessary. +Inspect or test raw materials, parts, or products to determine compliance with environmental standards. +Analyze test data, making computations as necessary, to determine test results. +Compare colors, shapes, textures, or grades of products or materials with color charts, templates, or samples to verify conformance to standards. +Clean, maintain, calibrate, or repair measuring instruments or test equipment, such as dial indicators, fixed gauges, or height gauges. +Fabricate, install, position, or connect components, parts, finished products, or instruments for testing or operational purposes. +Administer tests to assess whether engineers or operators are qualified to use equipment. +Monitor machines that automatically measure, sort, or inspect products. +Interpret legal requirements, provide safety information, or recommend compliance procedures to contractors, craft workers, engineers, or property owners. +Adjust, clean, or repair products or processing equipment to correct defects found during inspections. +Compute usable amounts of items in shipments. +Grade, classify, or sort products according to sizes, weights, colors, or other specifications. +Disassemble defective parts or components, such as inaccurate or worn gauges or measuring instruments. +Compute defect percentages or averages, using formulas and calculators. +Weigh materials, products, containers, or samples to verify packaging weights or ingredient quantities.","Analytical or scientific software— Data analysis software; Minitab; The MathWorks MATLAB; Tolerance analysis software;1 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; Mastercam Design;1 more +Computer aided manufacturing CAM software— Computer-aided inspection software; Mastercam computer-aided design and manufacturing software +Content workflow software— Atlassian JIRA +Data base management system software— Apache Hive; Apache Pig +Data base user interface and query software— Data entry software; Database software; Microsoft Access; Structured query language SQL;1 more +Desktop communications software— Skype +Document management software— Microsoft SharePoint +Electronic mail software— IBM Lotus Notes; IBM Notes; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML +Enterprise resource planning ERP software— SAP software +Industrial control software— Coordinate measuring machine software; Cybermetrics GAGETrak; Verisurf Metrology; Wilcox Associates PC-DMIS Inspection Planner;1 more +Label making software— Inspection marking systems +Medical software— Medical condition coding software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Label inspection systems +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Selenium +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Evaluate quality of materials or products. +Mark products, workpieces, or equipment with identifying information. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Notify others of equipment repair or maintenance needs. +Record operational or production data. +Advise others on ways to improve processes or products. +Monitor equipment operation to ensure proper functioning. +Calibrate equipment to specifications. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Test chemical or physical characteristics of materials or products. +Monitor equipment operation to ensure that products are not flawed. +Analyze test results. +Compare physical characteristics of materials or products to specifications or standards. +Clean production equipment. +Repair production equipment or tools. +Connect electrical components or equipment. +Fabricate parts or components. +Maintain production or processing equipment. +Test products for functionality or quality. +Evaluate capabilities or training needs. +Instruct workers to use equipment or perform technical procedures. +Mount materials or workpieces onto production equipment. +Smooth metal surfaces or edges. +Collect samples of materials or products for testing. +Disassemble equipment for maintenance or repair. +Sort materials or products for processing, storing, shipping, or grading. +Stack finished items for further processing or shipment. +Measure ingredients or substances to be used in production processes. +Weigh finished products.","Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 93% responded “Every day.” +Contact With Others— 57% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 60% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Indoors, Not Environmentally Controlled— 66% responded “Every day.” +Exposed to Contaminants— 69% responded “Every day.” +E-Mail— 77% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Duration of Typical Work Week— 51% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 42% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Health and Safety of Other Workers— 46% responded “Very high responsibility.” +Spend Time Standing— 44% responded “About half the time.” +Frequency of Decision Making— 52% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Telephone Conversations— 40% responded “Every day.” +Time Pressure— 40% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Spend Time Walking or Running— 35% responded “Continually or almost continually.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Exposed to Hazardous Equipment— 41% responded “Every day.” +Indoors, Environmentally Controlled— 42% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 36% responded “Once a year or more but not every month.” +Written Letters and Memos— 27% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 36% responded “Less than half the time.” +Pace Determined by Speed of Equipment— 40% responded “Extremely important.” +Exposed to Hazardous Conditions— 31% responded “Never.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Time Management— Managing one's own time and the time of others.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Calibration Technologists and Technicians +Bright Outlook +Electrical and Electronic Equipment Assemblers +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electromechanical Equipment Assemblers +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Machine Feeders and Offbearers +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Weighers, Measurers, Checkers, and Samplers, Recordkeeping","View the list of Allies +American Society for Quality +external site +American Welding Society +external site +International Association of Machinists and Aerospace Workers +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Society of Quality Assurance +external site +The National Council For Advanced Manufacturing +external site +International Society of Automation +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +Precast/Prestressed Concrete Institute +external site",59,8,82,64,54,33,38,41,39,17,22,32,37,47,18,15,16,56,9,24,25,14,8,22,2,39,17,31,9,36,12,,9 +15-1243.00,Database Architects,https://www.onetonline.org/link/summary/15-1243.00,2025-06-11T18:51:45.856306,"Develop and document database architectures. +Collaborate with system architects, software architects, design analysts, and others to understand business or industry requirements. +Develop database architectural strategies at the modeling, design and implementation stages to address business or industry requirements. +Design databases to support business applications, ensuring system scalability, security, performance, and reliability. +Develop data models for applications, metadata tables, views or related database structures. +Design database applications, such as interfaces, data transfer mechanisms, global temporary tables, data partitions, and function-based indexes to enable efficient access of the generic database structure. +Develop methods for integrating different products so they work properly together, such as customizing commercial databases to fit specific needs. +Create and enforce database development standards. +Document and communicate database schemas, using accepted notations. +Develop data model describing data elements and their use, following procedures and using pen, template or computer software. +Work as part of a project team to coordinate database development and determine project scope and limitations. +Identify and evaluate industry trends in database systems to serve as a source of information and advice for upper management. +Set up database clusters, backup, or recovery processes. +Demonstrate database technical functionality, such as performance, security and reliability. +Develop load-balancing processes to eliminate down time for backup processes. +Plan and install upgrades of database management system software to enhance database performance. +Identify, evaluate and recommend hardware or software technologies to achieve desired database performance. +Test programs or databases, correct errors, and make necessary modifications. +Identify and correct deviations from database development standards. +Review project requests describing database user needs to estimate time and cost required to accomplish project. +Write and code logical and physical database descriptions, and specify identifiers of database to management system or direct others in coding descriptions. +Develop or maintain archived procedures, procedural codes, or queries for applications. +Provide technical support to junior staff or clients. +Establish and calculate optimum values for database parameters, using manuals and calculators. +Train users and answer questions.","Access software— Access management software; Citrix cloud computing software +Administration software— Redgate SQL Server +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;4 more +Application server software— Docker; GitHub; Red Hat OpenShift; Spring Boot;3 more +Backup or archival software— Data Recovery Software SQL Server Data Recovery; EMC NetWorker; Oracle Recovery Manager; Veritas NetBackup;8 more +Business intelligence and data analysis software— IBM Cognos Impromptu; Micosoft SQL Server Analysis Services SSAS; Microsoft Power BI; Tableau;3 more +Cloud-based data access and sharing software— Google Drive +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Jitterbit; Splunk Enterprise +Cloud-based protection or security software— SolarWinds +Clustering software— Cluster server software; Oracle Real Application Cluster RAC; VMware +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk Revit +Configuration management software— Chef; Perforce Helix software; Puppet; Red Hat Ansible Engine;1 more +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Elasticsearch; MongoDB; Oracle PL/SQL;43 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Oracle Reports; Oracle SQL Plus; SAP Crystal Reports;3 more +Data base user interface and query software— Apache Hive; Blackboard software; IBM DB2; Transact-SQL;11 more +Data mining software— Google Analytics; IBM InfoSphere Warehouse; Rapid-I RapidMiner +Desktop communications software— Skype +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Go; Oracle SQL Developer;19 more +Document management software— Adobe Acrobat; IBM Content Manager; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS; SAS Data Integration Studio;6 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;9 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software; Apache Mahout +File versioning software— Apache Subversion SVN; Git +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Information retrieval or search software— Apache Avro; Data validation software; LexisNexis +Manufacturing execution system MES software— CA Easytrieve Report Generator +Medical software— Epic Systems +Metadata management software— Informatica software; Quest Erwin Data Modeler; SAP PowerDesigner; Talend Data Fabric;16 more +Multi-media educational software— Nearpod +Network conferencing software— LogMeIn GoToWebinar +Network monitoring software— Nagios; Wireshark; Zabbix +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Network security or virtual private network VPN management software— Database security software +Object or component oriented development software— Apache Spark; jQuery; Scala; Swift;13 more +Object oriented data base management software— Hibernate ORM; IBM Informix; Object database management system ODBMS; PostgreSQL +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;15 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio; Visual Paradigm DB Visual ARCHITECT +Program testing software— Database testing software; Hewlett Packard LoadRunner; JUnit; Selenium;1 more +Project management software— Atlassian Confluence; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Requirements analysis and system architecture software— Database capacity planning software; Unified modeling language UML +Spreadsheet software— Microsoft Excel +Storage media loading software— Intel Data Migration Software +Storage networking software— Amazon Simple Storage Service S3; Storage area network SAN software +Transaction security and virus protection software— Encryption software; McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting +Web page creation and editing software— Adobe Dreamweaver; Google Sites +Web platform development software— Django; Google Angular; React; Spring Framework;23 more +Word processing software— 3M Post-it App; Google Docs; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Create databases to store electronic data. +Document technical specifications or requirements. +Collaborate with others to determine design specifications or details. +Develop procedures for data management. +Develop database parameters or specifications. +Develop models of information or communications systems. +Design computer modeling or simulation programs. +Develop guidelines for system implementation. +Develop performance metrics or standards related to information technology. +Communicate project information to others. +Document design or development procedures. +Coordinate project activities with other personnel or departments. +Analyze data to identify trends or relationships among variables. +Analyze market or customer related data. +Assess database performance. +Create electronic data backup to prevent loss of information. +Install computer software. +Evaluate utility of software or hardware technologies. +Provide recommendations to others about computer hardware. +Modify software programs to improve performance. +Resolve computer software problems. +Estimate time or monetary resources needed to complete projects. +Write computer programming code. +Provide technical support for software maintenance or use. +Train others in computer interface or software use.","E-Mail— 95% responded “Every day.” +Spend Time Sitting— 81% responded “Continually or almost continually.” +Telephone Conversations— 48% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 48% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 48% responded “Extremely important.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 52% responded “Some freedom.” +Duration of Typical Work Week— 57% responded “40 hours.” +Contact With Others— 48% responded “Contact with others most of the time.” +Impact of Decisions on Co-workers or Company Results— 33% responded “Important results.” +Level of Competition— 48% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Very important.” +Time Pressure— 52% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Written Letters and Memos— 33% responded “Once a week or more but not every day.” +Consequence of Error— 43% responded “Serious.” +Frequency of Decision Making— 38% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 52% responded “Moderate responsibility.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Programming— Writing computer programs for various purposes. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Analysis— Analyzing needs and product requirements to create a design. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Blockchain Engineers +Bright Outlook +Computer Systems Analysts +Computer Systems Engineers/Architects +Data Scientists +Data Warehousing Specialists +Database Administrators +Information Security Engineers +Network and Computer Systems Administrators +Software Developers +Software Quality Assurance Analysts and Testers","View the list of Allies +Higher Education Data Warehousing +external site +Association for Computing Machinery +external site +Computing Research Association +external site +IEEE Computer Society +external site +National Center for Women and Information Technology +external site +Institute for Certification of Computing Professionals +external site +CompTIA +external site +DAMA International +external site",33,1,25,54,67,47,24,41,20,22,16,19,5,83,10,31,25,5,3,6,17,4,8,26,4,74,3,6,3,68,16,4,4 +13-2052.00,Personal Financial Advisors,https://www.onetonline.org/link/summary/13-2052.00,2025-06-11T18:50:52.467555,"Interview clients to determine their current income, expenses, insurance coverage, tax status, financial objectives, risk tolerance, or other information needed to develop a financial plan. +Analyze financial information obtained from clients to determine strategies for meeting clients' financial objectives. +Answer clients' questions about the purposes and details of financial plans and strategies. +Review clients' accounts and plans regularly to determine whether life changes, economic changes, environmental concerns, or financial performance indicate a need for plan reassessment. +Manage client portfolios, keeping client plans up-to-date. +Recommend to clients strategies in cash management, insurance coverage, investment planning, or other areas to help them achieve their financial goals. +Recommend financial products, such as stocks, bonds, mutual funds, or insurance. +Implement financial planning recommendations, or refer clients to someone who can assist them with plan implementation. +Contact clients periodically to determine any changes in their financial status. +Prepare or interpret for clients information, such as investment performance reports, financial document summaries, or income projections. +Explain to clients the personal financial advisor's responsibilities and the types of services to be provided. +Investigate available investment opportunities to determine compatibility with client financial plans. +Guide clients in the gathering of information, such as bank account records, income tax returns, life and disability insurance records, pension plans, or wills. +Monitor financial market trends to ensure that client plans are responsive. +Recruit and maintain client bases. +Meet with clients' other advisors, such as attorneys, accountants, trust officers, or investment bankers, to fully understand clients' financial goals and circumstances. +Devise debt liquidation plans that include payoff priorities and timelines. +Open accounts for clients, and disburse funds from accounts to creditors as agent for clients. +Inform clients about tax benefits, government rebates, or other financial benefits of alternative-fuel vehicle purchases or energy-efficient home construction, improvements, or remodeling. +Recommend environmentally responsible investments, such as cleantech, alternative energy, or conservation technologies, companies, or funds. +Conduct seminars or workshops on financial planning topics, such as retirement planning, estate planning, or the evaluation of severance packages.","Accounting software— Fund accounting software; Sage 50 Accounting +Analytical or scientific software— Monte Carlo simulation software +Calendar and scheduling software— Pimlico Software DateBk +Communications server software— IBM Domino +Compliance software— ComplianceMAX +Customer relationship management CRM software— ACT! ACT4Advisors; Microsoft Business Contact Manager; Salesforce software; Web Information Solutions Pocket Informant;9 more +Data base user interface and query software— FileMaker Pro; Microsoft Access; Microsoft SQL Server; Structured query language SQL;1 more +Development environment software— Microsoft Visual Basic +Document management software— Cabinet NG CNG-SAFE; ScanSoft PaperPort Pro; SunGard LockBox; World Software Corporation Worldox;1 more +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle Hyperion; Oracle PeopleSoft Financials +Financial analysis software— Finance Logix Retirement Planner; Ibbotson Portfolio Strategist; Oracle E-Business Suite Financials; WealthTec Foundations;51 more +Internet browser software— Web browser software +Object or component oriented development software— Swift +Office suite software— Microsoft Office software +Presentation software— Financial planning presentation software; Microsoft PowerPoint; MoneyTree Silver Financial Planner (presentation feature) +Project management software— Microsoft Project +Spreadsheet software— Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Automatic Data Processing ProxyEdge; Financial report generation software; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Assess financial status of clients. +Interview clients to gather financial information. +Correspond with customers to answer questions or resolve complaints. +Recommend investments to clients. +Implement financial decisions. +Educate clients on financial planning topics. +Interpret financial information for others. +Prepare financial documents, reports, or budgets. +Identify strategic business investment opportunities. +Advise others on financial matters. +Disburse funds from clients accounts to creditors. +Analyze market conditions or trends. +Develop business relationships. +Confer with others about financial matters. +Compute debt repayment schedules.","E-Mail— 92% responded “Every day.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Spend Time Sitting— 65% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Important results.” +Face-to-Face Discussions with Individuals and Within Teams— 44% responded “Every day.” +Frequency of Decision Making— 40% responded “Every day.” +Duration of Typical Work Week— 54% responded “More than 40 hours.” +Freedom to Make Decisions— 69% responded “Some freedom.” +Contact With Others— 50% responded “Contact with others most of the time.” +Deal With External Customers or the Public in General— 38% responded “Extremely important.” +Time Pressure— 50% responded “Once a week or more but not every day.” +Level of Competition— 44% responded “Moderately competitive.” +Written Letters and Memos— 32% responded “Once a month or more but not every week.” +Work With or Contribute to a Work Group or Team— 29% responded “Very important.” +Consequence of Error— 33% responded “Very serious.” +Importance of Repeating Same Tasks— 24% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Accountants and Auditors +Bright Outlook +Credit Counselors +Financial and Investment Analysts +Financial Examiners +Financial Managers +Financial Risk Specialists +Insurance Sales Agents +Investment Fund Managers +Loan Officers +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +National Association of Personal Financial Advisors +external site +AICPA and CIMA +external site +American Bar Association +external site +National Council on Aging +external site +North American Securities Administrators Association +external site +Certified Financial Planner Board of Standards +external site +CFA Institute +external site +Financial Industry Regulatory Authority +external site +Financial Planning Association +external site",86,,15,73,68,47,6,37,41,77,47,29,,46,2,43,40,1,11,1,52,35,13,24,1,13,,,,4,8,3,7 +13-1023.00,"Purchasing Agents, Except Wholesale, Retail, and Farm Products",https://www.onetonline.org/link/summary/13-1023.00,2025-06-11T18:49:14.395785,"Monitor and follow applicable laws and regulations. +Prepare purchase orders, solicit bid proposals, and review requisitions for goods and services. +Negotiate, renegotiate, and administer contracts with suppliers, vendors, and other representatives. +Purchase the highest quality merchandise at the lowest possible price and in correct amounts. +Analyze price proposals, financial reports, and other data and information to determine reasonable prices. +Formulate policies and procedures for bid proposals and procurement of goods and services. +Hire, train, or supervise purchasing clerks, buyers, and expediters. +Maintain and review computerized or manual records of purchased items, costs, deliveries, product performance, and inventories. +Research and evaluate suppliers, based on price, quality, selection, service, support, availability, reliability, production and distribution capabilities, and the supplier's reputation and history. +Confer with staff, users, and vendors to discuss defective or unacceptable goods or services and determine corrective action. +Evaluate and monitor contract performance to ensure compliance with contractual obligations and to determine need for changes. +Monitor shipments to ensure that goods come in on time, and resolve problems related to undelivered goods. +Study sales records and inventory levels of current stock to develop strategic purchasing programs that facilitate employee access to supplies. +Write and review product specifications, maintaining a working technical knowledge of the goods or services to be purchased. +Review catalogs, industry periodicals, directories, trade journals, and Internet sites and consult with other department personnel to locate necessary goods and services. +Monitor changes affecting supply and demand, tracking market conditions, price trends, or futures markets. +Interview vendors and visit suppliers' plants and distribution centers to examine and learn about products, services, and prices. +Arrange the payment of duty and freight charges. +Attend meetings, trade shows, conferences, conventions, and seminars to network with people in other purchasing departments.","Accounting software— Choice Job Cost; Cost accounting software; CPR International GeneralCOST Estimator; Intuit QuickBooks +Analytical or scientific software— Construction Management Software ProEst; QSM SLIM Suite; Resources Calculations Incorporated SoftCost; WinEstimator WinEst +Business intelligence and data analysis software— IBM Cognos Impromptu; MicroStrategy +Data base reporting software— Database reporting software; SAP BusinessObjects Crystal Reports; Software AG enterprise software +Data base user interface and query software— Assured Software JPP; Database software; Microsoft Access; Oracle Database;3 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;5 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Cost estimating software; IBM Costimater; Oracle E-Business Suite Financials; Softstar Costar COCOMO II;1 more +Graphics or photo imaging software— SmugMug Flickr +Internet browser software— Web browser software +Inventory management software— Inventory management systems +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Dexter + Cheney Spectrum Construction Software; Galorath SEER-SEM; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads +Spreadsheet software— Apple AppleWorks; Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Purchase products or services. +Evaluate applicable laws and regulations to determine impact on organizational activities. +Execute sales or other financial transactions. +Negotiate contracts with clients or service providers. +Analyze business or financial data. +Establish organizational guidelines or policies. +Monitor inventories of products or materials. +Confer with personnel to coordinate business operations. +Obtain information about goods or services. +Maintain data in information systems or databases. +Supervise employees. +Train personnel to enhance job skills. +Monitor organizational processes. +Develop technical specifications for systems or equipment. +Analyze market conditions or trends. +Conduct eligibility or selection interviews. +Estimate demand for products or services. +Pay charges, fees, or taxes. +Develop business relationships.","E-Mail— 96% responded “Every day.” +Telephone Conversations— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Duration of Typical Work Week— 74% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Contact With Others— 48% responded “Constant contact with others.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Very important results.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Spend Time Sitting— 50% responded “More than half the time.” +Frequency of Decision Making— 68% responded “Every day.” +Indoors, Environmentally Controlled— 74% responded “Every day.” +Written Letters and Memos— 39% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Very important.” +Deal With External Customers or the Public in General— 52% responded “Very important.” +Importance of Repeating Same Tasks— 35% responded “Very important.” +Level of Competition— 48% responded “Highly competitive.” +Consequence of Error— 32% responded “Serious.” +Conflict Situations— 48% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 30% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 39% responded “Limited responsibility.”","Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Buyers and Purchasing Agents, Farm Products +Bright Outlook +Cost Estimators +Logisticians +Logistics Analysts +Procurement Clerks +Purchasing Managers +Sales Managers +Securities, Commodities, and Financial Services Sales Agents +Supply Chain Managers +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +American Purchasing Society +external site +Association for Supply Chain Management +external site +Institute for Supply Management +external site +National Association of Educational Procurement +external site +National Association of State Procurement Officials +external site +National Procurement Institute +external site +NIGP: The Institute for Public Procurement +external site +Universal Public Procurement Certification Council +external site",72,19,60,78,71,75,38,49,56,68,37,41,14,54,13,61,42,29,19,54,38,17,22,31,10,44,28,7,15,33,35,6,10 +51-6021.00,"Pressers, Textile, Garment, and Related Materials",https://www.onetonline.org/link/summary/51-6021.00,2025-06-11T19:25:48.769031,"Hang, fold, package, and tag finished articles for delivery to customers. +Operate steam, hydraulic, or other pressing machines to remove wrinkles from garments and flatwork items, or to shape, form, or patch articles. +Straighten, smooth, or shape materials to prepare them for pressing. +Remove finished pieces from pressing machines and hang or stack them for cooling, or forward them for additional processing. +Finish pleated garments, determining sizes of pleats from evidence of old pleats or from work orders, using machine presses or hand irons. +Lower irons, rams, or pressing heads of machines into position over material to be pressed. +Identify and treat spots on garments. +Shrink, stretch, or block articles by hand to conform to original measurements, using forms, blocks, and steam. +Finish fancy garments such as evening gowns and costumes, using hand irons to produce high quality finishes. +Push and pull irons over surfaces of articles to smooth or shape them. +Finish pants, jackets, shirts, skirts and other dry-cleaned and laundered articles, using hand irons. +Slide material back and forth over heated, metal, ball-shaped forms to smooth and press portions of garments that cannot be satisfactorily pressed with flat pressers or hand irons. +Select appropriate pressing machines, based on garment properties such as heat tolerance. +Spray water over fabric to soften fibers when not using steam irons. +Position materials such as cloth garments, felt, or straw on tables, dies, or feeding mechanisms of pressing machines, or on ironing boards or work tables. +Moisten materials to soften and smooth them. +Clean and maintain pressing machines, using cleaning solutions and lubricants. +Press ties on small pressing machines. +Block or shape knitted garments after cleaning. +Activate and adjust machine controls to regulate temperature and pressure of rollers, ironing shoes, or plates, according to specifications. +Use covering cloths to prevent equipment from damaging delicate fabrics. +Examine and measure finished articles to verify conformance to standards, using measuring devices such as tape measures and micrometers. +Finish velvet garments by steaming them on bucks of hot-head presses or steam tables, and brushing pile (nap) with handbrushes. +Measure fabric to specifications, cut uneven edges with shears, fold material, and press it with an iron to form a heading. +Insert heated metal forms into ties and touch up rough places with hand irons. +Brush materials made of suede, leather, or felt to remove spots or to raise and smooth naps. +Sew ends of new material to leaders or to ends of material in pressing machines, using sewing machines. +Select, install, and adjust machine components, including pressing forms, rollers, and guides, using hoists and hand tools.","Electronic mail software— Email software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients.","Mark products, workpieces, or equipment with identifying information. +Package products for storage or shipment. +Smooth garments with irons, presses, or steamers. +Adjust fabrics or other materials during garment production. +Remove products or workpieces from production equipment. +Stack finished items for further processing or shipment. +Clean fabrics or apparel. +Select production equipment according to product specifications. +Prepare fabrics or materials for processing or production. +Set equipment guides, stops, spacers, or other fixtures. +Inspect garments for defects, damage, or stains. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Cut fabrics. +Measure materials to mark reference points, cutting lines, or other indicators. +Adjust temperature controls of ovens or other heating equipment. +Clean production equipment. +Maintain production or processing equipment. +Operate sewing equipment. +Install mechanical components in production equipment.","Spend Time Standing— 57% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 52% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams +Importance of Being Exact or Accurate— 40% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 23% responded “Limited freedom.” +Time Pressure— 58% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 53% responded “Every day.” +Spend Time Making Repetitive Motions— 49% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 35% responded “Extremely important.” +Contact With Others— 45% responded “Constant contact with others.” +Spend Time Bending or Twisting Your Body— 39% responded “Continually or almost continually.” +Level of Competition— 61% responded “Highly competitive.” +Health and Safety of Other Workers— 34% responded “Very high responsibility.” +Indoors, Environmentally Controlled— 43% responded “Every day.”",Operation and Control— Controlling operations of equipment or systems.,"Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Adhesive Bonding Machine Operators and Tenders +Cutters and Trimmers, Hand +Cutting and Slicing Machine Setters, Operators, and Tenders +Grinding and Polishing Workers, Hand +Laundry and Dry-Cleaning Workers +Bright Outlook +Machine Feeders and Offbearers +Paper Goods Machine Setters, Operators, and Tenders +Sewing Machine Operators +Shoe and Leather Workers and Repairers +Shoe Machine Operators and Tenders","View the list of Allies +National Cleaners Association +external site",65,11,57,48,35,38,47,40,25,14,37,34,15,27,14,20,20,30,5,33,11,17,11,5,10,19,14,17,,2,7,7,10 +29-2034.00,Radiologic Technologists and Technicians,https://www.onetonline.org/link/summary/29-2034.00,2025-06-11T19:08:06.105349,"Position imaging equipment and adjust controls to set exposure time and distance, according to specification of examination. +Position patient on examining table and set up and adjust equipment to obtain optimum view of specific body area as requested by physician. +Monitor patients' conditions and reactions, reporting abnormal signs to physician. +Explain procedures and observe patients to ensure safety and comfort during scan. +Use radiation safety measures and protection devices to comply with government regulations and to ensure safety of patients and staff. +Review and evaluate developed x-rays, video tape, or computer-generated information to determine if images are satisfactory for diagnostic purposes. +Determine patients' x-ray needs by reading requests or instructions from physicians. +Prepare contrast material, radiopharmaceuticals, or anesthetic or antispasmodic drugs under the direction of a radiologist. +Process exposed radiographs using film processors or computer generated methods. +Operate mobile x-ray equipment in operating room, emergency room, or at patient's bedside. +Make exposures necessary for the requested procedures, rejecting and repeating work that does not meet established standards. +Operate or oversee operation of radiologic or magnetic imaging equipment to produce images of the body for diagnostic purposes. +Operate digital picture archiving communications systems. +Perform procedures, such as linear tomography, mammography, sonograms, joint and cyst aspirations, routine contrast studies, routine fluoroscopy, or examinations of the head, trunk, or extremities under supervision of physician. +Provide assistance to physicians or other technologists in the performance of more complex procedures. +Record, process, and maintain patient data or treatment records and prepare reports. +Take thorough and accurate patient medical histories. +Key commands and data into computer to document and specify scan sequences, adjust transmitters and receivers, or photograph certain images. +Operate fluoroscope to aid physician to view and guide wire or catheter through blood vessels to area of interest. +Set up examination rooms, ensuring that all necessary equipment is ready. +Transport patients to or from exam rooms. +Assist with on-the-job training of new employees or students or provide input to supervisors regarding training performance. +Maintain a current file of examination protocols. +Perform general administrative tasks, such as answering phones, scheduling patient appointments, or pulling and filing films. +Complete quality control activities, monitor equipment operation, and report malfunctioning equipment to supervisor. +Assign duties to radiologic staff to maintain patient flows and achieve production goals. +Provide assistance in dressing or changing seriously ill or injured patients or patients with disabilities. +Coordinate work with clerical personnel or other technologists and technicians. +Perform supervisory duties, such as developing departmental operating budget, coordinating purchases of supplies or equipment, or preparing work schedules. +Provide students or other technicians and technologists with suggestions of additional views, alternate positioning, or improved techniques to ensure the images produced are of the highest quality.","Categorization or classification software— Diagnostic and procedural coding software +Data base user interface and query software— Structured data entry software +Electronic mail software— Microsoft Outlook +Information retrieval or search software— Information systems integration software +Medical software— eClinicalWorks EHR software; Medical procedure coding software; MEDITECH software; Virtual reality computed tomography CT imaging software;10 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.","Operate diagnostic imaging equipment. +Adjust settings or positions of medical equipment. +Prepare medical supplies or equipment for use. +Position patients for treatment or examination. +Monitor patient conditions during treatments, procedures, or activities. +Explain medical procedures or test results to patients or family members. +Inform medical professionals regarding patient conditions and care. +Check quality of diagnostic images. +Analyze patient data to determine patient needs or treatment goals. +Verify that medical activities or operations meet standards. +Prepare medications or medical solutions. +Process x-rays or other medical images. +Create advanced digital images of patients using computer imaging systems. +Maintain medical facility records. +Assist healthcare practitioners during examinations or treatments. +Prepare reports summarizing patient diagnostic or care activities. +Record patient medical histories. +Collect medical information from patients, family members, or other medical professionals. +Enter patient or treatment data into computers. +Move patients to or from treatment areas. +Train medical providers. +Perform clerical work in medical settings. +Schedule patient procedures or appointments. +Examine medical instruments or equipment to ensure proper operation. +Supervise patient care personnel. +Assist patients with hygiene or daily living activities. +Collaborate with healthcare professionals to plan or provide treatment. +Manage healthcare operations.","Contact With Others— 97% responded “Constant contact with others.” +Exposed to Disease or Infections— 94% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Frequency of Decision Making— 91% responded “Every day.” +Physical Proximity— 78% responded “Very close (near touching).” +Importance of Being Exact or Accurate— 74% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 69% responded “Extremely important.” +Deal With External Customers or the Public in General— 73% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 81% responded “Every day.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 60% responded “Continually or almost continually.” +E-Mail— 72% responded “Every day.” +Exposed to Radiation— 69% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 58% responded “Very important results.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 63% responded “Every day.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Health and Safety of Other Workers— 42% responded “Very high responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Importance of Repeating Same Tasks— 46% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 51% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Extremely important.” +Spend Time Making Repetitive Motions— 34% responded “More than half the time.” +Time Pressure— 37% responded “Every day.” +Spend Time Standing— 53% responded “More than half the time.” +Spend Time Walking or Running— 36% responded “More than half the time.” +Spend Time Bending or Twisting Your Body— 27% responded “About half the time.” +Consequence of Error— 45% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 34% responded “Moderate responsibility.” +Level of Competition— 40% responded “Highly competitive.” +Conflict Situations— 29% responded “Once a month or more but not every week.” +Written Letters and Memos— 29% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Coordination— Adjusting actions in relation to others' actions. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Endoscopy Technicians +Magnetic Resonance Imaging Technologists +Medical and Clinical Laboratory Technicians +Neurodiagnostic Technologists +Nuclear Medicine Technologists +Ophthalmic Medical Technologists +Radiation Therapists +Surgical Technologists","View the list of Allies +Nuclear Medicine Technology Certification Board +external site +American Heart Association +external site +American Society of Radiologic Technologists +external site +Society of Diagnostic Medical Sonography +external site +The International Society for Clinical Densitometry +external site +American Registry for Diagnostic Medical Sonography +external site +American Registry of Magnetic Resonance Imaging Technologists +external site +American Registry of Radiologic Technologists +external site +Joint Review Committee on Education in Radiologic Technology +external site",79,,27,79,48,47,58,60,63,19,12,31,29,72,19,26,34,29,17,27,58,30,32,44,82,41,4,55,53,11,9,1,8 +29-1131.00,Veterinarians,https://www.onetonline.org/link/summary/29-1131.00,2025-06-11T19:06:04.403549,"Treat sick or injured animals by prescribing medication, setting bones, dressing wounds, or performing surgery. +Inoculate animals against various diseases, such as rabies or distemper. +Examine animals to detect and determine the nature of diseases or injuries. +Collect body tissue, feces, blood, urine, or other body fluids for examination and analysis. +Operate diagnostic equipment, such as radiographic or ultrasound equipment, and interpret the resulting images. +Educate the public about diseases that can be spread from animals to humans. +Counsel clients about the deaths of their pets or about euthanasia decisions for their pets. +Advise animal owners regarding sanitary measures, feeding, general care, medical conditions, or treatment options. +Euthanize animals. +Attend lectures, conferences, or continuing education courses. +Train or supervise workers who handle or care for animals. +Perform administrative or business management tasks, such as scheduling appointments, accepting payments from clients, budgeting, or maintaining business records. +Plan or execute animal nutrition or reproduction programs. +Conduct postmortem studies and analyses to determine the causes of animals' deaths. +Specialize in a particular type of treatment, such as dentistry, pathology, nutrition, surgery, microbiology, or internal medicine. +Direct the overall operations of animal hospitals, clinics, or mobile services to farms. +Inspect and test horses, sheep, poultry, or other animals to detect the presence of communicable diseases. +Establish or conduct quarantine or testing procedures that prevent the spread of diseases to other animals or to humans and that comply with applicable government regulations. +Research diseases to which animals could be susceptible. +Provide care to a wide range of animals or specialize in a particular species, such as horses or exotic birds. +Determine the effects of drug therapies, antibiotics, or new surgical techniques by testing them on animals.","Data base user interface and query software— IDEXX Laboratories IDEXX VPM; Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— American Data Systems PAWS Veterinary Practice Management; InformaVet ALIS-VET; Sneakers Software DVMax Practice; Vetport;7 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.","Operate on patients to treat conditions. +Prescribe medications. +Treat acute illnesses, infections, or injuries. +Immunize patients. +Examine patients to assess general physical condition. +Collect biological specimens from patients. +Analyze test data or images to inform diagnosis or treatment. +Operate diagnostic imaging equipment. +Communicate health and wellness information to the public. +Counsel family members of clients or patients. +Manage healthcare operations. +Provide health and wellness advice to patients, program participants, or caregivers. +Treat animal injuries or illnesses. +Maintain medical or professional knowledge. +Supervise medical support personnel. +Train medical providers. +Determine protocols for medical procedures. +Conduct research to increase knowledge about medical issues. +Provide care for animals. +Maintain medical facility records. +Perform clerical work in medical settings. +Schedule patient procedures or appointments. +Develop medical treatment plans. +Analyze medical data to determine cause of death.","Face-to-Face Discussions with Individuals and Within Teams— 100% responded “Every day.” +Telephone Conversations— 97% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Contact With Others— 86% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 82% responded “Extremely important.” +Frequency of Decision Making— 90% responded “Every day.” +Freedom to Make Decisions— 76% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 71% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 69% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 67% responded “Very important results.” +Importance of Being Exact or Accurate— 71% responded “Extremely important.” +E-Mail— 57% responded “Every day.” +Physical Proximity— 71% responded “Very close (near touching).” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Exposed to Disease or Infections— 53% responded “Every day.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Time Pressure— 61% responded “Every day.” +Consequence of Error— 58% responded “Extremely serious.” +Exposed to Contaminants— 48% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 55% responded “Every day.” +Work Outcomes and Results of Other Workers— 46% responded “High responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 55% responded “Continually or almost continually.” +Exposed to Radiation— 52% responded “Once a week or more but not every day.” +Spend Time Standing— 39% responded “More than half the time.” +Written Letters and Memos— 36% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 42% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 56% responded “More than 40 hours.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 40% responded “Every day.” +Conflict Situations— 45% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 40% responded “Once a week or more but not every day.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 38% responded “Once a week or more but not every day.” +Level of Competition— 28% responded “Highly competitive.” +Exposed to Hazardous Conditions— 30% responded “Never.” +Importance of Repeating Same Tasks— 27% responded “Very important.” +Spend Time Bending or Twisting Your Body— 31% responded “Less than half the time.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Service Orientation— Actively looking for ways to help people. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Clinical Nurse Specialists +Bright Outlook +Dermatologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Obstetricians and Gynecologists +Pediatricians, General +Physicians, Pathologists +Preventive Medicine Physicians +Urologists","View the list of Allies +American Animal Hospital Association +external site +American Association of Bovine Practitioners +external site +American Association of Equine Practitioners +external site +American Association of Feline Practitioners +external site +American Association of Swine Veterinarians +external site +American Association of Veterinary Medical Colleges +external site +American Association of Zoo Veterinarians +external site +American Heartworm Society +external site +American Veterinary Medical Association +external site +Association of Avian Veterinarians +external site +Association of Reptilian and Amphibian Veterinarians +external site +Society for Theriogenology +external site +Veterinary Emergency and Critical Care Society +external site +Veterinary Orthopedic Society +external site +American College of Veterinary Internal Medicine +external site +American College of Veterinary Surgeons +external site",87,16,23,84,68,58,49,62,45,40,42,59,59,47,16,44,32,25,12,10,53,42,30,23,92,19,4,34,92,18,18,4,8 +49-2094.00,"Electrical and Electronics Repairers, Commercial and Industrial Equipment",https://www.onetonline.org/link/summary/49-2094.00,2025-06-11T19:21:26.513135,"Test faulty equipment to diagnose malfunctions, using test equipment or software, and applying knowledge of the functional operation of electronic units and systems. +Maintain equipment logs that record performance problems, repairs, calibrations, or tests. +Set up and test industrial equipment to ensure that it functions properly. +Inspect components of industrial equipment for accurate assembly and installation or for defects, such as loose connections or frayed wires. +Install repaired equipment in various settings, such as industrial or military establishments. +Operate equipment to demonstrate proper use or to analyze malfunctions. +Enter information into computer to copy program or to draw, modify, or store schematics, applying knowledge of software package used. +Perform scheduled preventive maintenance tasks, such as checking, cleaning, or repairing equipment, to detect and prevent problems. +Calibrate testing instruments and installed or repaired equipment to prescribed specifications. +Repair or adjust equipment, machines, or defective components, replacing worn parts, such as gaskets or seals in watertight electrical equipment. +Consult with customers, supervisors, or engineers to plan layout of equipment or to resolve problems in system operation or maintenance. +Maintain inventory of spare parts. +Study blueprints, schematics, manuals, or other specifications to determine installation procedures. +Examine work orders and converse with equipment operators to detect equipment problems and to ascertain whether mechanical or human errors contributed to the problems. +Coordinate efforts with other workers involved in installing or maintaining equipment or components. +Develop or modify industrial electronic devices, circuits, or equipment, according to available specifications. +Determine feasibility of using standardized equipment or develop specifications for equipment required to perform additional functions. +Advise management regarding customer satisfaction, product performance, or suggestions for product improvements. +Send defective units to the manufacturer or to a specialized repair shop for repair. +Sign overhaul documents for equipment replaced or repaired.","Analytical or scientific software— Circuit evaluation software +Computer aided design CAD software— Autodesk AutoCAD +Data base user interface and query software— Database software +Electronic mail software— Email software +Enterprise resource planning ERP software— SAP Maintenance +Facilities management software— Computerized maintenance management system CMMS; Maintenance management software +Industrial control software— Programmable logic controller PLC software +Internet browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Program testing software— Rockwell RSLogix +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Test electrical equipment or systems to ensure proper functioning. +Maintain repair or maintenance records. +Test mechanical equipment to ensure proper functioning. +Inspect equipment to locate or identify electrical problems. +Install electrical components, equipment, or systems. +Demonstrate activity techniques or equipment use. +Diagnose equipment malfunctions. +Enter codes or other information into computers. +Calibrate equipment to specifications. +Maintain work equipment or machinery. +Adjust equipment to ensure optimal performance. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Confer with coworkers to resolve equipment problems. +Confer with customers or users to assess problems. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Maintain inventories of materials, equipment, or products. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Communicate with coworkers to coordinate installations or repairs. +Develop equipment or component configurations. +Document operational activities. +Determine types of equipment, tools, or materials needed for jobs. +Advise others on issues related to repairs, installation, or equipment design. +Send information, materials or documentation.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 68% responded “Every day.” +Importance of Being Exact or Accurate +Contact With Others— 69% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 64% responded “A lot of freedom.” +E-Mail— 67% responded “Every day.” +Work With or Contribute to a Work Group or Team— 75% responded “Extremely important.” +Freedom to Make Decisions— 46% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 37% responded “Once a week or more but not every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 23% responded “More than half the time.” +Duration of Typical Work Week— 56% responded “40 hours.” +Exposed to Contaminants— 40% responded “Once a month or more but not every week.” +Exposed to Hazardous Equipment— 29% responded “Once a week or more but not every day.” +Spend Time Standing— 19% responded “Less than half the time.” +Consequence of Error— 42% responded “Serious.” +Physical Proximity— 29% responded “Moderately close (at arm's length).” +Impact of Decisions on Co-workers or Company Results— 16% responded “Minor results.” +Telephone Conversations— 44% responded “Once a week or more but not every day.” +Frequency of Decision Making— 21% responded “Once a year or more but not every month.” +Coordinate or Lead Others in Accomplishing Work Activities— 42% responded “Very important.” +Exposed to Hazardous Conditions— 18% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 38% responded “Very important.” +Spend Time Making Repetitive Motions— 28% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 37% responded “Moderate responsibility.” +Time Pressure— 22% responded “Once a year or more but not every month.” +Conflict Situations— 41% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 24% responded “High responsibility.” +Spend Time Walking or Running— 41% responded “Less than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 13% responded “Every day.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Repairing— Repairing machines or systems using the needed tools. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Operation and Control— Controlling operations of equipment or systems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Avionics Technicians +Calibration Technologists and Technicians +Control and Valve Installers and Repairers, Except Mechanical Door +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronic Equipment Assemblers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Mechanical Engineering Technologists and Technicians +Robotics Technicians","View the list of Allies +Aircraft Electronics Association +external site +American Society for Quality +external site +Audio Engineering Society +external site +Consumer Technology Association +external site +Electrical Apparatus Service Association +external site +Institute of Electrical and Electronics Engineers +external site +International Association of Electrical Inspectors +external site +International Association of Machinists and Aerospace Workers +external site +National Business Aviation Association +external site +National Electrical Contractors Association +external site +National Electronics Service Dealers Association +external site +National Marine Electronics Association +external site +National Tooling and Machining Association +external site +NCSL International +external site +Mid-Atlantic Renewable Energy Association +external site +New England Water Environment Association +external site +New England Water Works Association +external site +Southeast Energy Efficiency Alliance +external site +Electronics Technicians Association International +external site +Independent Electrical Contractors +external site +International Brotherhood of Electrical Workers +external site +International Society of Automation +external site +International Society of Certified Electronics Technicians +external site +International Union, United Automobile, Aerospace and Agricultural Implement Workers of America +external site +Society for Maintenance and Reliability Professionals +external site +Western Electrical Contractors Association +external site",67,3,73,63,64,63,38,54,42,19,10,34,34,81,10,25,36,78,9,35,32,12,16,44,12,63,33,46,13,57,10,3,11 +25-1066.00,"Psychology Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1066.00,2025-06-11T19:00:19.152570,"Prepare and deliver lectures to undergraduate or graduate students on topics such as abnormal psychology, cognitive processes, and work motivation. +Initiate, facilitate, and moderate classroom discussions. +Evaluate and grade students' class work, laboratory work, assignments, and papers. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Compile, administer, and grade examinations, or assign this work to others. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Supervise undergraduate or graduate teaching, internship, and research work. +Recruit and hire new faculty. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Develop and use multimedia course materials and other current technology, such as online courses. +Maintain regularly scheduled office hours to advise and assist students. +Perform administrative duties, such as serving as department head. +Collaborate with colleagues to address teaching and research issues. +Advise students on academic and vocational curricula and on career issues. +Write grant proposals to procure external research funding. +Maintain student attendance records, grades, and other required records. +Write letters of recommendation for students. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in student recruitment, registration, and placement activities. +Select and obtain materials and supplies, such as textbooks. +Supervise students' laboratory work. +Supervise the clinical work of practicum students. +Provide clinical services to clients, such as assessing psychological problems and conducting psychotherapy. +Review books and journal articles for potential publication. +Compile bibliographies of specialized materials for outside reading assignments. +Act as advisers to student organizations. +Participate in campus and community events. +Provide professional consulting services to government or industry. +Mentor other faculty members.","Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;13 more +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; PsychSim;5 more +Data base user interface and query software— Blackboard software +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— XNAT +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Medical software— Biomedical Imaging Resource Analyze +Object or component oriented development software— R +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Project management software— Sona Systems Experiment Management System +Spreadsheet software— Microsoft Excel +Web page creation and editing software— SurveyWiz +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Teach social science courses at the college level. +Evaluate student work. +Guide class discussions. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Administer tests to assess educational needs or progress. +Develop instructional materials. +Prepare tests. +Supervise student research or internship work. +Supervise laboratory work. +Hire personnel. +Recruit personnel. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Create technology-based learning materials. +Advise students on academic or career matters. +Direct department activities. +Write grant proposals. +Maintain student records. +Serve on institutional or departmental committees. +Write reports or evaluations. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Evaluate scholarly materials. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Freedom to Make Decisions— 89% responded “A lot of freedom.” +E-Mail— 96% responded “Every day.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Determine Tasks, Priorities and Goals— 66% responded “A lot of freedom.” +Contact With Others— 49% responded “Constant contact with others.” +Duration of Typical Work Week— 70% responded “More than 40 hours.” +Public Speaking— 47% responded “Once a week or more but not every day.” +Spend Time Sitting— 46% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 34% responded “Extremely important.” +Written Letters and Memos— 47% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 48% responded “Important results.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Frequency of Decision Making— 33% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 30% responded “Extremely important.” +Telephone Conversations— 53% responded “Once a month or more but not every week.” +Level of Competition— 46% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 37% responded “Very important.”","Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Anthropology and Archeology Teachers, Postsecondary +Education Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Health Specialties Teachers, Postsecondary +Bright Outlook +Mathematical Science Teachers, Postsecondary +Philosophy and Religion Teachers, Postsecondary +Recreation and Fitness Studies Teachers, Postsecondary +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +ACSD +external site +American Association for the Advancement of Science +external site +American Association of Christian Counselors +external site +American Association of Directors of Child and Adolescent Psychiatry +external site +American Association of University Professors +external site +American Counseling Association +external site +American Psychological Association +external site +Association for Psychological Science +external site +Council of Graduate Schools +external site +National Association of School Psychologists +external site +Psychonomic Society +external site +Society for Personality and Social Psychology +external site +Society for the Teaching of Psychology +external site +Eastern Psychological Association +external site +Midwestern Psychological Association +external site +Southeastern Psychological Association +external site",47,,3,95,71,50,30,82,46,20,18,43,22,60,20,37,54,8,46,2,100,71,73,29,39,21,2,18,50,10,14,13,36 +29-1081.00,Podiatrists,https://www.onetonline.org/link/summary/29-1081.00,2025-06-11T19:05:07.330416,"Treat bone, muscle, and joint disorders affecting the feet and ankles. +Diagnose diseases and deformities of the foot using medical histories, physical examinations, x-rays, and laboratory test results. +Advise patients about treatments and foot care techniques necessary for prevention of future problems. +Prescribe medications, corrective devices, physical therapy, or surgery. +Surgically treat conditions such as corns, calluses, ingrown nails, tumors, shortened tendons, bunions, cysts, or abscesses. +Refer patients to physicians when symptoms indicative of systemic disorders, such as arthritis or diabetes, are observed in feet and legs. +Make and fit prosthetic appliances. +Correct deformities by means of plaster casts and strapping. +Perform administrative duties, such as hiring employees, ordering supplies, or keeping records. +Educate the public about the benefits of foot care through techniques such as speaking engagements, advertising, and other forums. +Treat deformities using mechanical methods, such as whirlpool or paraffin baths, and electrical methods, such as short wave and low voltage currents.","Data base user interface and query software— Microsoft Access +Electronic mail software— Email software +Graphics or photo imaging software— Scanner imaging software +Internet browser software— Web browser software +Medical software— Advantage Software Podiatry Advantage; DocSite Registry; Fox Meadows Software MediNotes e; Quick Notes PDQ Podiatry +Web page creation and editing software— Facebook +Word processing software","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them.","Treat chronic diseases or disorders. +Analyze test data or images to inform diagnosis or treatment. +Diagnose medical conditions. +Advise patients on preventive care techniques. +Prescribe assistive medical devices or related treatments. +Prescribe medications. +Prescribe treatments or therapies. +Operate on patients to treat conditions. +Refer patients to other healthcare practitioners or health resources. +Adjust prostheses or other assistive devices. +Fabricate medical devices. +Maintain medical facility records. +Manage healthcare operations. +Order medical supplies or equipment. +Communicate health and wellness information to the public. +Treat patients using alternative medical procedures.","Determine Tasks, Priorities and Goals— 99% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Freedom to Make Decisions— 100% responded “A lot of freedom.” +Contact With Others— 85% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 77% responded “Extremely important.” +Frequency of Decision Making— 85% responded “Every day.” +Exposed to Disease or Infections— 80% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 89% responded “Very important results.” +E-Mail— 81% responded “Every day.” +Physical Proximity— 71% responded “Very close (near touching).” +Telephone Conversations— 55% responded “Every day.” +Work Outcomes and Results of Other Workers— 60% responded “Very high responsibility.” +Written Letters and Memos— 64% responded “Every day.” +Work With or Contribute to a Work Group or Team— 55% responded “Extremely important.” +Time Pressure— 61% responded “Every day.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 58% responded “Very important.” +Level of Competition— 59% responded “Highly competitive.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Indoors, Environmentally Controlled— 62% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 38% responded “Once a week or more but not every day.” +Consequence of Error— 62% responded “Extremely serious.” +Conflict Situations— 32% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 41% responded “Extremely important.” +Spend Time Sitting— 34% responded “About half the time.” +Exposed to Radiation— 29% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Every day.” +Spend Time Standing— 45% responded “About half the time.”","Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Science— Using scientific rules and methods to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Cardiologists +Dermatologists +Bright Outlook +General Internal Medicine Physicians +Obstetricians and Gynecologists +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians +Urologists","View the list of Allies +American Association of Colleges of Podiatric Medicine +external site +American College of Foot and Ankle Surgeons +external site +American Podiatric Medical Association +external site +American Board of Multiple Specialties in Podiatry +external site +American Board of Physician Specialties +external site +American Board of Podiatric Medicine +external site",91,,39,90,44,69,35,78,54,56,48,58,59,70,5,41,36,35,18,3,59,55,40,18,99,32,4,31,69,24,6,,3 +53-1042.00,"First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand",https://www.onetonline.org/link/summary/53-1042.00,2025-06-11T19:28:46.806184,"Maintain a safe working environment by monitoring safety procedures and equipment. +Collaborate with workers and managers to solve work-related problems. +Review work throughout the work process and at completion to ensure that it has been performed properly. +Inform designated employees or departments of items loaded or problems encountered. +Inspect equipment for wear and for conformance to specifications. +Prepare and maintain work records and reports of information such as employee time and wages, daily receipts, or inspection results. +Transmit and explain work orders to laborers. +Plan work schedules and assign duties to maintain adequate staff for effective performance of activities and response to fluctuating workloads. +Participate in the hiring process by reviewing credentials, conducting interviews, or making hiring decisions or recommendations. +Estimate material, time, and staffing requirements for a given project, based on work orders, job specifications, and experience. +Counsel employees in work-related activities, personal growth, or career development. +Assess training needs of staff and arrange for or provide appropriate instruction. +Conduct staff meetings to relay general information or to address specific topics, such as safety. +Check specifications of materials loaded or unloaded against information contained in work orders. +Perform the same work duties as those supervised, or perform more difficult or skilled tasks or assist in their performance. +Resolve personnel problems, complaints, or formal grievances when possible, or refer them to higher-level supervisors for resolution. +Recommend or initiate personnel actions, such as promotions, transfers, or disciplinary measures. +Evaluate employee performance and prepare performance appraisals. +Examine freight to determine loading sequences. +Schedule times of shipment and modes of transportation for materials. +Inventory supplies and requisition or purchase additional items, as necessary. +Quote prices to customers. +Provide assistance in balancing books, tracking, monitoring, or projecting a unit's budget needs, and in developing unit policies and procedures. +Inspect job sites to determine the extent of maintenance or repairs needed.","Calendar and scheduling software— Employee scheduling software +Data base user interface and query software— Microsoft Access; Oracle Database +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Sage ERP Accpac; SAP software +Inventory management software— Inventory control software; Inventory management systems; Warehouse management system WMS +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Time and attendance software +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Monitor work environment to ensure safety or adherence to specifications. +Resolve personnel problems. +Monitor loading processes to ensure they are performed properly. +Plan production or operational procedures or sequences. +Inspect material-moving equipment to detect problems. +Notify others of emergencies, problems, or hazards. +Record operational or production data. +Schedule operational activities. +Direct material handling or moving activities. +Explain regulations, policies, or procedures. +Plan work operations. +Acquire supplies or equipment. +Recommend personnel decisions or human resources activities. +Estimate technical or resource requirements for development or production projects. +Meet with coworkers to communicate work orders or plans. +Support the professional development of others. +Train transportation or material moving personnel. +Verify information or specifications. +Provide transportation information to passengers or customers. +Evaluate performance of applicants, trainees, or employees. +Inspect facilities to ensure compliance with safety, quality, or service standards.","Duration of Typical Work Week— 100% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 98% responded “Every day.” +Contact With Others— 94% responded “Constant contact with others.” +E-Mail— 97% responded “Every day.” +Frequency of Decision Making— 95% responded “Every day.” +Telephone Conversations— 94% responded “Every day.” +Work With or Contribute to a Work Group or Team— 93% responded “Extremely important.” +Health and Safety of Other Workers +Work Outcomes and Results of Other Workers +Freedom to Make Decisions +Importance of Being Exact or Accurate— 66% responded “Extremely important.” +Time Pressure— 54% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 50% responded “Extremely important.” +Determine Tasks, Priorities and Goals +Impact of Decisions on Co-workers or Company Results— 41% responded “Very important results.” +Deal With External Customers or the Public in General— 61% responded “Extremely important.” +Indoors, Environmentally Controlled +Written Letters and Memos— 48% responded “Every day.” +Level of Competition— 48% responded “Highly competitive.” +Conflict Situations— 24% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 61% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 41% responded “Very important.” +Spend Time Standing— 43% responded “More than half the time.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Every day.” +Physical Proximity— 43% responded “Moderately close (at arm's length).” +Spend Time Sitting +Indoors, Not Environmentally Controlled— 39% responded “Never.” +Outdoors, Exposed to All Weather Conditions— 26% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 22% responded “Once a year or more but not every month.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 46% responded “Once a year or more but not every month.”","Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers +First-Line Supervisors of Security Workers","View the list of Allies +National Association of Manufacturers +external site",63,2,62,55,53,60,53,51,40,22,23,37,31,56,16,25,43,56,7,43,42,11,5,36,1,39,10,26,12,34,20,6,1 +47-5044.00,"Loading and Moving Machine Operators, Underground Mining",https://www.onetonline.org/link/summary/47-5044.00,2025-06-11T19:20:52.146465,"Handle high voltage sources and hang electrical cables. +Drive loaded shuttle cars to ramps and move controls to discharge loads into mine cars or onto conveyors. +Pry off loose material from roofs and move it into the paths of machines, using crowbars. +Move trailing electrical cables clear of obstructions, using rubber safety gloves. +Control conveyors that run the entire length of shuttle cars to distribute loads as loading progresses. +Observe hand signals, grade stakes, or other markings when operating machines. +Examine roadway and clear obstructions from the path of travel. +Drive machines into piles of material blasted from working faces. +Operate levers to move conveyor booms or shovels so that mine contents such as coal, rock, and ore can be placed into cars or onto conveyors. +Clean, fuel, service, and perform safety checks on all equipment, and repair and replace parts as necessary. +Clean hoppers, and clean spillage from tracks, walks, driveways, and conveyor decking. +Oil, lubricate, and adjust conveyors, crushers, and other equipment, using hand tools and lubricating equipment. +Monitor loading processes to ensure that materials are loaded according to specifications. +Measure, weigh, or verify levels of rock, gravel, or other excavated material to prevent equipment overloads. +Replace hydraulic hoses, headlight bulbs, and gathering-arm teeth. +Stop gathering arms when cars are full. +Move mine cars into position for loading and unloading, using pinchbars inserted under car wheels to position cars under loading spouts. +Advance machines to gather material and convey it into cars. +Signal workers to move loaded cars. +Guide and stop cars by switching, applying brakes, or placing scotches, or wooden wedges, between wheels and rails. +Observe and record car numbers, carriers, customers, tonnages, and grades and conditions of material. +Read written instructions or confer with supervisors about schedules and materials to be moved. +Maintain records of materials moved. +Direct other workers to move stakes, place blocks, position anchors or cables, or move materials. +Push or ride cars down slopes, or hook cars to cables and control cable drum brakes, to ease cars down inclines.","Electronic mail software— Microsoft Outlook +Facilities management software— Maintenance management software; Mine maintenance software +Industrial control software— Automated systems software +Inventory management software— Inventory management systems +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Work time accounting software","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Connect cables or electrical lines. +Install electrical components, equipment, or systems. +Operate vehicles or material-moving equipment. +Position material handling equipment. +Operate excavation equipment. +Move materials, equipment, or supplies. +Remove debris or damaged materials. +Operate conveyors or other industrial material moving equipment. +Signal others to coordinate vehicle movement. +Remove debris from work sites. +Clean equipment or supplies. +Inspect equipment or facilities to determine condition or maintenance needs. +Perform manual service or maintenance tasks. +Clean machinery or equipment. +Maintain material moving equipment in good working condition. +Record operational or production data. +Communicate with others to coordinate material handling or movement. +Operate locomotives or other rail vehicles. +Review work orders or schedules to determine operations or procedures. +Monitor loading processes to ensure they are performed properly. +Measure product or material dimensions. +Verify information or specifications. +Weigh materials to ensure compliance with specifications. +Direct material handling or moving activities.","Exposed to Contaminants— 85% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 87% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 84% responded “Continually or almost continually.” +Duration of Typical Work Week— 79% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Exposed to Hazardous Equipment— 79% responded “Every day.” +Exposed to Hazardous Conditions— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Exposed to Whole Body Vibration— 72% responded “Every day.” +In an Open Vehicle or Operating Equipment— 70% responded “Every day.” +Health and Safety of Other Workers— 51% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 71% responded “Every day.” +Spend Time Making Repetitive Motions— 47% responded “Continually or almost continually.” +Exposed to Cramped Work Space, Awkward Positions— 53% responded “Every day.” +Spend Time Bending or Twisting Your Body— 39% responded “More than half the time.” +Pace Determined by Speed of Equipment— 41% responded “Extremely important.” +Contact With Others— 41% responded “Constant contact with others.” +Time Pressure— 48% responded “Every day.” +Consequence of Error— 35% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 34% responded “A lot of freedom.” +Frequency of Decision Making— 50% responded “Every day.” +Importance of Being Exact or Accurate— 30% responded “Very important.” +Indoors, Not Environmentally Controlled— 57% responded “Every day.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 34% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Spend Time Sitting— 34% responded “About half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Moderate results.” +Physical Proximity— 27% responded “Moderately close (at arm's length).” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 34% responded “Every day.” +Freedom to Make Decisions— 36% responded “Some freedom.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Speaking— Talking to others to convey information effectively.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Continuous Mining Machine Operators +Crane and Tower Operators +Excavating and Loading Machine and Dragline Operators, Surface Mining +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Laborers and Freight, Stock, and Material Movers, Hand +Bright Outlook +Maintenance Workers, Machinery +Operating Engineers and Other Construction Equipment Operators +Pile Driver Operators +Tank Car, Truck, and Ship Loaders","View the list of Allies +MHI +external site +National Mining Association +external site +Warehousing Education and Research Council +external site +International Union of Operating Engineers +external site +National Commission for the Certification of Crane Operators +external site +United Mine Workers of America +external site +United Steelworkers +external site",15,5,44,45,28,38,40,51,13,14,12,24,20,14,7,45,14,57,6,39,24,17,9,19,24,33,25,28,6,30,25,,4 +45-2021.00,Animal Breeders,https://www.onetonline.org/link/summary/45-2021.00,2025-06-11T19:17:28.184411,"Feed and water animals, and clean and disinfect pens, cages, yards, and hutches. +Observe animals in heat to detect approach of estrus and exercise animals to induce or hasten estrus, if necessary. +Treat minor injuries and ailments and contact veterinarians to obtain treatment for animals with serious illnesses or injuries. +Purchase and stock supplies of feed and medicines. +Select animals to be bred, and semen specimens to be used, according to knowledge of animals, genealogies, traits, and desired offspring characteristics. +Examine animals to detect symptoms of illness or injury. +Build hutches, pens, and fenced yards. +Record animal characteristics such as weights, growth patterns, and diets. +Brand, tattoo, or tag animals to allow animal identification. +Arrange for sale of animals and eggs to hospitals, research centers, pet shops, and food processing plants. +Place vaccines in drinking water, inject vaccines, or dust air with vaccine powder to protect animals from diseases. +Bathe and groom animals. +Exercise animals to keep them in healthy condition. +Adjust controls to maintain specific building temperatures required for animals' health and safety. +Maintain logs of semen specimens used and animals bred. +Inject prepared animal semen into female animals for breeding purposes, by inserting nozzle of syringe into vagina and depressing syringe plunger. +Clip or shear hair on animals. +Package and label semen to be used for artificial insemination, recording information such as the date, source, quality, and concentration. +Exhibit animals at shows. +Measure specified amounts of semen into calibrated syringes, and insert syringes into inseminating guns. +Examine semen microscopically to assess and record density and motility of gametes, and dilute semen with prescribed diluents, according to formulas.","Analytical or scientific software— Questionmark Perception; VSN International GenStat +Computer based training software— Respondus +Data base user interface and query software— Breedtrak; KinTraks; Microsoft Access; Reudink Software ZooEasy;2 more +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Internet browser software— Microsoft Internet Explorer +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.","Care for animals. +Clean equipment or facilities. +Perform animal breeding procedures. +Monitor animal behavior or condition. +Communicate with other workers to coordinate activities. +Treat animal injuries or illnesses. +Prepare materials or solutions for animal or plant use. +Sell agricultural products. +Order medical supplies or equipment. +Purchase products or services. +Provide care for animals. +Examine animals to detect illness, injury or other problems. +Adjust building climate control systems. +Maintain operational records. +Build agricultural structures. +Mark agricultural or forestry products for identification. +Promote agricultural or hunting activities. +Record agricultural or forestry inventory data.","Freedom to Make Decisions— 94% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 80% responded “A lot of freedom.” +Outdoors, Exposed to All Weather Conditions— 70% responded “Every day.” +Consequence of Error— 58% responded “Extremely serious.” +Outdoors, Under Cover— 27% responded “Never.” +Telephone Conversations— 29% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Spend Time Standing— 38% responded “More than half the time.” +Importance of Being Exact or Accurate— 32% responded “Important.” +Contact With Others— 38% responded “Occasional contact with others.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 37% responded “Once a year or more but not every month.” +Frequency of Decision Making— 31% responded “Never.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 42% responded “Every day.” +Exposed to Contaminants— 34% responded “Every day.” +Indoors, Not Environmentally Controlled— 22% responded “Once a week or more but not every day.” +Level of Competition— 33% responded “Extremely competitive.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Technicians +Bright Outlook +Animal Caretakers +Animal Control Workers +Animal Trainers +Farmers, Ranchers, and Other Agricultural Managers +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +Farmworkers, Farm, Ranch, and Aquacultural Animals +First-Line Supervisors of Farming, Fishing, and Forestry Workers +Veterinary Assistants and Laboratory Animal Caretakers +Veterinary Technologists and Technicians","View the list of Allies +American Association of Bovine Practitioners +external site +American Association of Equine Practitioners +external site +American Dairy Science Association +external site +American Kennel Club +external site +American Quarter Horse Association +external site +American Sheep Industry Association +external site +American Society of Animal Science +external site +Association of Farmworker Opportunity Programs +external site +National Animal Care and Control Association +external site +National Cattlemen's Beef Association +external site +Poultry Science Association +external site +Western Association of Agricultural Experiment Station Directors +external site",79,35,47,45,54,63,31,39,53,43,73,21,37,41,8,31,27,43,2,38,20,7,18,20,36,24,29,15,58,19,21,3,6 +37-3011.00,Landscaping and Groundskeeping Workers,https://www.onetonline.org/link/summary/37-3011.00,2025-06-11T19:12:25.532502,"Gather and remove litter. +Use hand tools, such as shovels, rakes, pruning saws, saws, hedge or brush trimmers, or axes. +Operate vehicles or powered equipment, such as mowers, tractors, twin-axle vehicles, snow blowers, chainsaws, electric clippers, sod cutters, or pruning saws. +Water lawns, trees, or plants, using portable sprinkler systems, hoses, or watering cans. +Prune or trim trees, shrubs, or hedges, using shears, pruners, or chain saws. +Mix and spray or spread fertilizers, herbicides, or insecticides onto grass, shrubs, or trees, using hand or automatic sprayers or spreaders. +Care for established lawns by mulching, aerating, weeding, grubbing, removing thatch, or trimming or edging around flower beds, walks, or walls. +Follow planned landscaping designs to determine where to lay sod, sow grass, or plant flowers or foliage. +Trim or pick flowers and clean flower beds. +Attach wires from planted trees to support stakes. +Plant seeds, bulbs, foliage, flowering plants, grass, ground covers, trees, or shrubs, and apply mulch for protection, using gardening tools. +Mow or edge lawns, using power mowers or edgers. +Rake, mulch, and compost leaves. +Decorate gardens with stones or plants. +Use irrigation methods to adjust the amount of water consumption and to prevent waste. +Provide proper upkeep of sidewalks, driveways, parking lots, fountains, planters, burial sites, or other grounds features. +Shovel snow from walks, driveways, or parking lots, and spread salt in those areas. +Maintain irrigation systems, including winterizing the systems and starting them up in spring. +Plan or cultivate lawns or gardens. +Maintain or repair tools, equipment, or structures, such as buildings, greenhouses, fences, or benches, using hand or power tools. +Care for artificial turf fields, periodically removing the turf and replacing cushioning pads or vacuuming and disinfecting the turf after use to prevent the growth of harmful bacteria. +Install rock gardens, ponds, decks, drainage systems, irrigation systems, retaining walls, fences, planters, or playground equipment. +Care for natural turf fields, making sure the underlying soil has the required composition to allow proper drainage and to support the grasses. +Advise customers on plant selection or care. +Haul or spread topsoil, or spread straw over seeded soil to hold soil in place. +Build forms and mix and pour cement to form garden borders. +Move furniture.","Electronic mail software— IBM Notes +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Dispose of trash or waste materials. +Operate grounds maintenance equipment. +Irrigate lawns, trees, or plants. +Drive trucks or other vehicles to or at work sites. +Trim trees or other vegetation. +Prepare chemicals for work application. +Treat greenery or surfaces with protective substances. +Remove snow. +Maintain equipment or systems to ensure proper functioning. +Cultivate lawns, turf, or gardens. +Evaluate reports or designs to determine work needs. +Clean facilities or sites. +Install equipment to protect or support trees. +Plant greenery to improve landscape appearance. +Remove debris from work sites. +Decorate indoor or outdoor spaces. +Install fencing or other barriers. +Provide information about landscaping services or costs. +Build construction forms or molds. +Install masonry materials.","Outdoors, Exposed to All Weather Conditions— 99% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 75% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 85% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets +Exposed to Hazardous Equipment— 57% responded “Every day.” +Spend Time Standing— 64% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 57% responded “Continually or almost continually.” +Exposed to Contaminants— 59% responded “Every day.” +Physical Proximity— 69% responded “Moderately close (at arm's length).” +Face-to-Face Discussions with Individuals and Within Teams— 66% responded “Every day.” +Spend Time Walking or Running— 41% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +In an Open Vehicle or Operating Equipment— 43% responded “Once a week or more but not every day.” +Pace Determined by Speed of Equipment— 57% responded “Very important.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 36% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 37% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 20% responded “Very high responsibility.” +Duration of Typical Work Week— 77% responded “40 hours.” +Time Pressure— 42% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 46% responded “Every day.” +Conflict Situations— 37% responded “Once a week or more but not every day.” +Contact With Others— 44% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 42% responded “Important.” +Spend Time Making Repetitive Motions— 35% responded “About half the time.” +Determine Tasks, Priorities and Goals— 41% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 28% responded “Important results.” +Work Outcomes and Results of Other Workers— 29% responded “No responsibility.” +Spend Time Bending or Twisting Your Body— 31% responded “Never.”",Operation and Control— Controlling operations of equipment or systems.,"English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Agricultural Equipment Operators +Bright Outlook +Fallers +Farmworkers and Laborers, Crop, Nursery, and Greenhouse +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters +Highway Maintenance Workers +Maintenance and Repair Workers, General +Operating Engineers and Other Construction Equipment Operators +Pesticide Handlers, Sprayers, and Applicators, Vegetation +Tree Trimmers and Pruners","View the list of Allies +International Society of Arboriculture +external site +National Association of Landscape Professionals +external site +Professional Grounds Management Society +external site +Tree Care Industry Association +external site",56,13,31,60,38,42,44,23,26,22,19,21,50,26,9,15,23,48,2,32,8,7,4,11,4,26,30,13,40,34,18,7,4 +37-1012.00,"First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers",https://www.onetonline.org/link/summary/37-1012.00,2025-06-11T19:12:15.211385,"Establish and enforce operating procedures and work standards that will ensure adequate performance and personnel safety. +Schedule work for crews, depending on work priorities, crew or equipment availability, or weather conditions. +Tour grounds, such as parks, botanical gardens, cemeteries, or golf courses, to inspect conditions of plants and soil. +Monitor project activities to ensure that instructions are followed, deadlines are met, and schedules are maintained. +Direct activities of workers who perform duties, such as landscaping, cultivating lawns, or pruning trees and shrubs. +Inspect completed work to ensure conformance to specifications, standards, and contract requirements. +Plant or maintain vegetation through activities such as mulching, fertilizing, watering, mowing, or pruning. +Direct or perform mixing or application of fertilizers, insecticides, herbicides, or fungicides. +Train workers in tasks such as transplanting or pruning trees or shrubs, finishing cement, using equipment, or caring for turf. +Prepare service estimates based on labor, material, and machine costs and maintain budgets for individual projects. +Identify diseases or pests affecting landscaping and order appropriate treatments. +Inventory supplies of tools, equipment, or materials to ensure that sufficient supplies are available and items are in usable condition. +Maintain required records, such as personnel information or project records. +Perform personnel-related activities, such as hiring workers, evaluating staff performance, or taking disciplinary actions when performance problems occur. +Provide workers with assistance in performing duties as necessary to meet deadlines. +Prepare or maintain required records, such as work activity or personnel reports. +Investigate work-related complaints to verify problems and to determine responses. +Perform administrative duties, such as authorizing leaves or processing time sheets. +Confer with other supervisors to coordinate work activities with those of other departments or units. +Direct or assist workers engaged in the maintenance or repair of equipment, such as power tools or motorized equipment. +Review contracts or work assignments to determine service, machine, or workforce requirements for jobs. +Order the performance of corrective work when problems occur and recommend procedural changes to avoid such problems. +Confer with managers or landscape architects to develop plans or schedules for landscaping maintenance or improvement. +Recommend changes in working conditions or equipment used to increase crew efficiency. +Answer inquiries from current or prospective customers regarding methods, materials, or price ranges. +Install or maintain landscaped areas, performing tasks such as removing snow, pouring cement curbs, or repairing sidewalks. +Design or supervise the installation of sprinkler systems, calculating water pressure, or valve and pipe coverage needs. +Negotiate with customers regarding fees for landscaping, lawn service, or groundskeeping work. +Repair irrigation systems.","Data base user interface and query software— Work order software +Electronic mail software— Microsoft Outlook +Inventory management software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Payroll software +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Establish work standards. +Plan employee work schedules. +Inspect work to ensure standards are met. +Inspect buildings or grounds to determine condition. +Supervise maintenance workers. +Irrigate lawns, trees, or plants. +Plant greenery to improve landscape appearance. +Trim trees or other vegetation. +Provide information about landscaping services or costs. +Instruct staff in work policies or procedures. +Prepare chemicals for work application. +Estimate maintenance service requirements or costs. +Inspect landscaping to determine treatment needs. +Document work hours or activities. +Evaluate current or prospective maintenance employees. +Inventory materials or equipment. +Confer with coworkers to coordinate maintenance or cleaning activities. +Investigate work related complaints to determine corrective actions. +Determine resource needs. +Recommend organizational process or policy changes. +Remove snow.","Outdoors, Exposed to All Weather Conditions— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Work With or Contribute to a Work Group or Team +Contact With Others— 82% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 74% responded “Extremely important.” +Telephone Conversations— 85% responded “Every day.” +Health and Safety of Other Workers +Exposed to Minor Burns, Cuts, Bites, or Stings— 52% responded “Every day.” +Frequency of Decision Making— 84% responded “Every day.” +Work Outcomes and Results of Other Workers— 16% responded “High responsibility.” +Determine Tasks, Priorities and Goals— 63% responded “A lot of freedom.” +Duration of Typical Work Week— 65% responded “More than 40 hours.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 68% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 56% responded “Every day.” +Time Pressure— 54% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 50% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Every day.” +Deal With External Customers or the Public in General— 56% responded “Extremely important.” +E-Mail— 57% responded “Every day.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Very important results.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 63% responded “More than half the time.” +Importance of Being Exact or Accurate— 55% responded “Very important.” +Exposed to Contaminants— 38% responded “Every day.” +Spend Time Standing— 41% responded “More than half the time.” +Spend Time Walking or Running— 29% responded “Continually or almost continually.” +Work Schedules +Conflict Situations— 45% responded “Once a month or more but not every week.” +Consequence of Error— 35% responded “Very serious.” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +Indoors, Not Environmentally Controlled— 46% responded “Every day.” +Level of Competition— 32% responded “Extremely competitive.” +Written Letters and Memos— 17% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 51% responded “More than half the time.” +In an Open Vehicle or Operating Equipment— 45% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 50% responded “Once a week or more but not every day.” +Outdoors, Under Cover— 44% responded “Once a year or more but not every month.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Persuasion— Persuading others to change their minds or behavior. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Farming, Fishing, and Forestry Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Housekeeping and Janitorial Workers +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Production and Operating Workers","View the list of Allies +Association of Professional Landscape Designers +external site +Association of Zoological Horticulture +external site +Building Owners and Managers Association International +external site +Golf Course Superintendents Association of America +external site +International Society of Arboriculture +external site +Irrigation Association +external site +Professional Grounds Management Society +external site +Sports Field Management Association +external site",75,9,43,73,68,71,68,57,51,34,29,63,56,50,32,44,28,61,14,42,46,24,27,30,17,42,55,32,49,52,43,7,11 +19-2042.00,"Geoscientists, Except Hydrologists and Geographers",https://www.onetonline.org/link/summary/19-2042.00,2025-06-11T18:56:55.775903,"Plan or conduct geological, geochemical, or geophysical field studies or surveys, sample collection, or drilling and testing programs used to collect data for research or application. +Analyze and interpret geological data, using computer software. +Investigate the composition, structure, or history of the Earth's crust through the collection, examination, measurement, or classification of soils, minerals, rocks, or fossil remains. +Analyze and interpret geological, geochemical, or geophysical information from sources, such as survey data, well logs, bore holes, or aerial photos. +Identify risks for natural disasters, such as mudslides, earthquakes, or volcanic eruptions. +Prepare geological maps, cross-sectional diagrams, charts, or reports concerning mineral extraction, land use, or resource management, using results of fieldwork or laboratory research. +Communicate geological findings by writing research papers, participating in conferences, or teaching geological science at universities. +Locate and estimate probable natural gas, oil, or mineral ore deposits or underground water resources, using aerial photographs, charts, or research or survey results. +Advise construction firms or government agencies on dam or road construction, foundation design, land use, or resource management. +Measure characteristics of the Earth, such as gravity or magnetic fields, using equipment such as seismographs, gravimeters, torsion balances, or magnetometers. +Locate and review research articles or environmental, historical, or technical reports. +Conduct geological or geophysical studies to provide information for use in regional development, site selection, or development of public works projects. +Review environmental, historical, or technical reports and publications for accuracy. +Assess ground or surface water movement to provide advice on issues, such as waste management, route and site selection, or the restoration of contaminated sites. +Inspect construction projects to analyze engineering problems, using test equipment or drilling machinery. +Provide advice on the safe siting of new nuclear reactor projects or methods of nuclear waste management. +Design geological mine maps, monitor mine structural integrity, or advise and monitor mining crews. +Review work plans to determine the effectiveness of activities for mitigating soil or groundwater contamination. +Test industrial diamonds or abrasives, soil, or rocks to determine their geological characteristics, using optical, x-ray, heat, acid, or precision instruments. +Study historical climate change indicators found in locations, such as ice sheets or rock formations to develop climate change models. +Develop strategies for more environmentally friendly resource extraction and reclamation. +Identify deposits of construction materials suitable for use as concrete aggregates, road fill, or other applications. +Identify new sources of platinum group elements for industrial applications, such as automotive fuel cells or pollution abatement systems. +Locate potential sources of geothermal energy. +Research ways to reduce the ecological footprint of increasingly prevalent megacities. +Collaborate with medical or health researchers to address health problems related to geological materials or processes. +Determine ways to mitigate the negative consequences of mineral dust dispersion. +Identify possible sites for carbon sequestration projects. +Develop ways to capture or use gases burned off as waste during oil production processes. +Research geomechanical or geochemical processes to be used in carbon sequestration projects. +Develop applied software for the analysis and interpretation of geological data. +Determine methods to incorporate geomethane or methane hydrates into global energy production or evaluate the potential environmental impacts of such incorporation.","Analytical or scientific software— EarthWorks Downhole Explorer; Gemcom Surpac; RockWare Geochemist's Workbench GWB; The MathWorks MATLAB;80 more +Computer aided design CAD software— Atoll GeoCAD; Evolution Computing EasyCAD; MineSight; Trimble Terramodel;8 more +Data base user interface and query software— EarthSoft EQuIS Geology; GeoPLUS Petra; Geosoft DAP server; Microsoft Access;3 more +Data conversion software— BOSS Didger +Document management software— Adobe Acrobat; MHC Document Express +Electronic mail software— Email software; Microsoft Outlook +File versioning software— Git +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems; RockWare RockWorks;3 more +Graphics or photo imaging software— ACD Systems Canvas; Adobe Photoshop +Internet browser software +Map creation software— Geosoft Oasis montaj; Leica Geosystems ERDAS IMAGINE; Mapping software; SACLANTCEN;10 more +Object or component oriented development software— Python +Office suite software— Microsoft Office software; OpenOffice.org +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— Microsoft Active Server Pages ASP +Word processing software— Microsoft Word","Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Interpret research or operational data. +Analyze geological or geographical data. +Conduct research to gain information about products or processes. +Design research studies to obtain scientific information. +Research geological features or processes. +Prepare maps. +Measure environmental characteristics. +Analyze environmental data. +Communicate results of environmental research. +Instruct college students in physical or life sciences. +Prepare scientific or technical reports or presentations. +Inspect work sites to identify potential environmental or safety hazards. +Monitor construction operations. +Advise others on management of emergencies or hazardous situations or materials. +Locate natural resources using geospatial or other environmental data. +Advise others about environmental management or conservation. +Review professional literature to maintain professional knowledge. +Proofread documents, records, or other files to ensure accuracy. +Review plans or proposals for environmental conservation. +Analyze geological samples. +Research hydrologic features or processes. +Develop plans to manage natural or renewable resources. +Determine methods to minimize environmental impact of activities. +Coordinate cross-disciplinary research programs. +Develop sustainable industrial or development methods. +Develop software or applications for scientific or technical use. +Research impacts of environmental conservation initiatives.","E-Mail— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 59% responded “Every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Telephone Conversations— 44% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Very important.” +Indoors, Environmentally Controlled— 50% responded “Every day.” +Contact With Others— 44% responded “Contact with others most of the time.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Spend Time Sitting— 56% responded “More than half the time.” +Time Pressure— 44% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Level of Competition— 34% responded “Moderately competitive.” +Written Letters and Memos— 39% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.” +Health and Safety of Other Workers— 34% responded “Moderate responsibility.” +Outdoors, Exposed to All Weather Conditions— 34% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 38% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Science— Using scientific rules and methods to solve problems. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Mathematics— Using mathematics to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Atmospheric and Space Scientists +Bright Outlook +Biologists +Conservation Scientists +Data Scientists +Environmental Scientists and Specialists, Including Health +Geographers +Hydrologists +Industrial Ecologists +Mining and Geological Engineers, Including Mining Safety Engineers +Soil and Plant Scientists","View the list of Allies +American Geophysical Union +external site +American Association of Petroleum Geologists +external site +American Geosciences Institute +external site +American Institute of Professional Geologists +external site +American Society of Civil Engineers +external site +Association of Environmental and Engineering Geologists +external site +Environmental and Engineering Geophysical Society +external site +Geological Society of America +external site +Marine Technology Society +external site +Mineralogical Society of America +external site +National Ground Water Association +external site +Society for Mining, Metallurgy and Exploration +external site +Society of Economic Geologists +external site +Society of Exploration Geophysicists +external site +National Association of State Boards of Geology +external site",36,4,15,71,71,44,39,56,36,32,20,32,70,64,28,47,37,30,12,25,18,7,15,23,6,56,18,66,49,29,75,6,33 +39-5091.00,"Makeup Artists, Theatrical and Performance",https://www.onetonline.org/link/summary/39-5091.00,2025-06-11T19:13:23.884492,"Apply makeup to enhance or alter the appearance of people appearing in productions such as movies. +Select desired makeup shades from stock, or mix oil, grease, and coloring to achieve specific color effects. +Duplicate work precisely to replicate characters' appearances on a daily basis. +Cleanse and tone the skin to prepare it for makeup application. +Assess performers' skin type to ensure that makeup will not cause break-outs or skin irritations. +Study production information, such as character descriptions, period settings, and situations, to determine makeup requirements. +Alter or maintain makeup during productions as necessary to compensate for lighting changes or to achieve continuity of effect. +Analyze a script, noting events that affect each character's appearance, so that plans can be made for each scene. +Confer with stage or motion picture officials and performers to determine desired effects. +Establish budgets, and work within budgetary limits. +Write makeup sheets and take photos to document specific looks and the products used to achieve the looks. +Provide performers with makeup removal assistance after performances have been completed. +Requisition or acquire needed materials for special effects, including wigs, beards, and special cosmetics. +Evaluate environmental characteristics, such as venue size and lighting plans, to determine makeup requirements. +Attach prostheses to performers and apply makeup to create special features or effects, such as scars, aging, or illness. +Examine sketches, photographs, and plaster models to obtain desired character image depiction. +Advise hairdressers on the hairstyles required for character parts. +Design rubber or plastic prostheses that can be used to change performers' appearances. +Demonstrate products to clients, and provide instruction in makeup application. +Create character drawings or models, based upon independent research, to augment period production files. +Wash and reset wigs. +Clean supplies such as makeup brushes.","Accounting software— Clear Books; Intuit QuickBooks +Calendar and scheduling software— Appointment scheduling software +Customer relationship management CRM software +Data base user interface and query software— Bookitlive; Client databases +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop; Autodesk Maya; Autodesk Mudbox; SavingFace;2 more +Instant messaging software— Twitter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Blogging software; Facebook; Instagram","Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Apply makeup to alter or enhance appearance. +Apply cleansing or conditioning agents to client hair, scalp, or skin. +Review production information to determine costume or makeup requirements. +Assess skin or hair conditions. +Collaborate with others to determine production details. +Manage budgets for personal services operations. +Prepare operational reports or records. +Order materials, supplies, or equipment. +Design costumes or cosmetic effects for characters. +Demonstrate activity techniques or equipment use. +Teach health or hygiene practices. +Groom wigs or hairpieces.","E-Mail— 70% responded “Every day.” +Contact With Others— 70% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 74% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Physical Proximity— 65% responded “Very close (near touching).” +Time Pressure— 65% responded “Every day.” +Level of Competition— 52% responded “Extremely competitive.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Spend Time Standing— 43% responded “More than half the time.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Indoors, Environmentally Controlled— 52% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 70% responded “Some freedom.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Spend Time Making Repetitive Motions— 35% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 48% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Very important.” +Outdoors, Under Cover— 48% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 39% responded “Moderate responsibility.” +Written Letters and Memos— 43% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Indoors, Not Environmentally Controlled— 43% responded “Once a week or more but not every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 39% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 30% responded “Fairly important.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Barbers +Bright Outlook +Costume Attendants +Craft Artists +Fashion Designers +Fine Artists, Including Painters, Sculptors, and Illustrators +Hairdressers, Hairstylists, and Cosmetologists +Manicurists and Pedicurists +Painting, Coating, and Decorating Workers +Shampooers +Skincare Specialists","View the list of Allies +Associated Bodywork and Massage Professionals +external site +International Alliance of Theatrical Stage Employees, Moving Picture Technicians, Artists and Allied Crafts +external site",76,1,40,65,19,62,30,44,31,24,43,28,41,24,13,20,51,19,11,31,41,14,29,26,21,14,4,11,24,56,8,58,22 +49-9064.00,Watch and Clock Repairers,https://www.onetonline.org/link/summary/49-9064.00,2025-06-11T19:23:02.399436,"Clean, rinse, and dry timepiece parts, using solutions and ultrasonic or mechanical watch-cleaning machines. +Adjust timing regulators, using truing calipers, watch-rate recorders, and tweezers. +Reassemble timepieces, replacing glass faces and batteries, before returning them to customers. +Disassemble timepieces and inspect them for defective, worn, misaligned, or rusty parts, using loupes. +Oil moving parts of timepieces. +Estimate repair costs and timepiece values. +Repair or replace broken, damaged, or worn parts on timepieces, using lathes, drill presses, and hand tools. +Test timepiece accuracy and performance, using meters and other electronic instruments. +Perform regular adjustment and maintenance on timepieces, watch cases, and watch bands. +Order supplies, including replacement parts, for timing instruments. +Gather information from customers about a timepiece's problems and its service history. +Test and replace batteries and other electronic components. +Record quantities and types of timepieces repaired, serial and model numbers of items, work performed, and charges for repairs. +Demagnetize mechanisms, using demagnetizing machines. +Fabricate parts for watches and clocks, using small lathes and other machines.","Accounting software— Intuit QuickBooks; Sage Software Sage50 +Data base user interface and query software— WatchWare Repair Shop +Electronic mail software— IBM Lotus Notes +Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Project management software— GrenSoft WorkTracer; Upland Consulting Group Repair Traq +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Clean equipment, parts, or tools to repair or maintain them in good working order. +Adjust equipment to ensure optimal performance. +Reassemble equipment after repair. +Disassemble equipment to inspect for deficiencies. +Inspect mechanical equipment to locate damage, defects, or wear. +Estimate costs for labor or materials. +Lubricate equipment to allow proper functioning. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Test mechanical equipment to ensure proper functioning. +Maintain work equipment or machinery. +Order materials, supplies, or equipment. +Confer with customers or users to assess problems. +Repair electronic equipment. +Test electrical circuits or components for proper functioning. +Record information about parts, materials or repair procedures. +Clean workpieces or finished products. +Fabricate parts or components.","Indoors, Environmentally Controlled— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 100% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 86% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 75% responded “A lot of freedom.” +Spend Time Sitting— 69% responded “Continually or almost continually.” +Freedom to Make Decisions— 63% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Telephone Conversations— 53% responded “Every day.” +Time Pressure— 22% responded “Every day.” +Duration of Typical Work Week— 47% responded “More than 40 hours.” +Contact With Others— 56% responded “Contact with others about half the time.” +Physical Proximity— 78% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 22% responded “Once a year or more but not every month.” +Impact of Decisions on Co-workers or Company Results— 21% responded “Very important results.” +Deal With External Customers or the Public in General— 39% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 34% responded “Important.” +Exposed to Contaminants— 60% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Never.”","Repairing— Repairing machines or systems using the needed tools. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Camera and Photographic Equipment Repairers +Coin, Vending, and Amusement Machine Servicers and Repairers +Electric Motor, Power Tool, and Related Repairers +Grinding and Polishing Workers, Hand +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Musical Instrument Repairers and Tuners +Paper Goods Machine Setters, Operators, and Tenders +Timing Device Assemblers and Adjusters +Tool Grinders, Filers, and Sharpeners","View the list of Allies +American Watch Association +external site +American Watchmakers-Clockmakers Institute +external site",81,,51,49,36,67,19,44,52,42,45,33,18,40,11,25,18,64,15,15,18,2,9,12,2,51,12,32,,37,13,6,16 +51-6052.00,"Tailors, Dressmakers, and Custom Sewers",https://www.onetonline.org/link/summary/51-6052.00,2025-06-11T19:26:03.187648,"Measure parts, such as sleeves or pant legs, and mark or pin-fold alteration lines. +Remove stitches from garments to be altered, using rippers or razor blades. +Sew garments, using needles and thread or sewing machines. +Let out or take in seams in suits and other garments to improve fit. +Measure customers, using tape measures, and record measurements. +Fit and study garments on customers to determine required alterations. +Trim excess material, using scissors. +Assemble garment parts and join parts with basting stitches, using needles and thread or sewing machines. +Make garment style changes, such as tapering pant legs, narrowing lapels, and adding or removing padding. +Maintain garment drape and proportions as alterations are performed. +Take up or let down hems to shorten or lengthen garment parts, such as sleeves. +Repair or replace defective garment parts, such as pockets, zippers, snaps, buttons, and linings. +Press garments, using hand irons or pressing machines. +Fit, alter, repair, and make made-to-measure clothing, according to customers' and clothing manufacturers' specifications and fit, and applying principles of garment design, construction, and styling. +Estimate how much a garment will cost to make, based on factors such as time and material requirements. +Position patterns of garment parts on fabric, and cut fabric along outlines, using scissors. +Record required alterations and instructions on tags, and attach them to garments. +Confer with customers to determine types of material and garment styles desired. +Examine tags on garments to determine alterations that are needed. +Develop, copy, or adapt designs for garments, and design patterns to fit measurements, applying knowledge of garment design, construction, styling, and fabric. +Put in padding and shaping materials. +Sew buttonholes and attach buttons to finish garments.","Accounting software— Bookkeeping software +Computer aided design CAD software— Garment design software +Customer relationship management CRM software— Tailor Master +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Point of sale POS software— ArbelSoft TailorMax +Spreadsheet software— Microsoft Excel +Word processing software— Google Docs; Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Repair textiles or apparel. +Measure materials to mark reference points, cutting lines, or other indicators. +Sew clothing or other articles. +Operate sewing equipment. +Measure clients to ensure proper product fit. +Record operational or production data. +Trim excess material from workpieces. +Adjust fabrics or other materials during garment production. +Smooth garments with irons, presses, or steamers. +Estimate costs of products, services, or materials. +Cut fabrics. +Position patterns on equipment, materials, or workpieces. +Confer with customers or designers to determine order specifications. +Mark products, workpieces, or equipment with identifying information. +Design templates or patterns. +Read work orders or other instructions to determine product specifications or materials requirements.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 95% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 66% responded “Extremely important.” +Time Pressure— 79% responded “Every day.” +Freedom to Make Decisions— 58% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 72% responded “Very important results.” +Telephone Conversations— 61% responded “Every day.” +Deal With External Customers or the Public in General— 50% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 25% responded “Some freedom.” +Frequency of Decision Making— 59% responded “Every day.” +Spend Time Sitting— 54% responded “More than half the time.” +Contact With Others— 48% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.” +Pace Determined by Speed of Equipment— 40% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Physical Proximity— 41% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 37% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Duration of Typical Work Week— 43% responded “More than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 31% responded “Extremely important.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 37% responded “Not important at all.” +Consequence of Error— 29% responded “Not serious at all.”","Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Fabric and Apparel Patternmakers +Fashion Designers +Patternmakers, Metal and Plastic +Pressers, Textile, Garment, and Related Materials +Sewers, Hand +Sewing Machine Operators +Shoe and Leather Workers and Repairers +Shoe Machine Operators and Tenders +Textile Knitting and Weaving Machine Setters, Operators, and Tenders +Upholsterers","View the list of Allies +American Sewing Guild +external site +Association of Sewing and Design Professionals +external site +Fashion Group International +external site +Custom Tailors and Designers Association +external site",76,8,58,64,49,55,25,37,41,54,44,43,9,18,15,10,25,34,10,13,23,7,12,16,10,22,9,12,5,49,1,8,7 +15-1242.00,Database Administrators,https://www.onetonline.org/link/summary/15-1242.00,2025-06-11T18:51:43.275563,"Modify existing databases and database management systems or direct programmers and analysts to make changes. +Plan, coordinate, and implement security measures to safeguard information in computer files against accidental or unauthorized damage, modification or disclosure. +Plan and install upgrades of database management system software to enhance database performance. +Specify users and user access levels for each segment of database. +Test changes to database applications or systems. +Test programs or databases, correct errors, and make necessary modifications. +Train users and answer questions. +Provide technical support to junior staff or clients. +Approve, schedule, plan, and supervise the installation and testing of new products and improvements to computer systems, such as the installation of new databases. +Develop standards and guidelines for the use and acquisition of software and to protect vulnerable information. +Write and code logical and physical database descriptions and specify identifiers of database to management system, or direct others in coding descriptions. +Develop data models describing data elements and how they are used, following procedures and using pen, template, or computer software. +Select and enter codes to monitor database performance and to create production databases. +Identify, evaluate and recommend hardware or software technologies to achieve desired database performance. +Review procedures in database management system manuals to make changes to database. +Identify and evaluate industry trends in database systems to serve as a source of information and advice for upper management. +Review workflow charts developed by programmer analyst to understand tasks computer will perform, such as updating records. +Revise company definition of data as defined in data dictionary.","Access software— Access management software; Citrix cloud computing software +Accounting software— Fund accounting software +Administration software— Redgate SQL Server +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS; The MathWorks MATLAB;3 more +Application server software— Docker; GitHub; Red Hat OpenShift; Spring Boot;2 more +Backup or archival software— Acronis Recovery Expert; EMC NetWorker; HP DataProtector; Veritas NetBackup;6 more +Business intelligence and data analysis software— Apache Spark; IBM Cognos Impromptu; Microsoft Power BI; Tableau;4 more +Cloud-based management software— Amazon Web Services AWS CloudFormation; IBM WebSphere; Splunk Enterprise +Cloud-based protection or security software— SolarWinds +Clustering software— Cluster server software; Oracle Real Application Cluster RAC; VMware +Communications server software— IBM Domino +Computer aided design CAD software— Autodesk Revit; Dassault Systemes CATIA +Computer based training software +Configuration management software— Chef; Perforce Helix software; Puppet; Red Hat Ansible Engine;1 more +Content workflow software— Atlassian JIRA +Customer relationship management CRM software— Blackbaud The Raiser's Edge; Oracle Eloqua; Salesforce software +Data base management system software— Amazon DynamoDB; Elasticsearch; MongoDB; Oracle PL/SQL;35 more +Data base reporting software— Microsoft SQL Server Reporting Services SSRS; Oracle Reports; Oracle SQL Plus; SAP Crystal Reports;3 more +Data base user interface and query software— Apache Hive; Blackboard software; IBM DB2; MySQL;11 more +Data mining software— Google Analytics +Desktop communications software— Skype +Desktop publishing software— Microsoft Publisher +Development environment software— Apache Kafka; Apache Maven; Go; Oracle SQL Developer;15 more +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— BMC Software Control-M; Extensible markup language XML; IBM InfoSphere DataStage; Microsoft SQL Server Integration Services SSIS;2 more +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;9 more +Enterprise system management software— IBM Power Systems software +Expert system software— Ansible software; Apache Mahout +File versioning software— Apache Subversion SVN; Git +Financial analysis software— Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphical user interface development software— Salesforce Visualforce +Human resources software— Human resource management software HRMS; Oracle Learning Management; Oracle Taleo +Industrial control software— Supervisory control and data acquisition SCADA software +Information retrieval or search software— Data validation software; LexisNexis +Manufacturing execution system MES software— CA Easytrieve Report Generator +Medical software— Epic Systems +Metadata management software— IBM Rational Data Architect; Informatica software; Pentaho Kettle; Quest Erwin Data Modeler;3 more +Multi-media educational software— Nearpod +Network conferencing software— LogMeIn GoToWebinar +Network monitoring software— Nagios; Wireshark; Zabbix +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Network security or virtual private network VPN management software— Database security software +Object or component oriented development software— C#; jQuery; Scala; Swift;12 more +Object oriented data base management software— Hibernate ORM; IBM Informix; PostgreSQL; Transact-SQL;1 more +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Red Hat Enterprise Linux; UNIX Shell;11 more +Portal server software— Apache HTTP Server +Presentation software— Microsoft PowerPoint +Procedure management software— Apache Airflow +Process mapping and design software— Microsoft Visio; Visual Paradigm DB Visual ARCHITECT +Program testing software— Database testing software; Hewlett Packard LoadRunner; JUnit; Selenium;1 more +Project management software— Atlassian Confluence; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Requirements analysis and system architecture software— Database capacity planning software; Unified modeling language UML +Sales and marketing software— Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Storage networking software— Amazon Simple Storage Service S3; Storage area network SAN software +Transaction security and virus protection software— Encryption software; McAfee; NortonLifeLock cybersecurity software +Transaction server software— Customer information control system CICS +Video conferencing software— Cisco Webex; Google Meet; LogMeIn GoToMeeting +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Django; Google Angular; Microsoft ASP.NET; Spring Framework;22 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Create databases to store electronic data. +Update computer database information. +Implement security measures for computer or information systems. +Develop computer or information security policies or procedures. +Install computer software. +Assess database performance. +Test computer system operations to ensure proper functioning. +Modify software programs to improve performance. +Train others in computer interface or software use. +Provide technical support for software maintenance or use. +Coordinate software or hardware installation. +Develop detailed project plans. +Develop performance metrics or standards related to information technology. +Develop database parameters or specifications. +Develop models of information or communications systems. +Write computer programming code. +Read documents to gather technical information. +Evaluate utility of software or hardware technologies. +Provide recommendations to others about computer hardware. +Analyze data to identify trends or relationships among variables. +Analyze market or customer related data.","E-Mail— 92% responded “Every day.” +Indoors, Environmentally Controlled— 90% responded “Every day.” +Telephone Conversations +Work With or Contribute to a Work Group or Team +Freedom to Make Decisions— 56% responded “A lot of freedom.” +Importance of Being Exact or Accurate +Spend Time Sitting— 24% responded “More than half the time.” +Determine Tasks, Priorities and Goals +Contact With Others— 71% responded “Contact with others most of the time.” +Frequency of Decision Making— 70% responded “Once a week or more but not every day.” +Consequence of Error +Spend Time Making Repetitive Motions— 18% responded “About half the time.” +Coordinate or Lead Others in Accomplishing Work Activities +Work Outcomes and Results of Other Workers— 13% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 25% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 16% responded “Very important results.” +Face-to-Face Discussions with Individuals and Within Teams— 16% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 68% responded “40 hours.” +Spend Time Standing— 26% responded “Less than half the time.” +Time Pressure— 22% responded “Once a week or more but not every day.” +Written Letters and Memos— 20% responded “Once a year or more but not every month.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Programming— Writing computer programs for various purposes. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Mathematics— Using mathematics to solve problems.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Blockchain Engineers +Bright Outlook +Computer Systems Analysts +Computer Systems Engineers/Architects +Data Warehousing Specialists +Database Architects +Document Management Specialists +Information Security Analysts +Information Security Engineers +Network and Computer Systems Administrators +Software Developers","View the list of Allies +Association for Computing Machinery +external site +Computing Research Association +external site +IEEE Computer Society +external site +National Center for Women and Information Technology +external site +CompTIA +external site +Institute for Certification of Computing Professionals +external site",73,1,28,74,64,53,39,52,34,43,18,38,7,95,9,36,39,17,3,25,22,2,5,64,17,63,8,15,4,45,13,1,7 +17-2199.07,Photonics Engineers,https://www.onetonline.org/link/summary/17-2199.07,2025-06-11T18:54:41.155834,"Analyze system performance or operational requirements. +Develop optical or imaging systems, such as optical imaging products, optical components, image processes, signal process technologies, or optical systems. +Develop or test photonic prototypes or models. +Design, integrate, or test photonics systems or components. +Assist in the transition of photonic prototypes to production. +Read current literature, talk with colleagues, continue education, or participate in professional organizations or conferences to keep abreast of developments in the field. +Write reports or proposals related to photonics research or development projects. +Conduct testing to determine functionality or optimization or to establish limits of photonics systems or components. +Determine applications of photonics appropriate to meet product objectives or features. +Conduct research on new photonics technologies. +Design electro-optical sensing or imaging systems. +Document photonics system or component design processes, including objectives, issues, or outcomes. +Design photonics products, such as light sources, displays, or photovoltaics, to achieve increased energy efficiency. +Train operators, engineers, or other personnel. +Analyze, fabricate, or test fiber-optic links. +Design gas lasers, solid state lasers, infrared, or other light emitting or light sensitive devices. +Create or maintain photonic design histories. +Oversee or provide expertise on manufacturing, assembly, or fabrication processes. +Determine commercial, industrial, scientific, or other uses for electro-optical applications or devices. +Design solar energy photonics or other materials or devices to generate energy. +Design or redesign optical fibers to minimize energy loss. +Develop photonics sensing or manufacturing technologies to improve the efficiency of manufacturing or related processes. +Develop laser-processed designs, such as laser-cut medical devices. +Design or develop new crystals for photonics applications. +Design laser machining equipment for purposes such as high-speed ablation. +Select, purchase, set up, operate, or troubleshoot state-of-the-art laser cutting equipment.","Analytical or scientific software— Photon Design PICWave; SAS; The MathWorks MATLAB; Wolfram Research Mathematica;7 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; Optiwave OptiFDTD;9 more +Data base user interface and query software— Structure query language SQL +Development environment software— C; Go; Microsoft .NET Framework; Microsoft Visual Basic;2 more +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software; ESRI software; QGIS +Map creation software— Mapping software +Object or component oriented development software— C#; C++; Oracle Java; Perl;1 more +Office suite software— Microsoft Office software +Operating system software— Linux; Shell script; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debugging software +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Analyze operational data to evaluate operations, processes or products. +Design electronic or computer equipment or instrumentation. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Create physical models or prototypes. +Prepare detailed work plans. +Update technical knowledge. +Prepare research or technical reports. +Write reports or evaluations. +Prepare proposal documents. +Identify new applications for existing technologies. +Research advanced engineering designs or applications. +Train personnel on proper operational procedures. +Fabricate devices or components. +Document technical design details. +Maintain operational records or records systems. +Direct industrial production activities. +Design energy production or management equipment or systems. +Design industrial processing systems. +Operate industrial equipment. +Purchase materials, equipment, or other resources. +Select tools, equipment, or technologies for use in operations or projects.","E-Mail— 96% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 61% responded “Extremely important.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Contact With Others— 48% responded “Constant contact with others.” +Duration of Typical Work Week— 61% responded “More than 40 hours.” +Telephone Conversations— 65% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Freedom to Make Decisions— 35% responded “A lot of freedom.” +Spend Time Sitting— 74% responded “More than half the time.” +Level of Competition— 39% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Important.” +Consequence of Error— 39% responded “Serious.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Written Letters and Memos— 43% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Moderate results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 39% responded “Once a week or more but not every day.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operations Analysis— Analyzing needs and product requirements to create a design. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Computer Hardware Engineers +Bright Outlook +Electrical and Electronic Engineering Technologists and Technicians +Electrical Engineers +Electronics Engineers, Except Computer +Mechatronics Engineers +Microsystems Engineers +Nanosystems Engineers +Photonics Technicians +Radio Frequency Identification Device Specialists +Robotics Technicians","View the list of Allies +IEEE Photonics Society +external site +Optica +external site +Society for Information Display +external site +Society of Women Engineers +external site +SPIE International Society for Optics and Photonics +external site",28,,43,58,89,32,27,24,29,20,21,18,43,81,10,23,24,52,1,12,7,1,1,44,9,96,10,89,15,74,11,2,4 +11-3013.00,Facilities Managers,https://www.onetonline.org/link/summary/11-3013.00,2025-06-11T18:46:58.633921,"Monitor the facility to ensure that it remains safe, secure, and well-maintained. +Oversee the maintenance and repair of machinery, equipment, and electrical and mechanical systems. +Oversee construction and renovation projects to improve efficiency and to ensure that facilities meet environmental, health, and security standards, and comply with government regulations. +Plan, administer, and control budgets for contracts, equipment, and supplies. +Participate in architectural and engineering planning and design, including space and installation management. +Set goals and deadlines for the department. +Conduct classes to teach procedures to staff. +Prepare and review operational reports and schedules to ensure accuracy and efficiency. +Acquire, distribute and store supplies. +Dispose of, or oversee the disposal of, surplus or unclaimed property. +Manage leasing of facility space. +Review and approve payroll for employees.","Accounting software— Fund accounting software; Intuit QuickBooks; Sage 50 Accounting +Cloud-based data access and sharing software— Google Drive +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base management system software— Teradata Database +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— FileMaker Pro; Microsoft Access; Sage 300 Construction and Real Estate; Yardi software +Desktop publishing software— Adobe PageMaker; Microsoft Publisher +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; IBM Notes; MicroFocus GroupWise; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Microsoft Dynamics GP; Oracle PeopleSoft; SAP software;5 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Delphi Technology +Human resources software— ADP Enterprise HR; ADP Workforce Now; Human resource management software HRMS +Industrial control software— Supervisory control and data acquisition SCADA software +Instant messaging software— GroupMe +Internet browser software— Microsoft Internet Explorer; Web browser software +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Microsoft Windows XP +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Google Docs; Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Monitor facilities or operational systems. +Direct facility maintenance or repair activities. +Manage construction activities. +Prepare operational budgets. +Plan facility layouts or designs. +Develop organizational goals or objectives. +Conduct employee training programs. +Prepare operational progress or status reports. +Purchase materials, equipment, or other resources. +Manage inventories of products or organizational resources. +Allocate physical resources within organizations.","E-Mail— 96% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 89% responded “Every day.” +Contact With Others— 80% responded “Constant contact with others.” +Telephone Conversations— 83% responded “Every day.” +Determine Tasks, Priorities and Goals— 67% responded “A lot of freedom.” +Health and Safety of Other Workers— 59% responded “Very high responsibility.” +Frequency of Decision Making— 65% responded “Every day.” +Indoors, Environmentally Controlled— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 61% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 63% responded “Very high responsibility.” +Freedom to Make Decisions— 53% responded “Some freedom.” +Deal With External Customers or the Public in General— 46% responded “Extremely important.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Time Pressure— 35% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 48% responded “More than 40 hours.” +Importance of Repeating Same Tasks— 31% responded “Extremely important.” +Physical Proximity— 56% responded “Moderately close (at arm's length).” +Spend Time Sitting— 44% responded “More than half the time.” +Conflict Situations— 32% responded “Once a month or more but not every week.” +Written Letters and Memos— 27% responded “Once a year or more but not every month.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Once a year or more but not every month.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 35% responded “Once a year or more but not every month.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Persuasion— Persuading others to change their minds or behavior. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits.","Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.",,"Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Administrative Services Managers +Bright Outlook +Construction and Building Inspectors +Construction Managers +First-Line Supervisors of Housekeeping and Janitorial Workers +General and Operations Managers +Industrial Production Managers +Maintenance and Repair Workers, General +Property, Real Estate, and Community Association Managers +Security Managers +Transportation, Storage, and Distribution Managers","View the list of Allies +American Hotel and Lodging Association +external site +American Institute of Architects +external site +American National Standards Institute +external site +American Planning Association +external site +American Public Works Association +external site +American Society for Quality +external site +American Society of Civil Engineers +external site +American Society of Safety Professionals +external site +ARMA International +external site +ASHRAE +external site +Association for Facilities Engineering +external site +Building Owners and Managers Association International +external site +Building Service Contractors Association International +external site +Community Associations Institute +external site +ConnexFM +external site +Construction Management Association of America +external site +International Building Performance Simulation Association +external site +International Code Council +external site +International Council of Shopping Centers +external site +International Facility Management Association +external site +National Fire Protection Association +external site +National Institute of Building Sciences +external site +USGBC +external site +Northeast Sustainable Energy Association +external site +Institute of Certified Records Managers +external site +Society for Maintenance and Reliability Professionals +external site",84,13,41,69,53,80,62,57,58,48,31,60,44,56,19,44,41,59,17,50,57,42,37,44,25,51,58,37,28,35,32,7,11 +47-2043.00,Floor Sanders and Finishers,https://www.onetonline.org/link/summary/47-2043.00,2025-06-11T19:18:19.452611,"Buff and vacuum floors to ensure their cleanliness prior to the application of finish. +Scrape and sand floor edges and areas inaccessible to floor sanders, using scrapers, disk-type sanders, and sandpaper. +Inspect floors for smoothness. +Attach sandpaper to rollers of sanding machines. +Guide sanding machines over surfaces of floors until surfaces are smooth. +Apply filler compound and coats of finish to floors to seal wood. +Remove excess glue from joints, using knives, scrapers, or wood chisels.","Computer aided design CAD software— Floor planning software +Data base user interface and query software— Flooring Technologies QFloors +Project management software— FloorCOST Estimator for Excel; Measure Square; Pacific Solutions FloorRight +Spreadsheet software— Microsoft Excel +Video creation and editing software— Vimeo","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Clean building walls or flooring. +Clean facilities or sites. +Smooth surfaces with abrasive materials or tools. +Inspect completed work to ensure proper installation. +Load materials into construction equipment. +Apply sealants or other protective coatings. +Remove excess materials from finished construction projects.","Exposed to Contaminants— 90% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 88% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Spend Time Bending or Twisting Your Body— 76% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 76% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 66% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 66% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 61% responded “Every day.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 49% responded “Very important results.” +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 50% responded “Extremely important.” +Indoors, Environmentally Controlled— 32% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 45% responded “More than half the time.” +Spend Time Standing— 46% responded “Continually or almost continually.” +Frequency of Decision Making— 55% responded “Every day.” +Exposed to Hazardous Equipment— 59% responded “Every day.” +Work Outcomes and Results of Other Workers— 55% responded “Very high responsibility.” +Contact With Others— 38% responded “Constant contact with others.” +Telephone Conversations— 32% responded “Every day.” +Time Pressure— 53% responded “Once a week or more but not every day.” +Exposed to Whole Body Vibration— 44% responded “Every day.” +Work With or Contribute to a Work Group or Team— 53% responded “Important.” +Health and Safety of Other Workers— 49% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Important.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 42% responded “Every day.” +Importance of Repeating Same Tasks— 28% responded “Extremely important.” +Exposed to Cramped Work Space, Awkward Positions— 42% responded “Once a week or more but not every day.” +Level of Competition— 18% responded “Highly competitive.” +Duration of Typical Work Week— 61% responded “40 hours.” +Exposed to Hazardous Conditions— 35% responded “Every day.” +Deal With External Customers or the Public in General— 34% responded “Important.” +Pace Determined by Speed of Equipment— 31% responded “Extremely important.”","Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Carpet Installers +Cement Masons and Concrete Finishers +Drywall and Ceiling Tile Installers +Floor Layers, Except Carpet, Wood, and Hard Tiles +Bright Outlook +Furniture Finishers +Grinding and Polishing Workers, Hand +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Insulation Workers, Floor, Ceiling, and Wall +Terrazzo Workers and Finishers +Tile and Stone Setters","View the list of Allies +Home Builders Institute +external site +International Association of Venue Managers +external site +International Masonry Institute +external site +Maple Flooring Manufacturers Association +external site +National Tile Contractors Association +external site +National Wood Flooring Association +external site +Tile Contractors' Association of America +external site +Finishing Trades Institute International +external site +International Certified Flooring Installers +external site +International Standards and Training Alliance (INSTALL) +external site +International Union of Bricklayers and Allied Craftworkers +external site +United Brotherhood of Carpenters and Joiners of America +external site",77,,58,66,48,51,43,39,38,25,41,22,34,14,17,10,26,50,3,37,19,6,5,17,8,37,78,13,5,46,11,5,1 +53-3054.00,Taxi Drivers,https://www.onetonline.org/link/summary/53-3054.00,2025-06-11T19:29:28.238410,"Collect fares or vouchers from passengers, and make change or issue receipts as necessary. +Communicate with dispatchers by radio, telephone, or computer to exchange information and receive requests for passenger service. +Complete accident reports when necessary. +Determine fares based on trip distances and times, using taximeters and fee schedules, and announce fares to passengers. +Drive taxicabs or privately owned vehicles to transport passengers. +Follow relevant safety regulations and state laws governing vehicle operation, and ensure that passengers follow safety regulations. +Notify dispatchers or company mechanics of vehicle problems. +Perform minor vehicle repairs, such as cleaning spark plugs, or take vehicles to mechanics for servicing. +Perform routine vehicle maintenance, such as regulating tire pressure and adding gasoline, oil, and water. +Pick up passengers at prearranged locations, at taxi stands, or by cruising streets in high-traffic areas. +Provide passengers with assistance entering and exiting vehicles, and help them with any luggage. +Provide passengers with information or advice about the local area, points of interest, hotels, or restaurants. +Report to taxicab services or garages to receive vehicle assignments. +Test vehicle equipment, such as lights, brakes, horns, or windshield wipers, to ensure proper operation. +Turn the taximeter on when passengers enter the cab, and turn it off when they reach the final destination. +Vacuum and clean interiors and wash and polish exteriors of automobiles.","Data base user interface and query software— Actsoft Comet Tracker; Penchant Software dispatchOffice; TranWare Enterprise Suite +Mobile location based services software— Digital Dispatch; Easy Dispatch; Piccolo Software PiccoloTaxi; TSS Wireless Fleet Management Suite;4 more +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook",,"Clean vehicles or vehicle components. +Drive passenger vehicles. +Maintain vehicles in good working condition. +Provide transportation information to passengers or customers. +Assist passengers during vehicle boarding. +Calculate costs of goods or services. +Collect fares or payment from customers. +Communicate with others to coordinate vehicle movement. +Follow safety procedures for vehicle operation. +Inspect motor vehicles. +Prepare accident or incident reports. +Receive information or instructions for performing work assignments. +Report vehicle or equipment malfunctions.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Bus Drivers, School +Bus Drivers, Transit and Intercity +Couriers and Messengers +Bright Outlook +Dispatchers, Except Police, Fire, and Ambulance +Driver/Sales Workers +Light Truck Drivers +Parking Attendants +Railroad Conductors and Yardmasters +Shuttle Drivers and Chauffeurs +Subway and Streetcar Operators","View the list of Allies +American Public Transportation Association +external site +International Association of Public Transport +external site +National Limousine Association +external site +South West Transit Association +external site +International Brotherhood of Teamsters +external site +United Motorcoach Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +25-2022.00,"Middle School Teachers, Except Special and Career/Technical Education",https://www.onetonline.org/link/summary/25-2022.00,2025-06-11T19:01:23.145756,"Prepare materials and classrooms for class activities. +Observe and evaluate students' performance, behavior, social development, and physical health. +Instruct through lectures, discussions, and demonstrations in one or more subjects, such as English, mathematics, or social studies. +Prepare, administer, and grade tests and assignments to evaluate students' progress. +Establish and enforce rules for behavior and procedures for maintaining order among students. +Establish clear objectives for all lessons, units, and projects, and communicate these objectives to students. +Assign lessons and correct homework. +Assist students who need extra help, such as by tutoring and preparing and implementing remedial programs. +Confer with parents or guardians, other teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Maintain accurate, complete, and correct student records as required by laws, district policies, and administrative regulations. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Adapt teaching methods and instructional materials to meet students' varying needs and interests. +Enforce all administration policies and rules governing students. +Prepare students for later grades by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Collaborate with other teachers and administrators in the development, evaluation, and revision of middle school programs. +Guide and counsel students with adjustment or academic problems, or special academic interests. +Meet or correspond with parents or guardians to discuss children's progress and to determine priorities and resource needs. +Instruct and monitor students in the use and care of equipment and materials to prevent injury and damage. +Meet with other professionals to discuss individual students' needs and progress. +Prepare reports on students and activities as required by administration. +Prepare for assigned classes and show written evidence of preparation upon request of immediate supervisors. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Attend staff meetings and serve on staff committees, as required. +Plan and supervise class projects, field trips, visits by guest speakers, or other experiential activities, and guide students in learning from such activities. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Organize and supervise games and other recreational activities to promote physical, mental, and social development. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading. +Coordinate and supervise extracurricular activities, such as clubs, student organizations, and academic contests. +Organize and label materials and display students' work. +Select, store, order, issue, and inventory classroom equipment, materials, and supplies. +Administer standardized ability and achievement tests, and interpret results to determine student strengths and needs. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Supervise, evaluate, and plan assignments for teacher assistants and volunteers.","Analytical or scientific software— Desmos +Cloud-based data access and sharing software— Google Drive +Computer based training software— Common Curriculum; Moodle; Padlet; Schoology;2 more +Data base user interface and query software— Blackboard software +Desktop communications software— ClassTag; Edmodo; Tadpoles +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Graphics or photo imaging software— JamBoard +Internet browser software— Web browser software +Multi-media educational software— Kahoot!; Nearpod; Seesaw +Office suite software— Microsoft Office software +Operating system software— Apple macOS +Presentation software— Microsoft PowerPoint; Pear Deck +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet; Zoom +Video creation and editing software— Apple Final Cut Pro; Flipgrid; Screencastify; Video editing software +Web page creation and editing software— Facebook +Word processing software— Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests.","Set up classroom materials or equipment. +Evaluate student work. +Monitor student performance. +Monitor student behavior, social development, or health. +Apply multiple teaching methods. +Administer tests to assess educational needs or progress. +Prepare tests. +Develop instructional objectives. +Establish rules or policies governing student behavior. +Assign class work to students. +Plan educational activities. +Discuss problems or issues with supervisors. +Discuss student progress with parents or guardians. +Enforce rules or policies governing student behavior. +Maintain student records. +Modify teaching methods or materials to accommodate student needs. +Tutor students who need extra assistance. +Encourage students. +Collaborate with other teaching professionals to develop educational programs. +Create technology-based learning materials. +Assist students with special educational needs. +Advise students on academic or career matters. +Teach others to use technology or equipment. +Document lesson plans. +Prepare reports detailing student activities or performance. +Serve on institutional or departmental committees. +Plan experiential learning activities. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Coordinate student extracurricular activities. +Supervise school or student activities. +Display student work. +Distribute instructional or library materials. +Maintain inventories of materials, equipment, or products. +Order instructional or library materials or equipment. +Evaluate performance of educational staff. +Supervise student research or internship work.","E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Contact With Others— 77% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 71% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +Duration of Typical Work Week— 78% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Freedom to Make Decisions— 54% responded “A lot of freedom.” +Physical Proximity— 70% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 72% responded “Every day.” +Public Speaking— 70% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 41% responded “Extremely important.” +Spend Time Standing— 41% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a year or more but not every month.” +Importance of Being Exact or Accurate— 53% responded “Important.” +Telephone Conversations— 40% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Time Pressure— 51% responded “Once a week or more but not every day.” +Written Letters and Memos— 37% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 33% responded “Moderate responsibility.” +Importance of Repeating Same Tasks— 34% responded “Very important.” +Work Outcomes and Results of Other Workers— 61% responded “Moderate responsibility.” +Conflict Situations— 33% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Once a week or more but not every day.” +Spend Time Walking or Running— 56% responded “Less than half the time.”","Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Service Orientation— Actively looking for ways to help people. +Persuasion— Persuading others to change their minds or behavior. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Career/Technical Education Teachers, Middle School +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Secondary School +Tutors","View the list of Allies +ACSD +external site +American Choral Directors Association +external site +Association for Middle Level Education +external site +Association of American Educators +external site +Council for the Accreditation of Educator Preparation +external site +International Literacy Association +external site +National Art Education Association +external site +National Association for Music Education +external site +National Council for the Social Studies +external site +National Council of Teachers of English +external site +National Council of Teachers of Mathematics +external site +National Science Teaching Association +external site +Society of Health and Physical Educators +external site +The Delta Kappa Gamma Society International +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",52,12,8,83,67,36,54,87,51,10,17,31,23,56,11,41,46,8,70,13,58,37,52,21,21,21,3,26,30,14,50,31,54 +29-1229.01,Allergists and Immunologists,https://www.onetonline.org/link/summary/29-1229.01,2025-06-11T19:07:03.172754,"Diagnose or treat allergic or immunologic conditions. +Educate patients about diagnoses, prognoses, or treatments. +Order or perform diagnostic tests such as skin pricks and intradermal, patch, or delayed hypersensitivity tests. +Prescribe medication such as antihistamines, antibiotics, and nasal, oral, topical, or inhaled glucocorticosteroids. +Interpret diagnostic test results to make appropriate differential diagnoses. +Document patients' medical histories. +Develop individualized treatment plans for patients, considering patient preferences, clinical data, or the risks and benefits of therapies. +Provide therapies, such as allergen immunotherapy or immunoglobin therapy, to treat immune conditions. +Conduct physical examinations of patients. +Assess the risks and benefits of therapies for allergic and immunologic disorders. +Coordinate the care of patients with other health care professionals or support staff. +Perform allergen provocation tests such as nasal, conjunctival, bronchial, oral, food, or medication challenges. +Engage in self-directed learning and continuing education activities. +Provide allergy or immunology consultation or education to physicians or other health care providers. +Conduct laboratory or clinical research on allergy or immunology topics. +Present research findings at national meetings or in peer-reviewed journals.","Analytical or scientific software— FlowJo; GraphPad Software GraphPad Prism; Microscope imaging software; Molecular Devices Softmax Pro +Electronic mail software— Email software; Microsoft Outlook +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; Greenway Medical Technologies PrimeSUITE; Rosch Visionary Systems Visionary Allergy Tracker;24 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Treat chronic diseases or disorders. +Diagnose medical conditions. +Explain medical procedures or test results to patients or family members. +Order medical diagnostic or clinical tests. +Prescribe medications. +Analyze test data or images to inform diagnosis or treatment. +Record patient medical histories. +Develop medical treatment plans. +Examine patients to assess general physical condition. +Evaluate treatment options to guide medical decisions. +Collaborate with healthcare professionals to plan or provide treatment. +Maintain medical or professional knowledge. +Advise medical personnel regarding healthcare issues. +Train medical providers. +Conduct research to increase knowledge about medical issues. +Present medical research reports.","Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Work With or Contribute to a Work Group or Team— 89% responded “Extremely important.” +Contact With Others— 94% responded “Constant contact with others.” +Indoors, Environmentally Controlled— 94% responded “Every day.” +Telephone Conversations— 84% responded “Every day.” +Freedom to Make Decisions— 78% responded “A lot of freedom.” +E-Mail— 74% responded “Every day.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Written Letters and Memos— 60% responded “Every day.” +Physical Proximity— 76% responded “Very close (near touching).” +Determine Tasks, Priorities and Goals— 52% responded “A lot of freedom.” +Frequency of Decision Making— 70% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 66% responded “Very important results.” +Exposed to Disease or Infections— 70% responded “Every day.” +Consequence of Error— 66% responded “Extremely serious.” +Deal With External Customers or the Public in General— 72% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 59% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Very important.” +Time Pressure— 50% responded “Every day.” +Health and Safety of Other Workers— 46% responded “Very high responsibility.” +Duration of Typical Work Week— 49% responded “More than 40 hours.” +Level of Competition— 49% responded “Moderately competitive.” +Spend Time Sitting— 40% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 47% responded “Once a month or more but not every week.” +Conflict Situations— 32% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 27% responded “Continually or almost continually.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Far Vision— The ability to see details at a distance. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiologists +Dermatologists +Bright Outlook +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Obstetricians and Gynecologists +Ophthalmologists, Except Pediatric +Pediatric Surgeons +Pediatricians, General +Urologists","View the list of Allies +American Academy of Allergy, Asthma and Immunology +external site +American Academy of Family Physicians +external site +American Academy of Pediatrics +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Allergy, Asthma and Immunology +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",85,12,33,85,52,66,29,62,54,44,39,61,55,72,30,44,29,9,25,13,52,48,38,32,96,25,7,18,76,14,20,7,10 +15-1299.02,Geographic Information Systems Technologists and Technicians,https://www.onetonline.org/link/summary/15-1299.02,2025-06-11T18:52:12.367537,"Produce data layers, maps, tables, or reports, using spatial analysis procedures or Geographic Information Systems (GIS) technology, equipment, or systems. +Design or prepare graphic representations of Geographic Information Systems (GIS) data, using GIS hardware or software applications. +Maintain or modify existing Geographic Information Systems (GIS) databases. +Provide technical expertise in Geographic Information Systems (GIS) technology to clients or users. +Perform computer programming, data analysis, or software development for Geographic Information Systems (GIS) applications, including the maintenance of existing systems or research and development for future enhancements. +Enter data into Geographic Information Systems (GIS) databases, using techniques such as coordinate geometry, keyboard entry of tabular data, manual digitizing of maps, scanning or automatic conversion to vectors, or conversion of other sources of digital data. +Review existing or incoming data for currency, accuracy, usefulness, quality, or completeness of documentation. +Perform geospatial data building, modeling, or analysis, using advanced spatial analysis, data manipulation, or cartography software. +Design or coordinate the development of integrated Geographic Information Systems (GIS) spatial or non-spatial databases. +Perform integrated or computerized Geographic Information Systems (GIS) analyses to address scientific problems. +Select cartographic elements needed for effective presentation of information. +Provide technical support to users or clients regarding the maintenance, development, or operation of Geographic Information Systems (GIS) databases, equipment, or applications. +Collect, compile, or integrate Geographic Information Systems (GIS) data, such as remote sensing or cartographic data for inclusion in map manuscripts. +Interpret aerial or ortho photographs. +Meet with clients to discuss topics such as technical specifications, customized solutions, or operational problems. +Document, design, code, or test Geographic Information Systems (GIS) models, internet mapping solutions, or other applications. +Create, analyze, report, convert, or transfer data, using specialized applications program software. +Confer with users to analyze, configure, or troubleshoot applications. +Design, program, or model Geographic Information Systems (GIS) applications or procedures. +Develop specialized computer software routines, internet-based Geographic Information Systems (GIS) databases, or business applications to customize geographic information. +Make recommendations regarding upgrades, considering implications of new or revised Geographic Information Systems (GIS) software, equipment, or applications. +Assist users in formulating Geographic Information Systems (GIS) requirements or understanding the implications of alternatives. +Create visual representations of geospatial data, using complex procedures such as analytical modeling, three-dimensional renderings, or plot creation. +Transfer or rescale information from original photographs onto maps or other photographs. +Prepare training materials for, or make presentations to, Geographic Information Systems (GIS) users. +Apply three-dimensional (3D) or four-dimensional (4D) technologies to geospatial data to allow for new or different analyses or applications. +Conduct research, data analysis, systems design, or support for software such as Geographic Information Systems (GIS) or Global Positioning Systems (GPS) mapping software. +Read current literature, talk with colleagues, continue education, or participate in professional organizations or conferences to keep abreast of developments in Geographic Information Systems (GIS) technology, equipment, or systems. +Recommend procedures, equipment, or software upgrades to increase data accessibility or ease of use.","Analytical or scientific software— Coordinate geometry COGO software; Hydrological modeling software; SAS; The MathWorks MATLAB;4 more +Application server software— Docker; GitHub; Kubernetes +Business intelligence and data analysis software— Tableau +Cloud-based management software— IBM WebSphere +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Land Desktop; Bentley MicroStation; Computer aided design and drafting software CADD +Content workflow software— Atlassian JIRA +Data base management system software— Microsoft SQL Server; Oracle PL/SQL; Relational database management software; Teradata Database;1 more +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Amazon Web Services AWS software; ServiceNow; Structured query language SQL; Transact-SQL;7 more +Development environment software— Go; Microsoft .NET Framework; Microsoft Visual Basic for Applications VBA; Microsoft Visual Studio;12 more +Document management software— Adobe Acrobat; Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— Email software; Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software; Extensible markup language XML; Jenkins CI +Enterprise resource planning ERP software— Management information systems MIS; Microsoft Dynamics; SAP software +File versioning software— Git +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software; Geographic information system GIS systems; QGIS;9 more +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Map creation software— CDA International Manifold System; Leica Geosystems ERDAS IMAGINE; RockWare ArcMap; Trimble Pathfinder Office;1 more +Mobile location based services software— Global positioning system GPS software +Object or component oriented development software— C#; jQuery; Perl; TypeScript;5 more +Object oriented data base management software— PostgreSQL +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Apple iOS; Linux; Shell script; UNIX;1 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Requirements analysis and system architecture software— Unified modeling language UML +Spreadsheet software— Microsoft Excel +Video creation and editing software— Adobe After Effects +Web page creation and editing software— Adobe Dreamweaver +Web platform development software— Bootstrap; Google Angular; Microsoft ASP.NET; React;12 more +Word processing software— Microsoft OneNote; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Prepare graphics or other visual representations of information. +Prepare analytical reports. +Create databases to store electronic data. +Update computer database information. +Provide technical support for software maintenance or use. +Design software applications. +Write computer programming code. +Evaluate data quality. +Develop scientific or mathematical models. +Analyze data to identify trends or relationships among variables. +Prepare data for analysis. +Coordinate project activities with other personnel or departments. +Design computer modeling or simulation programs. +Document technical specifications or requirements. +Test software performance. +Collaborate with others to resolve information technology issues. +Troubleshoot issues with computer applications or systems. +Develop models of information or communications systems. +Recommend changes to improve computer or information systems. +Collaborate with others to determine design specifications or details. +Train others in computer interface or software use. +Analyze Geographic Information Systems (GIS) data for use in green applications. +Conduct research to gain information about products or processes. +Design integrated computer systems. +Update knowledge about emerging industry or technology trends.","E-Mail— How frequently does your job require you to use E-mail? +Indoors, Environmentally Controlled— How often does this job require working indoors in an environmentally controlled environment (like a warehouse with air conditioning)? +Importance of Being Exact or Accurate— How important is being very exact or highly accurate in performing this job? +Spend Time Sitting— How much does this job require sitting? +Telephone Conversations— How often do you have telephone conversations in this job? +Face-to-Face Discussions with Individuals and Within Teams— How frequently does your job require face-to-face discussions with individuals and within teams? +Work With or Contribute to a Work Group or Team— How important is it to work with or contribute to a work group or team in this job? +Freedom to Make Decisions— How much decision making freedom, without supervision, does the job offer? +Importance of Repeating Same Tasks— How important are continuous, repetitive, physical activities (like key entry) or mental activities (like checking entries in a ledger) to performing this job? +Determine Tasks, Priorities and Goals— How much freedom does the worker have in determining the tasks, priorities, or goals of the job? +Spend Time Making Repetitive Motions— How much does this job require making repetitive motions? +Contact With Others— How much does this job require the worker to be in contact with others (face-to-face, by telephone, or otherwise) in order to perform it? +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— How much does this job require using your hands to handle, control, or feel objects, tools or controls? +Coordinate or Lead Others in Accomplishing Work Activities— How important is it to coordinate or lead others (not as a supervisor or team leader) in accomplishing work activities in this job? +Time Pressure— How often does this job require the worker to meet strict deadlines? +Impact of Decisions on Co-workers or Company Results— What results do your decisions usually have on other people or the image or reputation or financial resources of your employer? +Deal With External Customers or the Public in General— How important is it to deal with external customers (as in retail sales) or the public in general (as in police work) in this job? +Frequency of Decision Making— How often is the worker required to make decisions that affect other people, the financial resources, and/or the image and reputation of the organization? +Level of Competition— To what extent does this job require the worker to compete or to be aware of competitive pressures? +Work Outcomes and Results of Other Workers— How responsible is the worker for work outcomes and results of other workers?","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Bioinformatics Technicians +Bright Outlook +Cartographers and Photogrammetrists +Computer Systems Analysts +Data Scientists +Database Architects +Geodetic Surveyors +Geographers +Remote Sensing Scientists and Technologists +Software Developers +Surveying and Mapping Technicians","View the list of Allies +American Association for Geodetic Surveying +external site +American Association of Geographers +external site +American Geographical Society +external site +American Geosciences Institute +external site +American Society for Photogrammetry and Remote Sensing +external site +Cartography and Geographic Information Society +external site +Geological Society of America +external site +Geospatial Information and Technology Association +external site +International Association for Mathematical Geosciences +external site +International Association of Geodesy +external site +International Society for Photogrammetry and Remote Sensing +external site +National States Geographic Information Council +external site +North American Cartographic Information Society +external site +Society for Conservation GIS +external site +United States Geospatial Intelligence Foundation +external site +Urban and Regional Information Systems Association +external site +Pacific Northwest Association of Rail Shippers +external site +Western Association of Map Libraries +external site +GIS Certification Institute +external site +International Geographical Union +external site",54,3,28,76,72,47,39,51,41,21,25,18,26,87,9,40,36,24,4,28,15,5,25,24,7,53,17,33,34,60,93,13,27 +11-9199.11,Brownfield Redevelopment Specialists and Site Managers,https://www.onetonline.org/link/summary/11-9199.11,2025-06-11T18:49:04.354405,"Identify environmental contamination sources. +Coordinate on-site activities for environmental cleanup or remediation projects to ensure compliance with environmental laws, standards, regulations, or other requirements. +Identify and apply for project funding. +Plan or implement brownfield redevelopment projects to ensure safety, quality, and compliance with applicable standards or requirements. +Estimate costs for environmental cleanup and remediation of land redevelopment projects. +Conduct quantitative risk assessments for human health, environmental, or other risks. +Design or implement plans for surface or ground water remediation. +Design or implement measures to improve the water, air, and soil quality of military test sites, abandoned mine land, or other contaminated sites. +Review or evaluate environmental remediation project proposals. +Prepare reports or presentations to communicate brownfield redevelopment needs, status, or progress. +Inspect sites to assess environmental damage or monitor cleanup progress. +Maintain records of decisions, actions, and progress related to environmental redevelopment projects. +Coordinate the disposal of hazardous waste. +Develop or implement plans for the sustainable regeneration of brownfield sites to ensure regeneration of a wider area by providing environmental protection or economic and social benefits. +Conduct feasibility or cost-benefit studies for environmental remediation projects. +Prepare and submit permit applications for demolition, cleanup, remediation, or construction projects. +Negotiate contracts for services or materials needed for environmental remediation. +Design or implement plans for structural demolition and debris removal. +Design or conduct environmental restoration studies. +Review or evaluate designs for contaminant treatment or disposal facilities. +Provide training on hazardous material or waste cleanup procedures and technologies. +Develop or implement plans for revegetation of brownfield sites. +Provide expert witness testimony on issues such as soil, air, or water contamination and associated cleanup measures.","Analytical or scientific software— Maptek Vulcan +Business intelligence and data analysis software— Tableau +Calendar and scheduling software— Calendar management software +Computer aided design CAD software— MineSight +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Microsoft Access; Oracle Database; Structure query language SQL +Development environment software— Microsoft PowerShell +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle Hyperion; SAP Business Objects; SAP software +Enterprise system management software— Tanium software +Geographic information system— ESRI ArcGIS software; ESRI ArcMap; ESRI ArcView +Internet browser software— Web browser software +Object or component oriented development software— Microsoft SQL Server Reporting Services SSRS; Python +Object oriented data base management software— PostgreSQL +Office suite software— Business software applications; Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Social media sites +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Manage environmental sustainability projects. +Identify environmental concerns. +Prepare proposals or grant applications to obtain project funding. +Implement organizational process or policy changes. +Estimate green project costs. +Analyze risks to minimize losses or damages. +Develop environmental remediation or protection plans. +Evaluate environmental or sustainability projects. +Inspect condition or functioning of facilities or equipment. +Prepare operational progress or status reports. +Maintain operational records for green energy processes or other environmentally-sustainable activities. +Coordinate operational activities. +Dispose of hazardous materials. +Analyze data to determine project feasibility. +Prepare forms or applications. +Negotiate contracts for environmental remediation, green energy, or renewable resources. +Plan environmental research. +Train employees on environmental awareness, conservation, or safety topics. +Advise others on legal or regulatory compliance matters.","E-Mail— 91% responded “Every day.” +Telephone Conversations— 68% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Contact With Others— 55% responded “Contact with others most of the time.” +Indoors, Environmentally Controlled— 45% responded “Every day.” +Work With or Contribute to a Work Group or Team— 45% responded “Very important.” +Determine Tasks, Priorities and Goals— 55% responded “Some freedom.” +Deal With External Customers or the Public in General— 45% responded “Very important.” +Written Letters and Memos— 41% responded “Once a week or more but not every day.” +Spend Time Sitting— 73% responded “More than half the time.” +Freedom to Make Decisions— 68% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 59% responded “40 hours.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Frequency of Decision Making— 41% responded “Once a month or more but not every week.” +Level of Competition— 55% responded “Moderately competitive.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Outdoors, Exposed to All Weather Conditions— 45% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 32% responded “Once a month or more but not every week.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Persuasion— Persuading others to change their minds or behavior. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Science— Using scientific rules and methods to solve problems.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Far Vision— The ability to see details at a distance. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Conservation Scientists +Bright Outlook +Environmental Compliance Inspectors +Environmental Engineering Technologists and Technicians +Environmental Engineers +Environmental Restoration Planners +Environmental Science and Protection Technicians, Including Health +Environmental Scientists and Specialists, Including Health +Industrial Ecologists +Water Resource Specialists +Water/Wastewater Engineers","View the list of Allies +American Planning Association +external site +ASTM International +external site +Center for Creative Land Recycling +external site +Environmental and Water Resources Institute +external site +Urban Land Institute +external site +Environmental Assessment Association +external site",66,5,15,76,62,65,39,29,44,39,36,29,58,47,7,66,32,22,5,24,18,4,26,18,7,54,33,36,54,41,48,1,23 +17-2151.00,"Mining and Geological Engineers, Including Mining Safety Engineers",https://www.onetonline.org/link/summary/17-2151.00,2025-06-11T18:54:22.732438,"Prepare technical reports for use by mining, engineering, and management personnel. +Inspect mining areas for unsafe structures, equipment, and working conditions. +Select or develop mineral location, extraction, and production methods, based on factors such as safety, cost, and deposit characteristics. +Select locations and plan underground or surface mining operations, specifying processes, labor usage, and equipment that will result in safe, economical, and environmentally sound extraction of minerals and ores. +Prepare schedules, reports, and estimates of the costs involved in developing and operating mines. +Monitor mine production rates to assess operational effectiveness. +Supervise, train, and evaluate technicians, technologists, survey personnel, engineers, scientists or other mine personnel. +Examine maps, deposits, drilling locations, or mines to determine the location, size, accessibility, contents, value, and potential profitability of mineral, oil, and gas deposits. +Design, implement, and monitor the development of mines, facilities, systems, or equipment. +Test air to detect toxic gases and recommend measures to remove them, such as installation of ventilation shafts. +Implement and coordinate mine safety programs, including the design and maintenance of protective and rescue equipment and safety devices. +Devise solutions to problems of land reclamation and water and air pollution, such as methods of storing excavated soil and returning exhausted mine sites to natural states. +Lay out, direct, and supervise mine construction operations, such as the construction of shafts and tunnels. +Design, develop, and implement computer applications for use in mining operations such as mine design, modeling, or mapping or for monitoring mine conditions. +Select or devise materials-handling methods and equipment to transport ore, waste materials, and mineral products efficiently and economically. +Evaluate data to develop new mining products, equipment, or processes. +Design mining and mineral treatment equipment and machinery in collaboration with other engineering specialists. +Conduct or direct mining experiments to test or prove research findings. +Use drone technology for aerial surveys and inspections of mining sites to enhance safety and efficiency.","Analytical or scientific software— GEO-SLOPE GeoStudio; Maptek Vulcan; Schlumberger PIPESIM; Ventsim;11 more +Clustering software— VMware +Computer aided design CAD software— Autodesk AutoCAD; Autodesk AutoCAD Civil 3D; Bentley MicroStation; Computer aided design and drafting CADD software;2 more +Data base user interface and query software— Microsoft Access; MySQL; Oracle Database; Structure query language SQL;3 more +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; SAP software +Financial analysis software— RungePincockMinarco XERAS +Geographic information system— Geographic information system GIS systems +Map creation software— Site mapping software +Network security or virtual private network VPN management software— CyberArk +Office suite software— Business software applications; Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project; Oracle Primavera Systems +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Prepare technical reports for internal use. +Inspect facilities or sites to determine if they meet specifications or standards. +Advise others on health and safety issues. +Investigate safety of work environment. +Determine operational methods. +Select tools, equipment, or technologies for use in operations or projects. +Prepare detailed work plans. +Coordinate safety or regulatory compliance activities. +Monitor the productivity or efficiency of industrial operations. +Estimate operational costs. +Prepare operational reports. +Schedule operational activities. +Direct construction activities. +Resolve operational performance problems. +Review technical documents to plan work. +Supervise engineering or other technical personnel. +Train personnel on proper operational procedures. +Develop software or computer applications. +Design industrial equipment. +Design structures or facilities. +Develop technical methods or processes. +Analyze design or requirements information for mechanical equipment or systems. +Conduct research to inform art, designs, or other work. +Research industrial processes or operations. +Research topics in area of expertise.","E-Mail— 93% responded “Every day.” +Duration of Typical Work Week— 93% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 79% responded “Every day.” +Telephone Conversations— 44% responded “Every day.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Indoors, Environmentally Controlled— 61% responded “Every day.” +Determine Tasks, Priorities and Goals— 45% responded “A lot of freedom.” +Freedom to Make Decisions— 44% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 53% responded “Very important.” +Written Letters and Memos— 39% responded “Every day.” +Contact With Others— 36% responded “Constant contact with others.” +Impact of Decisions on Co-workers or Company Results— 46% responded “Important results.” +Spend Time Sitting— 48% responded “More than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 55% responded “Very important.” +Frequency of Decision Making— 35% responded “Every day.” +Time Pressure— 39% responded “Once a month or more but not every week.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 39% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 49% responded “Very important.” +Work Outcomes and Results of Other Workers— 38% responded “Moderate responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 30% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 35% responded “Once a year or more but not every month.” +Exposed to Contaminants— 28% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 41% responded “Moderate responsibility.” +Indoors, Not Environmentally Controlled— 38% responded “Once a month or more but not every week.” +Level of Competition— 46% responded “Moderately competitive.” +Exposed to Hazardous Equipment— 34% responded “Once a year or more but not every month.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Analysis— Analyzing needs and product requirements to create a design. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Chemical Engineers +Bright Outlook +Civil Engineering Technologists and Technicians +Civil Engineers +Environmental Engineers +Geological Technicians, Except Hydrologic Technicians +Geothermal Production Managers +Industrial Engineers +Nuclear Engineers +Petroleum Engineers +Water/Wastewater Engineers","View the list of Allies +American Institute of Mining, Metallurgical, and Petroleum Engineers +external site +American Institute of Professional Geologists +external site +American Society for Engineering Education +external site +American Society of Civil Engineers +external site +Geological Society of America +external site +International Society of Explosives Engineers +external site +National Mining Association +external site +National Society of Professional Engineers +external site +Society for Mining, Metallurgy and Exploration +external site +Society of Economic Geologists +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site +Society for Mining, Metallurgy, and Exploration +external site",39,,64,64,86,59,44,44,57,55,24,39,41,53,8,44,23,35,1,42,24,5,5,20,5,87,48,56,20,64,47,,15 +27-4032.00,Film and Video Editors,https://www.onetonline.org/link/summary/27-4032.00,2025-06-11T19:04:15.235667,"Organize and string together raw footage into a continuous whole according to scripts or the instructions of directors and producers. +Edit films and videotapes to insert music, dialogue, and sound effects, to arrange films into sequences, and to correct errors, using editing equipment. +Select and combine the most effective shots of each scene to form a logical and smoothly running story. +Review footage sequence by sequence to become familiar with it before assembling it into a final product. +Set up and operate computer editing systems, electronic titling systems, video switching equipment, and digital video effects units to produce a final product. +Trim film segments to specified lengths and reassemble segments in sequences that present stories with maximum effect. +Cut shot sequences to different angles at specific points in scenes, making each individual cut as fluid and seamless as possible. +Review assembled films or edited videotapes on screens or monitors to determine if corrections are necessary. +Verify key numbers and time codes on materials. +Manipulate plot, score, sound, and graphics to make the parts into a continuous whole, working closely with people in audio, visual, music, optical, or special effects departments. +Program computerized graphic effects. +Study scripts to become familiar with production concepts and requirements. +Supervise and coordinate activities of workers engaged in film editing, assembling, and recording activities. +Determine the specific audio and visual effects and music necessary to complete films. +Mark frames where a particular shot or piece of sound is to begin or end. +Record needed sounds or obtain them from sound effects libraries. +Conduct film screenings for directors and members of production staffs. +Discuss the sound requirements of pictures with sound effects editors. +Piece sounds together to develop film soundtracks. +Confer with producers and directors concerning layout or editing approaches needed to increase dramatic or entertainment value of productions. +Develop post-production models for films. +Collaborate with music editors to select appropriate passages of music and develop production scores. +Write scripts.","Computer aided design CAD software— Autodesk Maya +Enterprise application integration software— Extensible markup language XML +Filesystem software— Apple Xsan +Graphics or photo imaging software— Adobe After Effects; Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Music or sound editing software— Avid Digidesign Pro Tools +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software +Spreadsheet software— Microsoft Excel +Video creation and editing software— Apple Final Cut Pro; Screencastify; TikTok; YouTube;11 more +Web page creation and editing software— Brightcove; Google Video; Instagram +Web platform development software— AJAX; Cascading style sheets CSS; Hypertext markup language HTML; JavaScript;1 more +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Edit audio or video recordings. +Determine presentation subjects or content. +Manage content of broadcasts or presentations. +Operate communications, transmissions, or broadcasting equipment. +Label production materials. +Verify accuracy of data. +Create computer-generated graphics or animation. +Operate audio recording equipment. +Provide information to coworkers. +Collaborate with others to determine technical details of productions. +Study scripts to determine project requirements. +Coordinate activities of production personnel. +Develop promotional materials. +Collaborate with others to prepare or perform artistic productions.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Time Pressure— 71% responded “Every day.” +Spend Time Sitting— 62% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Telephone Conversations— 58% responded “Every day.” +Importance of Being Exact or Accurate— 51% responded “Extremely important.” +Contact With Others— 58% responded “Constant contact with others.” +Freedom to Make Decisions— 42% responded “A lot of freedom.” +Duration of Typical Work Week— 62% responded “40 hours.” +Level of Competition— 36% responded “Moderately competitive.” +Determine Tasks, Priorities and Goals— 51% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Important.” +Physical Proximity— 72% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 30% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 25% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Fine Arts— Knowledge of the theory and techniques required to compose, produce, and perform works of music, dance, visual arts, drama, and sculpture. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Artistic— Work involves creating original visual artwork, performances, written works, food, or music for a variety of media, or applying artistic principles to the design of various objects and materials. Artistic occupations are often associated with visual arts, applied arts and design, performing arts, music, creative writing, media, or culinary art. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Audio and Video Technicians +Camera Operators, Television, Video, and Film +Desktop Publishers +Editors +Graphic Designers +Media Technical Directors/Managers +Bright Outlook +Producers and Directors +Proofreaders and Copy Markers +Sound Engineering Technicians +Special Effects Artists and Animators","View the list of Allies +American Advertising Federation +external site +Motion Picture Sound Editors +external site +National Association of Broadcasters +external site +The National Academy of Television Arts and Sciences +external site +Wedding and Event Videographers Association International +external site +International Alliance of Theatrical Stage Employees, Moving Picture Technicians, Artists and Allied Crafts +external site +Motion Picture Editors Guild +external site +National Association of Broadcast Employees and Technicians - Communications Workers of America +external site +Writers Guild of America East +external site +Writers Guild of America West +external site",61,5,68,90,31,57,25,52,56,29,55,38,3,88,33,45,99,18,22,31,17,8,19,78,18,59,5,8,3,56,33,76,42 +19-4012.00,Agricultural Technicians,https://www.onetonline.org/link/summary/19-4012.00,2025-06-11T18:57:44.563218,"Prepare land for cultivated crops, orchards, or vineyards by plowing, discing, leveling, or contouring. +Operate farm machinery, including tractors, plows, mowers, combines, balers, sprayers, earthmoving equipment, or trucks. +Record data pertaining to experimentation, research, or animal care. +Maintain or repair agricultural facilities, equipment, or tools to ensure operational readiness, safety, and cleanliness. +Perform crop production duties, such as tilling, hoeing, pruning, weeding, or harvesting crops. +Collect animal or crop samples. +Examine animals or crop specimens to determine the presence of diseases or other problems. +Set up laboratory or field equipment as required for site testing. +Supervise or train agricultural technicians or farm laborers. +Conduct studies of nitrogen or alternative fertilizer application methods, quantities, or timing to ensure satisfaction of crop needs and minimization of leaching, runoff, or denitrification. +Prepare laboratory samples for analysis, following proper protocols to ensure that they will be stored, prepared, and disposed of efficiently and effectively. +Measure or weigh ingredients used in laboratory testing. +Perform tests on seeds to evaluate seed viability. +Prepare data summaries, reports, or analyses that include results, charts, or graphs to document research findings and results. +Perform laboratory or field testing, using spectrometers, nitrogen determination apparatus, air samplers, centrifuges, or potential hydrogen (pH) meters to perform tests. +Supervise pest or weed control operations, including locating and identifying pests or weeds, selecting chemicals and application methods, or scheduling application. +Devise cultural methods or environmental controls for plants for which guidelines are sketchy or nonexistent. +Conduct insect or plant disease surveys. +Perform general nursery duties, such as propagating standard varieties of plant materials, collecting and germinating seeds, maintaining cuttings of plants, or controlling environmental conditions. +Record environmental data from field samples of soil, air, water, or pests to monitor the effectiveness of integrated pest management (IPM) practices. +Determine the germination rates of seeds planted in specified areas. +Transplant trees, vegetables, or horticultural plants. +Prepare culture media, following standard procedures. +Respond to general inquiries or requests from the public. +Prepare or present agricultural demonstrations. +Assess comparative soil erosion from various planting or tillage systems, such as conservation tillage with mulch or ridge till systems, no-till systems, or conventional tillage systems with or without moldboard plows.","Analytical or scientific software— Statistical software +Data base user interface and query software— Microsoft Access +Desktop publishing software +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Geographic information system— Geographic information system GIS systems +Internet browser software— Web browser software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Operating system software— Microsoft operating system +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Cultivate land. +Operate farming equipment. +Record research or operational data. +Maintain laboratory or technical equipment. +Research sustainable agricultural processes or practices. +Prepare biological samples for testing or analysis. +Measure ingredients. +Test quality of materials or finished products. +Prepare scientific or technical reports or presentations. +Collect biological specimens. +Operate laboratory or field equipment. +Examine characteristics or behavior of living organisms. +Manage agricultural or forestry operations. +Set up laboratory or field equipment. +Supervise scientific or technical personnel. +Train personnel in technical or scientific procedures. +Develop sustainable industrial or development methods. +Research diseases or parasites. +Care for plants or animals. +Research crop management methods. +Prepare compounds or solutions for products or testing. +Provide technical information or assistance to public.","Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 58% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 54% responded “Every day.” +E-Mail— 66% responded “Every day.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 46% responded “Once a week or more but not every day.” +Contact With Others— 36% responded “Constant contact with others.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 42% responded “Every day.” +Exposed to Contaminants— 40% responded “Every day.” +Freedom to Make Decisions— 34% responded “Some freedom.” +Work With or Contribute to a Work Group or Team— 48% responded “Very important.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Exposed to Very Hot or Cold Temperatures— 34% responded “Once a month or more but not every week.” +Indoors, Not Environmentally Controlled— 44% responded “Every day.” +Health and Safety of Other Workers— 40% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 26% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 35% responded “Every day.” +In an Open Vehicle or Operating Equipment— 37% responded “Once a week or more but not every day.” +Telephone Conversations— 28% responded “Every day.” +Determine Tasks, Priorities and Goals— 34% responded “Very little freedom.” +Exposed to Hazardous Equipment— 34% responded “Every day.” +Spend Time Standing— 50% responded “About half the time.” +Outdoors, Under Cover— 29% responded “Once a month or more but not every week.” +Duration of Typical Work Week— 58% responded “40 hours.” +Indoors, Environmentally Controlled— 32% responded “Once a month or more but not every week.” +Spend Time Bending or Twisting Your Body— 34% responded “About half the time.” +Spend Time Walking or Running— 35% responded “Less than half the time.” +Spend Time Making Repetitive Motions— 38% responded “More than half the time.” +Time Pressure— 41% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Once a month or more but not every week.” +Physical Proximity— 34% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 36% responded “Limited responsibility.” +Importance of Repeating Same Tasks— 29% responded “Important.” +Impact of Decisions on Co-workers or Company Results— 71% responded “Moderate results.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.","Biofuels Processing Technicians +Biological Technicians +Bright Outlook +Chemical Technicians +Farmers, Ranchers, and Other Agricultural Managers +First-Line Supervisors of Farming, Fishing, and Forestry Workers +Food Science Technicians +Food Scientists and Technologists +Forest and Conservation Technicians +Medical and Clinical Laboratory Technicians +Precision Agriculture Technicians","View the list of Allies +Agronomic Science Foundation +external site +American Dairy Science Association +external site +American Society for Clinical Pathology +external site +American Society of Agronomy +external site +American Society of Animal Science +external site +American Veterinary Medical Association +external site +Crop Science Society of America +external site +Entomological Society of America +external site +Institute of Food Technologists +external site +International Society for Seed Science +external site +Soil Science Society of America +external site +Southern Weed Science Society +external site +Weed Science Society of America +external site +American Registry of Professional Animal Scientists +external site +Society of Commercial Seed Technologists +external site",37,65,42,49,54,50,47,47,42,24,16,39,60,42,11,26,27,59,14,39,15,6,9,27,26,43,44,43,64,40,30,1,10 +11-2022.00,Sales Managers,https://www.onetonline.org/link/summary/11-2022.00,2025-06-11T18:46:48.030117,"Direct and coordinate activities involving sales of manufactured products, services, commodities, real estate, or other subjects of sale. +Resolve customer complaints regarding sales and service. +Review operational records and reports to project sales and determine profitability. +Oversee regional and local sales managers and their staffs. +Determine price schedules and discount rates. +Prepare budgets and approve budget expenditures. +Monitor customer preferences to determine focus of sales efforts. +Plan and direct staffing, training, and performance evaluations to develop and control sales and service programs. +Direct, coordinate, and review sales and service accounting and record-keeping, as well as receiving and shipping. +Direct clerical staff to keep records of export correspondence, bid requests, and credit collections, and to maintain current information on tariffs, licenses, and restrictions. +Advise dealers and distributors on policies and operating procedures to ensure functional effectiveness of business. +Confer or consult with department heads to plan advertising services and to secure information on equipment and customer specifications. +Represent company at trade association meetings to promote products. +Confer with potential customers regarding equipment needs, and advise customers on types of equipment to purchase. +Assess marketing potential of new and existing store locations, considering statistics and expenditures. +Visit franchised dealers to stimulate interest in establishment or expansion of leasing programs. +Direct foreign sales and service outlets of an organization.","Accounting software— Sage 50 Accounting; Tax software +Analytical or scientific software— IBM SPSS Statistics; Minitab; SAS +Business intelligence and data analysis software— IBM Cognos Impromptu; Oracle Business Intelligence Enterprise Edition; Qlik Tech QlikView; Tableau;1 more +Calendar and scheduling software— Contact management software; Scheduling software +Cloud-based data access and sharing software— Dropbox; Google Drive +Cloud-based management software— Splunk Enterprise +Computer aided design CAD software— Bentley MicroStation +Customer relationship management CRM software— Eden Sales Manager; HEAT Software GoldMine; Oracle Eloqua; Salesforce software;8 more +Data base management system software— Teradata Database +Data base reporting software— SAP BusinessObjects Crystal Reports; SAP Crystal Reports +Data base user interface and query software— Airtable; Microsoft SQL Server; Oracle Database; Yardi software;4 more +Data mining software— Google Analytics +Desktop communications software— Eko +Desktop publishing software— Microsoft Publisher +Development environment software— Eclipse IDE; Microsoft Azure software; Microsoft Visual Basic; Microsoft Visual Basic for Applications VBA;1 more +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; Oracle PeopleSoft; SAP software;6 more +Enterprise system management software— IBM Power Systems software +Financial analysis software— Delphi Discovery; Delphi Technology; Oracle E-Business Suite Financials +Geographic information system— Geographic information system GIS software +Graphics or photo imaging software— Adobe Creative Cloud software; SmugMug Flickr +Human resources software— Human resource management software HRMS; Oracle Taleo; Workforce management software +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Inventory management software— Inventory software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Apple Keynote; Google Slides; Microsoft PowerPoint; Poll Everywhere +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project; Microsoft Teams; Oracle Primavera Enterprise Project Portfolio Management +Sales and marketing software— Google Ads; HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Video conferencing software— Google Meet; LogMeIn GoToMeeting; Zoom +Video creation and editing software— YouTube +Web page creation and editing software— Facebook; Google Sites; LinkedIn; Social media sites +Web platform development software— Hypertext markup language HTML +Word processing software— Google Docs; Microsoft Word","Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Direct sales, marketing, or customer service activities. +Resolve customer complaints or problems. +Advise customers on technical or procedural issues. +Analyze financial records or reports to determine state of operations. +Supervise employees. +Approve expenditures. +Determine pricing or monetary policies. +Prepare operational budgets. +Conduct opinion surveys or needs assessments. +Evaluate potential of products, technologies, or resources. +Evaluate employee performance. +Manage human resources activities. +Establish interpersonal business relationships to facilitate work activities. +Advise others on business or operational matters. +Confer with organizational members to accomplish work activities. +Represent the organization in external relations.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Contact With Others— 87% responded “Constant contact with others.” +Duration of Typical Work Week— 86% responded “More than 40 hours.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 59% responded “Every day.” +Deal With External Customers or the Public in General— 65% responded “Extremely important.” +Written Letters and Memos— 48% responded “Once a week or more but not every day.” +Level of Competition— 68% responded “Highly competitive.” +Freedom to Make Decisions— 48% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 59% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +Importance of Being Exact or Accurate— 32% responded “Very important.” +Time Pressure— 48% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Frequency of Decision Making— 30% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Important results.” +Spend Time Sitting— 30% responded “More than half the time.” +Indoors, Environmentally Controlled— 32% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 32% responded “Once a week or more but not every day.” +Conflict Situations— 35% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a week or more but not every day.” +Public Speaking— 43% responded “Once a month or more but not every week.”","Persuasion— Persuading others to change their minds or behavior. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Instructing— Teaching others how to do something. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Time Management— Managing one's own time and the time of others. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Advertising and Promotions Managers +Advertising Sales Agents +First-Line Supervisors of Non-Retail Sales Workers +First-Line Supervisors of Retail Sales Workers +Bright Outlook +General and Operations Managers +Market Research Analysts and Marketing Specialists +Marketing Managers +Purchasing Managers +Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +Association for Talent Development +external site +Association of Sales and Marketing Companies +external site +Gift Sales Manager Association +external site +News Media Alliance +external site +Professional Sales Association +external site +Sales Management Association +external site +SMEI +external site",87,1,41,83,52,75,22,59,48,48,93,51,10,54,20,26,54,22,14,31,42,14,22,43,1,28,16,13,9,21,32,9,6 +13-1022.00,"Wholesale and Retail Buyers, Except Farm Products",https://www.onetonline.org/link/summary/13-1022.00,2025-06-11T18:49:10.748859,"Buy merchandise or commodities for resale to wholesale or retail consumers. +Negotiate prices, discount terms, or transportation arrangements with suppliers. +Examine, select, order, or purchase merchandise consistent with quality, quantity, specification requirements, or other factors, such as environmental soundness. +Recommend mark-up rates, mark-down rates, or merchandise selling prices. +Obtain information about customer needs or preferences by conferring with sales or purchasing personnel. +Authorize payment of invoices or return of merchandise. +Monitor and analyze sales records, trends, or economic conditions to anticipate consumer buying patterns, company sales, and needed inventory. +Collaborate with vendors to obtain or develop desired products. +Inspect merchandise or products to determine quality, value, or yield. +Conduct sales meetings to introduce new merchandise. +Consult with store or merchandise managers about budgets or goods to be purchased. +Provide clerks with information to print on price tags, such as price, mark-ups or mark-downs, manufacturer number, season code, or style number. +Train or supervise sales or clerical staff. +Determine which products should be featured in advertising, the advertising medium to be used, or when the ads should be run. +Monitor competitors' sales activities by following their advertisements in newspapers or other media. +Analyze environmental aspects of competing merchandise when making buying decisions. +Compare transportation options to determine the most energy-efficient options. +Develop strategies to advertise green products or merchandise to consumers. +Identify opportunities to buy green commodities, such as alternative energy, water, or carbon-neutral products for resale to consumers. +Monitor consumer preferences or environmental trends to determine the best way to introduce new green products.","Accounting software— Intuit QuickBooks +Business intelligence and data analysis software— Qlik Tech QlikView +Calendar and scheduling software— Contact management software; Scheduling software +Customer relationship management CRM software— Claritas ConsumerPoint +Data base user interface and query software— Microsoft Access; Oracle Database +Development environment software— Eclipse IDE +Document management software— Microsoft SharePoint +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— Biztrak Business Solutions Biztrak; JDA Software Group Advanced Warehouse Replenishment by E3; Oracle JD Edwards EnterpriseOne; SAP software;4 more +Graphics or photo imaging software— Graphics software +Human resources software— Applicant tracking software; Oracle Taleo +Internet browser software— Microsoft Internet Explorer; Web browser software +Inventory management software— Inventory control systems +Materials requirements planning logistics and supply chain software— Infor Supply Chain Management; Kliger-Weiss Infosystems; Materials requirement planning MRP software; Oracle PeopleSoft Enterprise Supply Planning Multi-Site Material Planner +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Point of sale POS software— Millennium Software Atrex; Plexis Software Plexis POS; Specialized Business Solutions Keystroke POS; Windward Software Windward System Five;4 more +Presentation software— Microsoft PowerPoint +Procurement software— Oracle Advanced Procurement; Sourcing Simulator +Project management software— Microsoft Project +Risk management data and analysis software— Enterprise risk management software ERMS +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook; LinkedIn +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Purchase stocks of merchandise or supplies. +Negotiate contracts with clients or service providers. +Discuss business strategies, practices, or policies with managers. +Purchase products or services. +Determine the value of goods or services. +Advise others on business or operational matters. +Provide information to coworkers. +Confer with personnel to coordinate business operations. +Authorize financial actions. +Disburse funds from clients accounts to creditors. +Analyze consumer trends. +Analyze market conditions or trends. +Obtain information about goods or services. +Supervise employees. +Train personnel to enhance job skills. +Create marketing materials. +Research issues related to the environment or sustainable business practices. +Evaluate logistics methods to reduce environmental impact. +Develop business or market strategies. +Identify strategic business investment opportunities.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Contact With Others— 89% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Duration of Typical Work Week— 88% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 56% responded “A lot of freedom.” +Frequency of Decision Making— 76% responded “Every day.” +Freedom to Make Decisions— 51% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Very important results.” +Importance of Repeating Same Tasks— 50% responded “Very important.” +Importance of Being Exact or Accurate— 47% responded “Extremely important.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Spend Time Sitting— 46% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 58% responded “Extremely important.” +Written Letters and Memos— 18% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 35% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 47% responded “Very high responsibility.” +Spend Time Making Repetitive Motions— 43% responded “More than half the time.” +Conflict Situations— 46% responded “Once a week or more but not every day.” +Level of Competition— 31% responded “Moderately competitive.” +Physical Proximity— 43% responded “Slightly close (e.g., shared office).” +Dealing With Unpleasant, Angry, or Discourteous People— 31% responded “Once a week or more but not every day.” +Consequence of Error— 33% responded “Fairly serious.”","Negotiation— Bringing others together and trying to reconcile differences. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Persuasion— Persuading others to change their minds or behavior. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Instructing— Teaching others how to do something. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Brokerage Clerks +Buyers and Purchasing Agents, Farm Products +Bright Outlook +Customs Brokers +Procurement Clerks +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Purchasing Managers +Real Estate Sales Agents +Sales Managers +Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products +Securities, Commodities, and Financial Services Sales Agents","View the list of Allies +American Purchasing Society +external site +Association for Supply Chain Management +external site +Institute for Supply Management +external site +National Association of State Procurement Officials +external site +NIGP: The Institute for Public Procurement +external site +Universal Public Procurement Certification Council +external site",68,7,37,65,64,60,15,27,41,55,71,24,18,60,22,26,43,29,9,24,16,3,8,25,1,22,16,17,3,14,16,1,4 +37-1011.00,First-Line Supervisors of Housekeeping and Janitorial Workers,https://www.onetonline.org/link/summary/37-1011.00,2025-06-11T19:12:12.389944,"Supervise in-house services, such as laundries, maintenance and repair, dry cleaning, or valet services. +Select the most suitable cleaning materials for different types of linens, furniture, flooring, and surfaces. +Advise managers, desk clerks, or admitting personnel of rooms ready for occupancy. +Inspect work performed to ensure that it meets specifications and established standards. +Perform or assist with cleaning duties as necessary. +Plan and prepare employee work schedules. +Establish and implement operational standards and procedures for the departments supervised. +Inspect and evaluate the physical condition of facilities to determine the type of work required. +Inventory stock to ensure that supplies and equipment are available in adequate amounts. +Issue supplies and equipment to workers. +Forecast necessary levels of staffing and stock at different times to facilitate effective scheduling and ordering. +Check and maintain equipment to ensure that it is in working order. +Maintain required records of work hours, budgets, payrolls, and other information. +Direct activities for stopping the spread of infections in facilities, such as hospitals. +Recommend or arrange for additional services, such as painting, repair work, renovations, and the replacement of furnishings and equipment. +Coordinate activities with other departments to ensure that services are provided in an efficient and timely manner. +Investigate complaints about service and equipment, and take corrective action. +Instruct staff in work policies and procedures, and the use and maintenance of equipment. +Select and order or purchase new equipment, supplies, or furnishings. +Prepare reports on activity, personnel, and information, such as occupancy, hours worked, facility usage, work performed, and departmental expenses. +Confer with staff to resolve performance and personnel problems, and to discuss company policies. +Evaluate employee performance and recommend personnel actions, such as promotions, transfers, and dismissals. +Recommend changes that could improve service and increase operational efficiency. +Perform financial tasks, such as estimating costs and preparing and managing budgets. +Screen job applicants, and hire new employees. +Perform grounds maintenance tasks, such as removing snow and mowing the lawn.","Data base user interface and query software— Facility use software; Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS +Helpdesk or call center software— Help desk software +Inventory management software— Inventory tracking software +Materials requirements planning logistics and supply chain software— Computerized bed control system software +Office suite software— Microsoft Office software +Operating system software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles.","Supervise maintenance workers. +Select equipment, materials, or supplies for cleaning or maintenance activities. +Confer with coworkers to coordinate maintenance or cleaning activities. +Clean facilities or sites. +Inspect work to ensure standards are met. +Plan employee work schedules. +Establish work standards. +Inspect buildings or grounds to determine condition. +Inventory materials or equipment. +Determine resource needs. +Distribute supplies to workers. +Maintain equipment or systems to ensure proper functioning. +Document work hours or activities. +Arrange maintenance activities. +Recommend changes or corrective procedures. +Investigate work related complaints to determine corrective actions. +Instruct staff in work policies or procedures. +Estimate maintenance service requirements or costs. +Evaluate current or prospective maintenance employees. +Recommend organizational process or policy changes. +Remove snow.","Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Work With or Contribute to a Work Group or Team— 65% responded “Extremely important.” +E-Mail— 78% responded “Every day.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Telephone Conversations— 76% responded “Every day.” +Work Outcomes and Results of Other Workers— 66% responded “Very high responsibility.” +Contact With Others— 65% responded “Constant contact with others.” +Time Pressure— 58% responded “Every day.” +Health and Safety of Other Workers— 53% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Importance of Being Exact or Accurate— 37% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 54% responded “Important results.” +Determine Tasks, Priorities and Goals— 30% responded “Some freedom.” +Frequency of Decision Making— 55% responded “Every day.” +Spend Time Standing— 33% responded “More than half the time.” +Spend Time Walking or Running— 34% responded “More than half the time.” +Freedom to Make Decisions— 51% responded “Some freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 39% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 37% responded “Important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 45% responded “Every day.” +Exposed to Hazardous Conditions— 39% responded “Every day.” +Spend Time Making Repetitive Motions— 36% responded “Continually or almost continually.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 32% responded “Less than half the time.” +Conflict Situations— 29% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 42% responded “Less than half the time.” +Deal With External Customers or the Public in General— 42% responded “Extremely important.” +Physical Proximity— 37% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 32% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 68% responded “40 hours.” +Level of Competition— 50% responded “Moderately competitive.” +Public Speaking— 35% responded “Never.”","Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Negotiation— Bringing others together and trying to reconcile differences. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","First-Line Supervisors of Construction Trades and Extraction Workers +Bright Outlook +First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +First-Line Supervisors of Food Preparation and Serving Workers +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Personal Service Workers +First-Line Supervisors of Production and Operating Workers","View the list of Allies +IEHA +external site +Association of School Business Officials International +external site +National Education Association +external site",85,21,45,73,38,67,57,59,53,43,23,55,28,35,29,24,21,20,9,14,36,20,16,22,21,30,17,12,21,16,9,11,6 +21-1013.00,Marriage and Family Therapists,https://www.onetonline.org/link/summary/21-1013.00,2025-06-11T18:58:42.279110,"Encourage individuals and family members to develop and use skills and strategies for confronting their problems in a constructive manner. +Ask questions that will help clients identify their feelings and behaviors. +Develop and implement individualized treatment plans addressing family relationship problems, destructive patterns of behavior, and other personal issues. +Maintain case files that include activities, progress notes, evaluations, and recommendations. +Counsel clients on concerns, such as unsatisfactory relationships, divorce and separation, child rearing, home management, or financial difficulties. +Collect information about clients, using techniques such as testing, interviewing, discussion, or observation. +Confer with clients to develop plans for posttreatment activities. +Confer with other counselors, doctors, and professionals to analyze individual cases and to coordinate counseling services. +Determine whether clients should be counseled or referred to other specialists in such fields as medicine, psychiatry, or legal aid. +Provide instructions to clients on how to obtain help with legal, financial, and other personal issues. +Provide public education and consultation to other professionals or groups regarding counseling services, issues, and methods. +Follow up on results of counseling programs and clients' adjustments to determine effectiveness of programs. +Supervise other counselors, social service staff, and assistants. +Gather information from doctors, schools, social workers, juvenile counselors, law enforcement personnel, and others to make recommendations to courts for resolution of child custody or visitation disputes. +Write evaluations of parents and children for use by courts deciding divorce and custody cases, testifying in court if necessary. +Diagnose mental and emotional disorders in clients.","Accounting software— Intuit QuickBooks +Data base user interface and query software— Microsoft Access +Electronic mail software— Microsoft Outlook +Internet browser software— Web browser software +Medical software— Advantage Software Psych Advantage; eMDs Medisoft; SumTime Software SumTime; Synergistic Office Solutions SOS Case Manager;16 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Teams +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet; Zoom +Web platform development software— Hypertext preprocessor PHP +Word processing software— Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Counsel clients or patients regarding personal issues. +Teach life skills or strategies to clients or their families. +Develop treatment plans for patients or clients. +Maintain client records. +Collect information about clients. +Counsel clients regarding interpersonal issues. +Interview clients to gather information about their backgrounds, needs, or progress. +Confer with clients to discuss treatment plans or progress. +Collaborate with other professionals to assess client needs or plan treatments. +Evaluate characteristics of individuals to determine needs or eligibility. +Refer clients to community or social service programs. +Evaluate the effectiveness of counseling or educational programs. +Monitor clients to evaluate treatment progress. +Supervise workers providing client or patient services. +Advise others on social or educational issues. +Help clients get needed services or resources. +Lead classes or community events. +Present social services program information to the public. +Write reports or evaluations.","Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +E-Mail— 85% responded “Every day.” +Contact With Others— 66% responded “Constant contact with others.” +Frequency of Decision Making— 75% responded “Every day.” +Time Pressure— 58% responded “Every day.” +Indoors, Environmentally Controlled— 69% responded “Every day.” +Telephone Conversations— 53% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Spend Time Sitting— 51% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 55% responded “Very important results.” +Dealing With Unpleasant, Angry, or Discourteous People— 51% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 52% responded “Extremely important.” +Conflict Situations— 37% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 50% responded “Extremely important.” +Importance of Being Exact or Accurate— 33% responded “Important.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 30% responded “Not important at all.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Child, Family, and School Social Workers +Clinical and Counseling Psychologists +Bright Outlook +Healthcare Social Workers +Mental Health and Substance Abuse Social Workers +Mental Health Counselors +Recreational Therapists +Rehabilitation Counselors +School Psychologists +Social and Human Service Assistants +Substance Abuse and Behavioral Disorder Counselors","View the list of Allies +American Association for Marriage and Family Therapy +external site +American Counseling Association +external site +American Family Therapy Academy +external site +American Psychological Association +external site +Association for Play Therapy +external site +National Association of Social Workers +external site +National Council on Family Relations +external site +Association of Marital and Family Therapy Regulatory Boards +external site +EMDR International Association +external site +National Association of Forensic Counselors +external site +National Board for Certified Counselors +external site +National Register of Health Service Psychologists +external site",75,1,5,66,21,29,40,49,60,11,18,13,4,47,10,57,35,6,54,21,98,100,72,34,36,,,3,16,1,17,14,23 +27-2022.00,Coaches and Scouts,https://www.onetonline.org/link/summary/27-2022.00,2025-06-11T19:03:16.205228,"Plan, organize, and conduct practice sessions. +Provide training direction, encouragement, motivation, and nutritional advice to prepare athletes for games, competitive events, or tours. +Adjust coaching techniques, based on the strengths and weaknesses of athletes. +Instruct individuals or groups in sports rules, game strategies, and performance principles, such as specific ways of moving the body, hands, or feet, to achieve desired results. +Plan strategies and choose team members for individual games or sports seasons. +Monitor the academic eligibility of student athletes. +Counsel student athletes on academic, athletic, and personal issues. +Analyze the strengths and weaknesses of opposing teams to develop game strategies. +Coordinate travel arrangements and travel with team to away contests. +Evaluate athletes' skills and review performance records to determine their fitness and potential in a particular area of athletics. +Monitor athletes' use of equipment to ensure safe and proper use. +Keep abreast of changing rules, techniques, technologies, and philosophies relevant to their sport. +Explain and enforce safety rules and regulations. +Contact the parents of players to provide information and answer questions. +Arrange and conduct sports-related activities, such as training camps, skill-improvement courses, clinics, and pre-season try-outs. +Explain and demonstrate the use of sports and training equipment, such as trampolines or weights. +Perform activities that support a team or a specific sport, such as participating in community outreach activities, meeting with media representatives, and appearing at fundraising events. +Plan and direct physical conditioning programs that will enable athletes to achieve maximum performance. +Identify and recruit potential athletes by sending recruitment letters, meeting with recruits, and arranging and offering incentives, such as athletic scholarships. +Hire, supervise, and work with extended coaching staff. +Serve as organizer, leader, instructor, or referee for outdoor and indoor games, such as volleyball, football, and soccer. +Teach instructional courses and advise students. +Oversee the development and management of the sports program budget and fundraising activities. +Develop and arrange competition schedules and programs. +Keep and review paper, computerized, and video records of athlete, team, and opposing team performance. +File scouting reports that detail player assessments, provide recommendations on athlete recruitment, and identify locations and individuals to be targeted for future recruitment efforts. +Select, acquire, store, and issue equipment and other materials as necessary.","Analytical or scientific software— Motion analysis software; Statistical software; Video analysis software +Calendar and scheduling software— Scheduling software +Cloud-based data access and sharing software— Google Drive +Computer based training software— Edulastic; Schoology +Data base user interface and query software— Online registration software; Performance database software +Data conversion software— Video file conversion software +Desktop communications software— Bloomz; Edmodo; ParentSquare +Desktop publishing software— Microsoft Publisher +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Graphics creation software +Instant messaging software— GroupMe; Twitter +Internet browser software— Web browser software +Multi-media educational software— Edpuzzle; Nearpod; Seesaw +Object or component oriented development software— C++ +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint; Pear Deck +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Flipgrid; Screencast-O-Matic; Screencastify; YouTube;1 more +Web page creation and editing software— Facebook; Website creation software +Word processing software— Evernote; Google Docs; Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Coordinate athletic or sporting events or activities. +Train others on performance techniques. +Coach others. +Select staff, team members, or performers. +Evaluate skills of athletes or performers. +Coordinate logistics for productions or events. +Maintain knowledge of laws or regulations. +Provide educational information to the public. +Maintain records, documents, or other files. +Manage operations of artistic or entertainment departments or organizations. +Maintain inventories of materials, equipment, or products. +Select materials or props. +Promote products, activities, or organizations.","Contact With Others— 80% responded “Constant contact with others.” +E-Mail— 78% responded “Every day.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Indoors, Environmentally Controlled— 66% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 44% responded “Every day.” +Determine Tasks, Priorities and Goals— 65% responded “Some freedom.” +Frequency of Decision Making— 62% responded “Every day.” +Freedom to Make Decisions— 62% responded “Some freedom.” +Public Speaking— 50% responded “Every day.” +Physical Proximity— 47% responded “Moderately close (at arm's length).” +Level of Competition— 41% responded “Highly competitive.” +Spend Time Standing— 35% responded “About half the time.” +Conflict Situations— 47% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Time Pressure— 43% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 44% responded “Important.” +Telephone Conversations— 45% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Very important.” +Health and Safety of Other Workers— 35% responded “High responsibility.” +Outdoors, Exposed to All Weather Conditions— 28% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Work Outcomes and Results of Other Workers— 27% responded “High responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Once a year or more but not every month.”","Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Athletes and Sports Competitors +Bright Outlook +Athletic Trainers +Exercise Trainers and Group Fitness Instructors +Fitness and Wellness Coordinators +Recreation and Fitness Studies Teachers, Postsecondary +Recreation Workers +Self-Enrichment Teachers +Training and Development Managers +Training and Development Specialists +Umpires, Referees, and Other Sports Officials","View the list of Allies +Intercollegiate Tennis Association +external site +The Golf Coaches Association of America +external site +American Baseball Coaches Association +external site +American Football Coaches Association +external site +American Volleyball Coaches Association +external site +College Swimming Coaches Association of America +external site +National Association of Basketball Coaches +external site +National Association of Intercollegiate Athletics +external site +National Fastpitch Coaches Association +external site +National Field Hockey Coaches Association +external site +National High School Coaches Association +external site +National Soccer Coaches Association of America +external site +Next College Student Athlete +external site +Society of Health and Physical Educators +external site +U.S. Soccer +external site +U.S. Track and Field and Cross Country Coaches Association +external site +Women's Basketball Coaches Association +external site +National Education Association +external site",63,12,26,67,45,65,53,71,50,28,43,54,15,51,21,29,56,19,27,40,64,46,38,30,35,18,9,21,25,29,19,16,14 +25-2032.00,"Career/Technical Education Teachers, Secondary School",https://www.onetonline.org/link/summary/25-2032.00,2025-06-11T19:01:31.694814,"Instruct students individually and in groups, using various teaching methods, such as lectures, discussions, and demonstrations. +Establish and enforce rules for behavior and procedures for maintaining order among students. +Observe and evaluate students' performance, behavior, social development, and physical health. +Prepare objectives and outlines for courses of study, following curriculum guidelines or requirements of states and schools. +Plan and conduct activities for a balanced program of instruction, demonstration, and work time that provides students with opportunities to observe, question, and investigate. +Establish clear objectives for all lessons, units, and projects, and communicate those objectives to students. +Maintain accurate and complete student records as required by law, district policy, and administrative regulations. +Instruct and monitor students in the use and care of equipment and materials to prevent injury and damage. +Prepare materials and classroom for class activities. +Assign and grade class work and homework. +Confer with parents or guardians, other teachers, counselors, and administrators to resolve students' behavioral and academic problems. +Instruct students in the knowledge and skills required in a specific occupation or occupational field, using a systematic plan of lectures, discussions, audio-visual presentations, and laboratory, shop, and field studies. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations. +Prepare, administer, and grade tests and assignments to evaluate students' progress. +Enforce all administration policies and rules governing students. +Prepare students for later grades by encouraging them to explore learning opportunities and to persevere with challenging tasks. +Plan and supervise work-experience programs in businesses, industrial shops, and school laboratories. +Meet with other professionals to discuss individual students' needs and progress. +Guide and counsel students with adjustments, academic problems, or special academic interests. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Plan and supervise class projects, field trips, visits by guest speakers or other experiential activities, and guide students in learning from those activities. +Place students in jobs, or make referrals to job placement services. +Prepare and implement remedial programs for students requiring extra help. +Sponsor extracurricular activities, such as clubs, student organizations, and academic contests. +Confer with other staff members to plan and schedule lessons promoting learning, following approved curricula. +Attend professional meetings, educational conferences, and teacher training workshops to maintain and improve professional competence. +Meet with parents and guardians to discuss their children's progress and to determine priorities for their children and their resource needs. +Collaborate with other teachers and administrators in the development, evaluation, and revision of secondary school programs. +Select, order, store, issue, and inventory classroom equipment, materials, and supplies. +Keep informed about trends in education and subject matter specialties. +Prepare reports on students and activities as required by administration. +Attend staff meetings and serve on committees, as required. +Perform administrative duties, such as school library assistance, hall and cafeteria monitoring, and bus loading and unloading.","Calendar and scheduling software +Computer aided design CAD software— Autodesk AutoCAD Civil 3D +Computer based training software— Blackboard Learn; Learning management system LMS; Padlet; Sakai CLE;2 more +Desktop communications software— Edmodo +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Multi-media educational software— Edpuzzle; Kahoot! +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Apply multiple teaching methods. +Establish rules or policies governing student behavior. +Evaluate student work. +Develop instructional objectives. +Monitor student performance. +Monitor student behavior, social development, or health. +Plan educational activities. +Maintain student records. +Teach others to use technology or equipment. +Set up classroom materials or equipment. +Discuss problems or issues with supervisors. +Discuss student progress with parents or guardians. +Assign class work to students. +Teach vocational courses. +Create technology-based learning materials. +Administer tests to assess educational needs or progress. +Prepare tests. +Encourage students. +Enforce rules or policies governing student behavior. +Plan experiential learning activities. +Advise students on academic or career matters. +Supervise student research or internship work. +Assist students with special educational needs. +Develop strategies or programs for students with special needs. +Perform student enrollment or registration activities. +Coordinate student extracurricular activities. +Collaborate with other teaching professionals to develop educational programs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Distribute instructional or library materials. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Stay informed about current developments in field of specialization. +Prepare reports detailing student activities or performance. +Serve on institutional or departmental committees. +Supervise school or student activities.","E-Mail— 93% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 92% responded “Every day.” +Public Speaking— 86% responded “Every day.” +Contact With Others— 75% responded “Constant contact with others.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 51% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Duration of Typical Work Week— 64% responded “More than 40 hours.” +Physical Proximity— 61% responded “Moderately close (at arm's length).” +Frequency of Decision Making— 41% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Very important results.” +Telephone Conversations— 52% responded “Once a week or more but not every day.” +Time Pressure— 38% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 49% responded “Very high responsibility.” +Importance of Being Exact or Accurate— 51% responded “Very important.” +Conflict Situations— 43% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 29% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 32% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 32% responded “Every day.” +Spend Time Standing— 47% responded “About half the time.” +Written Letters and Memos— 48% responded “Once a month or more but not every week.” +Deal With External Customers or the Public in General— 35% responded “Important.”","Instructing— Teaching others how to do something. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Business Teachers, Postsecondary +Bright Outlook +Career/Technical Education Teachers, Middle School +Career/Technical Education Teachers, Postsecondary +Computer Science Teachers, Postsecondary +Instructional Coordinators +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Secondary School +Teaching Assistants, Special Education","View the list of Allies +Advance CTE +external site +American Association of Family and Consumer Sciences +external site +American Welding Society +external site +Association for Career and Technical Education +external site +International Technology and Engineering Educators Association +external site +National Association for the Education of Young Children +external site +National Association of Agricultural Educators +external site +National Business Education Association +external site +North American Council of Automotive Teachers +external site +SkillsUSA +external site +American Dental Assistants Association +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site +National Institute for Automotive Service Excellence +external site",89,14,47,78,53,62,56,89,63,46,44,58,21,69,16,52,58,32,26,28,60,48,46,43,24,46,27,26,24,46,40,25,26 +47-4011.01,Energy Auditors,https://www.onetonline.org/link/summary/47-4011.01,2025-06-11T19:19:58.797059,"Identify and prioritize energy-saving measures. +Prepare audit reports containing energy analysis results or recommendations for energy cost savings. +Identify any health or safety issues related to planned weatherization projects. +Identify opportunities to improve the operation, maintenance, or energy efficiency of building or process systems. +Calculate potential for energy savings. +Inspect or evaluate building envelopes, mechanical systems, electrical systems, or process systems to determine the energy consumption of each system. +Analyze technical feasibility of energy-saving measures, using knowledge of engineering, energy production, energy use, construction, maintenance, system operation, or process systems. +Examine commercial sites to determine the feasibility of installing equipment that allows building management systems to reduce electricity consumption during peak demand periods. +Recommend energy-efficient technologies or alternate energy sources. +Collect and analyze field data related to energy usage. +Measure energy usage with devices such as data loggers, universal data recorders, light meters, sling psychrometers, psychrometric charts, flue gas analyzers, amp probes, watt meters, volt meters, thermometers, or utility meters. +Educate customers on energy efficiency or answer questions on topics such as the costs of running household appliances or the selection of energy-efficient appliances. +Perform tests such as blower-door tests to locate air leaks. +Prepare job specification sheets for home energy improvements, such as attic insulation, window retrofits, or heating system upgrades. +Inspect newly installed energy-efficient equipment to ensure that it was installed properly and is performing according to specifications. +Analyze energy bills, including utility rates or tariffs, to gather historical energy usage data. +Quantify energy consumption to establish baselines for energy use or need. +Determine patterns of building use to show annual or monthly needs for heating, cooling, lighting, or other energy needs. +Compare existing energy consumption levels to normative data. +Oversee installation of equipment such as water heater wraps, pipe insulation, weatherstripping, door sweeps, or low-flow showerheads to improve energy efficiency. +Verify income eligibility of participants in publicly financed weatherization programs. +Evaluate the energy performance of buildings using modeling software.","Analytical or scientific software— Ekotrope RATER; IBM SPSS Statistics; SAS; Wolfram Research Mathematica;29 more +Computer aided design CAD software— Autodesk AutoCAD; Home Energy Efficient Design HEED +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— Abraxas Energy Consulting Metrix; dBASE; Microsoft Access; Structured query language SQL +Desktop publishing software— Microsoft Publisher +Development environment software— Microsoft .NET Framework; Microsoft Visual Basic +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; SAP software +Geographic information system— Esri ArcGIS +Graphics or photo imaging software— Adobe Photoshop +Internet browser software— Microsoft Internet Explorer; Web browser software +Object or component oriented development software— C++; Python; R +Object oriented data base management software— Microsoft Visual FoxPro +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.","Identify opportunities to improve operational efficiency. +Analyze energy usage data. +Analyze risks related to investments in green technology. +Calculate data to inform organizational operations. +Prepare financial documents, reports, or budgets. +Inspect facilities or equipment to ensure specifications are met. +Assess the cost effectiveness of products, projects, or services. +Evaluate condition of properties. +Advise others on business or operational matters. +Research issues related to the environment or sustainable business practices. +Correspond with customers to answer questions or resolve complaints. +Develop technical specifications for systems or equipment. +Test characteristics of materials or structures. +Oversee business processes. +Verify application data to determine program eligibility.","E-Mail— 83% responded “Every day.” +Telephone Conversations— 59% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 61% responded “Every day.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Frequency of Decision Making— 48% responded “Every day.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Contact With Others— 38% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 55% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Determine Tasks, Priorities and Goals— 38% responded “Limited freedom.” +Importance of Being Exact or Accurate— 38% responded “Very important.” +Deal With External Customers or the Public in General— 34% responded “Very important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 38% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 34% responded “Every day.” +Indoors, Environmentally Controlled— 48% responded “Every day.” +Duration of Typical Work Week— 62% responded “40 hours.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 28% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 43% responded “Every day.” +Indoors, Not Environmentally Controlled— 31% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 34% responded “High responsibility.” +Exposed to Contaminants— 38% responded “Once a year or more but not every month.” +Work Outcomes and Results of Other Workers— 31% responded “High responsibility.” +Exposed to Very Hot or Cold Temperatures— 39% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Important.” +Exposed to Cramped Work Space, Awkward Positions— 31% responded “Once a year or more but not every month.” +Written Letters and Memos— 34% responded “Once a week or more but not every day.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Mathematics— Using mathematics to solve problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Far Vision— The ability to see details at a distance. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Construction and Building Inspectors +Energy Engineers, Except Wind and Solar +Geothermal Production Managers +Industrial Engineers +Bright Outlook +Solar Energy Installation Managers +Solar Energy Systems Engineers +Solar Sales Representatives and Assessors +Sustainability Specialists +Wind Energy Development Managers +Wind Energy Engineers","View the list of Allies +American Society of Home Inspectors +external site +ASHRAE +external site +Association for Materials Protection and Performance +external site +Energy and Environmental Building Alliance +external site +International Association of Certified Home Inspectors +external site +International Association of Electrical Inspectors +external site +International Code Council +external site +National Association of Elevator Safety Authorities +external site +National Association of Home Builders +external site +National Fire Protection Association +external site +USGBC +external site +Northeast Home Energy Rating System Alliance +external site +Association of Construction Inspectors +external site +Association of Energy Engineers +external site +Building Performance Institute +external site +International Association of Plumbing and Mechanical Officials +external site +Residential Energy Services Network +external site",79,5,39,60,75,48,48,54,49,46,57,27,35,54,15,40,34,68,10,34,30,11,18,32,13,70,75,66,22,55,29,10,13 +49-9096.00,Riggers,https://www.onetonline.org/link/summary/49-9096.00,2025-06-11T19:23:28.886944,"Test rigging to ensure safety and reliability. +Signal or verbally direct workers engaged in hoisting and moving loads to ensure safety of workers and materials. +Control movement of heavy equipment through narrow openings or confined spaces, using chainfalls, gin poles, gallows frames, and other equipment. +Tilt, dip, and turn suspended loads to maneuver over, under, or around obstacles, using multi-point suspension techniques. +Select gear, such as cables, pulleys, and winches, according to load weights and sizes, facilities, and work schedules. +Dismantle and store rigging equipment after use. +Attach loads to rigging to provide support or prepare them for moving, using hand and power tools. +Manipulate rigging lines, hoists, and pulling gear to move or support materials, such as heavy equipment, ships, or theatrical sets. +Align, level, and anchor machinery. +Load machines onto trucks to prepare for transportation. +Attach pulleys and blocks to fixed overhead structures, such as beams, ceilings, and gin pole booms, using bolts and clamps. +Fabricate, set up, and repair rigging, supporting structures, hoists, and pulling gear, using hand and power tools. +Clean and dress machine surfaces and component parts. +Install ground rigging for yarding lines, attaching chokers to logs and to the lines.","Computer aided design CAD software— Autodesk AutoCAD +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Autodesk Maya +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Test mechanical systems to ensure proper functioning. +Communicate with coworkers to coordinate installations or repairs. +Operate cranes, hoists, or other moving or lifting equipment. +Move materials, equipment, or supplies. +Determine types of equipment, tools, or materials needed for jobs. +Dismantle heavy equipment or machinery. +Attach rigging to objects so they can be moved. +Align equipment or machinery. +Load materials or equipment. +Clean equipment, parts, or tools to repair or maintain them in good working order.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 69% responded “Every day.” +Contact With Others— 71% responded “Constant contact with others.” +Outdoors, Exposed to All Weather Conditions +Time Pressure— 72% responded “Every day.” +Health and Safety of Other Workers— 62% responded “Very high responsibility.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 81% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 49% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 70% responded “Every day.” +Exposed to Hazardous Equipment— 26% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 31% responded “Once a week or more but not every day.” +Telephone Conversations— 58% responded “Every day.” +Exposed to Contaminants— 64% responded “Every day.” +Duration of Typical Work Week— 55% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Very important results.” +Spend Time Standing— 40% responded “Continually or almost continually.” +Coordinate or Lead Others in Accomplishing Work Activities— 43% responded “Extremely important.” +Frequency of Decision Making— 65% responded “Every day.” +Work Outcomes and Results of Other Workers— 59% responded “Very high responsibility.” +Consequence of Error— 50% responded “Extremely serious.” +Freedom to Make Decisions— 38% responded “A lot of freedom.” +Physical Proximity— 63% responded “Moderately close (at arm's length).” +Spend Time Making Repetitive Motions— 55% responded “More than half the time.” +Exposed to Cramped Work Space, Awkward Positions— 32% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 32% responded “Continually or almost continually.” +Pace Determined by Speed of Equipment— 36% responded “Important.” +Determine Tasks, Priorities and Goals— 58% responded “Some freedom.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 36% responded “Every day.” +Level of Competition— 62% responded “Highly competitive.” +Spend Time Walking or Running— 33% responded “About half the time.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Every day.” +Importance of Repeating Same Tasks— 50% responded “Very important.” +Conflict Situations— 31% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 73% responded “Once a week or more but not every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 20% responded “Once a month or more but not every week.” +In an Open Vehicle or Operating Equipment— 49% responded “Once a week or more but not every day.” +Exposed to High Places— 31% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 33% responded “More than half the time.” +Deal With External Customers or the Public in General— 52% responded “Important.” +Public Speaking— 24% responded “Every day.” +Written Letters and Memos— 57% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 34% responded “Never.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 40% responded “Less than half the time.”","Operation and Control— Controlling operations of equipment or systems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Crane and Tower Operators +Hoist and Winch Operators +Industrial Truck and Tractor Operators +Maintenance Workers, Machinery +Bright Outlook +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Operating Engineers and Other Construction Equipment Operators +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters","View the list of Allies +Associated Builders and Contractors +external site +International Association of Bridge, Structural, Ornamental and Reinforcing Iron Workers +external site +Specialized Carriers and Rigging Association +external site",63,10,66,58,55,61,66,56,36,29,48,31,22,46,9,20,25,68,7,45,28,15,18,21,15,55,55,37,14,59,26,7,15 +25-1063.00,"Economics Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1063.00,2025-06-11T19:00:10.372696,"Prepare and deliver lectures to undergraduate or graduate students on topics such as econometrics, price theory, and macroeconomics. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Evaluate and grade students' class work, assignments, and papers. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Compile, administer, and grade examinations, or assign this work to others. +Maintain student attendance records, grades, and other required records. +Initiate, facilitate, and moderate classroom discussions. +Supervise undergraduate or graduate teaching, internship, and research work. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Collaborate with colleagues to address teaching and research issues. +Select and obtain materials and supplies, such as textbooks. +Perform administrative duties, such as serving as department head. +Participate in student recruitment, registration, and placement activities. +Compile bibliographies of specialized materials for outside reading assignments. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Write grant proposals to procure external research funding. +Provide professional consulting services to government or industry. +Participate in campus and community events. +Act as advisers to student organizations.","Analytical or scientific software— Insightful S-PLUS; Minitab; StataCorp Stata; The MathWorks MATLAB;10 more +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— Microsoft Access +Electronic mail software— Email software; Microsoft Outlook +Financial analysis software— JessX stock simulator software +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Object or component oriented development software— Python; R; Sun Microsystems Java +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Facebook +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Teach social science courses at the college level. +Develop instructional materials. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Evaluate student work. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Administer tests to assess educational needs or progress. +Prepare tests. +Guide class discussions. +Maintain student records. +Supervise student research or internship work. +Advise students on academic or career matters. +Direct department activities. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Compile specialized bibliographies or lists of materials. +Serve on institutional or departmental committees. +Write grant proposals. +Advise educators on curricula, instructional methods, or policies. +Plan community programs or activities for the general public.","E-Mail— 96% responded “Every day.” +Freedom to Make Decisions— 79% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 77% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 51% responded “Every day.” +Spend Time Sitting— 47% responded “Continually or almost continually.” +Contact With Others— 45% responded “Constant contact with others.” +Public Speaking— 68% responded “Once a week or more but not every day.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Duration of Typical Work Week— 60% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Level of Competition— 29% responded “Extremely competitive.” +Deal With External Customers or the Public in General— 52% responded “Important.” +Time Pressure— 44% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 40% responded “Fairly important.” +Impact of Decisions on Co-workers or Company Results— 30% responded “Minor results.” +Frequency of Decision Making— 50% responded “Once a year or more but not every month.” +Telephone Conversations— 38% responded “Once a week or more but not every day.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Written Letters and Memos— 55% responded “Once a month or more but not every week.”","Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Mathematics— Using mathematics to solve problems. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Business Teachers, Postsecondary +Bright Outlook +Economists +Education Teachers, Postsecondary +Family and Consumer Sciences Teachers, Postsecondary +Law Teachers, Postsecondary +Mathematical Science Teachers, Postsecondary +Political Science Teachers, Postsecondary +Psychology Teachers, Postsecondary +Social Work Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +Agricultural and Applied Economics Association +external site +American Association of University Professors +external site +American Economic Association +external site +American Finance Association +external site +Association for Evolutionary Economics +external site +Association of Environmental and Resource Economists +external site +Council of Graduate Schools +external site +Eastern Economic Association +external site +Economic History Association +external site +History of Economics Society +external site +National Association for Business Economics +external site +National Association of Forensic Economics +external site +Southern Economic Association +external site +The Association for Social Economics +external site +The Econometric Society +external site +Western Economic Association International +external site",38,5,17,78,88,47,27,83,37,81,23,38,,47,8,47,31,1,22,13,35,21,44,11,3,7,3,1,5,6,30,2,33 +13-1051.00,Cost Estimators,https://www.onetonline.org/link/summary/13-1051.00,2025-06-11T18:49:43.369942,"Analyze blueprints and other documentation to prepare time, cost, materials, and labor estimates. +Confer with engineers, architects, owners, contractors, and subcontractors on changes and adjustments to cost estimates. +Collect historical cost data to estimate costs for current or future products. +Assess cost effectiveness of products, projects or services, tracking actual costs relative to bids as the project develops. +Consult with clients, vendors, personnel in other departments, or construction foremen to discuss and formulate estimates and resolve issues. +Establish and maintain tendering process, and conduct negotiations. +Prepare estimates for use in selecting vendors or subcontractors. +Prepare estimates used by management for purposes such as planning, organizing, and scheduling work. +Set up cost monitoring and reporting systems and procedures. +Review material and labor requirements to decide whether it is more cost-effective to produce or purchase components. +Prepare cost and expenditure statements and other necessary documentation at regular intervals for the duration of the project. +Conduct special studies to develop and establish standard hour and related cost data or to reduce cost. +Visit site and record information about access, drainage and topography, and availability of utility services. +Prepare and maintain a directory of suppliers, contractors and subcontractors. +Use remote sensing technologies or drones to evaluate site conditions when in-person visits are not feasible.","Accounting software— ConEst T&M Billing Manager; Cost accounting software; Intuit QuickBooks; Sage 50 Accounting;2 more +Analytical or scientific software— ConEst Electrical Formulas; Construction Management Software ProEst; Procore software; WinEstimator WinEst;3 more +Computer aided design CAD software— Autodesk AutoCAD; Autodesk Revit; ConEst SureCount; Dassault Systemes CATIA;2 more +Customer relationship management CRM software— Microsoft Business Contact Manager +Data base reporting software— Oracle Hyperion; SAP BusinessObjects Crystal Reports; Software AG enterprise software +Data base user interface and query software— Assured Software JPP; Microsoft Access; Sage 300 Construction and Real Estate; Xactware Xactimate;1 more +Document management software— Adobe Acrobat; Laserfiche Avante +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle JD Edwards EnterpriseOne; SAP software +Expert system software— EFI Hagen OA +Financial analysis software— CPR Visual Estimator; IBM Costimater; PRICE Sytems TruePlanning; Primavera Cost Management;4 more +Graphics or photo imaging software— Trimble SketchUp Pro +License management software— ConEst Permit Trac +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Galorath SEER; HCSS HeavyJob; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management;6 more +Spreadsheet software— Apple AppleWorks; Corel QuattroPro; IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft OneNote; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Estimate costs of goods or services. +Analyze business or financial data. +Confer with others about financial matters. +Assess the cost effectiveness of products, projects, or services. +Monitor financial indicators. +Confer with personnel to coordinate business operations. +Establish business management methods. +Negotiate agreements to resolve disputes. +Develop business or financial information systems. +Prepare financial documents. +Collect data about project sites. +Inspect work sites to determine condition or necessary repairs. +Maintain data in information systems or databases.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 80% responded “Every day.” +Spend Time Sitting— 64% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 50% responded “Every day.” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 43% responded “Very important.” +Importance of Being Exact or Accurate— 41% responded “Very important.” +Duration of Typical Work Week— 55% responded “40 hours.” +Freedom to Make Decisions— 55% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 68% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 41% responded “Important results.” +Time Pressure— 55% responded “Once a week or more but not every day.” +Contact With Others— 41% responded “Contact with others about half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Very important.” +Frequency of Decision Making— 32% responded “Once a week or more but not every day.” +Level of Competition— 41% responded “Moderately competitive.” +Importance of Repeating Same Tasks— 29% responded “Very important.”","Mathematics— Using mathematics to solve problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others.","Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Architectural and Civil Drafters +Architectural and Engineering Managers +Bright Outlook +Civil Engineering Technologists and Technicians +Civil Engineers +Construction Managers +Industrial Engineers +Logistics Engineers +Production, Planning, and Expediting Clerks +Project Management Specialists +Purchasing Agents, Except Wholesale, Retail, and Farm Products","View the list of Allies +International Cost Estimating and Analysis Association +external site +Society of Cost Engineers +external site +American Society of Mechanical Engineers +external site +AACE International +external site +Project Management Institute +external site +American Society of Professional Estimators +external site",50,6,46,55,85,55,25,32,44,74,36,30,18,63,10,39,19,48,8,29,19,5,14,25,4,60,58,43,16,54,22,1,7 +47-5013.00,"Service Unit Operators, Oil and Gas",https://www.onetonline.org/link/summary/47-5013.00,2025-06-11T19:20:31.810900,"Maintain and perform safety inspections on equipment and tools. +Operate controls that raise derricks or level rigs. +Listen to engines, rotary chains, or other equipment to detect faulty operations or unusual well conditions. +Prepare reports of services rendered, tools used, or time required, for billing purposes. +Install pressure-control devices onto wellheads. +Confer with others to gather information regarding pipe or tool sizes or borehole conditions in wells. +Operate pumps that circulate water, oil, or other fluids through wells to remove sand or other materials obstructing the free flow of oil. +Drive truck-mounted units to well sites. +Interpret instrument readings to ascertain the depth of obstruction. +Thread cables through derrick pulleys, using hand tools. +Select fishing methods or tools for removing obstacles such as liners, broken casing, screens, or drill pipe. +Close and seal wells no longer in use. +Direct drilling crews performing activities such as assembling and connecting pipe, applying weights to drill pipes, or drilling around lodged obstacles. +Apply green technologies or techniques, such as the use of coiled tubing, slim-hole drilling, horizontal drilling, hydraulic fracturing, or gas lift systems. +Operate specialized equipment to remove obstructions by backing off or severing pipes by chemical or explosive action. +Perforate well casings or sidewalls of boreholes with explosive charges. +Examine unserviceable wells to determine actions to be taken to improve well conditions. +Monitor sound wave-generating or detecting mechanisms to determine well fluid levels. +Insert detection instruments into wells with obstructions.","Analytical or scientific software— Data logger software +Document management software— Microsoft SharePoint +Enterprise resource planning ERP software— SAP software +Facilities management software— Computerized maintenance management system CMMS +Industrial control software— Supervisory control and data acquisition SCADA software +Inventory management software— Inventory tracking software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Time and attendance software +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form.","Inspect equipment or tools to be used in construction or excavation. +Maintain extraction or excavation equipment. +Monitor extraction operations. +Operate cranes, hoists, or other moving or lifting equipment. +Prepare operational reports. +Install plumbing or piping. +Direct construction or extraction personnel. +Communicate with other construction or extraction personnel to discuss project details. +Operate pumps or compressors. +Drive trucks or truck-mounted equipment. +Measure work site dimensions. +Select construction equipment. +Apply new technologies to improve work processes. +Operate detonation equipment. +Prepare excavation or extraction sites for commissioning or decommissioning.","Outdoors, Exposed to All Weather Conditions— 100% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 97% responded “Every day.” +Frequency of Decision Making— 93% responded “Every day.” +Contact With Others— 84% responded “Constant contact with others.” +Exposed to Contaminants— 77% responded “Every day.” +Duration of Typical Work Week— 86% responded “More than 40 hours.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Health and Safety of Other Workers— 70% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 76% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 76% responded “Every day.” +Exposed to Hazardous Equipment— 87% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 74% responded “Every day.” +Work With or Contribute to a Work Group or Team— 63% responded “Extremely important.” +Exposed to Hazardous Conditions— 77% responded “Every day.” +Importance of Being Exact or Accurate— 42% responded “Extremely important.” +Time Pressure— 56% responded “Every day.” +Spend Time Standing— 28% responded “More than half the time.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 20% responded “Once a week or more but not every day.” +Consequence of Error— 61% responded “Extremely serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 64% responded “Continually or almost continually.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 73% responded “Every day.” +Freedom to Make Decisions— 76% responded “Some freedom.” +Physical Proximity— 81% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 49% responded “Very high responsibility.” +Exposed to Cramped Work Space, Awkward Positions— 30% responded “Once a month or more but not every week.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 68% responded “Every day.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Pace Determined by Speed of Equipment— 43% responded “Very important.” +Telephone Conversations— 14% responded “Once a year or more but not every month.” +Coordinate or Lead Others in Accomplishing Work Activities— 20% responded “Very important.” +Determine Tasks, Priorities and Goals— 61% responded “Some freedom.” +Exposed to High Places— 19% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 36% responded “Less than half the time.” +Spend Time Making Repetitive Motions— 25% responded “Less than half the time.” +In an Open Vehicle or Operating Equipment— 52% responded “Every day.” +Level of Competition— 31% responded “Moderately competitive.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 46% responded “Every day.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 33% responded “Less than half the time.” +Spend Time Walking or Running— 25% responded “About half the time.” +Indoors, Not Environmentally Controlled— 36% responded “Every day.” +Spend Time Keeping or Regaining Balance— 34% responded “Less than half the time.” +Outdoors, Under Cover— 26% responded “Every day.” +Deal With External Customers or the Public in General— 23% responded “Important.” +Written Letters and Memos— 33% responded “Never.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operation and Control— Controlling operations of equipment or systems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Far Vision— The ability to see details at a distance. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Gross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Integrity— Job requires being honest and ethical.","Earth Drillers, Except Oil and Gas +Gas Compressor and Gas Pumping Station Operators +Gas Plant Operators +Helpers--Extraction Workers +Petroleum Pump System Operators, Refinery Operators, and Gaugers +Power Plant Operators +Pump Operators, Except Wellhead Pumpers +Rotary Drill Operators, Oil and Gas +Roustabouts, Oil and Gas +Bright Outlook +Wellhead Pumpers","View the list of Allies +American Federation of Labor and Congress of Industrial Organizations +external site",67,7,52,54,71,53,56,55,45,33,54,47,54,46,20,22,19,76,7,53,42,5,15,19,21,59,33,48,13,44,21,,8 +11-9199.02,Compliance Managers,https://www.onetonline.org/link/summary/11-9199.02,2025-06-11T18:48:49.650809,"Report violations of compliance or regulatory standards to duly authorized enforcement agencies as appropriate or required. +Identify compliance issues that require follow-up or investigation. +Discuss emerging compliance issues to ensure that management and employees are informed about compliance reporting systems, policies, and practices. +File appropriate compliance reports with regulatory agencies. +Maintain documentation of compliance activities, such as complaints received or investigation outcomes. +Consult with corporate attorneys as necessary to address difficult legal compliance issues. +Conduct or direct the internal investigation of compliance issues. +Provide employee training on compliance related topics, policies, or procedures. +Serve as a confidential point of contact for employees to communicate with management, seek clarification on issues or dilemmas, or report irregularities. +Verify that all regulatory policies and procedures have been documented, implemented, and communicated. +Disseminate written policies and procedures related to compliance activities. +Prepare management reports regarding compliance operations and progress. +Conduct periodic internal reviews or audits to ensure that compliance procedures are followed. +Keep informed regarding pending industry changes, trends, or best practices. +Monitor compliance systems to ensure their effectiveness. +Direct the development or implementation of policies and procedures related to compliance throughout an organization. +Advise internal management or business partners on the implementation or operation of compliance programs. +Design or implement improvements in communication, monitoring, or enforcement of compliance standards. +Provide assistance to internal or external auditors in compliance reviews. +Collaborate with human resources departments to ensure the implementation of consistent disciplinary action strategies in cases of compliance standard violations. +Develop risk management strategies based on assessment of product, compliance, or operational risks. +Advise technical professionals on the development or use of environmental compliance or reporting tools. +Conduct environmental audits to ensure adherence to environmental standards. +Evaluate testing procedures to meet the specifications of environmental monitoring programs. +Review or modify policies or operating guidelines to comply with changes to environmental standards or regulations. +Review communications such as securities sales advertising to ensure there are no violations of standards or regulations. +Oversee internal reporting systems, such as corporate compliance hotlines. +Verify that software technology is in place to adequately provide oversight and monitoring in all required areas. +Direct environmental programs, such as air or water compliance, aboveground or underground storage tanks, spill prevention or control, hazardous waste or materials management, solid waste recycling, medical waste management, indoor air quality, integrated pest management, employee training, or disaster preparedness.","Accounting software— Tax software +Analytical or scientific software— Data analysis software; Horwath Software Magique; StataCorp Stata +Calendar and scheduling software— Scheduling software +Compliance software— Actimize Brokerage Compliance Solutions; MetricStream Enterprise Compliance Platform; Oracle Enterprise Governance, Risk, and Compliance Manager; Thomson Reuters Paisley Enterprise GRC;41 more +Data base management system software— Database management software +Data base reporting software— SAP BEx Report Designer +Data base user interface and query software— Microsoft Access +Desktop publishing software +Document management software— Adobe Acrobat; Microsoft SharePoint +Electronic mail software— Email software; IBM Notes; Microsoft Outlook +Human resources software— Human resource information system (HRIS) +Information retrieval or search software— LexisNexis +Internet browser software— Apple Safari; Microsoft Internet Explorer; Mozilla Firefox; Web browser software +Medical software— Healthcare common procedure coding system HCPCS +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Risk management data and analysis software— MasterControl MD; MasterControl TotalPharma +Spreadsheet software— Microsoft Excel +Tax preparation software— Tax accounting software +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.","Communicate with government agencies. +Identify actions needed to bring properties or facilities into compliance with regulations. +Communicate organizational policies and procedures. +Advise others on legal or regulatory compliance matters. +Maintain regulatory or compliance documentation. +Confer with organizational members to accomplish work activities. +Conduct employee training programs. +Determine operational compliance with regulations or standards. +Implement organizational process or policy changes. +Liaise between departments or other groups to improve function or communication. +Verify accuracy of records. +Prepare reports related to compliance matters. +Analyze risks to minimize losses or damages. +Develop emergency response plans or procedures. +Conduct financial or regulatory audits. +Maintain knowledge of current developments in area of expertise. +Stay informed about current developments in field of specialization. +Update knowledge about emerging industry or technology trends. +Develop operating strategies, plans, or procedures. +Develop organizational policies or programs. +Advise others on business or operational matters. +Manage control system activities in organizations. +Monitor organizational compliance with regulations. +Collaborate on research activities with scientists or technical specialists. +Conduct environmental audits. +Evaluate green operations or programs for compliance with standards or regulations. +Coordinate reporting or editing activities. +Examine marketing materials to ensure compliance with policies or regulations. +Monitor organizational procedures to ensure proper functioning. +Develop computer or information systems. +Manage environmental sustainability projects.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 78% responded “Every day.” +Telephone Conversations— 81% responded “Every day.” +Work With or Contribute to a Work Group or Team— 76% responded “Extremely important.” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Contact With Others— 69% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 65% responded “Extremely important.” +Duration of Typical Work Week— 72% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Time Pressure— 50% responded “Every day.” +Freedom to Make Decisions— 49% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 52% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Frequency of Decision Making— 49% responded “Every day.” +Health and Safety of Other Workers— 45% responded “Very high responsibility.” +Spend Time Sitting— 39% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 45% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 46% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 42% responded “Very important.” +Written Letters and Memos— 36% responded “Once a month or more but not every week.” +Conflict Situations— 33% responded “Once a month or more but not every week.” +Level of Competition— 34% responded “Highly competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 35% responded “Once a year or more but not every month.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Consequence of Error— 32% responded “Fairly serious.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 35% responded “Never.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Negotiation— Bringing others together and trying to reconcile differences. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Time Management— Managing one's own time and the time of others. +Service Orientation— Actively looking for ways to help people.","Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Administrative Services Managers +Bright Outlook +Compliance Officers +Environmental Compliance Inspectors +Government Property Inspectors and Investigators +Information Security Engineers +Management Analysts +Regulatory Affairs Managers +Regulatory Affairs Specialists +Security Management Specialists +Security Managers","View the list of Allies +American Bankers Association +external site +American Society for Quality +external site +Institute of Internal Auditors +external site +Association for Certified Anti-Money Laundering Specialists +external site",68,6,30,88,49,77,58,61,59,41,24,67,15,65,16,89,48,17,24,29,37,36,28,38,18,25,17,15,13,20,27,2,17 +51-9082.00,Medical Appliance Technicians,https://www.onetonline.org/link/summary/51-9082.00,2025-06-11T19:27:47.994761,"Drill and tap holes for rivets, and glue, weld, bolt, or rivet parts together to form prosthetic or orthotic devices. +Read prescriptions or specifications to determine the type of product or device to be fabricated and the materials and tools required. +Make orthotic or prosthetic devices, using materials such as thermoplastic and thermosetting materials, metal alloys and leather, and hand or power tools. +Bend, form, and shape fabric or material to conform to prescribed contours of structural components. +Construct or receive casts or impressions of patients' torsos or limbs for use as cutting and fabrication patterns. +Repair, modify, or maintain medical supportive devices, such as artificial limbs, braces, or surgical supports, according to specifications. +Cover or pad metal or plastic structures or devices, using coverings such as rubber, leather, felt, plastic, or fiberglass. +Test medical supportive devices for proper alignment, movement, or biomechanical stability, using meters and alignment fixtures. +Lay out and mark dimensions of parts, using templates and precision measuring instruments. +Fit appliances onto patients, and make any necessary adjustments. +Polish artificial limbs, braces, or supports, using grinding and buffing wheels. +Take patients' body or limb measurements for use in device construction. +Instruct patients in use of prosthetic or orthotic devices. +Service or repair machinery used in the fabrication of appliances. +Mix pigments to match patients' skin coloring, according to formulas, and apply mixtures to orthotic or prosthetic devices. +Order parts or supplies for orthotic or prosthetic devices.","Computer aided design CAD software— Autodesk AutoCAD; Ohio Willow Wood OMEGA Tracer System; Seattle Systems Shapemaker; SoftSource CADview;1 more +Computer aided manufacturing CAM software— Orthotic fabrication software +Electronic mail software— Microsoft Outlook +Medical software— Footmaxx Metascan software; Gait analysis software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Drill holes in parts, equipment, or materials. +Operate welding equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Construct customized assistive medical or dental devices. +Adjust fabrics or other materials during garment production. +Cast molds of patient anatomies to create medical or dental devices. +Repair medical or dental assistive devices. +Draw guide lines or markings on materials or workpieces using patterns or other references. +Inspect medical or dental assistive devices. +Measure clients to ensure proper product fit. +Operate grinding equipment. +Polish materials, workpieces, or finished products. +Apply protective or decorative finishes to workpieces or products. +Mix ingredients to create specific finishes. +Instruct patients in the use of assistive equipment. +Repair production equipment or tools.","Indoors, Environmentally Controlled— 90% responded “Every day.” +Exposed to Contaminants— 80% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 62% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Face-to-Face Discussions with Individuals and Within Teams— 63% responded “Every day.” +Frequency of Decision Making— 75% responded “Every day.” +Importance of Being Exact or Accurate— 52% responded “Extremely important.” +Time Pressure— 57% responded “Every day.” +Spend Time Standing— 51% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 65% responded “Every day.” +Contact With Others— 58% responded “Contact with others most of the time.” +Determine Tasks, Priorities and Goals— 48% responded “A lot of freedom.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 69% responded “Every day.” +Telephone Conversations— 45% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 47% responded “Extremely important.” +Freedom to Make Decisions— 42% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 39% responded “Important results.” +Physical Proximity— 35% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 39% responded “Extremely important.” +E-Mail— 37% responded “Every day.” +Deal With External Customers or the Public in General— 42% responded “Very important.” +Health and Safety of Other Workers— 36% responded “High responsibility.” +Spend Time Making Repetitive Motions— 29% responded “Continually or almost continually.” +Exposed to Hazardous Conditions— 33% responded “Once a week or more but not every day.” +Level of Competition— 37% responded “Highly competitive.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 35% responded “Every day.” +Importance of Repeating Same Tasks— 31% responded “Important.” +Consequence of Error— 28% responded “Serious.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Instructing— Teaching others how to do something. +Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Calibration Technologists and Technicians +Bright Outlook +Dental Laboratory Technicians +Electrical and Electronic Equipment Assemblers +Medical Equipment Preparers +Medical Equipment Repairers +Molders, Shapers, and Casters, Except Metal and Plastic +Ophthalmic Laboratory Technicians +Structural Metal Fabricators and Fitters +Surgical Technologists +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +American Academy of Orthotists and Prosthetists +external site +National Association of Dental Laboratories +external site +American Board for Certification in Orthotics, Prosthetics and Pedorthics +external site +National Board for Certification in Dental Laboratory Technology +external site +National Commission on Orthotic and Prosthetic Education +external site",67,9,72,62,50,49,41,52,47,29,37,37,39,41,27,30,30,61,14,25,30,35,17,20,43,47,44,47,30,57,13,17,12 +29-1141.01,Acute Care Nurses,https://www.onetonline.org/link/summary/29-1141.01,2025-06-11T19:06:10.094490,"Perform emergency medical procedures, such as basic cardiac life support (BLS), advanced cardiac life support (ACLS), and other condition-stabilizing interventions. +Manage patients' pain relief and sedation by providing pharmacologic and non-pharmacologic interventions, monitoring patients' responses, and changing care plans accordingly. +Document data related to patients' care, including assessment results, interventions, medications, patient responses, or treatment changes. +Diagnose acute or chronic conditions that could result in rapid physiological deterioration or life-threatening instability. +Administer blood and blood product transfusions or intravenous infusions, monitoring patients for adverse reactions. +Assess urgent and emergent health conditions, using both physiologically and technologically derived data. +Assess the impact of illnesses or injuries on patients' health, function, growth, development, nutrition, sleep, rest, quality of life, or family, social and educational relationships. +Interpret information obtained from electrocardiograms (EKGs) or radiographs (x-rays). +Obtain specimens or samples for laboratory work. +Collaborate with patients to plan for future health care needs or to coordinate transitions and referrals. +Refer patients for specialty consultations or treatments. +Set up, operate, or monitor invasive equipment and devices, such as colostomy or tracheotomy equipment, mechanical ventilators, catheters, gastrointestinal tubes, and central lines. +Discuss illnesses and treatments with patients and family members. +Distinguish between normal and abnormal developmental and age-related physiological and behavioral changes in acute, critical, and chronic illness. +Collaborate with members of multidisciplinary health care teams to plan, manage, or assess patient treatments. +Assess the needs of patients' family members or caregivers. +Perform administrative duties that facilitate admission, transfer, or discharge of patients. +Provide formal and informal education to other staff members. +Read current literature, talk with colleagues, and participate in professional organizations or conferences to keep abreast of developments in acute care. +Treat wounds or superficial lacerations. +Participate in patients' care meetings and conferences. +Participate in the development of practice protocols. +Adjust settings on patients' assistive devices, such as temporary pacemakers. +Order, perform, or interpret the results of diagnostic tests and screening procedures based on assessment results, differential diagnoses, and knowledge about age, gender and health status of clients. +Analyze the indications, contraindications, risk complications, and cost-benefit tradeoffs of therapeutic interventions. +Assist patients in organizing their health care system activities.","Data base user interface and query software— Microsoft Access +Electronic mail software— IBM Lotus Notes; Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; GE Healthcare Centricity EMR; StatCom Patient Flow Logistics Enterprise Suite;11 more +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Teams +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Treat medical emergencies. +Administer anesthetics or sedatives to control pain. +Monitor patients following surgeries or other treatments. +Record patient medical histories. +Diagnose medical conditions. +Administer blood or other fluids intravenously. +Analyze patient data to determine patient needs or treatment goals. +Monitor patient conditions during treatments, procedures, or activities. +Adjust prostheses or other assistive devices. +Evaluate patient functioning, capabilities, or health. +Analyze test data or images to inform diagnosis or treatment. +Communicate detailed medical information to patients or family members. +Collect biological specimens from patients. +Refer patients to other healthcare practitioners or health resources. +Operate diagnostic or therapeutic medical instruments or equipment. +Prepare medical supplies or equipment for use. +Order medical diagnostic or clinical tests. +Collaborate with healthcare professionals to plan or provide treatment. +Assess patient work, living, or social environments. +Process healthcare paperwork. +Maintain medical or professional knowledge. +Train medical providers. +Treat acute illnesses, infections, or injuries. +Evaluate treatment options to guide medical decisions. +Advise patients on healthcare system processes. +Establish nursing policies or standards.","Exposed to Disease or Infections— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Importance of Being Exact or Accurate— 88% responded “Extremely important.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Contact With Others— 89% responded “Constant contact with others.” +Physical Proximity— 81% responded “Very close (near touching).” +Consequence of Error— 88% responded “Extremely serious.” +Work With or Contribute to a Work Group or Team— 81% responded “Extremely important.” +Frequency of Decision Making— 81% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 69% responded “Very important results.” +Time Pressure— 74% responded “Every day.” +Deal With External Customers or the Public in General— 70% responded “Extremely important.” +E-Mail— 56% responded “Every day.” +Freedom to Make Decisions— 50% responded “A lot of freedom.” +Determine Tasks, Priorities and Goals— 44% responded “A lot of freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 68% responded “Every day.” +Health and Safety of Other Workers— 56% responded “Very high responsibility.” +Dealing With Unpleasant, Angry, or Discourteous People— 56% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Very important.” +Conflict Situations— 54% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 52% responded “Every day.” +Spend Time Standing— 48% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 44% responded “High responsibility.” +Exposed to Contaminants— 37% responded “Every day.” +Importance of Repeating Same Tasks— 33% responded “Extremely important.” +Spend Time Walking or Running— 52% responded “More than half the time.” +Written Letters and Memos— 26% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 37% responded “Less than half the time.” +Dealing with Violent or Physically Aggressive People— 56% responded “Once a month or more but not every week.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Persuasion— Persuading others to change their minds or behavior. +Science— Using scientific rules and methods to solve problems. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Integrity— Job requires being honest and ethical. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Advanced Practice Psychiatric Nurses +Bright Outlook +Clinical Nurse Specialists +Critical Care Nurses +Emergency Medical Technicians +Licensed Practical and Licensed Vocational Nurses +Nurse Midwives +Nursing Assistants +Paramedics +Registered Nurses +Respiratory Therapists","View the list of Allies +American Association of Colleges of Nursing +external site +American Association of Critical-Care Nurses +external site +American College of Cardiology +external site +American Heart Association +external site +American Nurses Association +external site +American Society of Registered Nurses +external site +National Association of Clinical Nurse Specialists +external site +National Student Nurses' Association +external site +Oncology Nursing Society +external site +Sigma Theta Tau International Honor Society of Nursing +external site +National Council of State Boards of Nursing +external site +National League for Nursing +external site",84,6,19,82,60,47,49,79,42,17,20,35,43,40,31,40,31,17,40,15,77,72,52,30,91,17,5,26,58,9,10,5,10 +49-2097.00,Audiovisual Equipment Installers and Repairers,https://www.onetonline.org/link/summary/49-2097.00,2025-06-11T19:21:36.135470,"Install, service, and repair electronic equipment or instruments such as televisions, radios, and videocassette recorders. +Calibrate and test equipment, and locate circuit and component faults, using hand and power tools and measuring and testing instruments such as resistance meters and oscilloscopes. +Confer with customers to determine the nature of problems or to explain repairs. +Position or mount speakers, and wire speakers to consoles. +Instruct customers on the safe and proper use of equipment. +Make service calls to repair units in customers' homes, or return units to shops for major repairs. +Read and interpret electronic circuit diagrams, function block diagrams, specifications, engineering drawings, and service manuals. +Tune or adjust equipment and instruments to obtain optimum visual or auditory reception, according to specifications, manuals, and drawings. +Keep records of work orders and test and maintenance reports. +Disassemble entertainment equipment and repair or replace loose, worn, or defective components and wiring, using hand tools and soldering irons. +Compute cost estimates for labor and materials.","Analytical or scientific software— Audio calibration software +Mobile location based services software— Global positioning system GPS software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Install audio or communications equipment. +Repair electronic equipment. +Estimate costs for labor or materials. +Calibrate equipment to specifications. +Confer with customers or users to assess problems. +Test electrical circuits or components for proper functioning. +Train customers in the use of products. +Travel to work sites to perform installation, repair or maintenance work. +Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities. +Read technical information needed to perform maintenance or repairs. +Adjust equipment to ensure optimal performance. +Maintain repair or maintenance records. +Disassemble equipment for maintenance or repair.","Telephone Conversations +E-Mail— 65% responded “Every day.” +Deal With External Customers or the Public in General +Face-to-Face Discussions with Individuals and Within Teams +Determine Tasks, Priorities and Goals— 27% responded “Some freedom.” +Freedom to Make Decisions— 30% responded “A lot of freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 39% responded “Continually or almost continually.” +Spend Time Standing— 38% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 23% responded “Important.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 25% responded “Once a week or more but not every day.” +Time Pressure— 36% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 26% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 70% responded “Very important.” +Physical Proximity— 42% responded “Slightly close (e.g., shared office).” +Contact With Others— 38% responded “Constant contact with others.” +Exposed to Contaminants— 32% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 27% responded “Moderate responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 59% responded “Very important.” +Exposed to Cramped Work Space, Awkward Positions— 11% responded “Once a year or more but not every month.” +Indoors, Environmentally Controlled— 34% responded “Once a month or more but not every week.” +Written Letters and Memos— 13% responded “Once a year or more but not every month.” +Spend Time Bending or Twisting Your Body +Spend Time Climbing Ladders, Scaffolds, or Poles— 29% responded “Less than half the time.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 48% responded “About half the time.” +Exposed to Very Hot or Cold Temperatures— 25% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 39% responded “High responsibility.” +Outdoors, Under Cover— 28% responded “Never.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 46% responded “Once a year or more but not every month.”","Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.","Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Far Vision— The ability to see details at a distance. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Audio and Video Technicians +Camera and Photographic Equipment Repairers +Computer, Automated Teller, and Office Machine Repairers +Electrical and Electronics Installers and Repairers, Transportation Equipment +Bright Outlook +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electronic Equipment Installers and Repairers, Motor Vehicles +Radio, Cellular, and Tower Equipment Installers and Repairers +Security and Fire Alarm Systems Installers +Telecommunications Equipment Installers and Repairers, Except Line Installers +Telecommunications Line Installers and Repairers","View the list of Allies +Consumer Technology Association +external site +National Electronics Service Dealers Association +external site +Imaging Science Foundation +external site +International Society of Certified Electronics Technicians +external site",78,1,49,56,48,53,29,33,34,11,48,15,4,82,13,9,44,57,6,19,19,8,17,58,2,55,52,27,1,41,21,9,3 +15-1211.01,Health Informatics Specialists,https://www.onetonline.org/link/summary/15-1211.01,2025-06-11T18:51:23.967950,"Translate nursing practice information between nurses and systems engineers, analysts, or designers, using object-oriented models or other techniques. +Use informatics science to design or implement health information technology applications for resolution of clinical or health care administrative problems. +Develop or implement policies or practices to ensure the privacy, confidentiality, or security of patient information. +Analyze and interpret patient, nursing, or information systems data to improve nursing services. +Identify, collect, record, or analyze data relevant to the nursing care of patients. +Apply knowledge of computer science, information science, nursing, and informatics theory to nursing practice, education, administration, or research, in collaboration with other health informatics specialists. +Develop, implement, or evaluate health information technology applications, tools, processes, or structures to assist nurses with data management. +Design, develop, select, test, implement, and evaluate new or modified informatics solutions, data structures, and decision-support mechanisms to support patients, health care professionals, and their information management and human-computer and human-technology interactions within health care contexts. +Disseminate information about nursing informatics science and practice to the profession, other health care professions, nursing students, and the public. +Analyze computer and information technologies to determine applicability to nursing practice, education, administration, and research. +Develop strategies, policies or procedures for introducing, evaluating, or modifying information technology applied to nursing practice, administration, education, or research. +Read current literature, talk with colleagues, and participate in professional organizations or conferences to keep abreast of developments in informatics. +Develop or deliver training programs for health information technology, creating operating manuals as needed. +Design, conduct, or provide support to nursing informatics research. +Inform local, state, national, and international health policies related to information management and communication, confidentiality and security, patient safety, infrastructure development, and economics. +Provide consultation to nurses regarding hardware or software configuration. +Plan, install, repair, or troubleshoot telehealth technology applications or systems in homes.","Analytical or scientific software— IBM SPSS Statistics; SAS +Business intelligence and data analysis software— Microsoft Power BI; Qlik software; Qlik Tech QlikView; Tableau +Calendar and scheduling software— McKesson ANSOS One-Staff +Compliance software— Sparta Systems TrackWise +Computer based training software— Learning management system LMS +Customer relationship management CRM software— Salesforce software +Data base management system software— Apache Hadoop +Data base reporting software— SAP BusinessObjects Crystal Reports +Data base user interface and query software— Microsoft Access; Structured query language SQL +Development environment software— Software development tools +Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Geographic information system— ESRI ArcGIS software +Internet browser software— Web browser software +Medical software— eClinicalWorks EHR software; Epic Systems; GE Healthcare Centricity EMR; MEDITECH software;25 more +Object or component oriented development software— Microsoft SQL Server Reporting Services SSRS; Perl; Python; R;1 more +Office suite software— Microsoft Office software +Operating system software— UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript; LAMP Stack +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Communicate project information to others. +Apply information technology to solve business or other applied problems. +Design healthcare-related software applications. +Develop computer or information security policies or procedures. +Implement security measures for computer or information systems. +Analyze health-related data. +Document operational activities. +Evaluate utility of software or hardware technologies. +Test computer system operations to ensure proper functioning. +Provide technical information or assistance to public. +Develop guidelines for system implementation. +Conduct research to gain information about products or processes. +Design research studies to obtain scientific information. +Train others in computer interface or software use. +Update knowledge about emerging industry or technology trends. +Provide recommendations to others about computer hardware. +Install computer software. +Provide technical support for software maintenance or use. +Troubleshoot issues with computer applications or systems.","E-Mail— 100% responded “Every day.” +Work With or Contribute to a Work Group or Team— 85% responded “Extremely important.” +Telephone Conversations— 81% responded “Every day.” +Indoors, Environmentally Controlled— 86% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 47% responded “Extremely important.” +Contact With Others— 48% responded “Constant contact with others.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 65% responded “Every day.” +Determine Tasks, Priorities and Goals— 71% responded “Some freedom.” +Spend Time Sitting— 57% responded “More than half the time.” +Duration of Typical Work Week— 52% responded “More than 40 hours.” +Freedom to Make Decisions— 67% responded “Some freedom.” +Work Outcomes and Results of Other Workers— 35% responded “High responsibility.” +Time Pressure— 43% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Moderate results.” +Importance of Repeating Same Tasks— 33% responded “Very important.” +Level of Competition— 33% responded “Moderately competitive.” +Deal With External Customers or the Public in General— 29% responded “Very important.” +Frequency of Decision Making— 33% responded “Once a year or more but not every month.” +Physical Proximity— 52% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 29% responded “Once a year or more but not every month.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Clinical Data Managers +Bright Outlook +Clinical Research Coordinators +Computer Systems Analysts +Health Education Specialists +Health Information Technologists and Medical Registrars +Medical and Health Services Managers +Medical Records Specialists +Nurse Practitioners +Patient Representatives +Social Science Research Assistants","View the list of Allies +American Medical Informatics Association +external site +American Association of Critical-Care Nurses +external site +American College of Healthcare Executives +external site +American Nurses Association +external site +American Nursing Informatics Association +external site +Association for Computing Machinery +external site +Computing Research Association +external site +Healthcare Information and Management Systems Society +external site +IEEE Computer Society +external site +National Center for Women and Information Technology +external site +Sigma Theta Tau International +external site +American Health Information Management Association +external site",64,,28,76,56,62,48,67,53,23,25,38,5,80,8,34,49,13,20,3,54,28,50,43,68,53,5,5,43,55,7,6,6 +31-9099.02,Endoscopy Technicians,https://www.onetonline.org/link/summary/31-9099.02,2025-06-11T19:10:08.410547,"Clean, disinfect, or calibrate scopes or other endoscopic instruments according to manufacturer recommendations and facility standards. +Collect specimens from patients, using standard medical procedures. +Perform safety checks to verify proper equipment functioning. +Maintain or repair endoscopic equipment. +Assist physicians or registered nurses in the conduct of endoscopic procedures. +Place devices, such as blood pressure cuffs, pulse oximeter sensors, nasal cannulas, surgical cautery pads, and cardiac monitoring electrodes, on patients to monitor vital signs. +Prepare suites or rooms according to endoscopic procedure requirements. +Maintain inventories of endoscopic equipment and supplies. +Attend in-service training to validate or refresh basic professional skills. +Conduct in-service training sessions to disseminate information regarding equipment or instruments. +Position or transport patients in accordance with instructions from medical personnel. +Read current literature, talk with colleagues, or participate in professional organizations or conferences to keep abreast of developments in endoscopy.","Calendar and scheduling software— Scheduling software +Electronic mail software— Email software +Medical software— MEDITECH software; Patient electronic medical record EMR software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Maintain medical equipment or instruments. +Clean medical equipment. +Collect biological specimens from patients. +Monitor medical equipment to ensure proper functioning. +Assist practitioners to perform medical procedures. +Operate medical equipment. +Prepare patient treatment areas for use. +Inventory medical supplies or equipment. +Attend educational events to update medical knowledge. +Adjust positions of patients on beds or tables. +Move patients to or from treatment areas. +Teach medical procedures to healthcare personnel.","Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 96% responded “Every day.” +Indoors, Environmentally Controlled— 92% responded “Every day.” +Contact With Others— 73% responded “Constant contact with others.” +Exposed to Disease or Infections— 84% responded “Every day.” +Spend Time Standing— 72% responded “Continually or almost continually.” +Physical Proximity— 68% responded “Very close (near touching).” +Work With or Contribute to a Work Group or Team— 75% responded “Extremely important.” +Importance of Being Exact or Accurate— 62% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.” +Health and Safety of Other Workers— 50% responded “Very high responsibility.” +Frequency of Decision Making— 72% responded “Every day.” +Exposed to Contaminants— 60% responded “Every day.” +Consequence of Error— 50% responded “Very serious.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Spend Time Making Repetitive Motions— 42% responded “Continually or almost continually.” +E-Mail— 35% responded “Every day.” +Telephone Conversations— 35% responded “Every day.” +Time Pressure— 50% responded “Every day.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Impact of Decisions on Co-workers or Company Results— 42% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Extremely important.” +Deal With External Customers or the Public in General— 35% responded “Very important.” +Determine Tasks, Priorities and Goals— 35% responded “Some freedom.” +Spend Time Walking or Running— 35% responded “Less than half the time.” +Duration of Typical Work Week— 68% responded “40 hours.” +Work Outcomes and Results of Other Workers— 54% responded “High responsibility.” +Exposed to Hazardous Conditions— 40% responded “Never.” +Wear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 31% responded “Every day.” +Pace Determined by Speed of Equipment— 38% responded “Very important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Operation and Control— Controlling operations of equipment or systems. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cardiovascular Technologists and Technicians +Diagnostic Medical Sonographers +Bright Outlook +Medical and Clinical Laboratory Technicians +Medical Equipment Preparers +Neurodiagnostic Technologists +Ophthalmic Medical Technicians +Ophthalmic Medical Technologists +Radiologic Technologists and Technicians +Surgical Assistants +Surgical Technologists","View the list of Allies +Society of Gastroenterology Nurses and Associates +external site +Association for the Advancement of Medical Instrumentation +external site +Certification Board for Sterile Processing and Distribution +external site +International Association of Healthcare Central Service Materiel Management +external site",62,9,50,71,30,49,47,60,47,29,18,38,40,58,26,28,28,41,18,25,41,27,27,31,62,36,12,21,48,17,16,4,10 +25-1053.00,"Environmental Science Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1053.00,2025-06-11T18:59:58.766683,"Evaluate and grade students' class work, laboratory work, assignments, and papers. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Supervise students' laboratory and field work. +Advise students on academic and vocational curricula and on career issues. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Supervise undergraduate or graduate teaching, internship, and research work. +Plan, evaluate, and revise curricula, course content, and course materials and methods of instruction. +Initiate, facilitate, and moderate classroom discussions. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Maintain student attendance records, grades, and other required records. +Compile, administer, and grade examinations, or assign this work to others. +Maintain regularly scheduled office hours to advise and assist students. +Collaborate with colleagues to address teaching and research issues. +Prepare and deliver lectures to undergraduate or graduate students on topics such as hazardous waste management, industrial safety, and environmental toxicology. +Select and obtain materials and supplies, such as textbooks and laboratory equipment. +Write letters of recommendation for students. +Participate in student recruitment, registration, and placement activities. +Write grant proposals to procure external research funding. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Review papers or serve on editorial boards for scientific journals, and review grant proposals for various agencies. +Compile bibliographies of specialized materials for outside reading assignments. +Perform administrative duties, such as serving as department head. +Act as advisers to student organizations. +Participate in campus and community events. +Provide professional consulting services to government or industry.","Calendar and scheduling software +Cloud-based data access and sharing software— Google Drive +Computer aided design CAD software— Autodesk AutoCAD +Computer based training software— Blackboard Learn; Course management system software; Learning management system LMS; Sakai CLE;1 more +Data base user interface and query software— Microsoft Access +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Geographic information system— ESRI ArcGIS software; Geographic information system GIS systems +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Web page creation and editing software— Social media software +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.","Evaluate student work. +Supervise student research or internship work. +Develop instructional materials. +Supervise laboratory work. +Advise students on academic or career matters. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Guide class discussions. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Maintain student records. +Administer tests to assess educational needs or progress. +Prepare tests. +Teach physical science or mathematics courses at the college level. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Direct department activities. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Write reports or evaluations. +Write grant proposals. +Serve on institutional or departmental committees. +Compile specialized bibliographies or lists of materials. +Evaluate scholarly materials. +Plan community programs or activities for the general public. +Advise educators on curricula, instructional methods, or policies.","E-Mail— 93% responded “Every day.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Determine Tasks, Priorities and Goals— 69% responded “A lot of freedom.” +Freedom to Make Decisions— 66% responded “A lot of freedom.” +Contact With Others— 44% responded “Constant contact with others.” +Public Speaking— 48% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Work With or Contribute to a Work Group or Team— 39% responded “Extremely important.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Very important.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Telephone Conversations— 65% responded “Once a week or more but not every day.” +Spend Time Sitting— 43% responded “More than half the time.” +Time Pressure— 41% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 35% responded “Moderate responsibility.” +Written Letters and Memos— 52% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 34% responded “Moderate responsibility.” +Frequency of Decision Making— 32% responded “Once a year or more but not every month.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Minor results.” +Level of Competition— 47% responded “Moderately competitive.” +Deal With External Customers or the Public in General— 34% responded “Fairly important.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Science— Using scientific rules and methods to solve problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Mathematics— Using mathematics to solve problems. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Geography— Knowledge of principles and methods for describing the features of land, sea, and air masses, including their physical characteristics, locations, interrelationships, and distribution of plant, animal, and human life. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Agricultural Sciences Teachers, Postsecondary +Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary +Biological Science Teachers, Postsecondary +Bright Outlook +Chemistry Teachers, Postsecondary +Environmental Scientists and Specialists, Including Health +Forestry and Conservation Science Teachers, Postsecondary +Geography Teachers, Postsecondary +Physics Teachers, Postsecondary +Recreation and Fitness Studies Teachers, Postsecondary +Teaching Assistants, Postsecondary","View the list of Allies +American Association for the Advancement of Science +external site +American Chemical Society +external site +American Geophysical Union +external site +American Institute of Biological Sciences +external site +American Meteorological Society +external site +American Water Resources Association +external site +Association for the Sciences of Limnology and Oceanography +external site +Council of Graduate Schools +external site +Ecological Society of America +external site +Geological Society of America +external site +Mineralogical Society of America +external site +Sigma Xi, The Scientific Research Honor Society +external site +Society for Conservation Biology +external site +Society of Environmental Toxicology and Chemistry +external site +Society of Wetland Scientists +external site +Soil Science Society of America +external site",48,10,25,84,72,54,46,84,48,34,25,47,74,69,16,44,52,36,31,25,32,29,33,27,25,57,15,54,81,41,66,15,34 +11-3131.00,Training and Development Managers,https://www.onetonline.org/link/summary/11-3131.00,2025-06-11T18:47:44.058215,"Analyze training needs to develop new training programs or modify and improve existing programs. +Evaluate instructor performance and the effectiveness of training programs, providing recommendations for improvement. +Plan, develop, and provide training and staff development programs, using knowledge of the effectiveness of methods such as classroom training, demonstrations, on-the-job training, meetings, conferences, and workshops. +Confer with management and conduct surveys to identify training needs based on projected production processes, changes, and other factors. +Conduct orientation sessions and arrange on-the-job training for new hires. +Train instructors and supervisors in techniques and skills for training and dealing with employees. +Develop and organize training manuals, multimedia visual aids, and other educational materials. +Prepare training budget for department or organization. +Develop testing and evaluation procedures. +Conduct or arrange for ongoing technical training and personal development classes for staff members. +Review and evaluate training and apprenticeship programs for compliance with government standards. +Coordinate established courses with technical and professional courses provided by community schools, and designate training procedures.","Computer based training software— Common Curriculum; Learning management system LMS; Moodle; SyberWorks Training Center;57 more +Customer relationship management CRM software— Blackbaud The Raiser's Edge +Data base management system software— Apache Cassandra +Data base user interface and query software— Blackboard software +Desktop publishing software— Microsoft Publisher +Development environment software— Adobe ActionScript; Microsoft Visual Basic +Document management software— Adobe Acrobat; HP Trim +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Learn.com LearnCenter Talent Management Suite; Microsoft Dynamics; Oracle PeopleSoft +Graphics or photo imaging software— Adobe Illustrator; Adobe Photoshop +Internet browser software— Web browser software +Medical software— Epic Systems +Office suite software— Microsoft Office software +Presentation software— Caliban Mindwear HyperGASP; Dazzlersoft DazzlerMax; MediaChance Multimedia Builder; Microsoft PowerPoint;3 more +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex; WBT Systems TopClass +Web page creation and editing software— Adobe Dreamweaver; Linspire Nvu; Microsoft FrontPage; SAFARI Video Networks eZediaQTI;1 more +Web platform development software— JavaScript +Word processing software— Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization.","Conduct opinion surveys or needs assessments. +Conduct employee training programs. +Evaluate training programs, instructors, or materials. +Evaluate employee performance. +Evaluate program effectiveness. +Manage human resources activities. +Confer with organizational members to accomplish work activities. +Develop training materials. +Prepare graphics or other visual representations of information. +Prepare operational budgets. +Develop procedures to evaluate organizational activities. +Determine operational compliance with regulations or standards. +Coordinate special events or programs.","E-Mail— 93% responded “Every day.” +Work With or Contribute to a Work Group or Team— 96% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Telephone Conversations— 75% responded “Every day.” +Contact With Others— 57% responded “Constant contact with others.” +Determine Tasks, Priorities and Goals— 57% responded “Some freedom.” +Indoors, Environmentally Controlled— 75% responded “Every day.” +Spend Time Sitting— 54% responded “More than half the time.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 39% responded “High responsibility.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Time Pressure— 61% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 46% responded “Very important.” +Public Speaking— 39% responded “Once a month or more but not every week.” +Frequency of Decision Making— 46% responded “Once a month or more but not every week.” +Impact of Decisions on Co-workers or Company Results— 36% responded “Important results.” +Written Letters and Memos— 25% responded “Every day.” +Physical Proximity— 46% responded “Slightly close (e.g., shared office).”","Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Negotiation— Bringing others together and trying to reconcile differences. +Operations Analysis— Analyzing needs and product requirements to create a design.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Education Administrators, Kindergarten through Secondary +Education and Childcare Administrators, Preschool and Daycare +Human Resources Managers +Bright Outlook +Human Resources Specialists +Industrial-Organizational Psychologists +Instructional Coordinators +Management Analysts +Project Management Specialists +Social and Community Service Managers +Training and Development Specialists","View the list of Allies +International Society for Performance Improvement +external site +American College of Healthcare Executives +external site +Association for Talent Development +external site +Society for Human Resource Management +external site +Association for Talent Development Certification Institute +external site +Project Management Institute +external site",72,,24,84,30,79,13,98,49,29,33,74,,55,7,22,58,3,10,3,57,22,31,21,3,11,2,1,,35,5,7,3 +49-3041.00,Farm Equipment Mechanics and Service Technicians,https://www.onetonline.org/link/summary/49-3041.00,2025-06-11T19:21:57.949727,"Maintain, repair, and overhaul farm machinery and vehicles, such as tractors, harvesters, and irrigation systems. +Dismantle defective machines for repair, using hand tools. +Record details of repairs made and parts used. +Reassemble machines and equipment following repair, testing operation and making adjustments, as necessary. +Clean and lubricate parts. +Test and replace electrical components and wiring, using test meters, soldering equipment, and hand tools. +Tune or overhaul engines. +Examine and listen to equipment, read inspection reports, and confer with customers to locate and diagnose malfunctions. +Repair or replace defective parts, using hand tools, milling and woodworking machines, lathes, welding equipment, grinders, or saws. +Drive trucks to haul tools and equipment for on-site repair of large machinery. +Fabricate new metal parts, using drill presses, engine lathes, and other machine tools. +Repair bent or torn sheet metal. +Calculate bills according to record of repairs made, labor time, and parts used. +Install and repair agricultural irrigation, plumbing, and sprinkler systems.","Data base user interface and query software— FarmLogic FarmPAD; ServiceMax +Electronic mail software— Microsoft Outlook +Facilities management software— Computerized maintenance management system CMMS +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.","Disassemble equipment for maintenance or repair. +Repair defective engines or engine components. +Service vehicles to maintain functionality. +Adjust equipment to ensure optimal performance. +Maintain repair or maintenance records. +Reassemble equipment after repair. +Test mechanical equipment to ensure proper functioning. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Lubricate equipment to allow proper functioning. +Install machine or equipment replacement parts. +Test electrical circuits or components for proper functioning. +Adjust vehicle components according to specifications. +Confer with customers or users to assess problems. +Inspect mechanical equipment to locate damage, defects, or wear. +Read work orders or descriptions of problems to determine repairs or modifications needed. +Repair worn, damaged, or defective mechanical parts. +Replace worn, damaged, or defective mechanical parts. +Move large objects using heavy equipment. +Fabricate parts or components. +Repair structural components. +Calculate costs of goods or services. +Install piping for installation or maintenance activities. +Repair pipes to stop leaking.","Face-to-Face Discussions with Individuals and Within Teams— 87% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 81% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 79% responded “Every day.” +Exposed to Hazardous Equipment— 63% responded “Every day.” +Importance of Being Exact or Accurate— 59% responded “Extremely important.” +Spend Time Standing— 58% responded “Continually or almost continually.” +Exposed to Contaminants— 66% responded “Every day.” +In an Open Vehicle or Operating Equipment— 59% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 51% responded “Once a week or more but not every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 40% responded “Once a week or more but not every day.” +Contact With Others— 56% responded “Contact with others most of the time.” +Duration of Typical Work Week— 59% responded “More than 40 hours.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 48% responded “Some freedom.” +Outdoors, Exposed to All Weather Conditions— 43% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 47% responded “Once a week or more but not every day.” +Written Letters and Memos— 54% responded “Every day.” +Frequency of Decision Making— 44% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 34% responded “Very important results.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 37% responded “Every day.” +Spend Time Bending or Twisting Your Body— 42% responded “About half the time.” +Spend Time Making Repetitive Motions— 44% responded “More than half the time.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 47% responded “Once a month or more but not every week.” +Spend Time Walking or Running— 43% responded “More than half the time.” +Telephone Conversations— 37% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 36% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 38% responded “Important.” +Deal With External Customers or the Public in General— 29% responded “Extremely important.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 41% responded “Once a week or more but not every day.” +Health and Safety of Other Workers— 32% responded “High responsibility.” +Consequence of Error— 34% responded “Very serious.” +Outdoors, Under Cover— 37% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Fairly important.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Exposed to Hazardous Conditions— 44% responded “Once a month or more but not every week.” +Time Pressure— 39% responded “Once a month or more but not every week.” +Work Outcomes and Results of Other Workers— 29% responded “Very high responsibility.” +Importance of Repeating Same Tasks— 33% responded “Very important.”","Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Operation and Control— Controlling operations of equipment or systems. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Agricultural Equipment Operators +Bright Outlook +Bus and Truck Mechanics and Diesel Engine Specialists +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Maintenance and Repair Workers, General +Maintenance Workers, Machinery +Millwrights +Mobile Heavy Equipment Mechanics, Except Engines +Outdoor Power Equipment and Other Small Engine Mechanics","View the list of Allies +American Farm Bureau Federation +external site +Associated Equipment Distributors +external site +ASE Education Foundation +external site +National Institute for Automotive Service Excellence +external site",60,29,39,59,56,54,46,55,34,27,37,34,36,59,14,33,23,92,9,48,27,16,9,38,18,52,38,44,21,49,35,4,10 +51-2021.00,"Coil Winders, Tapers, and Finishers",https://www.onetonline.org/link/summary/51-2021.00,2025-06-11T19:23:46.524514,"Operate or tend wire-coiling machines to wind wire coils used in electrical components such as resistors and transformers, and in electrical equipment and instruments such as bobbins and generators. +Attach, alter, and trim materials such as wire, insulation, and coils, using hand tools. +Cut, strip, and bend wire leads at ends of coils, using pliers and wire scrapers. +Review work orders and specifications to determine materials needed and types of parts to be processed. +Select and load materials such as workpieces, objects, and machine parts onto equipment used in coiling processes. +Record production and operational data on specified forms. +Stop machines to remove completed components, using hand tools. +Examine and test wired electrical components such as motors, armatures, and stators, using measuring devices, and record test results. +Line slots with sheet insulation, and insert coils into slots. +Apply solutions or paints to wired electrical components, using hand tools, and bake components. +Disassemble and assemble motors, and repair and maintain electrical components and machinery parts, using hand tools.","Analytical or scientific software— Electronic Systems of Wisconsin Motor Test System software +Graphics or photo imaging software— Blueprint display software +Industrial control software— Machine Control Specialists CoilPro","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.","Operate metal or plastic forming equipment. +Trim excess material from workpieces. +Record operational or production data. +Assemble electrical or electronic equipment. +Cut industrial materials in preparation for fabrication or processing. +Read work orders or other instructions to determine product specifications or materials requirements. +Test electrical equipment or systems to ensure proper functioning. +Load materials into production equipment. +Select production input materials. +Assemble metal or plastic parts or products. +Apply protective or decorative finishes to workpieces or products. +Operate heating or drying equipment. +Remove products or workpieces from production equipment. +Disassemble equipment for maintenance or repair. +Maintain production or processing equipment. +Repair production equipment or tools.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Importance of Being Exact or Accurate— 92% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 87% responded “Continually or almost continually.” +Spend Time Making Repetitive Motions— 83% responded “Continually or almost continually.” +Spend Time Standing +Face-to-Face Discussions with Individuals and Within Teams— 52% responded “Once a week or more but not every day.” +Exposed to Contaminants— 57% responded “Every day.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Freedom to Make Decisions— 46% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 42% responded “Extremely important.” +Health and Safety of Other Workers— 44% responded “Very high responsibility.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 53% responded “Every day.” +Consequence of Error— 56% responded “Extremely serious.” +Determine Tasks, Priorities and Goals— 36% responded “Limited freedom.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 41% responded “Every day.” +Contact With Others— 26% responded “Occasional contact with others.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Indoors, Environmentally Controlled— 29% responded “Never.” +Spend Time Bending or Twisting Your Body— 41% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 41% responded “Every day.” +Frequency of Decision Making— 45% responded “Every day.” +Indoors, Not Environmentally Controlled— 44% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 29% responded “Moderate results.” +Physical Proximity— 38% responded “Moderately close (at arm's length).” +Duration of Typical Work Week— 86% responded “40 hours.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operation and Control— Controlling operations of equipment or systems.","Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cutting and Slicing Machine Setters, Operators, and Tenders +Electrical and Electronic Equipment Assemblers +Bright Outlook +Engine and Other Machine Assemblers +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders","View the list of Allies +Electrical Apparatus Service Association +external site +Fabricators and Manufacturers Association +external site +IPC +external site",47,11,63,66,66,65,28,67,43,28,23,32,35,53,21,35,21,62,12,40,31,22,20,12,28,44,27,44,12,57,17,11,11 +29-1229.05,Preventive Medicine Physicians,https://www.onetonline.org/link/summary/29-1229.05,2025-06-11T19:07:13.061176,"Direct or manage prevention programs in specialty areas such as aerospace, occupational, infectious disease, and environmental medicine. +Document or review comprehensive patients' histories with an emphasis on occupation or environmental risks. +Identify groups at risk for specific preventable diseases or injuries. +Perform epidemiological investigations of acute and chronic diseases. +Supervise or coordinate the work of physicians, nurses, statisticians, or other professional staff members. +Design or use surveillance tools, such as screening, lab reports, and vital records, to identify health risks. +Direct public health education programs dealing with topics such as preventable diseases, injuries, nutrition, food service sanitation, water supply safety, sewage and waste disposal, insect control, and immunizations. +Evaluate the effectiveness of prescribed risk reduction measures or other interventions. +Provide information about potential health hazards and possible interventions to the media, the public, other health care professionals, or local, state, and federal health authorities. +Teach or train medical staff regarding preventive medicine issues. +Coordinate or integrate the resources of health care institutions, social service agencies, public safety workers, or other organizations to improve community health. +Prepare preventive health reports, including problem descriptions, analyses, alternative solutions, and recommendations. +Design, implement, or evaluate health service delivery systems to improve the health of targeted populations. +Develop or implement interventions to address behavioral causes of diseases. +Deliver presentations to lay or professional audiences.","Analytical or scientific software— SAS; StataCorp Stata; The MathWorks MATLAB; Tidepool Scientific Software ToxCalc;13 more +Calendar and scheduling software— Scheduling software +Data base user interface and query software— Database software; Microsoft Access; Tidepool Scientific Software Comprehensive Environmental Toxicity Information System CETIS +Electronic mail software— Email software +Internet browser software— Web browser software +Medical software— Patient electronic medical record EMR software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Manage healthcare operations. +Direct healthcare delivery programs. +Gather medical information from patient histories. +Record patient medical histories. +Conduct research to increase knowledge about medical issues. +Develop health assessment methods or programs. +Supervise patient care personnel. +Analyze quantitative data to determine effectiveness of treatments or therapies. +Communicate health and wellness information to the public. +Train medical providers. +Present medical research reports. +Design public or employee health programs. +Develop treatment plans that use non-medical therapies.","E-Mail— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Telephone Conversations— 82% responded “Every day.” +Work With or Contribute to a Work Group or Team— 78% responded “Extremely important.” +Freedom to Make Decisions— 63% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 63% responded “Extremely important.” +Indoors, Environmentally Controlled— 76% responded “Every day.” +Contact With Others— 58% responded “Constant contact with others.” +Frequency of Decision Making— 61% responded “Every day.” +Duration of Typical Work Week— 68% responded “More than 40 hours.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Very important results.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Health and Safety of Other Workers— 47% responded “Very high responsibility.” +Written Letters and Memos— 35% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 61% responded “Very important.” +Spend Time Sitting— 53% responded “More than half the time.” +Deal With External Customers or the Public in General— 37% responded “Extremely important.” +Time Pressure— 42% responded “Once a week or more but not every day.” +Work Outcomes and Results of Other Workers— 72% responded “High responsibility.” +Consequence of Error— 33% responded “Extremely serious.” +Level of Competition— 56% responded “Moderately competitive.” +Physical Proximity— 28% responded “Slightly close (e.g., shared office).” +Conflict Situations— 47% responded “Once a month or more but not every week.” +Dealing With Unpleasant, Angry, or Discourteous People— 39% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Coordination— Adjusting actions in relation to others' actions. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Science— Using scientific rules and methods to solve problems. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Persuasion— Persuading others to change their minds or behavior. +Time Management— Managing one's own time and the time of others. +Mathematics— Using mathematics to solve problems. +Negotiation— Bringing others together and trying to reconcile differences.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Cardiologists +Emergency Medicine Physicians +Epidemiologists +Bright Outlook +Family Medicine Physicians +General Internal Medicine Physicians +Naturopathic Physicians +Obstetricians and Gynecologists +Pediatricians, General +Physical Medicine and Rehabilitation Physicians","View the list of Allies +Association for Prevention Teaching and Research +external site +American Academy of Family Physicians +external site +American Academy of Pediatrics +external site +American Association for Physician Leadership +external site +American Association of Colleges of Osteopathic Medicine +external site +American Association of Public Health Physicians +external site +American College of Obstetricians and Gynecologists +external site +American Medical Association +external site +American Osteopathic Association +external site +American Public Health Association +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +Health Resources and Services Administration +external site +American Board of Physician Specialties +external site +American College of Occupational and Environmental Medicine +external site +American College of Physicians +external site +American College of Preventive Medicine +external site +American College of Surgeons +external site",58,16,28,83,62,65,72,74,46,41,33,59,50,52,19,71,46,22,26,29,71,63,47,35,94,33,18,28,86,25,32,9,15 +41-4011.00,"Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products",https://www.onetonline.org/link/summary/41-4011.00,2025-06-11T19:14:31.505157,"Negotiate prices or terms of sales or service agreements. +Prepare and submit sales contracts for orders. +Visit establishments to evaluate needs or to promote product or service sales. +Maintain customer records, using automated systems. +Answer customers' questions about products, prices, availability, or credit terms. +Quote prices, credit terms, or other bid specifications. +Contact new or existing customers to discuss how specific products or services can meet their needs. +Emphasize product features, based on analyses of customers' needs and on technical knowledge of product capabilities and limitations. +Compute customer's installation or production costs and estimate savings from new services, products, or equipment. +Select or assist customers in selecting products based on customer needs, product specifications, and applicable regulations. +Prepare sales presentations or proposals to explain product specifications or applications. +Complete expense reports, sales reports, or other paperwork. +Verify that delivery schedules meet project deadlines. +Identify prospective customers, using business directories, leads from existing clients, participation in organizations, or trade show or conference attendance. +Inform customers of estimated delivery schedules, service contracts, warranties, or other information pertaining to purchased products. +Collaborate with colleagues to exchange information, such as selling strategies or marketing information. +Provide customers with ongoing technical support. +Advise customers on product usage to improve production. +Study documentation or other information for new scientific or technical products. +Stock or distribute resources, such as samples or promotional or educational materials. +Attend sales or trade meetings or read related publications to obtain information about market conditions, business trends, environmental regulations, or industry developments. +Sell service contracts for technical or scientific products. +Demonstrate the operation or use of technical or scientific products. +Provide feedback to product design teams so that products can be tailored to clients' needs. +Arrange for installation and testing of products or machinery. +Initiate sales campaigns to meet sales and production expectations. +Verify accuracy of materials lists. +Verify customer credit ratings. +Consult with engineers regarding technical problems with products. +Sell technical and scientific products that are environmentally sound or designed for environmental remediation. +Visit establishments, such as pharmacies, to determine product sales. +Present information to customers about the energy efficiency or environmental impact of scientific or technical products. +Inform customers about issues related to responsible use and disposal of products, such as waste reduction or product or byproduct recycling or disposal.","Access software— Citrix cloud computing software +Accounting software— Intuit QuickBooks; Tax software +Analytical or scientific software— IBM SPSS Statistics; SAS; StataCorp Stata +Business intelligence and data analysis software— MicroStrategy +Calendar and scheduling software— Scheduling software +Customer relationship management CRM software— Act!; ActionWare; Salesforce software; SAP Sybase SQL Anywhere;7 more +Data base management system software— Apache Hadoop; Teradata Database +Data base user interface and query software— Amazon Web Services AWS software; FileMaker Pro; Microsoft Access; Oracle Database +Data mining software— Google Analytics +Desktop publishing software— Microsoft Publisher +Development environment software— Microsoft Azure software +Document management software— Microsoft SharePoint +Electronic mail software— IBM Notes; Microsoft Exchange; Microsoft Outlook +Enterprise application integration software— Enterprise application integration EAI software; IBM InfoSphere DataStage +Enterprise resource planning ERP software— Microsoft Dynamics; Oracle Hyperion; Oracle PeopleSoft; SAP software;3 more +Information retrieval or search software— LexisNexis +Internet browser software— Web browser software +Internet protocol IP multimedia subsystem software— Voice over internet protocol VoIP system software +Network conferencing software— LogMeIn GoToWebinar +Network security and virtual private network VPN equipment software— Virtual private networking VPN software +Object or component oriented development software— R +Office suite software— Google Workspace software; Microsoft Office software +Operating system software— Linux +Presentation software— Microsoft PowerPoint +Project management software— Khameleon; Microsoft Project +Sales and marketing software— Google Ads; HubSpot software +Spreadsheet software— Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Video conferencing software— LogMeIn GoToMeeting; Zoom +Video creation and editing software— YouTube +Web page creation and editing software— LinkedIn +Word processing software— Microsoft Word","Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Negotiate prices or other sales terms. +Contact current or potential customers to promote products or services. +Sell products or services. +Gather customer or product information to determine customer needs. +Prepare sales or other contracts. +Process sales or other transactions. +Maintain records of customer accounts. +Answer customer questions about goods or services. +Estimate costs or terms of sales. +Explain technical product or service information to customers. +Demonstrate products to consumers. +Discuss design or technical features of products or services with technical personnel. +Develop content for sales presentations or other materials. +Recommend products or services to customers. +Arrange delivery of goods or services. +Maintain records of sales or other business transactions. +Prepare financial documents, reports, or budgets. +Identify potential customers. +Share sales-related or market information with colleagues. +Coordinate sales campaigns. +Advise customers on the use of products or services. +Verify accuracy of records. +Verify customer credit information. +Study product information to acquire professional knowledge. +Distribute promotional literature or samples to customers. +Stock products or parts. +Attend events to develop professional knowledge. +Monitor market conditions or trends. +Monitor sales activities. +Deliver promotional presentations to current or prospective customers.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Determine Tasks, Priorities and Goals— 73% responded “A lot of freedom.” +Frequency of Decision Making— 83% responded “Every day.” +Duration of Typical Work Week— 79% responded “More than 40 hours.” +Contact With Others— 57% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 76% responded “Every day.” +Importance of Being Exact or Accurate— 49% responded “Extremely important.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 48% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 50% responded “Important results.” +Time Pressure— 49% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 40% responded “Important.” +Deal With External Customers or the Public in General— 64% responded “Extremely important.” +Indoors, Environmentally Controlled— 52% responded “Every day.” +Level of Competition— 44% responded “Extremely competitive.” +Written Letters and Memos— 42% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 40% responded “Every day.” +Conflict Situations— 42% responded “Once a week or more but not every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 45% responded “Once a week or more but not every day.” +Spend Time Sitting— 59% responded “More than half the time.”","Persuasion— Persuading others to change their minds or behavior. +Speaking— Talking to others to convey information effectively. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Negotiation— Bringing others together and trying to reconcile differences. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Advertising Sales Agents +First-Line Supervisors of Non-Retail Sales Workers +Industrial Production Managers +Purchasing Agents, Except Wholesale, Retail, and Farm Products +Bright Outlook +Purchasing Managers +Sales Engineers +Sales Managers +Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products +Solar Sales Representatives and Assessors +Wholesale and Retail Buyers, Except Farm Products","View the list of Allies +Alliance for Chemical Distribution +external site +American Chemical Society +external site +Health Industry Representatives Association +external site +Institute of Electrical and Electronics Engineers +external site +Manufacturers' Agents National Association +external site +Society of Cosmetic Chemists +external site +American Registry of Radiologic Technologists +external site +Manufacturers' Representatives Educational Research Foundation +external site",86,7,53,67,54,54,17,40,46,34,83,26,29,51,14,23,37,23,8,32,39,12,21,36,12,40,14,9,6,29,27,3,5 +47-2031.00,Carpenters,https://www.onetonline.org/link/summary/47-2031.00,2025-06-11T19:18:12.105374,"Follow established safety rules and regulations and maintain a safe and clean environment. +Measure and mark cutting lines on materials, using a ruler, pencil, chalk, and marking gauge. +Assemble and fasten materials to make frameworks or props, using hand tools and wood screws, nails, dowel pins, or glue. +Study specifications in blueprints, sketches, or building plans to prepare project layout and determine dimensions and materials required. +Shape or cut materials to specified measurements, using hand tools, machines, or power saws. +Verify trueness of structure, using plumb bob and level. +Inspect ceiling or floor tile, wall coverings, siding, glass, or woodwork to detect broken or damaged structures. +Erect scaffolding or ladders for assembling structures above ground level. +Install structures or fixtures, such as windows, frames, floorings, trim, or hardware, using carpenters' hand or power tools. +Maintain records, document actions, and present written progress reports. +Remove damaged or defective parts or sections of structures and repair or replace, using hand tools. +Maintain job records and schedule work crew. +Anchor and brace forms and other structures in place, using nails, bolts, anchor rods, steel cables, planks, wedges, and timbers. +Bore boltholes in timber, masonry or concrete walls, using power drill. +Install rough door and window frames, subflooring, fixtures, or temporary supports in structures undergoing construction or repair. +Dig or direct digging of post holes and set poles to support structures. +Cover subfloors with building paper to keep out moisture and lay hardwood, parquet, or wood-strip-block floors by nailing floors to subfloor or cementing them to mastic or asphalt base. +Construct forms or chutes for pouring concrete. +Arrange for subcontractors to deal with special areas, such as heating or electrical wiring work. +Build or repair cabinets, doors, frameworks, floors, or other wooden fixtures used in buildings, using woodworking machines, carpenter's hand tools, or power tools. +Finish surfaces of woodwork or wallboard in houses or buildings, using paint, hand tools, or paneling. +Select and order lumber or other required materials. +Work with or remove hazardous material. +Fill cracks or other defects in plaster or plasterboard and sand patch, using patching plaster, trowel, and sanding tool. +Prepare cost estimates for clients or employers. +Perform minor plumbing, welding, or concrete mixing work. +Apply shock-absorbing, sound-deadening, or decorative paneling to ceilings or walls. +Examine structural timbers and supports to detect decay, and replace timbers as required, using hand tools, nuts, and bolts. +Build sleds from logs and timbers for use in hauling camp buildings and machinery through wooded areas. +Use drones for site surveying and to inspect hard-to-reach areas of a structure.","Accounting software— Intuit QuickBooks; Job costing software; Quicken +Computer aided design CAD software— Drawing and drafting software +Information retrieval or search software— Renaissance MasterCarpenter +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Project management software— Bosch Punch List; Estimating software; Turtle Creek Software Goldenseal; VirtualBoss;1 more +Spreadsheet software— Microsoft Excel +Web page creation and editing software +Word processing software— Microsoft Word; Wilhelm Publishing Threshold","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles.","Clean work sites. +Mark reference points on construction materials. +Measure materials or objects for installation or assembly. +Assemble temporary equipment or structures. +Cut wood components for installation. +Review blueprints or specifications to determine work requirements. +Verify alignment of structures or equipment. +Build construction forms or molds. +Install carpet or flooring. +Install wooden structural components. +Coordinate construction project activities. +Inspect work sites to determine condition or necessary repairs. +Apply decorative or textured finishes or coverings. +Install building fixtures. +Install doors or windows. +Prepare operational reports. +Remove worn, damaged or outdated materials from work areas. +Order construction or extraction materials or equipment. +Select construction materials. +Prepare hazardous waste for processing or disposal. +Record operational or environmental data. +Apply material to fill gaps in surfaces. +Position construction forms or molds. +Estimate construction project costs. +Drill holes in construction materials. +Install safety or support equipment. +Mix substances or compounds needed for work activities. +Weld metal components. +Dig holes or trenches. +Direct construction or extraction personnel. +Position safety or support equipment. +Install trim or paneling. +Assemble products or production equipment.","Face-to-Face Discussions with Individuals and Within Teams— 94% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Contact With Others— 84% responded “Constant contact with others.” +Spend Time Standing— 70% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 67% responded “Extremely important.” +Health and Safety of Other Workers— 68% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Time Pressure— 55% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 64% responded “Very important results.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Every day.” +Work Outcomes and Results of Other Workers— 57% responded “Very high responsibility.” +Frequency of Decision Making— 67% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 59% responded “Continually or almost continually.” +Exposed to Contaminants— 44% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 54% responded “Every day.” +Physical Proximity— 70% responded “Moderately close (at arm's length).” +Telephone Conversations— 44% responded “Every day.” +Consequence of Error— 50% responded “Extremely serious.” +Duration of Typical Work Week— 63% responded “40 hours.” +Exposed to Hazardous Equipment— 52% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 33% responded “Important.” +Determine Tasks, Priorities and Goals— 35% responded “Some freedom.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Spend Time Bending or Twisting Your Body— 31% responded “Continually or almost continually.” +Exposed to High Places— 27% responded “Every day.” +Spend Time Making Repetitive Motions— 44% responded “Continually or almost continually.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Once a week or more but not every day.” +Level of Competition— 26% responded “Extremely competitive.” +Spend Time Walking or Running— 40% responded “About half the time.” +Conflict Situations— 27% responded “Once a week or more but not every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 31% responded “About half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 48% responded “Once a month or more but not every week.” +Indoors, Environmentally Controlled— 41% responded “Never.” +Outdoors, Under Cover— 29% responded “Once a year or more but not every month.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Time Management— Managing one's own time and the time of others.","Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Far Vision— The ability to see details at a distance. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Explosive Strength— The ability to use short bursts of muscle force to propel oneself (as in jumping or sprinting), or to throw an object. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Brickmasons and Blockmasons +Cabinetmakers and Bench Carpenters +Construction Laborers +Bright Outlook +Drywall and Ceiling Tile Installers +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Helpers--Carpenters +Layout Workers, Metal and Plastic +Sheet Metal Workers +Structural Iron and Steel Workers +Structural Metal Fabricators and Fitters","View the list of Allies +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Home Builders Institute +external site +National Association of Home Builders +external site +National Association of the Remodeling Industry +external site +National Wood Flooring Association +external site +International Union of Operating Engineers +external site +National Center for Construction Education and Research +external site +United Brotherhood of Carpenters and Joiners of America +external site",52,12,48,48,73,73,62,56,38,33,30,38,30,39,19,27,26,58,15,43,26,15,16,31,16,65,92,51,9,72,22,8,12 +25-9043.00,"Teaching Assistants, Special Education",https://www.onetonline.org/link/summary/25-9043.00,2025-06-11T19:02:20.066875,"Assist in bus loading and unloading. +Assist librarians in school libraries. +Attend staff meetings and serve on committees, as required. +Carry out therapeutic regimens, such as behavior modification and personal development programs, under the supervision of special education instructors, psychologists, or speech-language pathologists. +Clean classrooms. +Discuss assigned duties with classroom teachers to coordinate instructional efforts. +Distribute teaching materials, such as textbooks, workbooks, papers, and pencils, to students. +Employ special educational strategies or techniques during instruction to improve the development of sensory- and perceptual-motor skills, language, cognition, or memory. +Enforce administration policies and rules governing students. +Grade homework and tests, and compute and record results, using answer sheets or electronic marking devices. +Instruct and monitor students in the use and care of equipment and materials to prevent injuries and damage. +Instruct students in daily living skills required for independent maintenance and self-sufficiency, such as hygiene, safety, or food preparation. +Laminate teaching materials to increase their durability under repeated use. +Maintain computers in classrooms and laboratories, and assist students with hardware and software use. +Observe students' performance, and record relevant data to assess progress. +Organize and label materials and display students' work in a manner appropriate for their eye levels and perceptual skills. +Organize and supervise games and other recreational activities to promote physical, mental, and social development. +Participate in teacher-parent conferences regarding students' progress or problems. +Prepare classrooms with a variety of materials or resources for children to explore, manipulate, or use in learning activities or imaginative play. +Prepare lesson materials, bulletin board displays, exhibits, equipment, and demonstrations. +Prepare lesson outlines and plans in assigned subject areas and submit outlines to teachers for review. +Present subject matter to students under the direction and guidance of teachers, using lectures, discussions, supervised role-playing methods, or by reading aloud. +Provide assistance to students with special needs. +Provide students with disabilities with assistive devices, supportive technology, and assistance accessing facilities, such as restrooms. +Requisition and stock teaching materials and supplies. +Supervise students in classrooms, halls, cafeterias, school yards, and gymnasiums, or on field trips. +Take class attendance and maintain attendance records. +Teach socially acceptable behavior, employing techniques such as behavior modification or positive reinforcement. +Tutor and assist children individually or in small groups to help them master assignments and to reinforce learning concepts presented by teachers. +Use computers, audio-visual aids, and other equipment and materials to supplement presentations.","Calendar and scheduling software— High School Scheduling and Transcript HSST +Computer based training software— Appletree; Padlet; Quizlet; Schoology;2 more +Data base user interface and query software— Automate the Schools ATS; Blackboard software; Special Education Student Information System SESIS; Student information systems SIS software +Desktop communications software— ClassDojo; ParentSquare; Tadpoles +Device drivers or system software— Screen magnification software; Screen reader software +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Multi-media educational software— Kahoot!; Seesaw +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Google Classroom +Spell checkers— Hand held spell checkers +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Flipgrid; Loom +Word processing software— Microsoft Word",,"Maintain student records. +Assist students with special educational needs. +Monitor student performance. +Set up classroom materials or equipment. +Supervise school or student activities. +Teach life skills. +Assist other educational professionals with projects or research. +Clean facilities or work areas. +Collaborate with other teaching professionals to develop educational programs. +Create technology-based learning materials. +Develop instructional materials. +Develop strategies or programs for students with special needs. +Discuss student progress with parents or guardians. +Display student work. +Distribute instructional or library materials. +Document lesson plans. +Enforce rules or policies governing student behavior. +Evaluate student work. +Implement therapeutic programs to improve patient functioning. +Lead classes or community events. +Maintain clean work areas. +Maintain computer equipment or software. +Maintain inventories of materials, equipment, or products. +Plan educational activities. +Serve on institutional or departmental committees. +Teach others to use technology or equipment. +Tutor students who need extra assistance.",,,,,"Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Elementary School Teachers, Except Special Education +Instructional Coordinators +Kindergarten Teachers, Except Special Education +Special Education Teachers, Elementary School +Special Education Teachers, Kindergarten +Special Education Teachers, Middle School +Special Education Teachers, Preschool +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Tutors","View the list of Allies +American Association on Intellectual and Developmental Disabilities +external site +American Educational Research Association +external site +Association for Middle Level Education +external site +Association on Higher Education and Disability +external site +Autism Society +external site +Childhood Education International +external site +Council for Learning Disabilities +external site +Council of Administrators of Special Education +external site +International Association of Special Education +external site +International Dyslexia Association +external site +Learning Disabilities Association of America +external site +National Association for Gifted Children +external site +National Association for the Education of Young Children +external site +National Association of Special Education Teachers +external site +National Association of State Directors of Special Education +external site +National Resource Center for Paraeducators, Related Service Providers, and Interveners +external site +Teacher Education Division of the Council for Exceptional Children +external site +The Arc of the United States +external site +Mid-Western Educational Research Association +external site +Northeastern Educational Research Association +external site +Southeastern Regional Association of Teacher Educators +external site +Southern Early Childhood Association +external site +Southwest Educational Research Association +external site +American Federation of State, County and Municipal Employees, AFL-CIO +external site +American Federation of Teachers, AFL-CIO +external site +Association of Educational Therapists +external site +National Education Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +13-1199.04,Business Continuity Planners,https://www.onetonline.org/link/summary/13-1199.04,2025-06-11T18:50:24.348267,"Develop emergency management plans for recovery decision making and communications, continuity of critical departmental processes, or temporary shut-down of non-critical departments to ensure continuity of operation and governance. +Develop disaster recovery plans for physical locations with critical assets, such as data centers. +Test documented disaster recovery strategies and plans. +Analyze impact on, and risk to, essential business functions or information systems to identify acceptable recovery time periods and resource requirements. +Write reports to summarize testing activities, including descriptions of goals, planning, scheduling, execution, results, analysis, conclusions, and recommendations. +Review existing disaster recovery, crisis management, or business continuity plans. +Create scenarios to reestablish operations from various types of business disruptions. +Establish, maintain, or test call trees to ensure appropriate communication during disaster. +Conduct or oversee contingency plan integration and operation. +Identify opportunities for strategic improvement or mitigation of business interruption and other risks caused by business, regulatory, or industry-specific change initiatives. +Interpret government regulations and applicable codes to ensure compliance. +Create or administer training and awareness presentations or materials. +Prepare reports summarizing operational results, financial performance, or accomplishments of specified objectives, goals, or plans. +Attend professional meetings, read literature, and participate in training or other educational offerings to keep abreast of new developments and technologies related to disaster recovery and business continuity. +Recommend or implement methods to monitor, evaluate, or enable resolution of safety, operations, or compliance interruptions. +Create business continuity and disaster recovery budgets. +Maintain and update organization information technology applications and network systems blueprints. +Design or implement products and services to mitigate risk or facilitate use of technology-based tools and methods. +Analyze corporate intelligence data to identify trends, patterns, or warnings indicating threats to security of people, assets, information, or infrastructure. +Conduct or oversee collection of corporate intelligence to avoid fraud, financial crime, cyber attack, terrorism, and infrastructure failure. +Identify individual or transaction targets to direct intelligence collection.","Backup or archival software— Enterprise backup systems +Business intelligence and data analysis software— Actuate BIRT; Jaspersoft Business Intelligence Suite +Communications server software— Emergency notification system software; MIR3 Intelligent Notification +Content workflow software— Atlassian JIRA +Data base management system software— Teradata Database +Data base reporting software— SAP Crystal Reports +Data base user interface and query software— Microsoft Access; Microsoft SQL Server; Structured query language SQL +Document management software— Adobe Acrobat; Microsoft SharePoint; Microsoft SharePoint Server +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Oracle JD Edwards EnterpriseOne; Strategic BCP ResilienceONE; Sungard Assurance; Virtual Corporation Sustainable Planner;5 more +Internet browser software— Web browser software +LAN software— Local area network LAN software +Network operation system software— SunGard NotiFind +Office suite software— Microsoft Office software +Operating system software— Computer operating systems +Presentation software— Mentimeter; Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Project management software— Atlassian Confluence; Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Develop contingency plans to deal with organizational emergencies. +Develop emergency response plans or procedures. +Assess risks to business operations. +Prepare research reports. +Apply mathematical models of financial or business conditions. +Identify strategic business investment opportunities. +Develop training materials. +Evaluate applicable laws and regulations to determine impact on organizational activities. +Train personnel in organizational or compliance procedures. +Prepare operational reports. +Advise others on analytical techniques. +Monitor organizational compliance with regulations. +Update professional knowledge. +Analyze budgetary or accounting data. +Maintain data in information systems or databases. +Investigate legal issues. +Develop business or financial information systems. +Analyze business or financial data. +Gather organizational performance information. +Oversee business processes.","E-Mail— 95% responded “Every day.” +Telephone Conversations— 86% responded “Every day.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Spend Time Sitting— 52% responded “Continually or almost continually.” +Contact With Others— 45% responded “Contact with others most of the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 59% responded “Very important.” +Indoors, Environmentally Controlled— 68% responded “Every day.” +Determine Tasks, Priorities and Goals— 50% responded “Some freedom.” +Duration of Typical Work Week— 55% responded “40 hours.” +Freedom to Make Decisions— 41% responded “Some freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 38% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 45% responded “Very important.” +Written Letters and Memos— 43% responded “Once a week or more but not every day.” +Time Pressure— 45% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 45% responded “Important results.” +Work Outcomes and Results of Other Workers— 38% responded “Moderate responsibility.” +Health and Safety of Other Workers— 36% responded “High responsibility.” +Conflict Situations— 36% responded “Once a year or more but not every month.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Coordination— Adjusting actions in relation to others' actions. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Communications and Media— Knowledge of media production, communication, and dissemination techniques and methods. This includes alternative ways to inform and entertain via written, oral, and visual media. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Business Intelligence Analysts +Bright Outlook +Compliance Managers +Emergency Management Directors +Financial Risk Specialists +Information Security Analysts +Information Security Engineers +Information Technology Project Managers +Project Management Specialists +Security Management Specialists +Security Managers","View the list of Allies +Association of Continuity Professionals +external site +InfraGard +external site +International Association of Emergency Managers +external site +ISACA +external site +National Fire Protection Association +external site +Disaster Recovery Institute International +external site +Business Continuity Institute +external site +International Consortium for Organizational Resilience +external site +ISC2 +external site",60,8,38,68,38,73,66,59,58,30,30,41,8,67,14,42,57,15,14,32,40,16,29,56,10,41,19,7,4,32,39,2,13 +43-9051.00,"Mail Clerks and Mail Machine Operators, Except Postal Service",https://www.onetonline.org/link/summary/43-9051.00,2025-06-11T19:17:06.625247,"Wrap packages or bundles by hand, or by using tying machines. +Verify that items are addressed correctly, marked with the proper postage, and in suitable condition for processing. +Remove containers of sorted mail or parcels and transfer them to designated areas according to established procedures. +Sort and route incoming mail, and collect outgoing mail, using carts as necessary. +Affix postage to packages or letters by hand, or stamp materials, using postage meters. +Determine manner in which mail is to be sent, and prepare it for delivery to mailing facilities. +Accept and check containers of mail or parcels from large volume mailers, couriers, and contractors. +Seal or open envelopes, by hand or by using machines. +Weigh packages or letters to determine postage needed, using weighing scales and rate charts. +Inspect mail machine output for defects and determine how to eliminate causes of any defects. +Remove from machines printed materials, such as labeled articles, postmarked envelopes or tape, and folded sheets. +Release packages or letters to customers upon presentation of written notices or other identification. +Operate computer-controlled keyboards or voice recognition equipment to direct items according to established routing schemes. +Answer inquiries regarding shipping or mailing policies. +Lift and unload containers of mail or parcels onto equipment for transportation to sortation stations. +Contact delivery or courier services to arrange delivery of letters and parcels. +Place incoming or outgoing letters or packages into sacks or bins based on destination or type, and place identifying tags on sacks or bins. +Clear jams in sortation equipment. +Mail merchandise samples or promotional literature in response to requests. +Adjust guides, rollers, loose card inserters, weighing machines, and tying arms, using rules and hand tools. +Read production orders to determine types and sizes of items scheduled for printing and mailing. +Sell mail products, and accept payment for products and mailing charges. +Start machines that automatically feed plates, stencils, or tapes through mechanisms, and observe machine operations to detect any malfunctions. +Stamp dates and times of receipt of incoming mail. +Add ink, fill paste reservoirs, and change machine ribbons when necessary. +Fold letters or circulars and insert them in envelopes.","Accounting software— Financial accounting software +Data base user interface and query software— Microsoft Access; Recordkeeping software +Document management software— Adobe Acrobat +Electronic mail software— Email software; Microsoft Outlook +Internet browser software— Web browser software +Mailing and shipping software— Postal Explorer +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Package objects for shipping. +Weigh parcels to determine shipping costs. +Unload materials or equipment. +Verify shipping documentation. +Inspect items for damage or defects. +Sort mail. +Route mail to correct destinations. +Prepare outgoing mail. +Analyze shipping information to make routing decisions. +Obtain written authorization to perform activities. +Receive shipments. +Operate computers or computerized equipment. +Explain regulations, policies, or procedures. +Attach identification information to products, items or containers. +Coordinate shipping activities with external parties. +Maintain office equipment in proper operating condition. +Adjust office equipment to ensure proper operation. +Read work orders to determine material or setup requirements. +Send information, materials or documentation. +Collect deposits, payments or fees. +Sell products or services. +Monitor equipment operation to ensure proper functioning.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Telephone Conversations— 89% responded “Every day.” +E-Mail— 86% responded “Every day.” +Frequency of Decision Making— 81% responded “Every day.” +Contact With Others— 79% responded “Constant contact with others.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Importance of Being Exact or Accurate— 68% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 54% responded “A lot of freedom.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 15% responded “More than half the time.” +Importance of Repeating Same Tasks— 25% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 26% responded “Important results.” +Time Pressure— 73% responded “Every day.” +Freedom to Make Decisions— 29% responded “A lot of freedom.” +Spend Time Making Repetitive Motions— 39% responded “Continually or almost continually.” +Physical Proximity— 74% responded “Moderately close (at arm's length).” +Spend Time Standing— 70% responded “More than half the time.” +Work Outcomes and Results of Other Workers— 19% responded “Moderate responsibility.” +Written Letters and Memos— 41% responded “Every day.” +Deal With External Customers or the Public in General— 21% responded “Important.” +Consequence of Error— 39% responded “Very serious.” +Duration of Typical Work Week— 18% responded “Less than 40 hours.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Important.” +Dealing With Unpleasant, Angry, or Discourteous People— 73% responded “Once a week or more but not every day.” +Pace Determined by Speed of Equipment +Spend Time Sitting— 39% responded “Less than half the time.” +Health and Safety of Other Workers— 32% responded “Very high responsibility.” +Spend Time Bending or Twisting Your Body— 38% responded “Less than half the time.” +Spend Time Walking or Running— 22% responded “Less than half the time.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.","Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Couriers and Messengers +Bright Outlook +Data Entry Keyers +Laborers and Freight, Stock, and Material Movers, Hand +Office Machine Operators, Except Computer +Order Clerks +Postal Service Clerks +Postal Service Mail Carriers +Postal Service Mail Sorters, Processors, and Processing Machine Operators +Shipping, Receiving, and Inventory Clerks +Stockers and Order Fillers","View the list of Allies +Mail Systems Management Association +external site +National Postal Mail Handlers Union +external site",71,,15,59,49,36,32,39,38,21,17,10,2,25,16,39,21,3,3,27,12,2,5,16,3,8,3,2,,7,12,1,1 +53-6032.00,Aircraft Service Attendants,https://www.onetonline.org/link/summary/53-6032.00,2025-06-11T19:30:04.737440,"Apply de-icing fluid to aircraft from baskets lifted by truck-mounted cranes. +Change aircraft oil, coolant, or other fluids. +Clean aircraft interiors by picking up waste, wiping down windows, or vacuuming. +Climb ladders to reach aircraft surfaces to be cleaned. +Complete forms describing tasks completed. +De-grease aircraft exteriors. +Empty aircraft lavatory systems or refill them with sanitizer fluid. +Guide aircraft to designated areas using hand signals, batons, or other methods. +Inspect aircraft components to locate cracks, breaks, leaks, or other problems. +Load baggage or cargo for crew or passengers. +Mix cleaning compounds or solutions. +Polish aircraft exteriors. +Radio to flight dispatchers or other personnel to discuss incoming or outgoing aircraft. +Refill aircraft potable water tanks. +Refuel aircraft using hoses connected to fuel trucks. +Remove exhaust stains from aircraft using cleaning fluids. +Tow aircraft to gates or hangars using tugs, tractors, or other vehicles. +Wash the aircraft exteriors using lifts, cranes, detergent, or other equipment.","Analytical or scientific software— Engine analysis software +Facilities management software— Access Software AIRPAX; Maintenance information databases; Maintenance planning software; Maintenance record software +Information retrieval or search software— Computerized aircraft log manager CALM; Technical manual database software +Inventory management software— Supply system software +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word",,"Clean vehicles or vehicle components. +Service vehicles to maintain functionality. +Communicate with others to coordinate vehicle movement. +Perform manual service or maintenance tasks. +Clean facilities or equipment. +Climb ladders or vehicles to perform duties. +Drive trucks or truck-mounted equipment. +Handle luggage or other possessions for patrons. +Inspect mechanical components of vehicles to identify problems. +Maintain plumbing structures or fixtures. +Maintain repair or maintenance records. +Mix ingredients. +Mix substances to create chemical solutions. +Polish materials, workpieces, or finished products. +Signal others to coordinate vehicle movement.",,,,,"Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Aircraft Cargo Handling Supervisors +Bright Outlook +Aircraft Mechanics and Service Technicians +Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Automotive and Watercraft Service Attendants +Avionics Technicians +Bus and Truck Mechanics and Diesel Engine Specialists +Cleaners of Vehicles and Equipment +Commercial Pilots +Maintenance and Repair Workers, General +Rail Car Repairers","View the list of Allies +Aeronautical Repair Station Association +external site +Aerospace Industries Association +external site +Aircraft Electronics Association +external site +Aircraft Mechanics Fraternal Association +external site +Experimental Aircraft Association +external site +Flight Safety Foundation +external site +Helicopter Association International +external site +International Air Transport Association +external site +International Association of Machinists and Aerospace Workers +external site +National Air Transportation Association +external site +Professional Aviation Maintenance Association +external site +Women in Aviation International +external site +Eastern Region Helicopter Council +external site +Pacific Northwest Aerospace Alliance +external site +Pacific Northwest Business Aviation Association +external site +South West Transit Association +external site +Association of Flight Attendants - CWA +external site +Aviation Technician Education Council +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +49-3042.00,"Mobile Heavy Equipment Mechanics, Except Engines",https://www.onetonline.org/link/summary/49-3042.00,2025-06-11T19:22:00.753890,"Repair and replace damaged or worn parts. +Test mechanical products and equipment after repair or assembly to ensure proper performance and compliance with manufacturers' specifications. +Operate and inspect machines or heavy equipment to diagnose defects. +Read and understand operating manuals, blueprints, and technical drawings. +Dismantle and reassemble heavy equipment using hoists and hand tools. +Overhaul and test machines or equipment to ensure operating efficiency. +Adjust, maintain, and repair or replace subassemblies, such as transmissions and crawler heads, using hand tools, jacks, and cranes. +Repair, rewire, and troubleshoot electrical systems. +Diagnose faults or malfunctions to determine required repairs, using engine diagnostic equipment such as computerized test equipment and calibration devices. +Examine parts for damage or excessive wear, using micrometers and gauges. +Weld or solder broken parts and structural members, using electric or gas welders and soldering tools. +Research, order, and maintain parts inventory for services and repairs. +Fit bearings to adjust, repair, or overhaul mobile mechanical, hydraulic, and pneumatic equipment. +Schedule maintenance for industrial machines and equipment, and keep equipment service records. +Clean, lubricate, and perform other routine maintenance work on equipment and vehicles. +Assemble gear systems, and align frames and gears. +Clean parts by spraying them with grease solvent or immersing them in tanks of solvent. +Adjust and maintain industrial machinery, using control and regulating devices. +Fabricate needed parts or items from sheet metal. +Direct workers who are assembling or disassembling equipment or cleaning parts.","Data base user interface and query software— Database software; Recordkeeping software +Electronic mail software— Microsoft Outlook +Facilities management software— Maintenance management software +Materials requirements planning logistics and supply chain software— Fleet management software +Office suite software— Microsoft Office software +Project management software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail.","Repair worn, damaged, or defective mechanical parts. +Inspect completed work to ensure proper functioning. +Replace worn, damaged, or defective mechanical parts. +Inspect mechanical equipment to locate damage, defects, or wear. +Operate transportation equipment to demonstrate function or malfunction. +Read technical information needed to perform maintenance or repairs. +Dismantle heavy equipment or machinery. +Reassemble equipment after repair. +Adjust equipment to ensure optimal performance. +Maintain work equipment or machinery. +Repair electrical components. +Rewire electrical or electronic systems. +Test mechanical equipment to ensure proper functioning. +Troubleshoot equipment or systems operation problems. +Inspect mechanical components of vehicles to identify problems. +Operate welding equipment. +Solder parts or connections between parts. +Maintain inventories of materials, equipment, or products. +Maintain repair or maintenance records. +Order materials, supplies, or equipment. +Schedule repair, installation or maintenance activities. +Clean equipment, parts, or tools to repair or maintain them in good working order. +Lubricate equipment to allow proper functioning. +Align equipment or machinery. +Assemble mechanical components or machine parts. +Fabricate parts or components. +Supervise employees.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Exposed to Contaminants— 78% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 83% responded “Every day.” +Indoors, Not Environmentally Controlled— 80% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 88% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 71% responded “Every day.” +Frequency of Decision Making— 79% responded “Every day.” +Exposed to Cramped Work Space, Awkward Positions— 69% responded “Every day.” +Outdoors, Exposed to All Weather Conditions— 55% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 62% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 60% responded “Every day.” +Importance of Being Exact or Accurate— 50% responded “Very important.” +Telephone Conversations— 62% responded “Every day.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Contact With Others— 50% responded “Constant contact with others.” +Spend Time Standing— 49% responded “Continually or almost continually.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 58% responded “Every day.” +Freedom to Make Decisions— 48% responded “A lot of freedom.” +Impact of Decisions on Co-workers or Company Results— 44% responded “Very important results.” +Spend Time Bending or Twisting Your Body— 55% responded “Continually or almost continually.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 47% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 50% responded “More than 40 hours.” +Health and Safety of Other Workers— 46% responded “High responsibility.” +E-Mail— 43% responded “Every day.” +Time Pressure— 49% responded “Once a week or more but not every day.” +Spend Time Making Repetitive Motions— 48% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 47% responded “Some freedom.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 52% responded “Every day.” +In an Open Vehicle or Operating Equipment— 39% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 46% responded “Important.” +Consequence of Error— 43% responded “Extremely serious.” +Exposed to Hazardous Conditions— 38% responded “Once a week or more but not every day.” +Exposed to Whole Body Vibration— 31% responded “Every day.” +Importance of Repeating Same Tasks— 28% responded “Extremely important.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 32% responded “More than half the time.” +Deal With External Customers or the Public in General— 31% responded “Extremely important.” +Written Letters and Memos— 25% responded “Every day.” +Spend Time Walking or Running— 50% responded “Less than half the time.” +Work Outcomes and Results of Other Workers— 48% responded “Moderate responsibility.”","Repairing— Repairing machines or systems using the needed tools. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Response Orientation— The ability to choose quickly between two or more movements in response to two or more different signals (lights, sounds, pictures). It includes the speed with which the correct response is started with the hand, foot, or other body part. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Bus and Truck Mechanics and Diesel Engine Specialists +Crane and Tower Operators +Electric Motor, Power Tool, and Related Repairers +Engine and Other Machine Assemblers +Farm Equipment Mechanics and Service Technicians +Bright Outlook +Hoist and Winch Operators +Industrial Machinery Mechanics +Maintenance Workers, Machinery +Millwrights +Rail Car Repairers","View the list of Allies +Associated Equipment Distributors +external site +ASE Education Foundation +external site +International Fluid Power Society +external site +International Union of Operating Engineers +external site +National Institute for Automotive Service Excellence +external site",57,5,37,49,57,25,50,30,37,9,18,14,34,52,2,27,11,94,3,41,13,2,4,14,2,40,50,37,8,36,17,,3 +25-3031.00,"Substitute Teachers, Short-Term",https://www.onetonline.org/link/summary/25-3031.00,2025-06-11T19:01:53.404114,"Answer students' questions. +Assist students with boarding or exiting school buses. +Attend professional meetings, educational conferences, or teacher training workshops to improve professional competence. +Counsel students with adjustment or academic problems. +Distribute or collect tests or homework assignments. +Distribute teaching materials, such as textbooks, workbooks, papers, and pencils, to students. +Enforce school and class rules to maintain order in the classroom. +Follow lesson plans designed by absent teachers. +Grade students' assignments and exams. +Operate equipment such as computers or audio-visual aids to supplement presentations. +Organize and supervise games or other recreational activities. +Provide students with disabilities with assistive devices, supportive technology, or assistance accessing facilities, such as restrooms. +Restock teaching materials or supplies. +Supervise students during activities outside the classroom, such as recess, lunch, and field trips. +Take class attendance and maintain attendance records. +Teach a variety of subjects, such as English, mathematics, and social studies. +Teach social skills to students, such as communication, conflict resolution, and etiquette. +Tutor or assist students individually or in small groups.","Computer based training software— Common Curriculum; EasyCBM; Moodle; Schoology;1 more +Desktop communications software— Edmodo +Electronic mail software— Microsoft Outlook +Multi-media educational software— Nearpod; Seesaw +Office suite software— Microsoft Office software +Project management software— Google Classroom +Spreadsheet software— Microsoft Excel +Video conferencing software— Google Meet +Video creation and editing software— Flipgrid",,"Teach classes in area of specialization. +Distribute instructional or library materials. +Supervise school or student activities. +Advise students on academic or career matters. +Assist patrons with entering or exiting vehicles or other forms of transportation. +Assist students with special educational needs. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Coordinate student extracurricular activities. +Enforce rules or policies governing student behavior. +Evaluate student work. +Maintain inventories of materials, equipment, or products. +Maintain student records. +Operate audiovisual equipment. +Operate computers or computerized equipment. +Teach daily living skills or behaviors. +Teach life skills. +Tutor students who need extra assistance.",,,,,"Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.",,,"Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors +Elementary School Teachers, Except Special Education +Kindergarten Teachers, Except Special Education +Middle School Teachers, Except Special and Career/Technical Education +Secondary School Teachers, Except Special and Career/Technical Education +Special Education Teachers, Elementary School +Special Education Teachers, Secondary School +Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education +Teaching Assistants, Special Education +Tutors","View the list of Allies +American Association of Colleges for Teacher Education +external site +American Educational Research Association +external site +American Montessori Society +external site +Association for Middle Level Education +external site +Association of American Educators +external site +Childhood Education International +external site +National Association for Bilingual Education +external site +National Association for the Education of Young Children +external site +Mid-Atlantic Association of IB World Schools +external site +Mid-Western Educational Research Association +external site +New England Association of Teachers of English +external site +Northeastern Educational Research Association +external site +Southeastern Association for Science Teacher Education +external site +Southeastern Regional Association of Teacher Educators +external site +Southern Early Childhood Association +external site +Southwest Educational Research Association +external site +American Federation of Teachers, AFL-CIO +external site +National Education Association +external site",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +41-1012.00,First-Line Supervisors of Non-Retail Sales Workers,https://www.onetonline.org/link/summary/41-1012.00,2025-06-11T19:14:02.833730,"Monitor sales staff performance to ensure that goals are met. +Provide staff with assistance in performing difficult or complicated duties. +Direct and supervise employees engaged in sales, inventory-taking, reconciling cash receipts, or performing specific services. +Listen to and resolve customer complaints regarding services, products, or personnel. +Keep records pertaining to purchases, sales, and requisitions. +Hire, train, and evaluate personnel. +Confer with company officials to develop methods and procedures to increase sales, expand markets, and promote business. +Plan and prepare work schedules, and assign employees to specific duties. +Attend company meetings to exchange product information and coordinate work activities with other departments. +Visit retailers and sales representatives to promote products and gather information. +Formulate pricing policies on merchandise according to profitability requirements. +Prepare sales and inventory reports for management and budget departments. +Examine products purchased for resale or received for storage to determine product condition. +Examine merchandise to ensure correct pricing and display, and that it functions as advertised. +Analyze details of sales territories to assess their growth potential and to set quotas. +Inventory stock and reorder when inventories drop to specified levels. +Coordinate sales promotion activities, such as preparing merchandise displays and advertising copy. +Prepare rental or lease agreements, specifying charges and payment procedures for use of machinery, tools, or other items.","Accounting software— Budgeting software; Financial accounting software +Calendar and scheduling software— Work scheduling software +Customer relationship management CRM software— Oracle Eloqua; Salesforce software; Salesforce.com Salesforce CRM; SugarCRM Sugar UX;1 more +Data base user interface and query software— Microsoft Access; QuickBase business management software +Electronic mail software— Microsoft Outlook +Enterprise application integration software— Electronic data interchange EDI software +Enterprise resource planning ERP software— Microsoft Dynamics; NetSuite ERP; SAP software +Financial analysis software— Delphi Discovery; Delphi Technology +Graphics or photo imaging software— Graphics creation software +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Process mapping and design software— Flow chart software +Project management software— Microsoft Project +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex; Fuze cloud communications and collaboration software; Online meeting software +Video creation and editing software— YouTube +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork.","Monitor sales activities. +Supervise sales or support personnel. +Contact current or potential customers to promote products or services. +Establish operational policies. +Gather customer or product information to determine customer needs. +Prepare financial documents, reports, or budgets. +Examine condition of property or products. +Answer customer questions about goods or services. +Explain technical product or service information to customers. +Maintain records of sales or other business transactions. +Train sales personnel. +Develop marketing plans or strategies. +Analyze market conditions or trends. +Monitor inventories of products or materials. +Purchase stocks of merchandise or supplies. +Assign duties or work schedules to employees. +Coordinate sales campaigns. +Discuss design or technical features of products or services with technical personnel. +Prepare sales or other contracts.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 97% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 91% responded “Every day.” +Duration of Typical Work Week— 88% responded “More than 40 hours.” +Contact With Others— 73% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 68% responded “Extremely important.” +Indoors, Environmentally Controlled— 85% responded “Every day.” +Time Pressure— 69% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 65% responded “Very important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 61% responded “Extremely important.” +Frequency of Decision Making— 65% responded “Every day.” +Work Outcomes and Results of Other Workers— 67% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 62% responded “Extremely important.” +Importance of Being Exact or Accurate— 45% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 54% responded “A lot of freedom.” +Freedom to Make Decisions— 58% responded “Some freedom.” +Written Letters and Memos— 35% responded “Every day.” +Spend Time Sitting— 37% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 45% responded “Extremely important.” +Health and Safety of Other Workers— 29% responded “Very high responsibility.” +Level of Competition— 48% responded “Moderately competitive.” +Conflict Situations— 38% responded “Once a month or more but not every week.” +Public Speaking— 30% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 41% responded “Every day.” +Spend Time Making Repetitive Motions— 29% responded “More than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Every day.” +Physical Proximity— 34% responded “I work with others but not closely (e.g., private office).”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others. +Persuasion— Persuading others to change their minds or behavior. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Negotiation— Bringing others together and trying to reconcile differences. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Recognition— The ability to identify and understand the speech of another person. +Speech Clarity— The ability to speak clearly so others can understand you. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly.","Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services +Bright Outlook +First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand +First-Line Supervisors of Material-Moving Machine and Vehicle Operators +First-Line Supervisors of Mechanics, Installers, and Repairers +First-Line Supervisors of Office and Administrative Support Workers +First-Line Supervisors of Passenger Attendants +First-Line Supervisors of Personal Service Workers +First-Line Supervisors of Production and Operating Workers +First-Line Supervisors of Retail Sales Workers +First-Line Supervisors of Security Workers","View the list of Allies +Society for Human Resource Management +external site",76,9,37,69,53,73,31,52,40,59,58,64,3,45,19,36,38,16,2,34,24,9,8,27,,14,6,6,2,13,18,3,2 +47-2051.00,Cement Masons and Concrete Finishers,https://www.onetonline.org/link/summary/47-2051.00,2025-06-11T19:18:26.085090,"Check the forms that hold the concrete to see that they are properly constructed. +Set the forms that hold concrete to the desired pitch and depth, and align them. +Spread, level, and smooth concrete, using rake, shovel, hand or power trowel, hand or power screed, and float. +Monitor how the wind, heat, or cold affect the curing of the concrete throughout the entire process. +Mold expansion joints and edges, using edging tools, jointers, and straightedge. +Signal truck driver to position truck to facilitate pouring concrete, and move chute to direct concrete on forms. +Direct the casting of the concrete and supervise laborers who use shovels or special tools to spread it. +Produce rough concrete surface, using broom. +Apply hardening and sealing compounds to cure surface of concrete, and waterproof or restore surface. +Operate power vibrator to compact concrete. +Install anchor bolts, steel plates, door sills and other fixtures in freshly poured concrete or pattern or stamp the surface to provide a decorative finish. +Wet surface to prepare for bonding, fill holes and cracks with grout or slurry, and smooth, using trowel. +Waterproof or restore concrete surfaces, using appropriate compounds. +Mix cement, sand, and water to produce concrete, grout, or slurry, using hoe, trowel, tamper, scraper, or concrete-mixing machine. +Chip, scrape, and grind high spots, ridges, and rough projections to finish concrete, using pneumatic chisels, power grinders, or hand tools. +Cut out damaged areas, drill holes for reinforcing rods, and position reinforcing rods to repair concrete, using power saw and drill. +Wet concrete surface, and rub with stone to smooth surface and obtain specified finish. +Clean chipped area, using wire brush, and feel and observe surface to determine if it is rough or uneven. +Build wooden molds, and clamp molds around area to be repaired, using hand tools. +Sprinkle colored marble or stone chips, powdered steel, or coloring powder over surface to produce prescribed finish. +Fabricate concrete beams, columns, and panels. +Polish surface, using polishing or surfacing machine. +Cut metal division strips, and press them into terrazzo base so that top edges form desired design or pattern. +Push roller over surface to embed chips in surface. +Apply muriatic acid to clean surface, and rinse with water. +Spread roofing paper on surface of foundation, and spread concrete onto roofing paper with trowel to form terrazzo base.","Accounting software— Sirus GT Construction Accounting +Analytical or scientific software— ADAPT-Modeler; HIPERPAV; LogicSphere Firstmix; Shilstone seeMIX +Information retrieval or search software— ACT Contractors Forms +Project management software— Hard Dollar HD Project Estimating; Maxwell Systems Quest Estimator; National Concrete & Masonry Estimator; Tradesman's Software Master Estimator","Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Inspect completed work to ensure proper installation. +Position construction forms or molds. +Finish concrete surfaces. +Spread concrete or other aggregate mixtures. +Monitor construction operations. +Pour materials into or on designated areas. +Signal equipment operators to indicate proper equipment positioning. +Direct construction or extraction personnel. +Apply sealants or other protective coatings. +Compact materials to create level bases. +Install masonry materials. +Apply material to fill gaps in surfaces. +Install building fixtures. +Install metal structural components. +Prepare surfaces for finishing. +Mix substances or compounds needed for work activities. +Apply decorative masonry finishes. +Smooth surfaces with abrasive materials or tools. +Break up rock, asphalt, or concrete. +Drill holes in construction materials. +Position structural components. +Fabricate parts or components. +Clean surfaces in preparation for work activities. +Build construction forms or molds. +Cut metal components for installation. +Install roofing materials.","Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 96% responded “Continually or almost continually.” +Spend Time Standing— 82% responded “Continually or almost continually.” +Outdoors, Exposed to All Weather Conditions— 84% responded “Every day.” +Exposed to Contaminants— 55% responded “Every day.” +Spend Time Making Repetitive Motions— 63% responded “Continually or almost continually.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 51% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Physical Proximity— 53% responded “Moderately close (at arm's length).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 86% responded “Every day.” +Pace Determined by Speed of Equipment— 59% responded “Extremely important.” +Spend Time Walking or Running— 57% responded “More than half the time.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Health and Safety of Other Workers— 63% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 64% responded “Extremely important.” +Exposed to Very Hot or Cold Temperatures— 67% responded “Once a week or more but not every day.” +Spend Time Bending or Twisting Your Body— 53% responded “More than half the time.” +Level of Competition— 49% responded “Highly competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 27% responded “Very important.” +Contact With Others— 59% responded “Constant contact with others.” +Work Outcomes and Results of Other Workers— 66% responded “Very high responsibility.” +Exposed to Hazardous Equipment— 56% responded “Every day.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 33% responded “Continually or almost continually.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Very important results.” +Time Pressure— 52% responded “Every day.” +In an Open Vehicle or Operating Equipment— 38% responded “Every day.” +Frequency of Decision Making— 62% responded “Every day.” +Determine Tasks, Priorities and Goals— 39% responded “Some freedom.” +Conflict Situations— 30% responded “Once a week or more but not every day.” +Consequence of Error— 44% responded “Extremely serious.” +Spend Time Keeping or Regaining Balance— 31% responded “Continually or almost continually.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Every day.” +Duration of Typical Work Week— 26% responded “40 hours.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 29% responded “Every day.” +Freedom to Make Decisions— 32% responded “Some freedom.” +Exposed to Whole Body Vibration— 67% responded “Once a month or more but not every week.” +In an Enclosed Vehicle or Operate Enclosed Equipment +Telephone Conversations— 55% responded “Every day.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 32% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 34% responded “Extremely important.”","Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Coordination— Adjusting actions in relation to others' actions. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Time Management— Managing one's own time and the time of others. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one.","English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.","Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Gross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Brickmasons and Blockmasons +Construction Laborers +Bright Outlook +Floor Layers, Except Carpet, Wood, and Hard Tiles +Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters +Paving, Surfacing, and Tamping Equipment Operators +Plasterers and Stucco Masons +Segmental Pavers +Stonemasons +Terrazzo Workers and Finishers +Tile and Stone Setters","View the list of Allies +American Concrete Pavement Association +external site +Associated Builders and Contractors +external site +Associated General Contractors of America +external site +Concrete Masonry and Hardscapes Association +external site +Home Builders Institute +external site +International Masonry Institute +external site +Mason Contractors Association of America +external site +National Association of Home Builders +external site +National Terrazzo and Mosaic Association +external site +Operative Plasterers' and Cement Masons' International Association +external site +Portland Cement Association +external site +American Concrete Institute +external site +International Union of Bricklayers and Allied Craftworkers +external site +National Center for Construction Education and Research +external site +United Brotherhood of Carpenters and Joiners of America +external site",33,11,29,67,52,40,52,33,13,15,16,23,23,27,31,21,13,41,7,37,15,17,10,24,16,12,63,20,10,30,18,6,10 +19-4021.00,Biological Technicians,https://www.onetonline.org/link/summary/19-4021.00,2025-06-11T18:57:51.286361,"Conduct research, or assist in the conduct of research, including the collection of information and samples, such as blood, water, soil, plants and animals. +Use computers, computer-interfaced equipment, robotics or high-technology industrial applications to perform work duties. +Monitor and observe experiments, recording production and test data for evaluation by research personnel. +Analyze experimental data and interpret results to write reports and summaries of findings. +Provide technical support and services for scientists and engineers working in fields such as agriculture, environmental science, resource management, biology, and health sciences. +Keep detailed logs of all work-related activities. +Input data into databases. +Isolate, identify and prepare specimens for examination. +Set up, adjust, calibrate, clean, maintain, and troubleshoot laboratory and field equipment. +Clean, maintain and prepare supplies and work areas. +Monitor laboratory work to ensure compliance with set standards. +Place orders for laboratory equipment and supplies. +Participate in the research, development, or manufacturing of medicinal and pharmaceutical preparations. +Feed livestock or laboratory animals. +Conduct standardized biological, microbiological or biochemical tests and laboratory analyses to evaluate the quantity or quality of physical or chemical substances in food or other products. +Examine animals and specimens to detect the presence of disease or other problems. +Measure or weigh compounds and solutions for use in testing or animal feed.","Analytical or scientific software— BD Biosciences CellQuest; Gene Codes Sequencher; Laboratory information management system LIMS; SAS;10 more +Data base user interface and query software— Database software; Microsoft Access; Thomson EndNote +Document management software— Adobe Acrobat +Geographic information system— ESRI ArcGIS software; Geographic information system GIS software +Graphics or photo imaging software— Adobe Photoshop; Graphics software; Harvard Graphics +Map creation software— MapInfo MapMarker +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Microsoft Project +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Word processing software— Microsoft Outlook; Microsoft Word","Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.","Collect biological specimens. +Monitor operational procedures in technical environments to ensure conformance to standards. +Interpret research or operational data. +Research microbiological or chemical processes or structures. +Record research or operational data. +Prepare biological samples for testing or analysis. +Set up laboratory or field equipment. +Clean objects. +Care for plants or animals. +Analyze chemical compounds or substances. +Examine characteristics or behavior of living organisms. +Order materials, supplies, or equipment.","E-Mail— 85% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 84% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Indoors, Environmentally Controlled— 83% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 54% responded “Every day.” +Contact With Others— 44% responded “Contact with others most of the time.” +Work With or Contribute to a Work Group or Team— 22% responded “Important.” +Freedom to Make Decisions— 54% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 63% responded “Some freedom.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 31% responded “More than half the time.” +Importance of Repeating Same Tasks— 46% responded “Very important.” +Time Pressure— 56% responded “Once a month or more but not every week.” +Spend Time Sitting— 55% responded “About half the time.” +Level of Competition— 39% responded “Moderately competitive.” +Coordinate or Lead Others in Accomplishing Work Activities— 28% responded “Not important at all.” +Work Outcomes and Results of Other Workers— 19% responded “High responsibility.” +Health and Safety of Other Workers— 45% responded “Limited responsibility.” +Physical Proximity— 50% responded “Slightly close (e.g., shared office).” +Written Letters and Memos— 39% responded “Once a month or more but not every week.” +Telephone Conversations— 63% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Science— Using scientific rules and methods to solve problems. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.","Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Agricultural Technicians +Bright Outlook +Bioinformatics Technicians +Calibration Technologists and Technicians +Chemical Technicians +Cytogenetic Technologists +Histology Technicians +Histotechnologists +Medical and Clinical Laboratory Technicians +Medical and Clinical Laboratory Technologists +Nanotechnology Engineering Technologists and Technicians","View the list of Allies +American Academy of Forensic Sciences +external site +American Association for Laboratory Animal Science +external site +American Chemical Society +external site +American Fisheries Society +external site +American Institute of Biological Sciences +external site +American Society for Cell Biology +external site +American Society for Clinical Pathology +external site +American Society for Microbiology +external site +Association for Diagnostics and Laboratory Medicine +external site +Association of Genetic Technologists +external site +Botanical Society of America +external site +Federation of American Societies for Experimental Biology +external site +Institute of Food Technologists +external site +Wildlife Society +external site",21,,18,70,57,22,26,34,31,9,6,17,55,56,4,27,21,23,6,19,13,6,7,11,18,21,6,23,86,9,13,2,5 +51-9191.00,Adhesive Bonding Machine Operators and Tenders,https://www.onetonline.org/link/summary/51-9191.00,2025-06-11T19:28:14.695833,"Align and position materials being joined to ensure accurate application of adhesive or heat sealing. +Adjust machine components according to specifications such as widths, lengths, and thickness of materials and amounts of glue, cement, or adhesive required. +Monitor machine operations to detect malfunctions and report or resolve problems. +Start machines, and turn valves or move controls to feed, admit, apply, or transfer materials and adhesives, and to adjust temperature, pressure, and time settings. +Fill machines with glue, cement, or adhesives. +Perform test production runs and make adjustments as necessary to ensure that completed products meet standards and specifications. +Examine and measure completed materials or products to verify conformance to specifications, using measuring devices such as tape measures, gauges, or calipers. +Read work orders and communicate with coworkers to determine machine and equipment settings and adjustments and supply and product specifications. +Remove and stack completed materials or products, and restock materials to be joined. +Observe gauges, meters, and control panels to obtain information about equipment temperatures and pressures, or the speed of feeders or conveyors. +Maintain production records such as quantities, dimensions, and thicknesses of materials processed. +Remove jammed materials from machines and readjust components as necessary to resume normal operations. +Mount or load material such as paper, plastic, wood, or rubber in feeding mechanisms of cementing or gluing machines. +Transport materials, supplies, and finished products between storage and work areas, using forklifts. +Clean and maintain gluing and cementing machines, using solutions, lubricants, brushes, and scrapers. +Measure and mix ingredients to prepare glue.","Enterprise resource planning ERP software— SAP software +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.","Align parts or workpieces to ensure proper assembly. +Adjust equipment controls to regulate flow of production materials or products. +Notify others of equipment repair or maintenance needs. +Watch operating equipment to detect malfunctions. +Adjust temperature controls of ovens or other heating equipment. +Load materials into production equipment. +Conduct test runs of production equipment. +Exchange information with colleagues. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Read work orders or other instructions to determine product specifications or materials requirements. +Study blueprints or other instructions to determine equipment setup requirements. +Remove products or workpieces from production equipment. +Stack finished items for further processing or shipment. +Clear equipment jams. +Monitor instruments to ensure proper production conditions. +Record operational or production data. +Mount materials or workpieces onto production equipment. +Clean production equipment. +Maintain production or processing equipment. +Move products, materials, or equipment between work areas. +Operate forklifts or other loaders. +Measure ingredients or substances to be used in production processes. +Mix substances to create chemical solutions.","Exposed to Contaminants— 85% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 73% responded “Continually or almost continually.” +Contact With Others— 83% responded “Constant contact with others.” +Spend Time Standing— 17% responded “About half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 82% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 73% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 68% responded “Every day.” +Freedom to Make Decisions— 40% responded “A lot of freedom.” +Time Pressure— 45% responded “Every day.” +Pace Determined by Speed of Equipment— 41% responded “Extremely important.” +Work Outcomes and Results of Other Workers— 40% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 53% responded “Important results.” +Indoors, Environmentally Controlled— 73% responded “Every day.” +Exposed to Hazardous Equipment— 48% responded “Every day.” +Importance of Being Exact or Accurate— 43% responded “Very important.” +Consequence of Error— 48% responded “Extremely serious.” +Health and Safety of Other Workers— 41% responded “Very high responsibility.” +Physical Proximity— 42% responded “Moderately close (at arm's length).” +Spend Time Walking or Running— 37% responded “More than half the time.” +Frequency of Decision Making— 56% responded “Every day.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Spend Time Making Repetitive Motions— 41% responded “Continually or almost continually.” +Importance of Repeating Same Tasks— 40% responded “Very important.” +Duration of Typical Work Week— 47% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 32% responded “Some freedom.” +Written Letters and Memos— 34% responded “Once a month or more but not every week.” +Coordinate or Lead Others in Accomplishing Work Activities— 32% responded “Extremely important.” +Spend Time Bending or Twisting Your Body— 41% responded “Less than half the time.” +Dealing With Unpleasant, Angry, or Discourteous People— 28% responded “Every day.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Repairing— Repairing machines or systems using the needed tools. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Stamina— The ability to exert yourself physically over long periods of time without getting winded or out of breath. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Integrity— Job requires being honest and ethical. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Cutting and Slicing Machine Setters, Operators, and Tenders +Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers +Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders +Grinding and Polishing Workers, Hand +Machine Feeders and Offbearers +Packaging and Filling Machine Operators and Tenders +Bright Outlook +Paper Goods Machine Setters, Operators, and Tenders +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Textile Cutting Machine Setters, Operators, and Tenders +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +The Adhesive and Sealant Council +external site",49,5,76,60,49,44,47,48,28,20,30,32,37,44,6,16,12,67,8,20,35,12,16,20,11,33,12,24,5,20,8,2,1 +51-4033.00,"Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic",https://www.onetonline.org/link/summary/51-4033.00,2025-06-11T19:24:46.028317,"Inspect or measure finished workpieces to determine conformance to specifications, using measuring instruments, such as gauges or micrometers. +Measure workpieces and lay out work, using precision measuring devices. +Observe machine operations to detect any problems, making necessary adjustments to correct problems. +Move machine controls to index workpieces, and to adjust machines for pre-selected operational settings. +Study blueprints, work orders, or machining instructions to determine product specifications, tool requirements, and operational sequences. +Select machine tooling to be used, using knowledge of machine and production requirements. +Mount and position tools in machine chucks, spindles, or other tool holding devices, using hand tools. +Activate machine start-up switches to grind, lap, hone, debar, shear, or cut workpieces, according to specifications. +Set up, operate, or tend grinding and related tools that remove excess material or burrs from surfaces, sharpen edges or corners, or buff, hone, or polish metal or plastic workpieces. +Set and adjust machine controls according to product specifications, using knowledge of machine operation. +Brush or spray lubricating compounds on workpieces, or turn valve handles and direct flow of coolant against tools and workpieces. +Lift and position workpieces, manually or with hoists, and secure them in hoppers or on machine tables, faceplates, or chucks, using clamps. +Repair or replace machine parts, using hand tools, or notify engineering personnel when corrective action is required. +Compute machine indexings and settings for specified dimensions and base reference points. +Maintain stocks of machine parts and machining tools. +Thread and hand-feed materials through machine cutters or abraders. +Adjust air cylinders and setting stops to set traverse lengths and feed arm strokes. +Slide spacers between buffs on spindles to set spacing.","Computer aided design CAD software— Autodesk AutoCAD +Enterprise resource planning ERP software— SAP software +Industrial control software— Mazak Mazatrol SMART CNC +Inventory management software— Manufacturing reporting system +Office suite software— Microsoft Office software +Operating system software— Microsoft Windows +Spreadsheet software— Microsoft Excel","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Measure dimensions of completed products or workpieces to verify conformance to specifications. +Lay out parts to prepare for assembly. +Watch operating equipment to detect malfunctions. +Operate grinding equipment. +Read work orders or other instructions to determine product specifications or materials requirements. +Review blueprints or other instructions to determine operational methods or sequences. +Select production equipment according to product specifications. +Calculate dimensions of workpieces, products, or equipment. +Mount attachments or tools onto production equipment. +Operate cutting equipment. +Reshape metal workpieces to established specifications. +Adjust equipment controls to regulate coolant flow. +Apply lubricants or coolants to workpieces. +Lift materials or workpieces using cranes or other lifting equipment. +Mount materials or workpieces onto production equipment. +Notify others of equipment repair or maintenance needs. +Repair production equipment or tools. +Replace worn equipment components. +Maintain inventories of materials, equipment, or products. +Feed materials or products into or through equipment. +Set equipment guides, stops, spacers, or other fixtures.","Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 100% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 93% responded “Continually or almost continually.” +Importance of Being Exact or Accurate— 75% responded “Extremely important.” +Time Pressure— 55% responded “Every day.” +Indoors, Environmentally Controlled— 71% responded “Every day.” +Spend Time Standing— 56% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 46% responded “Some freedom.” +Pace Determined by Speed of Equipment— 54% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 58% responded “Every day.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Exposed to Hazardous Equipment— 61% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 47% responded “Important results.” +Duration of Typical Work Week— 57% responded “40 hours.” +Spend Time Making Repetitive Motions— 41% responded “More than half the time.” +Exposed to Contaminants— 65% responded “Every day.” +Importance of Repeating Same Tasks— 39% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 55% responded “Every day.” +Work With or Contribute to a Work Group or Team— 30% responded “Very important.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Contact With Others— 36% responded “Constant contact with others.” +Frequency of Decision Making— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 44% responded “Important.” +Physical Proximity— 36% responded “Slightly close (e.g., shared office).” +Work Outcomes and Results of Other Workers— 28% responded “Very high responsibility.” +Consequence of Error— 27% responded “Very serious.”","Operation and Control— Controlling operations of equipment or systems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Depth Perception— The ability to judge which of several objects is closer or farther away from you, or to judge the distance between you and an object. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Wrist-Finger Speed— The ability to make fast, simple, repeated movements of the fingers, hands, and wrists.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.","Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders +Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding and Polishing Workers, Hand +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Tool Grinders, Filers, and Sharpeners +Woodworking Machine Setters, Operators, and Tenders, Except Sawing","View the list of Allies +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Precision Machined Products Association +external site +Precision Metalforming Association +external site +National Institute for Metalworking Skills +external site",22,4,62,41,49,46,26,27,28,11,13,16,20,38,15,8,12,43,7,14,17,8,5,4,7,28,16,14,3,30,4,2,2 +51-7042.00,"Woodworking Machine Setters, Operators, and Tenders, Except Sawing",https://www.onetonline.org/link/summary/51-7042.00,2025-06-11T19:26:41.546567,"Set up, program, operate, or tend computerized or manual woodworking machines, such as drill presses, lathes, shapers, routers, sanders, planers, or wood-nailing machines. +Examine finished workpieces for smoothness, shape, angle, depth-of-cut, or conformity to specifications and verify dimensions, visually and using hands, rules, calipers, templates, or gauges. +Start machines, adjust controls, and make trial cuts to ensure that machinery is operating properly. +Monitor operation of machines and make adjustments to correct problems and ensure conformance to specifications. +Examine raw woodstock for defects and to ensure conformity to size and other specification standards. +Adjust machine tables or cutting devices and set controls on machines to produce specified cuts or operations. +Install and adjust blades, cutterheads, boring-bits, or sanding-belts, using hand tools and rules. +Change alignment and adjustment of sanding, cutting, or boring machine guides to prevent defects in finished products, using hand tools. +Determine product specifications and materials, work methods, and machine setup requirements, according to blueprints, oral or written instructions, drawings, or work orders. +Feed stock through feed mechanisms or conveyors into planing, shaping, boring, mortising, or sanding machines to produce desired components. +Push or hold workpieces against, under, or through cutting, boring, or shaping mechanisms. +Select knives, saws, blades, cutter heads, cams, bits, or belts, according to workpiece, machine functions, or product specifications. +Remove and replace worn parts, bits, belts, sandpaper, or shaping tools. +Secure woodstock against a guide or in a holding device, place woodstock on a conveyor, or dump woodstock in a hopper to feed woodstock into machines. +Inspect and mark completed workpieces and stack them on pallets, in boxes, or on conveyors so that they can be moved to the next workstation. +Inspect pulleys, drive belts, guards, or fences on machines to ensure that machines will operate safely. +Clean or maintain products, machines, or work areas. +Attach and adjust guides, stops, clamps, chucks, or feed mechanisms, using hand tools. +Trim wood parts according to specifications, using planes, chisels, or wood files or sanders. +Grease or oil woodworking machines. +Unclamp workpieces and remove them from machines. +Start machines and move levers to engage hydraulic lifts that press woodstocks into desired forms and disengage lifts after appropriate drying times. +Operate gluing machines to glue pieces of wood together, or to press and affix wood veneer to wood surfaces. +Set up, program, or control computer-aided design (CAD) or computer numerical control (CNC) machines. +Control hoists to remove parts or products from work stations.","Computer aided design CAD software— Autodesk AutoCAD; Computer aided design and drafting CADD software; Dassault Systemes CATIA; Vero Software ALPHACAM +Computer aided manufacturing CAM software— Dassault Systemes SolidWorks +Data base user interface and query software— AS/400 Database +Desktop publishing software— Adobe InDesign +Document management software— Adobe Acrobat +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software +Graphics or photo imaging software— Adobe Creative Cloud software; Adobe Illustrator; Adobe Photoshop +Industrial control software— Computerized numerical control CNC software +Inventory management software— Inventory control software +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Operating system software— Apple macOS; Microsoft operating system; Microsoft Windows +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Video creation and editing software— YouTube +Word processing software— Microsoft Word","Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data.","Operate woodworking equipment. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Conduct test runs of production equipment. +Monitor equipment operation to ensure that products are not flawed. +Set equipment controls to meet cutting specifications. +Inspect lumber or raw woodstock. +Mount attachments or tools onto production equipment. +Determine production equipment settings. +Feed materials or products into or through equipment. +Select production input materials. +Maneuver workpieces in equipment during production. +Select production equipment according to product specifications. +Load materials into production equipment. +Mount materials or workpieces onto production equipment. +Remove accessories, tools, or other parts from equipment. +Replace worn equipment components. +Mark products, workpieces, or equipment with identifying information. +Stack finished items for further processing or shipment. +Inspect production equipment. +Clean production equipment. +Clean work areas. +Maintain production or processing equipment. +Set equipment guides, stops, spacers, or other fixtures. +Trim excess material from workpieces. +Remove products or workpieces from production equipment. +Program equipment to perform production tasks. +Lubricate production equipment. +Operate cranes, hoists, or other moving or lifting equipment.","Exposed to Contaminants— 99% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 87% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 89% responded “Continually or almost continually.” +Spend Time Standing— 88% responded “Continually or almost continually.” +Indoors, Not Environmentally Controlled— 92% responded “Every day.” +Exposed to Hazardous Equipment— 86% responded “Every day.” +Importance of Being Exact or Accurate— 55% responded “Extremely important.” +Spend Time Making Repetitive Motions— 67% responded “Continually or almost continually.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 79% responded “Every day.” +Work With or Contribute to a Work Group or Team— 46% responded “Extremely important.” +Time Pressure— 49% responded “Every day.” +Spend Time Bending or Twisting Your Body— 47% responded “Continually or almost continually.” +Freedom to Make Decisions— 40% responded “Some freedom.” +Determine Tasks, Priorities and Goals— 36% responded “Some freedom.” +Duration of Typical Work Week— 58% responded “40 hours.” +Importance of Repeating Same Tasks— 36% responded “Extremely important.” +Contact With Others— 43% responded “Constant contact with others.” +Frequency of Decision Making— 58% responded “Every day.” +Exposed to Very Hot or Cold Temperatures— 33% responded “Once a week or more but not every day.” +Impact of Decisions on Co-workers or Company Results— 31% responded “Important results.” +Work Outcomes and Results of Other Workers— 36% responded “Very high responsibility.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 32% responded “Every day.” +Health and Safety of Other Workers— 37% responded “Very high responsibility.” +Spend Time Walking or Running— 31% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 48% responded “Important.” +Pace Determined by Speed of Equipment— 27% responded “Very important.” +Physical Proximity— 41% responded “Moderately close (at arm's length).” +Exposed to Cramped Work Space, Awkward Positions— 31% responded “Once a month or more but not every week.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Operation and Control— Controlling operations of equipment or systems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.","Near Vision— The ability to see details at close range (within a few feet of the observer). +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Dynamic Strength— The ability to exert muscle force repeatedly or continuously over time. This involves muscular endurance and resistance to muscle fatigue. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Rate Control— The ability to time your movements or the movement of a piece of equipment in anticipation of changes in the speed and/or direction of a moving object or scene. +Speech Recognition— The ability to identify and understand the speech of another person.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Cutting and Slicing Machine Setters, Operators, and Tenders +Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic +Forging Machine Setters, Operators, and Tenders, Metal and Plastic +Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic +Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic +Rolling Machine Setters, Operators, and Tenders, Metal and Plastic +Sawing Machine Setters, Operators, and Tenders, Wood +Textile Cutting Machine Setters, Operators, and Tenders","View the list of Allies +Architectural Woodwork Institute +external site +Association for Manufacturing Technology +external site +Fabricators and Manufacturers Association +external site +National Tooling and Machining Association +external site +Woodworking Machinery Industry Association +external site",20,1,49,32,48,25,38,34,10,7,17,16,18,20,3,3,7,57,3,24,9,5,2,4,10,23,34,14,5,33,1,, +29-1213.00,Dermatologists,https://www.onetonline.org/link/summary/29-1213.00,2025-06-11T19:06:36.559245,"Conduct complete skin examinations. +Diagnose and treat pigmented lesions such as common acquired nevi, congenital nevi, dysplastic nevi, Spitz nevi, blue nevi, or melanoma. +Perform incisional biopsies to diagnose melanoma. +Perform skin surgery to improve appearance, make early diagnoses, or control diseases such as skin cancer. +Counsel patients on topics such as the need for annual dermatologic screenings, sun protection, skin cancer awareness, or skin and lymph node self-examinations. +Diagnose and treat skin conditions such as acne, dandruff, athlete's foot, moles, psoriasis, or skin cancer. +Record patients' health histories. +Recommend diagnostic tests based on patients' histories and physical examination findings. +Prescribe hormonal agents or topical treatments such as contraceptives, spironolactone, antiandrogens, oral corticosteroids, retinoids, benzoyl peroxide, or antibiotics. +Conduct or order diagnostic tests such as chest radiographs (x-rays), microbiologic tests, or endocrinologic tests. +Read current literature, talk with colleagues, and participate in professional organizations or conferences to keep abreast of developments in dermatology. +Provide dermatologic consultation to other health professionals. +Refer patients to other specialists, as needed. +Instruct interns or residents in diagnosis and treatment of dermatological diseases. +Provide therapies such as intralesional steroids, chemical peels, or comodo removal to treat age spots, sun damage, rough skin, discolored skin, or oily skin. +Provide dermabrasion or laser abrasion to treat atrophic scars, elevated scars, or other skin conditions. +Conduct clinical or basic research. +Evaluate patients to determine eligibility for cosmetic procedures such as liposuction, laser resurfacing, or microdermabrasion.","Calendar and scheduling software— Calendar software +Electronic mail software— Email software +Medical software— Bizmatics PrognoCIS EMR; eClinicalWorks EHR software; GE Healthcare Centricity Practice Solution; Greenway Medical Technologies PrimeSUITE;21 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Video conferencing software— Cisco Webex; Zoom +Word processing software— Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Examine patients to assess general physical condition. +Treat chronic diseases or disorders. +Diagnose medical conditions. +Operate on patients to treat conditions. +Advise patients on preventive care techniques. +Order medical diagnostic or clinical tests. +Record patient medical histories. +Prescribe medications. +Advise medical personnel regarding healthcare issues. +Maintain medical or professional knowledge. +Refer patients to other healthcare practitioners or health resources. +Train medical providers. +Conduct research to increase knowledge about medical issues. +Analyze patient data to determine patient needs or treatment goals.","Freedom to Make Decisions— 99% responded “A lot of freedom.” +Face-to-Face Discussions with Individuals and Within Teams— 99% responded “Every day.” +Contact With Others— 88% responded “Constant contact with others.” +Deal With External Customers or the Public in General— 82% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 95% responded “Every day.” +Determine Tasks, Priorities and Goals— 83% responded “A lot of freedom.” +E-Mail— 82% responded “Every day.” +Importance of Being Exact or Accurate— 72% responded “Extremely important.” +Exposed to Disease or Infections— 71% responded “Every day.” +Health and Safety of Other Workers— 71% responded “Very high responsibility.” +Telephone Conversations— 59% responded “Every day.” +Work With or Contribute to a Work Group or Team— 66% responded “Extremely important.” +Frequency of Decision Making— 81% responded “Every day.” +Physical Proximity— 72% responded “Very close (near touching).” +Written Letters and Memos— 52% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Impact of Decisions on Co-workers or Company Results— 72% responded “Very important results.” +Indoors, Environmentally Controlled— 81% responded “Every day.” +Consequence of Error— 65% responded “Extremely serious.” +Work Outcomes and Results of Other Workers— 43% responded “Very high responsibility.” +Spend Time Standing— 40% responded “More than half the time.” +Time Pressure— 41% responded “Every day.” +Level of Competition— 36% responded “Extremely competitive.” +Dealing With Unpleasant, Angry, or Discourteous People— 58% responded “Once a month or more but not every week.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 42% responded “Continually or almost continually.” +Duration of Typical Work Week— 40% responded “More than 40 hours.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Persuasion— Persuading others to change their minds or behavior. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Time Management— Managing one's own time and the time of others. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job.","Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Allergists and Immunologists +Cardiologists +Emergency Medicine Physicians +General Internal Medicine Physicians +Neurologists +Bright Outlook +Ophthalmologists, Except Pediatric +Oral and Maxillofacial Surgeons +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Urologists","View the list of Allies +American Academy of Dermatology +external site +American Academy of Family Physicians +external site +American Association of Colleges of Osteopathic Medicine +external site +American College of Mohs Surgery +external site +American College of Obstetricians and Gynecologists +external site +American Dermatological Association +external site +American Medical Association +external site +American Osteopathic Association +external site +American Society for Dermatological Surgery +external site +Association of American Medical Colleges +external site +Federation of State Medical Boards +external site +Women's Dermatologic Society +external site +American Board of Physician Specialties +external site +American College of Physicians +external site +American College of Surgeons +external site",90,3,16,76,49,72,35,69,47,45,34,63,41,51,19,32,38,12,14,10,61,50,23,23,96,17,11,18,68,16,11,2,10 +17-2141.02,Automotive Engineers,https://www.onetonline.org/link/summary/17-2141.02,2025-06-11T18:54:20.844331,"Conduct or direct system-level automotive testing. +Provide technical direction to other engineers or engineering support personnel. +Perform failure, variation, or root cause analyses. +Calibrate vehicle systems, including control algorithms or other software systems. +Design or analyze automobile systems in areas such as aerodynamics, alternate fuels, ergonomics, hybrid power, brakes, transmissions, steering, calibration, safety, or diagnostics. +Prepare or present technical or project status reports. +Conduct research studies to develop new concepts in the field of automotive engineering. +Establish production or quality control standards. +Alter or modify designs to obtain specified functional or operational performance. +Research or implement green automotive technologies involving alternative fuels, electric or hybrid cars, or lighter or more fuel-efficient vehicles. +Develop calibration methodologies, test methodologies, or tools. +Create design alternatives for vehicle components, such as camless or dual-clutch engines or alternative air-conditioning systems, to increase fuel efficiency. +Develop or implement operating methods or procedures. +Develop engineering specifications or cost estimates for automotive design concepts. +Conduct automotive design reviews. +Design vehicles that use lighter materials, such as aluminum, magnesium alloy, or plastic, to improve fuel efficiency. +Write, review, or maintain engineering documentation. +Develop specifications for vehicles powered by alternative fuels or alternative power methods. +Build models for algorithm or control feature verification testing. +Coordinate production activities with other functional units, such as procurement, maintenance, or quality control. +Design control systems or algorithms for purposes such as automotive energy management, emissions management, or increased operational safety or performance. +Develop or integrate control feature requirements. +Research computerized automotive applications, such as telemetrics, intelligent transportation systems, artificial intelligence, or automatic control. +Read current literature, attend meetings or conferences, or talk with colleagues to stay abreast of new automotive technology or competitive products. +Design vehicles for increased recyclability or use of natural, renewable, or recycled materials in vehicle construction.","Analytical or scientific software— MathWorks Simulink; Minitab; Somat eDAQ; The MathWorks MATLAB;14 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; Think3 ThinkDesign Engineering;9 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics; CNC Mastercam +Customer relationship management CRM software— Salesforce software +Data base user interface and query software— International Material Data System IMDS; Structured query language SQL +Development environment software— C; Microsoft .NET Framework; Microsoft Visual Basic Scripting Edition VBScript; Microsoft Visual Studio;4 more +Electronic mail software— IBM Notes; Microsoft Outlook +Enterprise application integration software— Atlassian Bamboo; Extensible markup language XML; Jenkins CI +Enterprise resource planning ERP software— SAP software +File versioning software— Git +Graphics or photo imaging software— Adobe Photoshop; Corel Painter; GNU Image Manipulation Program GIMP; Portalgraphics openCanvas;3 more +Industrial control software— Metrologic Group Metrolog XG +Object or component oriented development software— C#; Oracle Java; Perl; Swift;4 more +Office suite software— Microsoft Office software +Operating system software— Linux; Magellan Firmware; Microsoft Windows; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debugging software; JUnit; Selenium; TestNG +Project management software— Atlassian Confluence; Atlassian JIRA; Microsoft Project +Spreadsheet software— Microsoft Excel +Web platform development software— JavaScript; JavaScript Object Notation JSON; Node.js +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.","Direct design or development activities. +Provide technical guidance to other personnel. +Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Conduct quantitative failure analyses of operational data. +Calibrate scientific or technical equipment. +Design electromechanical equipment or systems. +Evaluate characteristics of equipment or systems. +Prepare operational reports. +Research advanced engineering designs or applications. +Determine operational criteria or specifications. +Design energy-efficient vehicles or vehicle components. +Develop technical methods or processes. +Devise research or testing protocols. +Implement design or process improvements. +Research design or application of green technologies. +Determine design criteria or specifications. +Estimate operational costs. +Evaluate technical data to determine effect on designs or plans. +Maintain operational records or records systems. +Prepare technical reports for internal use. +Create models of engineering designs or methods. +Coordinate activities with suppliers, contractors, clients, or other departments. +Design control systems for mechanical or other equipment. +Update technical knowledge.","E-Mail— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 75% responded “Every day.” +Telephone Conversations— 70% responded “Every day.” +Work With or Contribute to a Work Group or Team— 70% responded “Extremely important.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Indoors, Environmentally Controlled— 70% responded “Every day.” +Determine Tasks, Priorities and Goals— 43% responded “Some freedom.” +Freedom to Make Decisions— 52% responded “Some freedom.” +Spend Time Sitting— 57% responded “More than half the time.” +Contact With Others— 43% responded “Contact with others most of the time.” +Time Pressure— 48% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 45% responded “Very important.” +Health and Safety of Other Workers— 35% responded “High responsibility.” +Level of Competition— 43% responded “Highly competitive.” +Work Outcomes and Results of Other Workers— 50% responded “Moderate responsibility.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Important results.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 29% responded “Once a week or more but not every day.” +Written Letters and Memos— 25% responded “Every day.” +Deal With External Customers or the Public in General— 38% responded “Important.” +Frequency of Decision Making— 29% responded “Once a month or more but not every week.” +Physical Proximity— 62% responded “Slightly close (e.g., shared office).” +In an Enclosed Vehicle or Operate Enclosed Equipment— 29% responded “Once a month or more but not every week.”","Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Mathematics— Using mathematics to solve problems. +Speaking— Talking to others to convey information effectively. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Operations Analysis— Analyzing needs and product requirements to create a design. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Science— Using scientific rules and methods to solve problems. +Time Management— Managing one's own time and the time of others. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Persuasion— Persuading others to change their minds or behavior. +Technology Design— Generating or adapting equipment and technology to serve user needs. +Instructing— Teaching others how to do something. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Negotiation— Bringing others together and trying to reconcile differences. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Transportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods.","Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Integrity— Job requires being honest and ethical. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Aerospace Engineers +Bright Outlook +Electrical Engineers +Electronics Engineers, Except Computer +Fuel Cell Engineers +Industrial Engineers +Manufacturing Engineers +Mechanical Engineers +Mechatronics Engineers +Robotics Engineers +Validation Engineers","View the list of Allies +American Society for Engineering Education +external site +American Society of Mechanical Engineers +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Women Engineers +external site +Technology Student Association +external site +Union of Concerned Scientists +external site +United States Council for Automotive Research +external site +Accreditation Board for Engineering and Technology +external site +National Council of Examiners for Engineering and Surveying +external site",43,7,58,68,83,56,42,45,35,38,28,30,50,71,21,40,33,79,6,69,20,3,12,36,3,93,19,84,14,72,19,1,10 +51-2023.00,Electromechanical Equipment Assemblers,https://www.onetonline.org/link/summary/51-2023.00,2025-06-11T19:23:52.874899,"Inspect, test, and adjust completed units to ensure that units meet specifications, tolerances, and customer order requirements. +Position, align, and adjust parts for proper fit and assembly. +Assemble parts or units, and position, align, and fasten units to assemblies, subassemblies, or frames, using hand tools and power tools. +Connect cables, tubes, and wiring, according to specifications. +Measure parts to determine tolerances, using precision measuring instruments such as micrometers, calipers, and verniers. +Read blueprints and specifications to determine component parts and assembly sequences of electromechanical units. +Attach name plates and mark identifying information on parts. +Disassemble units to replace parts or to crate them for shipping. +File, lap, and buff parts to fit, using hand and power tools. +Clean and lubricate parts and subassemblies, using grease paddles or oilcans. +Operate or tend automated assembling equipment, such as robotics and fixed automation equipment. +Drill, tap, ream, countersink, and spot-face bolt holes in parts, using drill presses and portable power drills. +Operate small cranes to transport or position large parts. +Pack or fold insulation between panels.","Computer aided design CAD software— Autodesk AutoCAD +Enterprise resource planning ERP software— SAP software +Graphics or photo imaging software— Blueprint display software +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Time accounting software— Timekeeping software +Word processing software— Microsoft Word","Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information.","Align parts or workpieces to ensure proper assembly. +Inspect installed components or assemblies. +Assemble electrical or electronic equipment. +Connect supply lines to production equipment or tools. +Measure dimensions of completed products or workpieces to verify conformance to specifications. +Review blueprints or other instructions to determine operational methods or sequences. +Mark products, workpieces, or equipment with identifying information. +Reshape metal workpieces to established specifications. +Disassemble equipment for maintenance or repair. +Apply lubricants or coolants to workpieces. +Clean workpieces or finished products. +Drill holes in parts, equipment, or materials. +Operate industrial equipment. +Operate cranes, hoists, or other moving or lifting equipment. +Assemble electromechanical or hydraulic systems.","Indoors, Environmentally Controlled— 99% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 98% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 70% responded “Continually or almost continually.” +Work With or Contribute to a Work Group or Team— 45% responded “Extremely important.” +Importance of Being Exact or Accurate— 48% responded “Very important.” +Contact With Others— 57% responded “Constant contact with others.” +Health and Safety of Other Workers— 35% responded “High responsibility.” +Time Pressure— 35% responded “Every day.” +Freedom to Make Decisions— 32% responded “Limited freedom.” +Duration of Typical Work Week— 72% responded “40 hours.” +Importance of Repeating Same Tasks— 41% responded “Very important.” +Spend Time Making Repetitive Motions— 46% responded “Continually or almost continually.” +Determine Tasks, Priorities and Goals— 56% responded “Some freedom.” +Physical Proximity— 52% responded “Moderately close (at arm's length).” +Work Outcomes and Results of Other Workers— 30% responded “Very high responsibility.” +Exposed to Contaminants— 36% responded “Once a week or more but not every day.” +Spend Time Standing— 48% responded “Less than half the time.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +E-Mail— 48% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 29% responded “Never.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Troubleshooting— Determining causes of operating errors and deciding what to do about it.","Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.","Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Calibration Technologists and Technicians +Bright Outlook +Electric Motor, Power Tool, and Related Repairers +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronic Equipment Assemblers +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Engine and Other Machine Assemblers +Industrial Machinery Mechanics +Robotics Technicians +Timing Device Assemblers and Adjusters","View the list of Allies +Fabricators and Manufacturers Association +external site +IPC +external site",29,5,57,50,39,25,35,32,17,9,9,12,16,52,12,9,18,55,4,13,6,8,4,21,5,47,17,15,8,39,5,6,4 +11-3051.02,Geothermal Production Managers,https://www.onetonline.org/link/summary/11-3051.02,2025-06-11T18:47:20.920321,"Supervise employees in geothermal power plants or well fields. +Oversee geothermal plant operations, maintenance, and repairs to ensure compliance with applicable standards or regulations. +Communicate geothermal plant conditions to employees. +Identify and evaluate equipment, procedural, or conditional inefficiencies involving geothermal plant systems. +Perform or direct the performance of preventative maintenance on geothermal plant equipment. +Inspect geothermal plant or injection well fields to verify proper equipment operations. +Develop or manage budgets for geothermal operations. +Select and implement corrosion control or mitigation systems for geothermal plants. +Develop operating plans and schedules for geothermal operations. +Record, review, or maintain daily logs, reports, maintenance, and other records associated with geothermal operations. +Monitor geothermal operations, using programmable logic controllers. +Conduct well field site assessments. +Identify opportunities to improve plant electrical equipment, controls, or process control methodologies. +Prepare environmental permit applications or compliance reports. +Negotiate interconnection agreements with other utilities. +Obtain permits for constructing, upgrading, or operating geothermal power plants. +Troubleshoot and make minor repairs to geothermal plant instrumentation or electrical systems. +Conduct employee safety training.","Calendar and scheduling software— Personnel scheduling software +Data base user interface and query software— Data logging software; Infostat RIMBase; Microsoft Access +Electronic mail software— Microsoft Outlook +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.","Direct green energy production operations. +Direct maintenance and repair activities in green energy production facilities. +Supervise workers performing environmentally sustainable activities. +Prepare forms or applications. +Prepare reports related to compliance matters. +Negotiate contracts for environmental remediation, green energy, or renewable resources. +Communicate green energy production information. +Maintain green energy production plant equipment. +Monitor green energy equipment, systems, or facilities. +Direct facility maintenance or repair activities. +Inspect operations of green energy facilities. +Implement organizational process or policy changes. +Prepare operational budgets for green energy or other green operations. +Develop operating strategies, plans, or procedures for green or sustainable operations. +Maintain operational records for green energy processes or other environmentally-sustainable activities. +Evaluate potential of products, technologies, or resources. +Identify opportunities to improve operational efficiency.","E-Mail— 100% responded “Every day.” +Telephone Conversations— 100% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 96% responded “Every day.” +Indoors, Environmentally Controlled— 96% responded “Every day.” +Health and Safety of Other Workers— 83% responded “Very high responsibility.” +Duration of Typical Work Week— 90% responded “More than 40 hours.” +Determine Tasks, Priorities and Goals— 74% responded “A lot of freedom.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 74% responded “Every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 88% responded “Every day.” +Work Outcomes and Results of Other Workers— 78% responded “Very high responsibility.” +Work With or Contribute to a Work Group or Team— 67% responded “Extremely important.” +Freedom to Make Decisions— 63% responded “A lot of freedom.” +Contact With Others— 55% responded “Constant contact with others.” +Indoors, Not Environmentally Controlled— 59% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 61% responded “Very important results.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Frequency of Decision Making— 52% responded “Every day.” +Written Letters and Memos— 45% responded “Once a week or more but not every day.” +Time Pressure— 47% responded “Once a week or more but not every day.” +Consequence of Error— 68% responded “Extremely serious.” +Outdoors, Exposed to All Weather Conditions— 62% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 54% responded “Extremely important.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 59% responded “Once a week or more but not every day.” +Deal With External Customers or the Public in General— 28% responded “Very important.” +Spend Time Sitting— 52% responded “More than half the time.” +Importance of Repeating Same Tasks— 32% responded “Very important.” +Level of Competition— 28% responded “Moderately competitive.” +Conflict Situations— 50% responded “Once a week or more but not every day.” +Exposed to Contaminants— 37% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 31% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 41% responded “Once a week or more but not every day.” +Exposed to Hazardous Equipment— 47% responded “Once a week or more but not every day.” +Public Speaking— 42% responded “Once a month or more but not every week.”","Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Time Management— Managing one's own time and the time of others. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Financial Resources— Determining how money will be spent to get the work done, and accounting for these expenditures. +Mathematics— Using mathematics to solve problems. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Management of Material Resources— Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Personnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Economics and Accounting— Knowledge of economic and accounting principles and practices, the financial markets, banking, and the analysis and reporting of financial data.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Speech Recognition— The ability to identify and understand the speech of another person. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Speech Clarity— The ability to speak clearly so others can understand you. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Enterprising— Work involves managing, negotiating, marketing, or selling, typically in a business setting, or leading or advising people in political and legal situations. Enterprising occupations are often associated with business initiatives, sales, marketing/advertising, finance, management/administration, professional advising, public speaking, politics, or law.","Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Persistence— Job requires persistence in the face of obstacles. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Biofuels Production Managers +Biomass Power Plant Managers +Energy Engineers, Except Wind and Solar +Gas Plant Operators +Hydroelectric Production Managers +Industrial Production Managers +Power Plant Operators +Quality Control Systems Managers +Water and Wastewater Treatment Plant and System Operators +Wind Energy Operations Managers +Bright Outlook","View the list of Allies +American Geosciences Institute +external site +American Society for Quality +external site +American Society of Power Engineers +external site +Association for Materials Protection and Performance +external site +Association for Supply Chain Management +external site +Geothermal Resources Council +external site +International Association for Energy Economics +external site +International Geothermal Association +external site +Midwest Renewable Energy Association +external site +Northeast Sustainable Energy Association +external site +Northwest Public Power Association +external site +Western Energy Institute +external site +Western States Petroleum Association +external site +Association of Energy Engineers +external site +National Association of Power Engineers +external site",48,4,75,69,72,80,73,64,61,52,20,67,62,59,19,59,35,85,26,41,49,32,28,45,22,70,56,64,30,63,25,4,16 +33-9032.00,Security Guards,https://www.onetonline.org/link/summary/33-9032.00,2025-06-11T19:11:08.798958,"Lock doors and gates of entrances and exits to secure buildings. +Patrol industrial or commercial premises to prevent and detect signs of intrusion and ensure security of doors, windows, and gates. +Respond to medical emergencies by administering basic first aid or by obtaining assistance from paramedics. +Answer alarms and investigate disturbances. +Circulate among visitors, patrons, or employees to preserve order and protect property. +Monitor and authorize entrance and departure of employees, visitors, and other persons to guard against theft and maintain security of premises. +Write reports of daily activities and irregularities, such as equipment or property damage, theft, presence of unauthorized persons, or unusual occurrences. +Warn persons of rule infractions or violations, and apprehend or evict violators from premises, using force when necessary. +Answer telephone calls to take messages, answer questions, and provide information during non-business hours or when switchboard is closed. +Call police or fire departments in cases of emergency, such as fire or presence of unauthorized persons. +Operate detecting devices to screen individuals and prevent passage of prohibited articles into restricted areas. +Inspect and adjust security systems, equipment, or machinery to ensure operational use and to detect evidence of tampering. +Escort or drive motor vehicle to transport individuals to specified locations or to provide personal protection. +Monitor and adjust controls that regulate building systems, such as air conditioning, furnace, or boiler.","Document management software— Microsoft SharePoint +Electronic mail software— Microsoft Outlook +Network monitoring software— Wireshark +Office suite software— Corel WordPerfect Office Suite; Microsoft Office software +Spreadsheet software— IBM Lotus 1-2-3; Microsoft Excel +Transaction security and virus protection software— McAfee; NortonLifeLock cybersecurity software +Video conferencing software— FaceTime +Word processing software— Microsoft Word","Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Operating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Staffing Organizational Units— Recruiting, interviewing, selecting, hiring, and promoting employees in an organization. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money.","Block physical access to restricted areas. +Patrol properties to maintain safety. +Provide first aid or rescue assistance in emergencies. +Investigate illegal or suspicious activities. +Maintain public order or security. +Respond to emergencies to provide assistance. +Monitor access or flow of people to prevent problems. +Prevent unauthorized individuals from entering restricted areas. +Write operational reports. +Use weapons or physical force to maintain security. +Warn individuals about rule violations or safety concerns. +Answer telephones to direct calls or provide information. +Request emergency personnel. +Operate surveillance equipment to detect suspicious or illegal activities. +Inspect equipment to ensure safety or proper functioning. +Drive vehicles to transport individuals or equipment. +Adjust building climate control systems.","Health and Safety of Other Workers— 95% responded “Very high responsibility.” +Deal With External Customers or the Public in General— 95% responded “Extremely important.” +Contact With Others— 90% responded “Constant contact with others.” +Telephone Conversations +Face-to-Face Discussions with Individuals and Within Teams +Freedom to Make Decisions— 68% responded “A lot of freedom.” +Importance of Repeating Same Tasks— 73% responded “Extremely important.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Determine Tasks, Priorities and Goals— 68% responded “A lot of freedom.” +Indoors, Environmentally Controlled +E-Mail— 67% responded “Every day.” +Work With or Contribute to a Work Group or Team— 59% responded “Extremely important.” +Conflict Situations— 23% responded “Once a week or more but not every day.” +Frequency of Decision Making +Coordinate or Lead Others in Accomplishing Work Activities— 15% responded “Very important.” +Work Outcomes and Results of Other Workers— 16% responded “Very high responsibility.” +Impact of Decisions on Co-workers or Company Results— 38% responded “Very important results.” +Spend Time Standing— 72% responded “About half the time.” +Physical Proximity— 24% responded “Moderately close (at arm's length).” +Duration of Typical Work Week— 80% responded “40 hours.” +Exposed to Disease or Infections +Outdoors, Exposed to All Weather Conditions— 39% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 15% responded “Once a week or more but not every day.” +Consequence of Error +Spend Time Sitting +Time Pressure— 37% responded “Never.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Coordination— Adjusting actions in relation to others' actions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do.","Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Telecommunications— Knowledge of transmission, broadcasting, switching, control, and operation of telecommunications systems. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures.","Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Recognition— The ability to identify and understand the speech of another person. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Speech Clarity— The ability to speak clearly so others can understand you. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Correctional Officers and Jailers +Crossing Guards and Flaggers +First-Line Supervisors of Security Workers +Lifeguards, Ski Patrol, and Other Recreational Protective Service Workers +Bright Outlook +Parking Enforcement Workers +Police and Sheriff's Patrol Officers +Public Safety Telecommunicators +Retail Loss Prevention Specialists +Transit and Railroad Police +Transportation Security Screeners","View the list of Allies +ASIS International +external site +Fraternal Order of Police +external site",89,32,45,83,34,75,94,71,69,44,25,49,25,77,49,64,49,35,41,49,52,54,46,70,51,34,37,27,38,39,45,32,41 +47-2152.04,Solar Thermal Installers and Technicians,https://www.onetonline.org/link/summary/47-2152.04,2025-06-11T19:19:16.415608,"Test operation or functionality of mechanical, plumbing, electrical, and control systems. +Apply weather seal, such as pipe flashings and sealants, to roof penetrations and structural devices. +Install solar collector mounting devices on tile, asphalt, shingle, or built-up gravel roofs, using appropriate materials and penetration methods. +Install copper or plastic plumbing using pipes, fittings, pipe cutters, acetylene torches, solder, wire brushes, sand cloths, flux, plastic pipe cleaners, or plastic glue. +Identify plumbing, electrical, environmental, or safety hazards associated with solar thermal installations. +Demonstrate start-up, shut-down, maintenance, diagnostic, and safety procedures to thermal system owners. +Install circulating pumps using pipe, fittings, soldering equipment, electrical supplies, and hand tools. +Install flat-plat, evacuated glass, or concentrating solar collectors on mounting devices, using brackets or struts. +Install solar thermal system controllers and sensors. +Fill water tanks and check tanks, pipes, and fittings for leaks. +Design active direct or indirect, passive direct or indirect, or pool solar systems. +Determine locations for installing solar subsystem components, including piping, water heaters, valves, and ancillary equipment. +Perform routine maintenance or repairs to restore solar thermal systems to baseline operating conditions. +Install heat exchangers and heat exchanger fluids according to installation manuals and schematics. +Apply operation or identification tags or labels to system components, as required. +Connect water heaters and storage tanks to power and water sources. +Cut, miter, and glue piping insulation to insulate plumbing pipes and fittings. +Install plumbing, such as dip tubes, port fittings, drain tank valves, pressure temperature relief valves, or tanks, according to manufacturer specifications and building codes. +Install monitoring system components, such as flow meters, temperature gauges, and pressure gauges, according to system design and manufacturer specifications. +Assess collector sites to ensure structural integrity of potential mounting surfaces or the best orientation and tilt for solar collectors. +Apply ultraviolet radiation protection to prevent degradation of plumbing.","Calendar and scheduling software— Work scheduling software +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes CATIA; Dassault Systemes SolidWorks; PTC Pro/ENGINEER Wildfire;1 more +Computer aided manufacturing CAM software— 1CadCam Unigraphics +Customer relationship management CRM software— Salesforce software +Development environment software— Microsoft Visual Basic for Applications VBA; National Instruments LabVIEW +Electronic mail software— Microsoft Outlook +Graphics or photo imaging software— Adobe Photoshop +Inventory management software— Inventory control system software +Object or component oriented development software— Oracle Java +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Project management software— Cost estimating software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions.","Inspect plumbing systems or fixtures. +Inspect industrial or commercial equipment to ensure proper operation. +Test electrical equipment or systems to ensure proper functioning. +Apply sealants or other protective coatings. +Install solar energy systems. +Install plumbing or piping. +Communicate with clients about products, procedures, and policies. +Determine appropriate locations for operations or installations. +Maintain mechanical equipment. +Pour materials into or on designated areas. +Apply adhesives to construction materials. +Apply identification labels or tags. +Cut carpet, vinyl or other flexible materials. +Install insulation in equipment or structures. +Install gauges or controls. +Assess locations for potential green technology installations.","Freedom to Make Decisions— 77% responded “A lot of freedom.” +Time Pressure— 55% responded “Every day.” +Determine Tasks, Priorities and Goals— 46% responded “A lot of freedom.” +Frequency of Decision Making— 60% responded “Every day.” +Deal With External Customers or the Public in General— 51% responded “Extremely important.” +Importance of Being Exact or Accurate— 41% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 43% responded “Very important results.” +Outdoors, Exposed to All Weather Conditions— 60% responded “Every day.” +Telephone Conversations— 65% responded “Every day.” +Work With or Contribute to a Work Group or Team— 57% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 55% responded “Every day.” +Contact With Others— 44% responded “Constant contact with others.” +Health and Safety of Other Workers— 37% responded “High responsibility.” +Exposed to High Places— 49% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 41% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 37% responded “Important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +Work Outcomes and Results of Other Workers— 33% responded “High responsibility.” +Spend Time Standing— 35% responded “Continually or almost continually.” +Duration of Typical Work Week— 51% responded “40 hours.” +E-Mail— 40% responded “Once a week or more but not every day.” +In an Enclosed Vehicle or Operate Enclosed Equipment— 56% responded “Once a week or more but not every day.” +Exposed to Very Hot or Cold Temperatures— 29% responded “Once a week or more but not every day.” +Consequence of Error— 26% responded “Extremely serious.” +Physical Proximity— 48% responded “Moderately close (at arm's length).” +Exposed to Cramped Work Space, Awkward Positions— 41% responded “Once a week or more but not every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 31% responded “Once a month or more but not every week.” +Exposed to Extremely Bright or Inadequate Lighting Conditions— 30% responded “Once a week or more but not every day.” +Level of Competition— 43% responded “Highly competitive.” +Spend Time Kneeling, Crouching, Stooping, or Crawling— 28% responded “Less than half the time.” +Indoors, Environmentally Controlled— 42% responded “Once a month or more but not every week.” +Spend Time Climbing Ladders, Scaffolds, or Poles— 51% responded “Less than half the time.” +Exposed to Hazardous Equipment— 40% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 18% responded “Never.” +Written Letters and Memos— 35% responded “Once a year or more but not every month.” +Outdoors, Under Cover— 28% responded “Once a year or more but not every month.” +Spend Time Keeping or Regaining Balance— 31% responded “Less than half the time.”","Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Speaking— Talking to others to convey information effectively. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Instructing— Teaching others how to do something. +Service Orientation— Actively looking for ways to help people.","Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Extent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speech Clarity— The ability to speak clearly so others can understand you. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Far Vision— The ability to see details at a distance. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Expression— The ability to communicate information and ideas in writing so others will understand.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.","Control and Valve Installers and Repairers, Except Mechanical Door +Geothermal Technicians +Heating, Air Conditioning, and Refrigeration Mechanics and Installers +Bright Outlook +Insulation Workers, Floor, Ceiling, and Wall +Insulation Workers, Mechanical +Plumbers, Pipefitters, and Steamfitters +Solar Energy Installation Managers +Solar Energy Systems Engineers +Solar Photovoltaic Installers +Wind Turbine Service Technicians","View the list of Allies +Home Builders Institute +external site +Mechanical Contractors Association of America +external site +National Fire Sprinkler Association +external site +Plumbing-Heating-Cooling Contractors Association +external site +American Fire Sprinkler Association +external site +National Center for Construction Education and Research +external site +United Association of Journeymen and Apprentices of the Plumbing and Pipe Fitting Industry +external site",86,,63,77,50,60,70,73,47,41,46,33,16,65,40,43,25,93,5,41,10,2,5,27,1,75,91,43,8,73,21,1,7 +35-3023.01,Baristas,https://www.onetonline.org/link/summary/35-3023.01,2025-06-11T19:11:56.866765,"Receive and process customer payments. +Prepare or serve hot or cold beverages, such as coffee, espresso drinks, blended coffees, or teas. +Take customer orders and convey them to other employees for preparation. +Clean or sanitize work areas, utensils, or equipment. +Describe menu items to customers, or suggest products that might appeal to them. +Clean service or seating areas. +Serve prepared foods, such as muffins, biscotti, or bagels. +Prepare or serve menu items, such as sandwiches or salads. +Set up or restock product displays. +Weigh, grind, or pack coffee beans for customers. +Stock customer service stations with paper products or beverage preparation items. +Wrap, label, or date food items for sale. +Provide customers with product details, such as coffee blend or preparation descriptions. +Take out garbage. +Order, receive, or stock supplies or retail products. +Slice fruits, vegetables, desserts, or meats for use in food service. +Check temperatures of freezers, refrigerators, or heating equipment to ensure proper functioning. +Demonstrate the use of retail equipment, such as espresso machines. +Create signs to advertise store products or events.","Accounting software +Office suite software— Microsoft Office software +Point of sale POS software +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Selling or Influencing Others— Convincing others to buy merchandise/goods or to otherwise change their minds or actions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others.","Process customer bills or payments. +Serve food or beverages. +Prepare hot or cold beverages. +Clean food service areas. +Clean tableware. +Communicate dining or order details to kitchen personnel. +Take customer orders. +Present food or beverage information or menus to customers. +Cook foods. +Set up merchandise displays. +Package food or supplies. +Measure ingredients. +Stock serving stations or dining areas with food or supplies. +Remove trash. +Order materials, supplies, or equipment. +Store supplies or goods in kitchens or storage areas. +Cut cooked or raw foods. +Assess equipment functioning. +Train food preparation or food service personnel. +Write advertising or promotional material.","Spend Time Standing— 88% responded “Continually or almost continually.” +Contact With Others— 87% responded “Constant contact with others.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 74% responded “Continually or almost continually.” +Deal With External Customers or the Public in General— 70% responded “Extremely important.” +Face-to-Face Discussions with Individuals and Within Teams— 71% responded “Every day.” +Spend Time Making Repetitive Motions— 41% responded “More than half the time.” +Work With or Contribute to a Work Group or Team— 56% responded “Extremely important.” +Freedom to Make Decisions— 39% responded “A lot of freedom.” +Physical Proximity— 46% responded “Moderately close (at arm's length).” +Indoors, Environmentally Controlled— 65% responded “Every day.” +Dealing With Unpleasant, Angry, or Discourteous People— 36% responded “Every day.” +Importance of Being Exact or Accurate— 36% responded “Important.” +Determine Tasks, Priorities and Goals— 37% responded “Some freedom.” +Frequency of Decision Making— 33% responded “Every day.” +Telephone Conversations— 32% responded “Every day.” +Exposed to Minor Burns, Cuts, Bites, or Stings— 39% responded “Once a month or more but not every week.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 35% responded “Every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 24% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 40% responded “Minor results.” +Conflict Situations— 53% responded “Once a month or more but not every week.” +Importance of Repeating Same Tasks— 29% responded “Important.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Service Orientation— Actively looking for ways to help people. +Speaking— Talking to others to convey information effectively. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Sales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources). +Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Written Comprehension— The ability to read and understand information and ideas presented in writing.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Integrity— Job requires being honest and ethical. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.","Bartenders +Bright Outlook +Cooks, Fast Food +Cooks, Private Household +Cooks, Restaurant +Cooks, Short Order +Dining Room and Cafeteria Attendants and Bartender Helpers +Fast Food and Counter Workers +Food Preparation Workers +Food Servers, Nonrestaurant +Waiters and Waitresses","View the list of Allies +National Restaurant Association +external site",81,44,25,57,38,39,28,25,27,24,51,33,25,36,20,20,31,21,10,20,20,11,14,25,13,13,13,11,8,14,13,18,11 +29-1123.00,Physical Therapists,https://www.onetonline.org/link/summary/29-1123.00,2025-06-11T19:05:24.567179,"Plan, prepare, or carry out individually designed programs of physical treatment to maintain, improve, or restore physical functioning, alleviate pain, or prevent physical dysfunction in patients. +Perform and document an initial exam, evaluating data to identify problems and determine a diagnosis prior to intervention. +Record prognosis, treatment, response, and progress in patient's chart or enter information into computer. +Instruct patient and family in treatment procedures to be continued at home. +Evaluate effects of treatment at various stages and adjust treatments to achieve maximum benefit. +Confer with the patient, medical practitioners, or appropriate others to plan, implement, or assess the intervention program. +Administer manual exercises, massage, or traction to help relieve pain, increase patient strength, or decrease or prevent deformity or crippling. +Obtain patients' informed consent to proposed interventions. +Test and measure patient's strength, motor development and function, sensory perception, functional capacity, or respiratory or circulatory efficiency and record data. +Direct, supervise, assess, and communicate with supportive personnel. +Review physician's referral and patient's medical records to help determine diagnosis and physical therapy treatment required. +Identify and document goals, anticipated progress, and plans for reevaluation. +Provide information to the patient about the proposed intervention, its material risks and expected benefits, and any reasonable alternatives. +Provide educational information about physical therapy or physical therapists, injury prevention, ergonomics, or ways to promote health. +Inform patients and refer to appropriate practitioners when diagnosis reveals findings outside physical therapy. +Discharge patient from physical therapy when goals or projected outcomes have been attained and provide for appropriate follow-up care or referrals. +Administer treatment involving application of physical agents, using equipment, moist packs, ultraviolet or infrared lamps, or ultrasound machines. +Refer clients to community resources or services. +Construct, maintain, or repair medical supportive devices. +Evaluate, fit, or adjust prosthetic or orthotic devices or recommend modification to orthotist. +Teach physical therapy students or those in other health professions. +Conduct or support research and apply research findings to practice. +Participate in community or community agency activities or help to formulate public policy. +Direct group rehabilitation activities.","Accounting software— MediGraph +Action games— Biometrics video game software +Analytical or scientific software— Cedaron Dexter Evaluation & Impairment Rating +Calendar and scheduling software— SpectraSoft AppointmentsCS +Electronic mail software— Microsoft Outlook +Medical software— Clinicient Insight; eClinicalWorks EHR software; Medical procedure coding software; MEDITECH software;7 more +Office suite software— Microsoft Office software +Spreadsheet software— Microsoft Excel +Word processing software— Exercise routine creation software; Microsoft Word","Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing Administrative Activities— Performing day-to-day administrative tasks such as maintaining information files and processing paperwork. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members.","Record patient medical histories. +Analyze patient data to determine patient needs or treatment goals. +Examine patients to assess general physical condition. +Develop medical treatment plans. +Enter patient or treatment data into computers. +Process healthcare paperwork. +Treat patients using physical therapy techniques. +Collaborate with healthcare professionals to plan or provide treatment. +Evaluate patient outcomes to determine effectiveness of treatments. +Monitor patient progress or responses to treatments. +Train patients, family members, or caregivers in techniques for managing disabilities or illnesses. +Supervise medical support personnel. +Test patient heart or lung functioning. +Establish treatment goals. +Communicate health and wellness information to the public. +Explain medical procedures or test results to patients or family members. +Refer patients to other healthcare practitioners or health resources. +Communicate detailed medical information to patients or family members. +Operate diagnostic or therapeutic medical instruments or equipment. +Fabricate medical devices. +Adjust prostheses or other assistive devices. +Advise medical personnel regarding healthcare issues. +Train medical providers. +Conduct research to increase knowledge about medical issues. +Advise others on matters of public policy. +Design public or employee health programs. +Direct healthcare delivery programs.","Contact With Others— 94% responded “Constant contact with others.” +Physical Proximity— 93% responded “Very close (near touching).” +Indoors, Environmentally Controlled— 88% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 80% responded “Every day.” +Freedom to Make Decisions— 82% responded “A lot of freedom.” +Deal With External Customers or the Public in General— 78% responded “Extremely important.” +Frequency of Decision Making— 83% responded “Every day.” +Work With or Contribute to a Work Group or Team— 73% responded “Extremely important.” +Impact of Decisions on Co-workers or Company Results— 62% responded “Very important results.” +Telephone Conversations— 57% responded “Every day.” +Determine Tasks, Priorities and Goals— 47% responded “A lot of freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 62% responded “Extremely important.” +Time Pressure— 51% responded “Every day.” +Health and Safety of Other Workers— 55% responded “Very high responsibility.” +Work Outcomes and Results of Other Workers— 25% responded “Moderate responsibility.” +E-Mail— 36% responded “Every day.” +Spend Time Standing— 61% responded “More than half the time.” +Consequence of Error— 40% responded “Very serious.” +Dealing With Unpleasant, Angry, or Discourteous People— 32% responded “Every day.” +Importance of Repeating Same Tasks— 35% responded “Extremely important.” +Written Letters and Memos— 39% responded “Once a week or more but not every day.” +Exposed to Disease or Infections— 36% responded “Once a week or more but not every day.” +Importance of Being Exact or Accurate— 36% responded “Very important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 41% responded “Continually or almost continually.” +Conflict Situations— 31% responded “Once a year or more but not every month.” +Spend Time Bending or Twisting Your Body— 38% responded “About half the time.” +Spend Time Making Repetitive Motions— 46% responded “More than half the time.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 23% responded “Every day.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Service Orientation— Actively looking for ways to help people. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Time Management— Managing one's own time and the time of others. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Instructing— Teaching others how to do something. +Coordination— Adjusting actions in relation to others' actions. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior.","Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction. +Therapy and Counseling— Knowledge of principles, methods, and procedures for diagnosis, treatment, and rehabilitation of physical and mental dysfunctions, and for career counseling and guidance. +Medicine and Dentistry— Knowledge of the information and techniques needed to diagnose and treat human injuries, diseases, and deformities. This includes symptoms, treatment alternatives, drug properties and interactions, and preventive health-care measures. +Psychology— Knowledge of human behavior and performance; individual differences in ability, personality, and interests; learning and motivation; psychological research methods; and the assessment and treatment of behavioral and affective disorders. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Administration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Administrative— Knowledge of administrative and office procedures and systems such as word processing, managing files and records, stenography and transcription, designing forms, and workplace terminology.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Static Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects. +Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without ""giving out"" or fatiguing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Persistence— Job requires persistence in the face of obstacles. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.","Acute Care Nurses +Bright Outlook +Advanced Practice Psychiatric Nurses +Clinical Nurse Specialists +Emergency Medicine Physicians +Nurse Practitioners +Occupational Therapists +Orthopedic Surgeons, Except Pediatric +Pediatric Surgeons +Physical Medicine and Rehabilitation Physicians +Recreational Therapists","View the list of Allies +American Academy of Orthopedic Manual Physical Therapists +external site +American Occupational Therapy Association +external site +American Physical Therapy Association +external site +International Association for Dance Medicine and Science +external site +National Athletic Trainers' Association +external site +National Strength and Conditioning Association +external site",90,2,17,75,41,55,43,75,52,34,41,47,36,44,23,45,41,27,26,13,78,90,53,23,89,17,9,55,68,9,10,8,2 +25-1126.00,"Philosophy and Religion Teachers, Postsecondary",https://www.onetonline.org/link/summary/25-1126.00,2025-06-11T19:01:03.725989,"Evaluate and grade students' class work, assignments, and papers. +Initiate, facilitate, and moderate classroom discussions. +Prepare and deliver lectures to undergraduate or graduate students and the community on topics such as ethics, logic, and contemporary religious thought. +Compile, administer, and grade examinations, or assign this work to others. +Prepare course materials, such as syllabi, homework assignments, and handouts. +Keep abreast of developments in the field by reading current literature, talking with colleagues, and participating in professional conferences. +Maintain student attendance records, grades, and other required records. +Write articles and books. +Perform administrative duties, such as serving as department head. +Conduct research in a particular field of knowledge and publish findings in professional journals, books, or electronic media. +Plan, evaluate, and revise curricula, course content, course materials, and methods of instruction. +Maintain regularly scheduled office hours to advise and assist students. +Advise students on academic and vocational curricula and on career issues. +Supervise undergraduate or graduate teaching, internship, and research work. +Select and obtain materials and supplies, such as textbooks. +Collaborate with colleagues to address teaching and research issues. +Serve on academic or administrative committees that deal with institutional policies, departmental matters, and academic issues. +Participate in student recruitment, registration, and placement activities. +Compile bibliographies of specialized materials for outside reading assignments. +Participate in campus and community events. +Act as advisers to student organizations. +Write grant proposals to procure external research funding.","Analytical or scientific software— Gateway to Logic +Calendar and scheduling software +Computer based training software— Blackboard Learn; Learning management system LMS; Moodle; Sakai CLE;2 more +Data base user interface and query software— InteLext Past Masters; Philosopher's Information Center The Philosopher's Index +Dictionary software— University of California Thesaurus Linguae Graecae TLG +Electronic mail software— Email software; Microsoft Outlook +Information retrieval or search software— DOC Cop; iParadigms Turnitin +Internet browser software— Web browser software +Office suite software— Microsoft Office software +Optical character reader OCR or scanning software— Image scanning software +Presentation software— Microsoft PowerPoint +Spreadsheet software— Microsoft Excel +Word processing software— Collaborative editing software; Google Docs; Microsoft Word","Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Resolving Conflicts and Negotiating with Others— Handling complaints, settling disputes, and resolving grievances and conflicts, or otherwise negotiating with others. +Assisting and Caring for Others— Providing personal assistance, medical attention, emotional support, or other personal care to others such as coworkers, customers, or patients. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Performing for or Working Directly with the Public— Performing for people or dealing directly with the public. This includes serving customers in restaurants and stores, and receiving clients or guests. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics.","Evaluate student work. +Guide class discussions. +Teach humanities courses at the college level. +Administer tests to assess educational needs or progress. +Prepare tests. +Develop instructional materials. +Attend training sessions or professional meetings to develop or maintain professional knowledge. +Stay informed about current developments in field of specialization. +Maintain student records. +Research topics in area of expertise. +Write articles, books or other original materials in area of expertise. +Direct department activities. +Advise students on academic or career matters. +Develop instructional objectives. +Evaluate effectiveness of educational programs. +Supervise student research or internship work. +Order instructional or library materials or equipment. +Select educational materials or equipment. +Serve on institutional or departmental committees. +Perform student enrollment or registration activities. +Promote educational institutions or programs. +Compile specialized bibliographies or lists of materials. +Plan community programs or activities for the general public. +Write grant proposals.","E-Mail— 96% responded “Every day.” +Freedom to Make Decisions— 73% responded “A lot of freedom.” +Indoors, Environmentally Controlled— 69% responded “Every day.” +Determine Tasks, Priorities and Goals— 72% responded “A lot of freedom.” +Contact With Others— 51% responded “Contact with others most of the time.” +Face-to-Face Discussions with Individuals and Within Teams— 47% responded “Every day.” +Importance of Being Exact or Accurate— 48% responded “Extremely important.” +Public Speaking— 54% responded “Once a week or more but not every day.” +Duration of Typical Work Week— 69% responded “More than 40 hours.” +Spend Time Sitting— 35% responded “About half the time.” +Frequency of Decision Making— 41% responded “Every day.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Important results.” +Time Pressure— 36% responded “Once a month or more but not every week.” +Level of Competition— 39% responded “Extremely competitive.” +Work With or Contribute to a Work Group or Team— 42% responded “Very important.” +Written Letters and Memos— 26% responded “Once a week or more but not every day.” +Coordinate or Lead Others in Accomplishing Work Activities— 29% responded “Extremely important.” +Telephone Conversations— 33% responded “Once a month or more but not every week.”","Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Instructing— Teaching others how to do something. +Speaking— Talking to others to convey information effectively. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Coordination— Adjusting actions in relation to others' actions. +Service Orientation— Actively looking for ways to help people. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Time Management— Managing one's own time and the time of others.","Philosophy and Theology— Knowledge of different philosophical systems and religions. This includes their basic principles, values, ethics, ways of thinking, customs, practices, and their impact on human culture. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +History and Archeology— Knowledge of historical events and their causes, indicators, and effects on civilizations and cultures. +Sociology and Anthropology— Knowledge of group behavior and dynamics, societal trends and influences, human migrations, ethnicity, cultures, and their history and origins. +Law and Government— Knowledge of laws, legal codes, court procedures, precedents, government regulations, executive orders, agency rules, and the democratic political process.","Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Speech Clarity— The ability to speak clearly so others can understand you. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Speech Recognition— The ability to identify and understand the speech of another person. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Memorization— The ability to remember information such as words, numbers, pictures, and procedures.","Social— Work involves helping, teaching, advising, assisting, or providing service to others. Social occupations are often associated with social, health care, personal service, teaching/education, or religious activities. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Integrity— Job requires being honest and ethical. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Persistence— Job requires persistence in the face of obstacles. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.","Anthropology and Archeology Teachers, Postsecondary +Area, Ethnic, and Cultural Studies Teachers, Postsecondary +Communications Teachers, Postsecondary +Education Teachers, Postsecondary +English Language and Literature Teachers, Postsecondary +History Teachers, Postsecondary +Law Teachers, Postsecondary +Political Science Teachers, Postsecondary +Psychology Teachers, Postsecondary +Sociology Teachers, Postsecondary","View the list of Allies +American Academy of Religion +external site +American Association of Philosophy Teachers +external site +American Catholic Philosophical Association +external site +American Philosophical Association +external site +Association for Theological Field Education +external site +Catholic Biblical Association of America +external site +Catholic Theological Society of America +external site +Council of Graduate Schools +external site +Religious Education Association +external site +Society for Asian and Comparative Philosophy +external site +Society for Phenomenology and Existential Philosophy +external site +Society of Biblical Literature +external site +The College Theology Society +external site +The Evangelical Theological Society +external site +The Hegel Society of America +external site +The Society of Christian Ethics +external site",48,,1,90,28,22,14,79,34,9,10,29,2,49,39,51,49,,96,10,47,21,54,21,10,,,5,13,5,27,23,62 +17-2071.00,Electrical Engineers,https://www.onetonline.org/link/summary/17-2071.00,2025-06-11T18:53:40.475510,"Design, implement, maintain, or improve electrical instruments, equipment, facilities, components, products, or systems for commercial, industrial, or domestic purposes. +Oversee project production efforts to assure projects are completed on time and within budget. +Direct or coordinate manufacturing, construction, installation, maintenance, support, documentation, or testing activities to ensure compliance with specifications, codes, or customer requirements. +Perform detailed calculations to compute and establish manufacturing, construction, or installation standards or specifications. +Operate computer-assisted engineering or design software or equipment to perform engineering tasks. +Confer with engineers, customers, or others to discuss existing or potential engineering projects or products. +Investigate or test vendors' or competitors' products. +Inspect completed installations and observe operations to ensure conformance to design and equipment specifications and compliance with operational, safety, or environmental standards. +Investigate customer or public complaints to determine the nature and extent of problems. +Prepare technical drawings, specifications of electrical systems, or topographical maps to ensure that installation and operations conform to standards and customer requirements. +Compile data and write reports regarding existing or potential electrical engineering studies or projects. +Prepare specifications for purchases of materials or equipment. +Estimate labor, material, or construction costs for budget preparation purposes. +Plan or implement research methodology or procedures to apply principles of electrical theory to engineering projects. +Supervise or train project team members, as necessary. +Assist in developing capital project programs for new equipment or major repairs. +Collect data relating to commercial or residential development, population, or power system interconnection to determine operating efficiency of electrical systems. +Develop systems that produce electricity with renewable energy sources, such as wind, solar, or biofuels. +Develop software to control electrical systems. +Integrate electrical systems with renewable energy systems to improve overall efficiency. +Conduct field surveys or study maps, graphs, diagrams, or other data to identify and correct power system problems. +Design electrical systems or components that minimize electric energy requirements, such as lighting systems designed to account for natural lighting.","Analytical or scientific software— MathWorks Simulink; Minitab; Powersim PSIM; The MathWorks MATLAB;39 more +Computer aided design CAD software— Autodesk AutoCAD Civil 3D; Autodesk Revit; Bentley MicroStation; Dassault Systemes SolidWorks;19 more +Computer aided manufacturing CAM software— Rapid prototyping software +Configuration management software— Perforce Helix software +Data base user interface and query software— Microsoft SQL Server +Development environment software— C; Eclipse IDE; Microsoft Visual Basic for Applications VBA; Microsoft Visual Studio;11 more +Electronic mail software— IBM Notes +Enterprise resource planning ERP software— SAP software +File versioning software— Apache Subversion SVN +Financial analysis software— Oracle E-Business Suite Financials +Geographic information system— ESRI ArcGIS software; ETAP +Graphics or photo imaging software— SmugMug Flickr +Industrial control software— AVEVA InTouch HMI; Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Object or component oriented development software— C#; C++; Perl; Python;2 more +Office suite software— Microsoft Office software +Operating system software— Bash; Microsoft Windows Server; Shell script; UNIX;2 more +Presentation software— Microsoft PowerPoint +Process mapping and design software— Microsoft Visio +Program testing software— Debugging software; Defect tracking software +Project management software— Microsoft Project; Oracle Primavera Enterprise Project Portfolio Management +Requirements analysis and system architecture software— Requirements management software; Unified modeling language UML +Spreadsheet software— Microsoft Excel +WAN switching software and firmware— ATD protocol; X.25 Protocol +Word processing software— Microsoft OneNote; Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.","Design electrical equipment or systems. +Design structures or facilities. +Maintain electronic equipment. +Direct industrial production activities. +Direct construction activities. +Direct equipment maintenance or repair activities. +Direct installation activities. +Estimate technical or resource requirements for development or production projects. +Operate computer systems. +Confer with technical personnel to prepare designs or operational plans. +Discuss designs or plans with clients. +Test products for functionality or quality. +Inspect operational processes. +Collect data about project sites. +Monitor the productivity or efficiency of industrial operations. +Create electrical schematics. +Investigate system, equipment, or product failures. +Design alternative energy systems. +Prepare operational reports. +Design control systems for mechanical or other equipment. +Develop software or applications for scientific or technical use. +Develop software or computer applications. +Estimate operational costs. +Prepare project budgets. +Devise research or testing protocols. +Supervise engineering or other technical personnel. +Train personnel on proper operational procedures. +Design energy-efficient equipment or systems. +Survey land or bodies of water to measure or determine features.","E-Mail— 87% responded “Every day.” +Telephone Conversations— 80% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 70% responded “Every day.” +Indoors, Environmentally Controlled— 77% responded “Every day.” +Determine Tasks, Priorities and Goals— 70% responded “A lot of freedom.” +Importance of Being Exact or Accurate— 61% responded “Extremely important.” +Freedom to Make Decisions— 61% responded “A lot of freedom.” +Contact With Others— 48% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 44% responded “Extremely important.” +Duration of Typical Work Week— 58% responded “More than 40 hours.” +Frequency of Decision Making— 39% responded “Every day.” +Spend Time Sitting— 48% responded “More than half the time.” +Impact of Decisions on Co-workers or Company Results— 37% responded “Very important results.” +Time Pressure— 39% responded “Once a week or more but not every day.” +Importance of Repeating Same Tasks— 47% responded “Very important.” +Work Outcomes and Results of Other Workers— 47% responded “High responsibility.” +Coordinate or Lead Others in Accomplishing Work Activities— 36% responded “Very important.” +Level of Competition— 40% responded “Highly competitive.” +Conflict Situations— 42% responded “Once a month or more but not every week.” +Physical Proximity— 38% responded “I work with others but not closely (e.g., private office).” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 41% responded “Every day.” +Deal With External Customers or the Public in General— 38% responded “Important.” +Health and Safety of Other Workers— 34% responded “Limited responsibility.” +Consequence of Error— 32% responded “Fairly serious.” +Written Letters and Memos— 29% responded “Never.”","Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Speaking— Talking to others to convey information effectively. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Mathematics— Using mathematics to solve problems. +Coordination— Adjusting actions in relation to others' actions. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Operations Analysis— Analyzing needs and product requirements to create a design. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Management of Personnel Resources— Motivating, developing, and directing people as they work, identifying the best people for the job. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Science— Using scientific rules and methods to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Time Management— Managing one's own time and the time of others.","Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Design— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Public Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions. +Customer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.","Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Speech Recognition— The ability to identify and understand the speech of another person. +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Far Vision— The ability to see details at a distance. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material.","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions. +Independence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Persistence— Job requires persistence in the face of obstacles. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Integrity— Job requires being honest and ethical. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Social Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job.","Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Electrical and Electronics Repairers, Powerhouse, Substation, and Relay +Electronics Engineers, Except Computer +Bright Outlook +Industrial Engineers +Mechanical Engineering Technologists and Technicians +Mechanical Engineers +Mechatronics Engineers +Microsystems Engineers +Solar Energy Systems Engineers","View the list of Allies +American Society for Engineering Education +external site +Illuminating Engineering Society +external site +Institute of Electrical and Electronics Engineers +external site +IPC +external site +National Fire Protection Association +external site +National Society of Professional Engineers +external site +SAE International +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +International Society of Automation +external site +National Council of Examiners for Engineering and Surveying +external site",53,8,56,69,68,47,55,47,48,33,30,32,34,92,14,34,36,55,9,28,19,7,11,40,7,94,33,65,4,78,20,3,8 +17-3024.00,Electro-Mechanical and Mechatronics Technologists and Technicians,https://www.onetonline.org/link/summary/17-3024.00,2025-06-11T18:55:13.979735,"Test performance of electromechanical assemblies, using test instruments such as oscilloscopes, electronic voltmeters, or bridges. +Install or program computer hardware or machine or instrumentation software in microprocessor-based systems. +Read blueprints, schematics, diagrams, or technical orders to determine methods and sequences of assembly. +Modify, maintain, or repair electrical, electronic, or mechanical components, equipment, or systems to ensure proper functioning. +Inspect parts for surface defects. +Install electrical or electronic parts and hardware in housings or assemblies, using soldering equipment and hand tools. +Verify part dimensions or clearances to ensure conformance to specifications, using precision measuring instruments. +Fabricate or assemble mechanical, electrical, or electronic components or assemblies. +Align, fit, or assemble component parts, using hand or power tools, fixtures, templates, or microscopes. +Produce electrical, electronic, or mechanical drawings or other related documents or graphics necessary for electromechanical design, using computer-aided design (CAD) software. +Select electromechanical equipment, materials, components, or systems to meet functional specifications. +Establish and maintain inventory, records, or documentation systems. +Develop, test, or program new robots. +Prepare written documentation of electromechanical test results. +Repair, rework, or calibrate hydraulic or pneumatic assemblies or systems to meet operational specifications or tolerances. +Select and use laboratory, operational, or diagnostic techniques or test equipment to assess electromechanical circuits, equipment, processes, systems, or subsystems. +Operate, test, or maintain robotic equipment used for green production applications, such as waste-to-energy conversion systems, minimization of material waste, or replacement of human operators in dangerous work environments. +Determine whether selected electromechanical components comply with environmental standards and regulations. +Develop or implement programs related to the environmental impact of engineering activities. +Train others to install, use, or maintain robots. +Analyze engineering designs of logic or digital circuitry, motor controls, instrumentation, or data acquisition for implementation into new or existing automated, servomechanical, or other electromechanical systems. +Conduct statistical studies to analyze or compare production costs for sustainable and nonsustainable designs. +Specify, coordinate, or conduct quality-control or quality-assurance programs and procedures. +Operate metalworking machines to fabricate housings, jigs, fittings, or fixtures. +Translate electromechanical drawings into design specifications, applying principles of engineering, thermal or fluid sciences, mathematics, or statistics. +Identify energy-conserving production or fabrication methods, such as by bending metal rather than cutting and welding or casting metal. +Assist engineers to implement electromechanical designs in industrial or other settings. +Consult with machinists to ensure that electromechanical equipment or systems meet design specifications. +Program and calibrate drones for specific missions or tasks, ensuring proper functionality and performance.","Analytical or scientific software— ESRI ArcGIS software; MathWorks Simulink; Pix4D software; The MathWorks MATLAB;7 more +Computer aided design CAD software— Autodesk AutoCAD; Dassault Systemes SolidWorks; National Instruments Ultiboard; PTC Creo Parametric;2 more +Computer aided manufacturing CAM software— Rapid prototyping software +Data base user interface and query software— Microsoft Access +Development environment software— National Instruments LabVIEW +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— Manufacturing resource planning MRP software; Oracle Agile Product Lifecycle Management PLM; SAP software +Facilities management software— Computerized maintenance management system CMMS +Graphics or photo imaging software— McNeel Rhinoceros 3D +Industrial control software— Human machine interface HMI software; Motion control software; Programmable logic controller PLC software; Supervisory control and data acquisition SCADA software +Object or component oriented development software— C++; Python +Office suite software— Microsoft Office software +Operating system software— Linux; UNIX +Presentation software— Microsoft PowerPoint +Process mapping and design software— MindJet MindManager +Program testing software— Rockwell RSLogix +Project management software— Airdata +Spreadsheet software— Microsoft Excel +Word processing software— Microsoft Word","Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Repairing and Maintaining Electronic Equipment— Servicing, repairing, calibrating, regulating, fine-tuning, or testing machines, devices, and equipment that operate primarily on the basis of electrical or electronic (not mechanical) principles. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Controlling Machines and Processes— Using either control mechanisms or direct physical activity to operate machines or processes (not including computers or vehicles). +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Repairing and Maintaining Mechanical Equipment— Servicing, repairing, adjusting, and testing machines, devices, moving parts, and equipment that operate primarily on the basis of mechanical (not electronic) principles. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Performing General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials. +Drafting, Laying Out, and Specifying Technical Devices, Parts, and Equipment— Providing documentation, detailed instructions, drawings, or specifications to tell others about how devices, parts, equipment, or structures are to be fabricated, constructed, assembled, modified, maintained, or used. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used.","Test performance of electrical, electronic, mechanical, or integrated systems or equipment. +Design electromechanical equipment or systems. +Program robotic equipment. +Develop software or computer applications. +Maintain electromechanical equipment. +Maintain electronic equipment. +Review technical documents to plan work. +Document design or operational test results. +Inspect finished products to locate flaws. +Install instrumentation or electronic equipment or systems. +Calibrate scientific or technical equipment. +Assemble equipment or components. +Fabricate devices or components. +Create schematic drawings for electronics. +Operate industrial equipment. +Evaluate characteristics of equipment or systems. +Select project materials. +Determine operational methods. +Develop technical methods or processes. +Maintain operational records or records systems. +Train personnel on proper operational procedures. +Analyze design requirements for computer or electronics systems. +Analyze costs and benefits of proposed designs or projects. +Direct quality control activities. +Fabricate products or components using machine tools. +Determine design criteria or specifications. +Develop operational methods or processes that use green materials or emphasize sustainability. +Discuss design or technical features of products or services with technical personnel. +Implement design or process improvements.","Face-to-Face Discussions with Individuals and Within Teams— 85% responded “Every day.” +Importance of Being Exact or Accurate— 70% responded “Extremely important.” +Duration of Typical Work Week— 71% responded “More than 40 hours.” +Indoors, Environmentally Controlled— 80% responded “Every day.” +Time Pressure— 49% responded “Every day.” +Contact With Others— 56% responded “Constant contact with others.” +Work With or Contribute to a Work Group or Team— 49% responded “Extremely important.” +Spend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 52% responded “Continually or almost continually.” +E-Mail— 77% responded “Every day.” +Frequency of Decision Making— 67% responded “Every day.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 64% responded “Every day.” +Level of Competition— 23% responded “Moderately competitive.” +Telephone Conversations— 60% responded “Every day.” +Exposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 36% responded “Every day.” +Importance of Repeating Same Tasks— 43% responded “Extremely important.” +Consequence of Error— 44% responded “Extremely serious.” +Impact of Decisions on Co-workers or Company Results— 57% responded “Important results.” +Coordinate or Lead Others in Accomplishing Work Activities— 38% responded “Extremely important.” +Exposed to Contaminants— 43% responded “Every day.” +Freedom to Make Decisions— 36% responded “A lot of freedom.” +Work Outcomes and Results of Other Workers— 36% responded “High responsibility.” +Health and Safety of Other Workers— 33% responded “Very high responsibility.” +Written Letters and Memos— 28% responded “Never.” +Dealing With Unpleasant, Angry, or Discourteous People— 33% responded “Once a week or more but not every day.” +Determine Tasks, Priorities and Goals— 36% responded “Some freedom.” +Physical Proximity— 40% responded “Moderately close (at arm's length).” +Conflict Situations— 29% responded “Once a week or more but not every day.” +Indoors, Not Environmentally Controlled— 39% responded “Every day.” +Spend Time Sitting— 28% responded “Continually or almost continually.” +Exposed to Hazardous Equipment— 25% responded “Once a week or more but not every day.” +Exposed to Hazardous Conditions— 33% responded “Once a week or more but not every day.” +Spend Time Standing— 41% responded “Less than half the time.”","Operations Monitoring— Watching gauges, dials, or other indicators to make sure a machine is working properly. +Troubleshooting— Determining causes of operating errors and deciding what to do about it. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Repairing— Repairing machines or systems using the needed tools. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Operation and Control— Controlling operations of equipment or systems. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Equipment Maintenance— Performing routine maintenance on equipment and determining when and what kind of maintenance is needed. +Equipment Selection— Determining the kind of tools and equipment needed to do a job. +Installation— Installing equipment, machines, wiring, or programs to meet specifications. +Speaking— Talking to others to convey information effectively. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Coordination— Adjusting actions in relation to others' actions. +Time Management— Managing one's own time and the time of others.","Computers and Electronics— Knowledge of circuit boards, processors, chips, electronic equipment, and computer hardware and software, including applications and programming. +Mechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.","Control Precision— The ability to quickly and repeatedly adjust the controls of a machine or a vehicle to exact positions. +Near Vision— The ability to see details at close range (within a few feet of the observer). +Arm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Finger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Far Vision— The ability to see details at a distance. +Manual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Auditory Attention— The ability to focus on a single source of sound in the presence of other distracting sounds. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Hearing Sensitivity— The ability to detect or tell the differences between sounds that vary in pitch and loudness. +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted. +Speed of Closure— The ability to quickly make sense of, combine, and organize information into meaningful patterns. +Visualization— The ability to imagine how something will look after it is moved around or when its parts are moved or rearranged. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Multilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Reaction Time— The ability to quickly respond (with the hand, finger, or foot) to a signal (sound, light, picture) when it appears. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Time Sharing— The ability to shift back and forth between two or more activities or sources of information (such as speech, sounds, touch, or other sources).","Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. +Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service.","Relationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Working Conditions— Occupations that satisfy this work value offer job security and good working conditions. Corresponding needs are Activity, Compensation, Independence, Security, Variety and Working Conditions.","Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Persistence— Job requires persistence in the face of obstacles. +Integrity— Job requires being honest and ethical. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction.","Aerospace Engineering and Operations Technologists and Technicians +Bright Outlook +Aircraft Structure, Surfaces, Rigging, and Systems Assemblers +Avionics Technicians +Calibration Technologists and Technicians +Electrical and Electronic Engineering Technologists and Technicians +Electrical and Electronics Repairers, Commercial and Industrial Equipment +Industrial Engineering Technologists and Technicians +Mechanical Engineering Technologists and Technicians +Photonics Technicians +Robotics Technicians","View the list of Allies +American Society for Engineering Education +external site +American Society for Photogrammetry and Remote Sensing +external site +American Society of Mechanical Engineers +external site +Association for Uncrewed Vehicle Systems International +external site +Institute of Electrical and Electronics Engineers +external site +Society of Women Engineers +external site +Technology Student Association +external site +Accreditation Board for Engineering and Technology +external site +Aviation Technician Education Council +external site +International Society of Automation +external site +National Institute for Certification in Engineering Technologies +external site",35,5,53,55,53,25,35,37,35,12,10,9,24,77,14,15,12,69,5,10,8,4,4,44,7,66,15,40,4,46,9,1,2 +19-1012.00,Food Scientists and Technologists,https://www.onetonline.org/link/summary/19-1012.00,2025-06-11T18:55:46.992869,"Inspect food processing areas to ensure compliance with government regulations and standards for sanitation, safety, quality, and waste management. +Check raw ingredients for maturity or stability for processing, and finished products for safety, quality, and nutritional value. +Develop new or improved ways of preserving, processing, packaging, storing, and delivering foods, using knowledge of chemistry, microbiology, and other sciences. +Test new products for flavor, texture, color, nutritional content, and adherence to government and industry standards. +Stay up to date on new regulations and current events regarding food science by reviewing scientific literature. +Evaluate food processing and storage operations and assist in the development of quality assurance programs for such operations. +Confer with process engineers, plant operators, flavor experts, and packaging and marketing specialists to resolve problems in product development. +Study the structure and composition of food or the changes foods undergo in storage and processing. +Seek substitutes for harmful or undesirable additives, such as nitrites. +Study methods to improve aspects of foods, such as chemical composition, flavor, color, texture, nutritional value, and convenience. +Develop food standards and production specifications, safety and sanitary regulations, and waste management and water supply specifications. +Develop new food items for production, based on consumer feedback. +Demonstrate products to clients.","Analytical or scientific software— BioDiscovery ImaGene; Insightful S-PLUS; MDS Analytical Technologies GenePix Pro; STATISTICA;2 more +Business intelligence and data analysis software— Tableau +Customer relationship management CRM software— Oracle Eloqua +Data base user interface and query software— Microsoft Access; PathogenTracker; Structured query language SQL; U.S. Department of Agriculture USDA National Nutrient Database +Electronic mail software— Microsoft Outlook +Enterprise resource planning ERP software— SAP software +Object or component oriented development software— R +Office suite software— Microsoft Office software +Presentation software— Microsoft PowerPoint +Sales and marketing software— HubSpot software; Marketo Marketing Automation +Spreadsheet software— Microsoft Excel +Web platform development software— Hypertext markup language HTML +Word processing software— Microsoft Word","Making Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems. +Documenting/Recording Information— Entering, transcribing, recording, storing, or maintaining information in written or electronic/magnetic form. +Analyzing Data or Information— Identifying the underlying principles, reasons, or facts of information by breaking down information or data into separate parts. +Getting Information— Observing, receiving, and otherwise obtaining information from all relevant sources. +Updating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job. +Monitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems. +Communicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person. +Identifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events. +Working with Computers— Using computers and computer systems (including hardware and software) to program, write software, set up functions, enter data, or process information. +Evaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards. +Thinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions. +Communicating with People Outside the Organization— Communicating with people outside the organization, representing the organization to customers, the public, government, and other external sources. This information can be exchanged in person, in writing, or by telephone or e-mail. +Interpreting the Meaning of Information for Others— Translating or explaining what information means and how it can be used. +Organizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work. +Processing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. +Developing Objectives and Strategies— Establishing long-range objectives and specifying the strategies and actions to achieve them. +Establishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time. +Training and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others. +Estimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity. +Developing and Building Teams— Encouraging and building mutual trust, respect, and cooperation among team members. +Inspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects. +Judging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people. +Coaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills. +Providing Consultation and Advice to Others— Providing guidance and expert advice to management or other groups on technical, systems-, or process-related topics. +Scheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others. +Guiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance. +Monitoring and Controlling Resources— Monitoring and controlling resources and overseeing the spending of money. +Coordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.","Inspect areas for compliance with sanitation standards. +Evaluate quality of materials or products. +Research methods to improve food products. +Evaluate new technologies or methods. +Review professional literature to maintain professional knowledge. +Test quality of materials or finished products. +Collaborate with technical specialists to resolve design or development problems. +Establish standards for products, processes, or procedures. +Develop specifications for new products or processes. +Confer with clients to exchange information.","E-Mail— 100% responded “Every day.” +Indoors, Environmentally Controlled— 95% responded “Every day.” +Face-to-Face Discussions with Individuals and Within Teams— 82% responded “Every day.” +Contact With Others— 48% responded “Constant contact with others.” +Telephone Conversations— 48% responded “Once a week or more but not every day.” +Work With or Contribute to a Work Group or Team— 52% responded “Extremely important.” +Importance of Being Exact or Accurate— 43% responded “Extremely important.” +Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 43% responded “Every day.” +Freedom to Make Decisions— 39% responded “Some freedom.” +Duration of Typical Work Week— 57% responded “40 hours.” +Impact of Decisions on Co-workers or Company Results— 35% responded “Very important results.” +Determine Tasks, Priorities and Goals— 30% responded “Some freedom.” +Coordinate or Lead Others in Accomplishing Work Activities— 26% responded “Extremely important.” +Written Letters and Memos— 36% responded “Once a week or more but not every day.” +Time Pressure— 43% responded “Once a month or more but not every week.” +Health and Safety of Other Workers— 30% responded “High responsibility.” +Work Outcomes and Results of Other Workers— 26% responded “High responsibility.” +Spend Time Sitting— 43% responded “About half the time.” +Exposed to Hazardous Conditions— 30% responded “Once a week or more but not every day.” +Consequence of Error— 26% responded “Serious.” +Deal With External Customers or the Public in General— 26% responded “Very important.” +Frequency of Decision Making— 43% responded “Once a year or more but not every month.” +Level of Competition— 65% responded “Moderately competitive.”","Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times. +Reading Comprehension— Understanding written sentences and paragraphs in work-related documents. +Writing— Communicating effectively in writing as appropriate for the needs of the audience. +Complex Problem Solving— Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions. +Critical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems. +Monitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action. +Speaking— Talking to others to convey information effectively. +Active Learning— Understanding the implications of new information for both current and future problem-solving and decision-making. +Judgment and Decision Making— Considering the relative costs and benefits of potential actions to choose the most appropriate one. +Science— Using scientific rules and methods to solve problems. +Quality Control Analysis— Conducting tests and inspections of products, services, or processes to evaluate quality or performance. +Systems Analysis— Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes. +Systems Evaluation— Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system. +Mathematics— Using mathematics to solve problems. +Social Perceptiveness— Being aware of others' reactions and understanding why they react as they do. +Coordination— Adjusting actions in relation to others' actions. +Instructing— Teaching others how to do something. +Learning Strategies— Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things. +Negotiation— Bringing others together and trying to reconcile differences. +Persuasion— Persuading others to change their minds or behavior. +Service Orientation— Actively looking for ways to help people. +Time Management— Managing one's own time and the time of others.","Food Production— Knowledge of techniques and equipment for planting, growing, and harvesting food products (both plant and animal) for consumption, including storage/handling techniques. +Biology— Knowledge of plant and animal organisms, their tissues, cells, functions, interdependencies, and interactions with each other and the environment. +Chemistry— Knowledge of the chemical composition, structure, and properties of substances and of the chemical processes and transformations that they undergo. This includes uses of chemicals and their interactions, danger signs, production techniques, and disposal methods. +Production and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods. +English Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar. +Mathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications. +Engineering and Technology— Knowledge of the practical application of engineering science and technology. This includes applying principles, techniques, procedures, and equipment to the design and production of various goods and services. +Education and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects. +Physics— Knowledge and prediction of physical principles, laws, their interrelationships, and applications to understanding fluid, material, and atmospheric dynamics, and mechanical, electrical, atomic and sub-atomic structures and processes.","Oral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences. +Problem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem. +Deductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense. +Inductive Reasoning— The ability to combine pieces of information to form general rules or conclusions (includes finding a relationship among seemingly unrelated events). +Near Vision— The ability to see details at close range (within a few feet of the observer). +Written Comprehension— The ability to read and understand information and ideas presented in writing. +Category Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways. +Information Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations). +Oral Expression— The ability to communicate information and ideas in speaking so others will understand. +Written Expression— The ability to communicate information and ideas in writing so others will understand. +Originality— The ability to come up with unusual or clever ideas about a given topic or situation, or to develop creative ways to solve a problem. +Speech Clarity— The ability to speak clearly so others can understand you. +Speech Recognition— The ability to identify and understand the speech of another person. +Flexibility of Closure— The ability to identify or detect a known pattern (a figure, object, word, or sound) that is hidden in other distracting material. +Fluency of Ideas— The ability to come up with a number of ideas about a topic (the number of ideas is important, not their quality, correctness, or creativity). +Mathematical Reasoning— The ability to choose the right mathematical methods or formulas to solve a problem. +Number Facility— The ability to add, subtract, multiply, or divide quickly and correctly. +Visual Color Discrimination— The ability to match or detect differences between colors, including shades of color and brightness. +Perceptual Speed— The ability to quickly and accurately compare similarities and differences among sets of letters, numbers, objects, pictures, or patterns. The things to be compared may be presented at the same time or one after the other. This ability also includes comparing a presented object with a remembered object. +Selective Attention— The ability to concentrate on a task over a period of time without being distracted.","Investigative— Work involves studying and researching non-living objects, living organisms, disease or other forms of impairment, or human behavior. Investigative occupations are often associated with physical, life, medical, or social sciences, and can be found in the fields of humanities, mathematics/statistics, information technology, or health care service. +Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services. +Conventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources.","Achievement— Occupations that satisfy this work value are results oriented and allow employees to use their strongest abilities, giving them a feeling of accomplishment. Corresponding needs are Ability Utilization and Achievement. +Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical. +Recognition— Occupations that satisfy this work value offer advancement, potential for leadership, and are often considered prestigious. Corresponding needs are Advancement, Authority, Recognition and Social Status.","Analytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems. +Integrity— Job requires being honest and ethical. +Attention to Detail— Job requires being careful about detail and thorough in completing work tasks. +Cooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude. +Achievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks. +Dependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations. +Persistence— Job requires persistence in the face of obstacles. +Initiative— Job requires a willingness to take on responsibilities and challenges. +Innovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems. +Adaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace. +Independence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done. +Self-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations. +Leadership— Job requires a willingness to lead, take charge, and offer opinions and direction. +Stress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations. +Concern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.","Agricultural Engineers +Bright Outlook +Agricultural Technicians +Animal Scientists +Biofuels/Biodiesel Technology and Product Development Managers +Chemical Engineers +Chemists +Food Science Technicians +Microbiologists +Quality Control Analysts +Soil and Plant Scientists","View the list of Allies +American Association of Candy Technologists +external site +American Chemical Society +external site +American Dairy Science Association +external site +American Meat Science Association +external site +American Society for Quality +external site +American Society of Agricultural and Biological Engineers +external site +American Society of Agronomy +external site +American Society of Animal Science +external site +American Society of Baking +external site +AOAC International +external site +Cereals and Grains Association +external site +Flavor and Extract Manufacturers Association +external site +Institute of Food Technologists +external site +International Association for Food Protection +external site +North American Meat Institute +external site +Research Chefs Association +external site +Soil Science Society of America +external site +The American Oil Chemists' Society +external site +American Registry of Professional Animal Scientists +external site",40,81,76,68,66,46,49,52,36,25,27,28,77,45,25,47,32,34,12,28,27,6,23,22,23,60,13,51,79,41,18,6,9 diff --git a/experiments/dependencies/expt2_data/skill_dimensions_updated/all_skills.csv b/experiments/dependencies/expt2_data/skill_dimensions_updated/all_skills.csv new file mode 100644 index 0000000..ff6d79e --- /dev/null +++ b/experiments/dependencies/expt2_data/skill_dimensions_updated/all_skills.csv @@ -0,0 +1,6391 @@ +primary_skill_name,skill_name,description,confidence,usage_count,last_updated,is_primary +interpersonal communication,interpersonal communication,"Advanced communication skills involving active listening, precise professional information exchange, understanding complex human dynamics, providing guidance, and facilitating comprehensive interaction across diverse professional environments with emphasis on supporting students and educational needs",1.0,250,,True +interpersonal communication,professional dialogue,"Advanced communication skills involving active listening, precise professional information exchange, understanding complex human dynamics, providing guidance, and facilitating comprehensive interaction across diverse professional environments with emphasis on supporting students and educational needs",1.0,250,,False +interpersonal communication,comprehensive communication,"Advanced communication skills involving active listening, precise professional information exchange, understanding complex human dynamics, providing guidance, and facilitating comprehensive interaction across diverse professional environments with emphasis on supporting students and educational needs",1.0,250,,False +operational coordination,operational coordination,"Advanced ability to manage complex organizational workflows, synchronize cross-functional activities, coordinate strategic responses, and ensure systematic operational efficiency across educational and support service environments",1.0,134,,True +operational coordination,workflow management,"Advanced ability to manage complex organizational workflows, synchronize cross-functional activities, coordinate strategic responses, and ensure systematic operational efficiency across educational and support service environments",1.0,134,,False +operational coordination,operational synchronization,"Advanced ability to manage complex organizational workflows, synchronize cross-functional activities, coordinate strategic responses, and ensure systematic operational efficiency across educational and support service environments",1.0,134,,False +critical problem solving,critical problem solving,"Advanced analytical skills for systematically identifying complex challenges, evaluating alternative solutions, applying logical reasoning, and implementing strategic problem-solving techniques across diverse technical and operational contexts",1.0,244,,True +critical problem solving,analytical reasoning,"Advanced analytical skills for systematically identifying complex challenges, evaluating alternative solutions, applying logical reasoning, and implementing strategic problem-solving techniques across diverse technical and operational contexts",1.0,244,,False +critical problem solving,technical challenge analysis,"Advanced analytical skills for systematically identifying complex challenges, evaluating alternative solutions, applying logical reasoning, and implementing strategic problem-solving techniques across diverse technical and operational contexts",1.0,244,,False +technical equipment maintenance,technical equipment maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex mechanical, electrical, and technical equipment with emphasis on precise operational functionality, safety standards, and performance optimization in renewable energy and technical environments",1.0,82,,True +technical equipment maintenance,equipment diagnostic repair,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex mechanical, electrical, and technical equipment with emphasis on precise operational functionality, safety standards, and performance optimization in renewable energy and technical environments",1.0,82,,False +technical equipment maintenance,technical system maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex mechanical, electrical, and technical equipment with emphasis on precise operational functionality, safety standards, and performance optimization in renewable energy and technical environments",1.0,82,,False +operational safety and quality control,operational safety and quality control,"Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures across technical, renewable energy, and industrial work environments",0.99,97,,True +operational safety and quality control,safety protocol management,"Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures across technical, renewable energy, and industrial work environments",0.99,97,,False +precision manual manipulation,precision manual manipulation,"Advanced proficiency in using specialized hand tools to precisely position, prepare, cut, and manipulate materials and equipment with high technical accuracy across mechanical and technical work environments.",1.0,50,,True +precision manual manipulation,mechanical tool precision,"Advanced proficiency in using specialized hand tools to precisely position, prepare, cut, and manipulate materials and equipment with high technical accuracy across mechanical and technical work environments.",1.0,50,,False +precision manual manipulation,technical manual dexterity,"Advanced proficiency in using specialized hand tools to precisely position, prepare, cut, and manipulate materials and equipment with high technical accuracy across mechanical and technical work environments.",1.0,50,,False +precision manual manipulation,precision mechanical manipulation,"Advanced proficiency in using specialized hand tools to precisely position, prepare, cut, and manipulate materials and equipment with high technical accuracy across mechanical and technical work environments.",1.0,50,,False +emergency response management,emergency response management,"Advanced ability to effectively identify, assess, and respond to critical situations, emergencies, and unexpected challenges with calm, strategic decision-making, specifically adapted to maritime and transportation environments",0.97,2,,True +emergency response management,crisis management,"Advanced ability to effectively identify, assess, and respond to critical situations, emergencies, and unexpected challenges with calm, strategic decision-making, specifically adapted to maritime and transportation environments",0.97,2,,False +emergency response management,emergency intervention coordination,"Advanced ability to effectively identify, assess, and respond to critical situations, emergencies, and unexpected challenges with calm, strategic decision-making, specifically adapted to maritime and transportation environments",0.97,2,,False +transportation systems navigation,transportation systems navigation,"Comprehensive skill in planning, coordinating, and executing complex transportation operations across different environments and conditions",0.9,1,,True +transportation systems navigation,route planning,"Comprehensive skill in planning, coordinating, and executing complex transportation operations across different environments and conditions",0.9,1,,False +transportation systems navigation,transportation coordination,"Comprehensive skill in planning, coordinating, and executing complex transportation operations across different environments and conditions",0.9,1,,False +transportation systems navigation,operational routing,"Comprehensive skill in planning, coordinating, and executing complex transportation operations across different environments and conditions",0.9,1,,False +performance and safety monitoring,performance and safety monitoring,"Comprehensive skill in continuously evaluating operational performance, equipment functionality, safety standards, and implementing proactive monitoring across diverse technical and service environments",1.0,11,,True +performance and safety monitoring,operational performance tracking,"Comprehensive skill in continuously evaluating operational performance, equipment functionality, safety standards, and implementing proactive monitoring across diverse technical and service environments",1.0,11,,False +performance and safety monitoring,technical system surveillance,"Comprehensive skill in continuously evaluating operational performance, equipment functionality, safety standards, and implementing proactive monitoring across diverse technical and service environments",1.0,11,,False +material processing,material processing,"Expertise in sorting, cleaning, decontaminating, and preparing materials for recycling or production processes",0.93,1,,True +material processing,recycling preparation,"Expertise in sorting, cleaning, decontaminating, and preparing materials for recycling or production processes",0.93,1,,False +material processing,waste sorting,"Expertise in sorting, cleaning, decontaminating, and preparing materials for recycling or production processes",0.93,1,,False +industrial equipment operation,industrial equipment operation,"Proficient operation of specialized machinery including forklifts, grinding equipment, and production machinery",0.92,1,,True +industrial equipment operation,machine control,"Proficient operation of specialized machinery including forklifts, grinding equipment, and production machinery",0.92,1,,False +industrial equipment operation,equipment management,"Proficient operation of specialized machinery including forklifts, grinding equipment, and production machinery",0.92,1,,False +industrial equipment operation,mechanical systems operation,"Proficient operation of specialized machinery including forklifts, grinding equipment, and production machinery",0.92,1,,False +workplace maintenance,workplace maintenance,"Comprehensive skills in cleaning, lubricating, inspecting, and performing minor repairs on production equipment and work areas",0.88,1,,True +workplace maintenance,equipment upkeep,"Comprehensive skills in cleaning, lubricating, inspecting, and performing minor repairs on production equipment and work areas",0.88,1,,False +workplace maintenance,operational cleanliness,"Comprehensive skills in cleaning, lubricating, inspecting, and performing minor repairs on production equipment and work areas",0.88,1,,False +spatial visualization,spatial visualization,"Advanced ability to interpret technical diagrams, solar installation blueprints, and spatial layouts, translating complex visual information into precise physical installations, system configurations, and equipment positioning",0.95,2,,True +spatial visualization,technical spatial planning,"Advanced ability to interpret technical diagrams, solar installation blueprints, and spatial layouts, translating complex visual information into precise physical installations, system configurations, and equipment positioning",0.95,2,,False +spatial visualization,installation layout interpretation,"Advanced ability to interpret technical diagrams, solar installation blueprints, and spatial layouts, translating complex visual information into precise physical installations, system configurations, and equipment positioning",0.95,2,,False +mechanical fabrication,mechanical fabrication,"Comprehensive skills in cutting, measuring, shaping, and assembling metal and other materials using specialized tools and techniques",0.94,1,,True +mechanical fabrication,precision fabrication,"Comprehensive skills in cutting, measuring, shaping, and assembling metal and other materials using specialized tools and techniques",0.94,1,,False +mechanical fabrication,mechanical construction,"Comprehensive skills in cutting, measuring, shaping, and assembling metal and other materials using specialized tools and techniques",0.94,1,,False +mechanical fabrication,component manufacturing,"Comprehensive skills in cutting, measuring, shaping, and assembling metal and other materials using specialized tools and techniques",0.94,1,,False +systems installation,systems installation,"Expertise in planning, implementing, and integrating complex technical systems, including plumbing, piping, and specialized infrastructure",0.92,1,,True +systems installation,infrastructure setup,"Expertise in planning, implementing, and integrating complex technical systems, including plumbing, piping, and specialized infrastructure",0.92,1,,False +systems installation,technical system integration,"Expertise in planning, implementing, and integrating complex technical systems, including plumbing, piping, and specialized infrastructure",0.92,1,,False +systems installation,comprehensive installation,"Expertise in planning, implementing, and integrating complex technical systems, including plumbing, piping, and specialized infrastructure",0.92,1,,False +renewable energy systems,renewable energy systems,"Comprehensive expertise in designing, installing, maintaining, and optimizing solar photovoltaic and renewable energy infrastructure, including advanced system assessment, component selection, performance verification, and technological innovation",1.0,2,,True +renewable energy systems,solar energy engineering,"Comprehensive expertise in designing, installing, maintaining, and optimizing solar photovoltaic and renewable energy infrastructure, including advanced system assessment, component selection, performance verification, and technological innovation",1.0,2,,False +renewable energy systems,renewable infrastructure design,"Comprehensive expertise in designing, installing, maintaining, and optimizing solar photovoltaic and renewable energy infrastructure, including advanced system assessment, component selection, performance verification, and technological innovation",1.0,2,,False +technical documentation,technical documentation,"Comprehensive skill in creating precise technical documentation for blockchain systems, software architectures, security protocols, and complex engineering specifications",0.97,2,,True +technical documentation,engineering documentation,"Comprehensive skill in creating precise technical documentation for blockchain systems, software architectures, security protocols, and complex engineering specifications",0.97,2,,False +technical documentation,technical specification writing,"Comprehensive skill in creating precise technical documentation for blockchain systems, software architectures, security protocols, and complex engineering specifications",0.97,2,,False +technical documentation,system design documentation,"Comprehensive skill in creating precise technical documentation for blockchain systems, software architectures, security protocols, and complex engineering specifications",0.97,2,,False +environmental technology deployment,environmental technology deployment,"Comprehensive skills in implementing sustainable technology solutions, assessing environmental compatibility, and executing green energy installations with minimal ecological impact",0.92,1,,True +environmental technology deployment,green technology implementation,"Comprehensive skills in implementing sustainable technology solutions, assessing environmental compatibility, and executing green energy installations with minimal ecological impact",0.92,1,,False +environmental technology deployment,sustainable infrastructure installation,"Comprehensive skills in implementing sustainable technology solutions, assessing environmental compatibility, and executing green energy installations with minimal ecological impact",0.92,1,,False +logistics resource management,logistics resource management,"Comprehensive skill in managing personnel, materials, and operational resources in cargo and transportation environments, including personnel coordination, resource allocation, and workflow optimization",0.95,1,,True +logistics resource management,cargo operations management,"Comprehensive skill in managing personnel, materials, and operational resources in cargo and transportation environments, including personnel coordination, resource allocation, and workflow optimization",0.95,1,,False +logistics resource management,logistics personnel coordination,"Comprehensive skill in managing personnel, materials, and operational resources in cargo and transportation environments, including personnel coordination, resource allocation, and workflow optimization",0.95,1,,False +operational compliance and safety,operational compliance and safety,"Comprehensive approach to ensuring workplace safety, maintaining regulatory standards, monitoring operational performance, implementing preventive measures, and ensuring adherence to complex HR, employment, and organizational compliance requirements",0.99,2,,True +quantitative operational analysis,quantitative operational analysis,"Proficiency in using mathematical and analytical skills to calculate, measure, and assess operational parameters such as weight, volume, and logistical characteristics in transportation and cargo environments",0.92,1,,True +quantitative operational analysis,logistics measurement skills,"Proficiency in using mathematical and analytical skills to calculate, measure, and assess operational parameters such as weight, volume, and logistical characteristics in transportation and cargo environments",0.92,1,,False +quantitative operational analysis,cargo quantitative assessment,"Proficiency in using mathematical and analytical skills to calculate, measure, and assess operational parameters such as weight, volume, and logistical characteristics in transportation and cargo environments",0.92,1,,False +hospitality management,hospitality management,"Comprehensive skills in managing guest services, resolving customer issues, coordinating operational activities, and ensuring high-quality customer experiences in lodging and service environments",0.96,1,,True +hospitality management,guest services management,"Comprehensive skills in managing guest services, resolving customer issues, coordinating operational activities, and ensuring high-quality customer experiences in lodging and service environments",0.96,1,,False +hospitality management,lodging operations leadership,"Comprehensive skills in managing guest services, resolving customer issues, coordinating operational activities, and ensuring high-quality customer experiences in lodging and service environments",0.96,1,,False +organizational resource coordination,organizational resource coordination,"Advanced ability to manage personnel, material, and financial resources, including budgeting, scheduling, hiring, and strategic resource allocation across organizational contexts",0.95,1,,True +organizational resource coordination,operational resource planning,"Advanced ability to manage personnel, material, and financial resources, including budgeting, scheduling, hiring, and strategic resource allocation across organizational contexts",0.95,1,,False +adaptive workplace communication,adaptive workplace communication,"Multifaceted communication skills involving active listening, persuasion, information exchange, social perceptiveness, and effective verbal and written communication across diverse professional interactions",0.97,2,,True +adaptive workplace communication,interpersonal interaction,"Multifaceted communication skills involving active listening, persuasion, information exchange, social perceptiveness, and effective verbal and written communication across diverse professional interactions",0.97,2,,False +strategic operational planning,strategic operational planning,"Advanced skills in developing comprehensive organizational strategies, implementing sustainability initiatives, analyzing complex environmental systems, creating strategic goals, and making informed decisions to optimize organizational performance with specific focus on energy efficiency, green technologies, and ecological considerations",1.0,8,,True +strategic operational planning,strategic environmental management,"Advanced skills in developing comprehensive organizational strategies, implementing sustainability initiatives, analyzing complex environmental systems, creating strategic goals, and making informed decisions to optimize organizational performance with specific focus on energy efficiency, green technologies, and ecological considerations",1.0,8,,False +strategic operational planning,sustainable organizational strategy,"Advanced skills in developing comprehensive organizational strategies, implementing sustainability initiatives, analyzing complex environmental systems, creating strategic goals, and making informed decisions to optimize organizational performance with specific focus on energy efficiency, green technologies, and ecological considerations",1.0,8,,False +performance and compliance monitoring,performance and compliance monitoring,"Systematic approach to evaluating individual and organizational performance, ensuring safety, maintaining compliance, and implementing corrective actions across workplace environments",0.92,1,,True +performance and compliance monitoring,workplace performance assessment,"Systematic approach to evaluating individual and organizational performance, ensuring safety, maintaining compliance, and implementing corrective actions across workplace environments",0.92,1,,False +educational support,educational support,"Comprehensive skills in developing, implementing, and adapting educational strategies for diverse learner needs, with expanded focus on individualized instruction, specialized academic interventions, and holistic student development in special education contexts",1.0,18,,True +educational support,personalized learning support,"Comprehensive skills in developing, implementing, and adapting educational strategies for diverse learner needs, with expanded focus on individualized instruction, specialized academic interventions, and holistic student development in special education contexts",1.0,18,,False +educational support,student-centered education,"Comprehensive skills in developing, implementing, and adapting educational strategies for diverse learner needs, with expanded focus on individualized instruction, specialized academic interventions, and holistic student development in special education contexts",1.0,18,,False +educational support,adaptive instructional strategies,"Comprehensive skills in developing, implementing, and adapting educational strategies for diverse learner needs, with expanded focus on individualized instruction, specialized academic interventions, and holistic student development in special education contexts",1.0,18,,False +developmental mentorship,developmental mentorship,"Advanced interpersonal skills focused on nurturing, guiding, and supporting individual growth, involving emotional intelligence, personalized coaching, holistic child development, comprehensive academic and personal support with specific focus on early childhood stages",0.98,3,,True +developmental mentorship,child guidance,"Advanced interpersonal skills focused on nurturing, guiding, and supporting individual growth, involving emotional intelligence, personalized coaching, holistic child development, comprehensive academic and personal support with specific focus on early childhood stages",0.98,3,,False +developmental mentorship,developmental support,"Advanced interpersonal skills focused on nurturing, guiding, and supporting individual growth, involving emotional intelligence, personalized coaching, holistic child development, comprehensive academic and personal support with specific focus on early childhood stages",0.98,3,,False +developmental mentorship,nurturing mentorship,"Advanced interpersonal skills focused on nurturing, guiding, and supporting individual growth, involving emotional intelligence, personalized coaching, holistic child development, comprehensive academic and personal support with specific focus on early childhood stages",0.98,3,,False +inclusive learning management,inclusive learning management,"Systematic and comprehensive approach to creating adaptive learning environments, managing diverse student needs, implementing specialized instructional techniques, ensuring comprehensive educational support, and promoting inclusive educational experiences",0.97,2,,True +inclusive learning management,diverse learning support,"Systematic and comprehensive approach to creating adaptive learning environments, managing diverse student needs, implementing specialized instructional techniques, ensuring comprehensive educational support, and promoting inclusive educational experiences",0.97,2,,False +inclusive learning management,adaptive instructional management,"Systematic and comprehensive approach to creating adaptive learning environments, managing diverse student needs, implementing specialized instructional techniques, ensuring comprehensive educational support, and promoting inclusive educational experiences",0.97,2,,False +inclusive learning management,comprehensive student engagement,"Systematic and comprehensive approach to creating adaptive learning environments, managing diverse student needs, implementing specialized instructional techniques, ensuring comprehensive educational support, and promoting inclusive educational experiences",0.97,2,,False +technical maintenance and repair,technical maintenance and repair,"Comprehensive skills in equipment inspection, maintenance, troubleshooting, cleaning, and repair of complex mechanical and industrial systems",0.96,1,,True +technical maintenance and repair,equipment maintenance,"Comprehensive skills in equipment inspection, maintenance, troubleshooting, cleaning, and repair of complex mechanical and industrial systems",0.96,1,,False +technical maintenance and repair,system diagnostics,"Comprehensive skills in equipment inspection, maintenance, troubleshooting, cleaning, and repair of complex mechanical and industrial systems",0.96,1,,False +technical maintenance and repair,mechanical repair,"Comprehensive skills in equipment inspection, maintenance, troubleshooting, cleaning, and repair of complex mechanical and industrial systems",0.96,1,,False +operational safety management,operational safety management,"Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures",0.98,3,,True +operational safety management,workplace risk management,"Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures",0.98,3,,False +operational safety management,hazard prevention,"Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures",0.98,3,,False +resource coordination and personnel management,resource coordination and personnel management,"Advanced skills in coordinating personnel, directing work activities, training team members, and optimizing workforce performance",0.94,1,,True +resource coordination and personnel management,team leadership,"Advanced skills in coordinating personnel, directing work activities, training team members, and optimizing workforce performance",0.94,1,,False +resource coordination and personnel management,workforce management,"Advanced skills in coordinating personnel, directing work activities, training team members, and optimizing workforce performance",0.94,1,,False +resource coordination and personnel management,personnel development,"Advanced skills in coordinating personnel, directing work activities, training team members, and optimizing workforce performance",0.94,1,,False +complex problem resolution,complex problem resolution,"Advanced analytical skills for identifying complex operational challenges, evaluating alternative solutions, and implementing effective troubleshooting strategies",0.95,1,,True +complex problem resolution,operational diagnostics,"Advanced analytical skills for identifying complex operational challenges, evaluating alternative solutions, and implementing effective troubleshooting strategies",0.95,1,,False +technical systems analysis,technical systems analysis,"Advanced capability to evaluate, diagnose, and optimize complex technical systems through comprehensive inspection, testing, digital evidence collection, and performance assessment in forensic and cybersecurity environments",0.99,2,,True +technical systems analysis,digital systems diagnostics,"Advanced capability to evaluate, diagnose, and optimize complex technical systems through comprehensive inspection, testing, digital evidence collection, and performance assessment in forensic and cybersecurity environments",0.99,2,,False +technical systems analysis,forensic technical evaluation,"Advanced capability to evaluate, diagnose, and optimize complex technical systems through comprehensive inspection, testing, digital evidence collection, and performance assessment in forensic and cybersecurity environments",0.99,2,,False +technical systems analysis,cybersecurity system analysis,"Advanced capability to evaluate, diagnose, and optimize complex technical systems through comprehensive inspection, testing, digital evidence collection, and performance assessment in forensic and cybersecurity environments",0.99,2,,False +precision technical documentation,precision technical documentation,"Comprehensive skill in creating, interpreting, and communicating detailed technical documentation, design specifications, and operational test results",0.96,1,,True +precision technical documentation,technical writing,"Comprehensive skill in creating, interpreting, and communicating detailed technical documentation, design specifications, and operational test results",0.96,1,,False +advanced equipment calibration,advanced equipment calibration,"Specialized expertise in precise measurement, calibration, and maintenance of scientific and technical equipment across diverse operational contexts",0.95,1,,True +advanced equipment calibration,instrument calibration,"Specialized expertise in precise measurement, calibration, and maintenance of scientific and technical equipment across diverse operational contexts",0.95,1,,False +advanced equipment calibration,technical equipment tuning,"Specialized expertise in precise measurement, calibration, and maintenance of scientific and technical equipment across diverse operational contexts",0.95,1,,False +integrated systems engineering,integrated systems engineering,"Comprehensive ability to design, analyze, install, and evaluate complex integrated electrical, mechanical, and electronic systems",0.97,1,,True +integrated systems engineering,multi-system engineering,"Comprehensive ability to design, analyze, install, and evaluate complex integrated electrical, mechanical, and electronic systems",0.97,1,,False +integrated systems engineering,cross-domain system integration,"Comprehensive ability to design, analyze, install, and evaluate complex integrated electrical, mechanical, and electronic systems",0.97,1,,False +quantitative technical problem solving,quantitative technical problem solving,"Advanced analytical skills using mathematical and scientific methods to diagnose, evaluate, and resolve complex technical challenges",0.96,1,,True +quantitative technical problem solving,mathematical systems analysis,"Advanced analytical skills using mathematical and scientific methods to diagnose, evaluate, and resolve complex technical challenges",0.96,1,,False +mechanical equipment diagnostics,mechanical equipment diagnostics,"Systematic ability to inspect, identify, and assess mechanical equipment conditions through visual examination, performance testing, and comprehensive diagnostic techniques",0.97,1,,True +mechanical equipment diagnostics,equipment condition assessment,"Systematic ability to inspect, identify, and assess mechanical equipment conditions through visual examination, performance testing, and comprehensive diagnostic techniques",0.97,1,,False +mechanical equipment diagnostics,mechanical system evaluation,"Systematic ability to inspect, identify, and assess mechanical equipment conditions through visual examination, performance testing, and comprehensive diagnostic techniques",0.97,1,,False +preventive maintenance execution,preventive maintenance execution,"Proactive skill in performing routine maintenance, lubrication, cleaning, and parts replacement to ensure optimal equipment functionality and prevent operational failures",0.96,1,,True +preventive maintenance execution,equipment preservation,"Proactive skill in performing routine maintenance, lubrication, cleaning, and parts replacement to ensure optimal equipment functionality and prevent operational failures",0.96,1,,False +preventive maintenance execution,proactive system maintenance,"Proactive skill in performing routine maintenance, lubrication, cleaning, and parts replacement to ensure optimal equipment functionality and prevent operational failures",0.96,1,,False +technical repair workflow management,technical repair workflow management,"Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems",0.95,1,,True +technical repair workflow management,repair process coordination,"Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems",0.95,1,,False +technical repair workflow management,equipment restoration management,"Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems",0.95,1,,False +geological site preparation,geological site preparation,"Comprehensive skills in preparing, assessing, and managing extraction sites, including site clearance, dimensional measurement, equipment positioning, and environmental considerations",0.97,1,,True +geological site preparation,site readiness,"Comprehensive skills in preparing, assessing, and managing extraction sites, including site clearance, dimensional measurement, equipment positioning, and environmental considerations",0.97,1,,False +geological site preparation,geological work site preparation,"Comprehensive skills in preparing, assessing, and managing extraction sites, including site clearance, dimensional measurement, equipment positioning, and environmental considerations",0.97,1,,False +drilling and excavation techniques,drilling and excavation techniques,"Advanced proficiency in operating specialized drilling equipment, performing precise earth and rock drilling, managing extraction processes, and implementing site-specific drilling strategies",0.98,1,,True +drilling and excavation techniques,drilling operations,"Advanced proficiency in operating specialized drilling equipment, performing precise earth and rock drilling, managing extraction processes, and implementing site-specific drilling strategies",0.98,1,,False +drilling and excavation techniques,excavation methodology,"Advanced proficiency in operating specialized drilling equipment, performing precise earth and rock drilling, managing extraction processes, and implementing site-specific drilling strategies",0.98,1,,False +drilling and excavation techniques,geological drilling skills,"Advanced proficiency in operating specialized drilling equipment, performing precise earth and rock drilling, managing extraction processes, and implementing site-specific drilling strategies",0.98,1,,False +heavy equipment navigation,heavy equipment navigation,"Comprehensive ability to operate, position, and maneuver complex heavy machinery, truck-mounted equipment, cranes, and specialized drilling vehicles across diverse work environments",0.96,1,,True +heavy equipment navigation,equipment maneuvering,"Comprehensive ability to operate, position, and maneuver complex heavy machinery, truck-mounted equipment, cranes, and specialized drilling vehicles across diverse work environments",0.96,1,,False +heavy equipment navigation,machinery operation,"Comprehensive ability to operate, position, and maneuver complex heavy machinery, truck-mounted equipment, cranes, and specialized drilling vehicles across diverse work environments",0.96,1,,False +heavy equipment navigation,heavy machinery navigation,"Comprehensive ability to operate, position, and maneuver complex heavy machinery, truck-mounted equipment, cranes, and specialized drilling vehicles across diverse work environments",0.96,1,,False +geological sample collection,geological sample collection,"Specialized skills in collecting, handling, and preserving geological samples, understanding site-specific geological characteristics, and supporting scientific or industrial research processes",0.94,1,,True +geological sample collection,sample extraction,"Specialized skills in collecting, handling, and preserving geological samples, understanding site-specific geological characteristics, and supporting scientific or industrial research processes",0.94,1,,False +geological sample collection,geological sampling,"Specialized skills in collecting, handling, and preserving geological samples, understanding site-specific geological characteristics, and supporting scientific or industrial research processes",0.94,1,,False +geological sample collection,site material collection,"Specialized skills in collecting, handling, and preserving geological samples, understanding site-specific geological characteristics, and supporting scientific or industrial research processes",0.94,1,,False +environmental decontamination,environmental decontamination,"Advanced techniques for cleaning, decontaminating, and preparing work sites and equipment, ensuring safety and environmental compliance through systematic removal of hazardous or toxic substances",0.95,1,,True +environmental decontamination,site cleaning,"Advanced techniques for cleaning, decontaminating, and preparing work sites and equipment, ensuring safety and environmental compliance through systematic removal of hazardous or toxic substances",0.95,1,,False +environmental decontamination,hazard mitigation,"Advanced techniques for cleaning, decontaminating, and preparing work sites and equipment, ensuring safety and environmental compliance through systematic removal of hazardous or toxic substances",0.95,1,,False +environmental decontamination,environmental remediation,"Advanced techniques for cleaning, decontaminating, and preparing work sites and equipment, ensuring safety and environmental compliance through systematic removal of hazardous or toxic substances",0.95,1,,False +green energy management,green energy management,"Comprehensive expertise in managing renewable energy projects, including strategic planning, implementation, and evaluation of sustainable energy initiatives",0.98,1,,True +green energy management,renewable energy project management,"Comprehensive expertise in managing renewable energy projects, including strategic planning, implementation, and evaluation of sustainable energy initiatives",0.98,1,,False +green energy management,sustainable energy development,"Comprehensive expertise in managing renewable energy projects, including strategic planning, implementation, and evaluation of sustainable energy initiatives",0.98,1,,False +strategic environmental compliance,strategic environmental compliance,"Advanced skills in navigating regulatory frameworks, ensuring policy adherence, and managing environmental sustainability across organizational operations",0.96,1,,True +strategic environmental compliance,sustainability compliance,"Advanced skills in navigating regulatory frameworks, ensuring policy adherence, and managing environmental sustainability across organizational operations",0.96,1,,False +resource allocation strategy,resource allocation strategy,"Sophisticated approach to managing financial, material, and human resources with strategic planning and optimization across complex organizational contexts",0.97,1,,True +advanced stakeholder negotiation,advanced stakeholder negotiation,"Sophisticated interpersonal skills involving complex negotiation, conflict resolution, and strategic communication across diverse professional environments",0.95,1,,True +advanced stakeholder negotiation,strategic negotiation skills,"Sophisticated interpersonal skills involving complex negotiation, conflict resolution, and strategic communication across diverse professional environments",0.95,1,,False +advanced stakeholder negotiation,cross-functional conflict resolution,"Sophisticated interpersonal skills involving complex negotiation, conflict resolution, and strategic communication across diverse professional environments",0.95,1,,False +medical diagnostics,medical diagnostics,"Advanced clinical skills for comprehensive patient assessment, medical testing, diagnostic reasoning, and holistic health evaluation with specific focus on cardiovascular and complex medical conditions",1.0,3,,True +medical diagnostics,clinical assessment,"Advanced clinical skills for comprehensive patient assessment, medical testing, diagnostic reasoning, and holistic health evaluation with specific focus on cardiovascular and complex medical conditions",1.0,3,,False +medical diagnostics,medical diagnostic evaluation,"Advanced clinical skills for comprehensive patient assessment, medical testing, diagnostic reasoning, and holistic health evaluation with specific focus on cardiovascular and complex medical conditions",1.0,3,,False +healthcare patient management,healthcare patient management,"Comprehensive skills in managing patient care coordination, treatment planning, specialized medical monitoring, assistive device management, and providing holistic healthcare support with expanded focus on critical and intensive care patient needs",1.0,6,,True +healthcare patient management,comprehensive patient support,"Comprehensive skills in managing patient care coordination, treatment planning, specialized medical monitoring, assistive device management, and providing holistic healthcare support with expanded focus on critical and intensive care patient needs",1.0,6,,False +medical education and training,medical education and training,"Expertise in medical knowledge transfer, teaching healthcare procedures, advising medical personnel, and developing educational health programs",0.96,1,,True +medical education and training,healthcare instruction,"Expertise in medical knowledge transfer, teaching healthcare procedures, advising medical personnel, and developing educational health programs",0.96,1,,False +medical education and training,medical knowledge sharing,"Expertise in medical knowledge transfer, teaching healthcare procedures, advising medical personnel, and developing educational health programs",0.96,1,,False +medical education and training,professional medical training,"Expertise in medical knowledge transfer, teaching healthcare procedures, advising medical personnel, and developing educational health programs",0.96,1,,False +healthcare communication,healthcare communication,"Advanced interpersonal communication skills specific to medical and therapeutic contexts, involving patient counseling, precise procedure explanation, professional dialogue, emotional support, and comprehensive information exchange with expanded focus on psychological and art therapy interactions",0.99,6,,True +healthcare communication,patient-centered dialogue,"Advanced interpersonal communication skills specific to medical and therapeutic contexts, involving patient counseling, precise procedure explanation, professional dialogue, emotional support, and comprehensive information exchange with expanded focus on psychological and art therapy interactions",0.99,6,,False +medical research and innovation,medical research and innovation,"Systematic approach to conducting medical research, expanding medical knowledge, investigating health issues, and contributing to scientific medical understanding",0.95,1,,True +medical research and innovation,healthcare research,"Systematic approach to conducting medical research, expanding medical knowledge, investigating health issues, and contributing to scientific medical understanding",0.95,1,,False +medical research and innovation,medical scientific inquiry,"Systematic approach to conducting medical research, expanding medical knowledge, investigating health issues, and contributing to scientific medical understanding",0.95,1,,False +medical research and innovation,clinical investigation,"Systematic approach to conducting medical research, expanding medical knowledge, investigating health issues, and contributing to scientific medical understanding",0.95,1,,False +patient care management,patient care management,"Comprehensive skills in patient assessment, treatment planning, medical monitoring, patient communication, and holistic healthcare coordination specific to pediatric surgical environments",1.0,4,,True +patient care management,pediatric care coordination,"Comprehensive skills in patient assessment, treatment planning, medical monitoring, patient communication, and holistic healthcare coordination specific to pediatric surgical environments",1.0,4,,False +patient care management,surgical patient management,"Comprehensive skills in patient assessment, treatment planning, medical monitoring, patient communication, and holistic healthcare coordination specific to pediatric surgical environments",1.0,4,,False +medical knowledge application,medical knowledge application,"Advanced ability to apply scientific medical knowledge, interpret complex clinical research data, develop evidence-based research strategies with precision, comprehensive understanding, and adaptive clinical reasoning specific to critical care and intensive medical contexts",1.0,17,,True +medical knowledge application,clinical knowledge implementation,"Advanced ability to apply scientific medical knowledge, interpret complex clinical research data, develop evidence-based research strategies with precision, comprehensive understanding, and adaptive clinical reasoning specific to critical care and intensive medical contexts",1.0,17,,False +medical knowledge application,medical research application,"Advanced ability to apply scientific medical knowledge, interpret complex clinical research data, develop evidence-based research strategies with precision, comprehensive understanding, and adaptive clinical reasoning specific to critical care and intensive medical contexts",1.0,17,,False +medical knowledge application,scientific clinical reasoning,"Advanced ability to apply scientific medical knowledge, interpret complex clinical research data, develop evidence-based research strategies with precision, comprehensive understanding, and adaptive clinical reasoning specific to critical care and intensive medical contexts",1.0,17,,False +healthcare professional collaboration,healthcare professional collaboration,"Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, managing complex medical information workflows, facilitating knowledge sharing, and ensuring integrated treatment approaches",1.0,29,,True +health education and counseling,health education and counseling,"Comprehensive skills in patient education, wellness guidance, health risk communication, and personalized medical counseling",0.95,1,,True +health education and counseling,patient health instruction,"Comprehensive skills in patient education, wellness guidance, health risk communication, and personalized medical counseling",0.95,1,,False +health education and counseling,preventive health communication,"Comprehensive skills in patient education, wellness guidance, health risk communication, and personalized medical counseling",0.95,1,,False +clinical documentation management,clinical documentation management,"Systematic approach to creating, maintaining, and managing accurate medical records, patient histories, and official healthcare documentation",0.94,1,,True +clinical documentation management,medical record keeping,"Systematic approach to creating, maintaining, and managing accurate medical records, patient histories, and official healthcare documentation",0.94,1,,False +production equipment management,production equipment management,"Comprehensive skills in operating, monitoring, maintaining, and controlling specialized production equipment, including setup, adjustment, cleaning, and performance optimization",0.97,1,,True +production equipment management,production system management,"Comprehensive skills in operating, monitoring, maintaining, and controlling specialized production equipment, including setup, adjustment, cleaning, and performance optimization",0.97,1,,False +quality assurance inspection,quality assurance inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing and craftsmanship specifications",0.98,2,,True +quality assurance inspection,precision product assessment,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing and craftsmanship specifications",0.98,2,,False +surface preparation and finishing,surface preparation and finishing,"Advanced skills in preparing, treating, coating, painting, and polishing materials and workpieces to achieve desired protective or decorative finishes",0.95,1,,True +surface preparation and finishing,coating application,"Advanced skills in preparing, treating, coating, painting, and polishing materials and workpieces to achieve desired protective or decorative finishes",0.95,1,,False +surface preparation and finishing,finish processing,"Advanced skills in preparing, treating, coating, painting, and polishing materials and workpieces to achieve desired protective or decorative finishes",0.95,1,,False +operational material handling,operational material handling,"Proficient skills in loading, feeding, measuring, weighing, and transferring production materials and products through complex manufacturing processes",0.94,1,,True +operational material handling,production material management,"Proficient skills in loading, feeding, measuring, weighing, and transferring production materials and products through complex manufacturing processes",0.94,1,,False +operational material handling,ingredient handling,"Proficient skills in loading, feeding, measuring, weighing, and transferring production materials and products through complex manufacturing processes",0.94,1,,False +precision manufacturing techniques,precision manufacturing techniques,"Comprehensive skills in measuring, cutting, smoothing, filling, and manipulating materials and workpieces with high accuracy and attention to detail",0.93,1,,True +precision manufacturing techniques,manufacturing precision,"Comprehensive skills in measuring, cutting, smoothing, filling, and manipulating materials and workpieces with high accuracy and attention to detail",0.93,1,,False +precision manufacturing techniques,material fabrication,"Comprehensive skills in measuring, cutting, smoothing, filling, and manipulating materials and workpieces with high accuracy and attention to detail",0.93,1,,False +precision manufacturing techniques,detailed manufacturing skills,"Comprehensive skills in measuring, cutting, smoothing, filling, and manipulating materials and workpieces with high accuracy and attention to detail",0.93,1,,False +process equipment operation,process equipment operation,"Proficient management of industrial machinery, including setup, control, adjustment, and monitoring of production equipment across various manufacturing processes",0.98,1,,True +process equipment operation,industrial system operation,"Proficient management of industrial machinery, including setup, control, adjustment, and monitoring of production equipment across various manufacturing processes",0.98,1,,False +operational material processing,operational material processing,"Comprehensive skills in handling, measuring, filtering, separating, and transforming raw materials through precise industrial processes",0.96,1,,True +operational material processing,material transformation,"Comprehensive skills in handling, measuring, filtering, separating, and transforming raw materials through precise industrial processes",0.96,1,,False +operational material processing,industrial material handling,"Comprehensive skills in handling, measuring, filtering, separating, and transforming raw materials through precise industrial processes",0.96,1,,False +systematic quality verification,systematic quality verification,"Methodical approach to conducting tests, inspections, and quality control assessments to ensure product and process compliance with established standards",0.97,1,,True +systematic quality verification,quality assurance protocols,"Methodical approach to conducting tests, inspections, and quality control assessments to ensure product and process compliance with established standards",0.97,1,,False +systematic quality verification,compliance testing,"Methodical approach to conducting tests, inspections, and quality control assessments to ensure product and process compliance with established standards",0.97,1,,False +systematic quality verification,production verification,"Methodical approach to conducting tests, inspections, and quality control assessments to ensure product and process compliance with established standards",0.97,1,,False +food service management,food service management,"Comprehensive skills in coordinating food preparation, managing kitchen operations, staff supervision, menu planning, and ensuring quality food service delivery",0.95,1,,True +food service management,kitchen operations,"Comprehensive skills in coordinating food preparation, managing kitchen operations, staff supervision, menu planning, and ensuring quality food service delivery",0.95,1,,False +food service management,culinary team leadership,"Comprehensive skills in coordinating food preparation, managing kitchen operations, staff supervision, menu planning, and ensuring quality food service delivery",0.95,1,,False +culinary preparation skills,culinary preparation skills,"Advanced technical skills in food cutting, cooking, baking, ingredient handling, and precise food preparation techniques across diverse kitchen environments",0.96,1,,True +culinary preparation skills,food processing,"Advanced technical skills in food cutting, cooking, baking, ingredient handling, and precise food preparation techniques across diverse kitchen environments",0.96,1,,False +culinary preparation skills,cooking techniques,"Advanced technical skills in food cutting, cooking, baking, ingredient handling, and precise food preparation techniques across diverse kitchen environments",0.96,1,,False +kitchen safety and sanitation,kitchen safety and sanitation,"Systematic approach to maintaining clean food preparation areas, ensuring equipment hygiene, following food safety protocols, and preventing contamination",0.97,1,,True +kitchen safety and sanitation,food hygiene,"Systematic approach to maintaining clean food preparation areas, ensuring equipment hygiene, following food safety protocols, and preventing contamination",0.97,1,,False +kitchen safety and sanitation,sanitation management,"Systematic approach to maintaining clean food preparation areas, ensuring equipment hygiene, following food safety protocols, and preventing contamination",0.97,1,,False +inventory and resource management,inventory and resource management,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, equipment, and kitchen resources efficiently",0.94,1,,True +inventory and resource management,supply chain management,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, equipment, and kitchen resources efficiently",0.94,1,,False +inventory and resource management,kitchen logistics,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, equipment, and kitchen resources efficiently",0.94,1,,False +operational food service coordination,operational food service coordination,"Advanced skills in synchronizing food preparation activities, coordinating staff tasks, managing workflow, and ensuring smooth kitchen operations",0.95,1,,True +operational food service coordination,kitchen workflow management,"Advanced skills in synchronizing food preparation activities, coordinating staff tasks, managing workflow, and ensuring smooth kitchen operations",0.95,1,,False +operational food service coordination,food service synchronization,"Advanced skills in synchronizing food preparation activities, coordinating staff tasks, managing workflow, and ensuring smooth kitchen operations",0.95,1,,False +construction material manipulation,construction material manipulation,"Proficient skills in cutting, measuring, drilling, and preparing materials for installation in construction and infrastructure projects",0.95,1,,True +construction material manipulation,material preparation,"Proficient skills in cutting, measuring, drilling, and preparing materials for installation in construction and infrastructure projects",0.95,1,,False +infrastructure installation,infrastructure installation,"Comprehensive expertise in installing, assembling, and maintaining complex piping, plumbing, and infrastructure systems",0.96,1,,True +infrastructure installation,system installation,"Comprehensive expertise in installing, assembling, and maintaining complex piping, plumbing, and infrastructure systems",0.96,1,,False +precision construction techniques,precision construction techniques,"Advanced skills in using specialized tools and methods to cut, measure, position, and assemble construction components with high accuracy",0.94,1,,True +precision construction techniques,construction precision,"Advanced skills in using specialized tools and methods to cut, measure, position, and assemble construction components with high accuracy",0.94,1,,False +precision construction techniques,technical installation skills,"Advanced skills in using specialized tools and methods to cut, measure, position, and assemble construction components with high accuracy",0.94,1,,False +mechanical system diagnostics,mechanical system diagnostics,"Advanced ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing, visual examination, and systematic problem-solving techniques",0.98,1,,True +mechanical system diagnostics,equipment fault detection,"Advanced ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing, visual examination, and systematic problem-solving techniques",0.98,1,,False +mechanical system diagnostics,mechanical troubleshooting,"Advanced ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing, visual examination, and systematic problem-solving techniques",0.98,1,,False +mechanical system diagnostics,system performance analysis,"Advanced ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing, visual examination, and systematic problem-solving techniques",0.98,1,,False +precision equipment maintenance,precision equipment maintenance,"Comprehensive skill in performing detailed maintenance, cleaning, lubrication, part replacement, and performance optimization of industrial machinery and mechanical systems",0.97,1,,True +precision equipment maintenance,industrial equipment care,"Comprehensive skill in performing detailed maintenance, cleaning, lubrication, part replacement, and performance optimization of industrial machinery and mechanical systems",0.97,1,,False +precision equipment maintenance,systematic maintenance protocols,"Comprehensive skill in performing detailed maintenance, cleaning, lubrication, part replacement, and performance optimization of industrial machinery and mechanical systems",0.97,1,,False +technical operational control,technical operational control,"Proficient management of equipment operations, including monitoring performance, adjusting settings, controlling system parameters, and ensuring optimal functional efficiency",0.96,1,,True +technical operational control,system performance control,"Proficient management of equipment operations, including monitoring performance, adjusting settings, controlling system parameters, and ensuring optimal functional efficiency",0.96,1,,False +technical operational control,operational parameter regulation,"Proficient management of equipment operations, including monitoring performance, adjusting settings, controlling system parameters, and ensuring optimal functional efficiency",0.96,1,,False +mechanical component fabrication,mechanical component fabrication,"Advanced skills in cutting, measuring, shaping, and assembling mechanical components using specialized tools and precision techniques across diverse industrial contexts",0.95,1,,True +mechanical component fabrication,mechanical part manufacturing,"Advanced skills in cutting, measuring, shaping, and assembling mechanical components using specialized tools and precision techniques across diverse industrial contexts",0.95,1,,False +mechanical component fabrication,precision component fabrication,"Advanced skills in cutting, measuring, shaping, and assembling mechanical components using specialized tools and precision techniques across diverse industrial contexts",0.95,1,,False +operational safety compliance,operational safety compliance,"Systematic approach to ensuring workplace safety, conducting quality inspections, monitoring operational risks, and implementing preventive safety measures in construction and carpentry environments",0.97,2,,True +operational safety compliance,safety protocols,"Systematic approach to ensuring workplace safety, conducting quality inspections, monitoring operational risks, and implementing preventive safety measures in construction and carpentry environments",0.97,2,,False +operational safety compliance,construction safety,"Systematic approach to ensuring workplace safety, conducting quality inspections, monitoring operational risks, and implementing preventive safety measures in construction and carpentry environments",0.97,2,,False +legal decision making,legal decision making,"Advanced analytical and interpretive skills for systematically evaluating legal evidence, applying complex legal precedents, understanding nuanced legal implications, and rendering authoritative judgments with comprehensive reasoning and procedural understanding",1.0,5,,True +legal decision making,judicial reasoning,"Advanced analytical and interpretive skills for systematically evaluating legal evidence, applying complex legal precedents, understanding nuanced legal implications, and rendering authoritative judgments with comprehensive reasoning and procedural understanding",1.0,5,,False +legal decision making,legal interpretation,"Advanced analytical and interpretive skills for systematically evaluating legal evidence, applying complex legal precedents, understanding nuanced legal implications, and rendering authoritative judgments with comprehensive reasoning and procedural understanding",1.0,5,,False +legal decision making,procedural judgment,"Advanced analytical and interpretive skills for systematically evaluating legal evidence, applying complex legal precedents, understanding nuanced legal implications, and rendering authoritative judgments with comprehensive reasoning and procedural understanding",1.0,5,,False +procedural legal communication,procedural legal communication,"Comprehensive skills in formal communication, precise documentation, professional interaction within legal and judicial administrative contexts, including interviewing, oath administration, and systematic written documentation",0.98,3,,True +procedural legal communication,legal dialogue,"Comprehensive skills in formal communication, precise documentation, professional interaction within legal and judicial administrative contexts, including interviewing, oath administration, and systematic written documentation",0.98,3,,False +procedural legal communication,judicial communication,"Comprehensive skills in formal communication, precise documentation, professional interaction within legal and judicial administrative contexts, including interviewing, oath administration, and systematic written documentation",0.98,3,,False +procedural legal communication,professional legal interaction,"Comprehensive skills in formal communication, precise documentation, professional interaction within legal and judicial administrative contexts, including interviewing, oath administration, and systematic written documentation",0.98,3,,False +regulatory conflict resolution,regulatory conflict resolution,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal disputes through systematic evaluation and strategic intervention",0.95,1,,True +regulatory conflict resolution,legal mediation,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal disputes through systematic evaluation and strategic intervention",0.95,1,,False +regulatory conflict resolution,dispute resolution,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal disputes through systematic evaluation and strategic intervention",0.95,1,,False +regulatory conflict resolution,regulatory negotiation,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal disputes through systematic evaluation and strategic intervention",0.95,1,,False +print production management,print production management,"Comprehensive skills in operating, monitoring, and controlling printing press equipment, including quality inspection, material handling, and production workflow optimization",0.97,1,,True +print production management,printing equipment operation,"Comprehensive skills in operating, monitoring, and controlling printing press equipment, including quality inspection, material handling, and production workflow optimization",0.97,1,,False +print production management,print production control,"Comprehensive skills in operating, monitoring, and controlling printing press equipment, including quality inspection, material handling, and production workflow optimization",0.97,1,,False +manufacturing process control,manufacturing process control,"Advanced ability to adjust equipment controls, program machinery, load materials, and ensure precise operational sequences in industrial production environments",0.96,1,,True +manufacturing process control,manufacturing workflow management,"Advanced ability to adjust equipment controls, program machinery, load materials, and ensure precise operational sequences in industrial production environments",0.96,1,,False +technical equipment calibration,technical equipment calibration,"Precise skills in adjusting, programming, and fine-tuning production equipment to maintain optimal performance and meet specific product specifications",0.95,1,,True +technical equipment calibration,equipment parameter adjustment,"Precise skills in adjusting, programming, and fine-tuning production equipment to maintain optimal performance and meet specific product specifications",0.95,1,,False +technical equipment calibration,machinery precision tuning,"Precise skills in adjusting, programming, and fine-tuning production equipment to maintain optimal performance and meet specific product specifications",0.95,1,,False +electronic systems engineering,electronic systems engineering,"Comprehensive expertise in designing, installing, testing, and maintaining complex electrical and electronic systems, including schematic creation, equipment assembly, and performance evaluation",0.97,1,,True +electronic systems engineering,electronic system design,"Comprehensive expertise in designing, installing, testing, and maintaining complex electrical and electronic systems, including schematic creation, equipment assembly, and performance evaluation",0.97,1,,False +electronic systems engineering,electrical equipment engineering,"Comprehensive expertise in designing, installing, testing, and maintaining complex electrical and electronic systems, including schematic creation, equipment assembly, and performance evaluation",0.97,1,,False +technical performance diagnostics,technical performance diagnostics,"Advanced skill in troubleshooting, testing, and resolving operational performance issues across complex technical systems and equipment",0.96,1,,True +technical documentation management,technical documentation management,"Comprehensive skills in creating, interpreting, maintaining, and communicating precise technical documentation, operational procedures, system specifications, and comprehensive technical records with high accuracy and systematic approach",0.98,4,,True +technical documentation management,technical record keeping,"Comprehensive skills in creating, interpreting, maintaining, and communicating precise technical documentation, operational procedures, system specifications, and comprehensive technical records with high accuracy and systematic approach",0.98,4,,False +instrumentation and equipment installation,instrumentation and equipment installation,"Comprehensive ability to select, install, configure, and integrate specialized electronic and mechanical instrumentation and equipment",0.94,1,,True +instrumentation and equipment installation,equipment setup,"Comprehensive ability to select, install, configure, and integrate specialized electronic and mechanical instrumentation and equipment",0.94,1,,False +operational cost and resource planning,operational cost and resource planning,"Advanced skills in estimating technical requirements, preparing project budgets, analyzing cost-benefit scenarios, and managing operational resources",0.93,1,,True +operational cost and resource planning,project resource management,"Advanced skills in estimating technical requirements, preparing project budgets, analyzing cost-benefit scenarios, and managing operational resources",0.93,1,,False +operational cost and resource planning,technical budget planning,"Advanced skills in estimating technical requirements, preparing project budgets, analyzing cost-benefit scenarios, and managing operational resources",0.93,1,,False +labor relations management,labor relations management,"Comprehensive expertise in managing employee relations, negotiating agreements, resolving workplace conflicts, and ensuring compliance with labor regulations and organizational policies",0.98,1,,True +labor relations management,employee relations,"Comprehensive expertise in managing employee relations, negotiating agreements, resolving workplace conflicts, and ensuring compliance with labor regulations and organizational policies",0.98,1,,False +labor relations management,workplace dispute resolution,"Comprehensive expertise in managing employee relations, negotiating agreements, resolving workplace conflicts, and ensuring compliance with labor regulations and organizational policies",0.98,1,,False +labor relations management,labor negotiation,"Comprehensive expertise in managing employee relations, negotiating agreements, resolving workplace conflicts, and ensuring compliance with labor regulations and organizational policies",0.98,1,,False +regulatory compliance strategy,regulatory compliance strategy,"Advanced skills in interpreting, implementing, and maintaining organizational adherence to complex legal and regulatory frameworks across human resources and workplace environments",0.97,1,,True +regulatory compliance strategy,legal compliance management,"Advanced skills in interpreting, implementing, and maintaining organizational adherence to complex legal and regulatory frameworks across human resources and workplace environments",0.97,1,,False +regulatory compliance strategy,regulatory risk mitigation,"Advanced skills in interpreting, implementing, and maintaining organizational adherence to complex legal and regulatory frameworks across human resources and workplace environments",0.97,1,,False +strategic conflict resolution,strategic conflict resolution,"Advanced interpersonal and analytical skills for mediating complex workplace disputes, negotiating mutually beneficial agreements, and maintaining professional relationships",0.96,1,,True +strategic conflict resolution,workplace mediation,"Advanced interpersonal and analytical skills for mediating complex workplace disputes, negotiating mutually beneficial agreements, and maintaining professional relationships",0.96,1,,False +strategic conflict resolution,professional negotiation,"Advanced interpersonal and analytical skills for mediating complex workplace disputes, negotiating mutually beneficial agreements, and maintaining professional relationships",0.96,1,,False +organizational policy development,organizational policy development,"Comprehensive skills in designing, implementing, and evaluating organizational guidelines, procedures, and strategic frameworks to optimize workplace performance and compliance",0.95,1,,True +organizational policy development,policy management,"Comprehensive skills in designing, implementing, and evaluating organizational guidelines, procedures, and strategic frameworks to optimize workplace performance and compliance",0.95,1,,False +professional communication dynamics,professional communication dynamics,"Advanced communication skills involving active listening, persuasive speaking, written communication, and nuanced social interaction in professional contexts",0.97,1,,True +professional communication dynamics,professional dialogue management,"Advanced communication skills involving active listening, persuasive speaking, written communication, and nuanced social interaction in professional contexts",0.97,1,,False +professional communication dynamics,workplace communication strategy,"Advanced communication skills involving active listening, persuasive speaking, written communication, and nuanced social interaction in professional contexts",0.97,1,,False +residential support management,residential support management,"Comprehensive skills in managing residential environments, providing personal care, monitoring safety, resolving conflicts, and supporting individual developmental needs in institutional or community settings",0.97,1,,True +residential support management,residential care coordination,"Comprehensive skills in managing residential environments, providing personal care, monitoring safety, resolving conflicts, and supporting individual developmental needs in institutional or community settings",0.97,1,,False +residential support management,personal support services,"Comprehensive skills in managing residential environments, providing personal care, monitoring safety, resolving conflicts, and supporting individual developmental needs in institutional or community settings",0.97,1,,False +interpersonal behavioral guidance,interpersonal behavioral guidance,"Advanced skills in teaching, coaching, and guiding individuals through behavioral modifications, personal development strategies, and adaptive life skills training",0.96,1,,True +interpersonal behavioral guidance,behavioral intervention,"Advanced skills in teaching, coaching, and guiding individuals through behavioral modifications, personal development strategies, and adaptive life skills training",0.96,1,,False +interpersonal behavioral guidance,personal development coaching,"Advanced skills in teaching, coaching, and guiding individuals through behavioral modifications, personal development strategies, and adaptive life skills training",0.96,1,,False +organizational safety oversight,organizational safety oversight,"Systematic approach to monitoring environments, enforcing rules, managing potential risks, and ensuring comprehensive safety protocols across institutional settings",0.95,1,,True +organizational safety oversight,safety management,"Systematic approach to monitoring environments, enforcing rules, managing potential risks, and ensuring comprehensive safety protocols across institutional settings",0.95,1,,False +organizational safety oversight,risk prevention,"Systematic approach to monitoring environments, enforcing rules, managing potential risks, and ensuring comprehensive safety protocols across institutional settings",0.95,1,,False +administrative support coordination,administrative support coordination,"Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, allocating resources, and maintaining organizational communication systems",0.94,1,,True +administrative support coordination,clerical management,"Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, allocating resources, and maintaining organizational communication systems",0.94,1,,False +administrative support coordination,organizational documentation,"Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, allocating resources, and maintaining organizational communication systems",0.94,1,,False +conflict mediation and resolution,conflict mediation and resolution,"Advanced interpersonal skills for identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,True +conflict mediation and resolution,dispute management,"Advanced interpersonal skills for identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,False +medical administrative support,medical administrative support,"Comprehensive skills in managing medical office operations, including record keeping, scheduling, communication, and administrative coordination specific to healthcare settings",0.98,1,,True +medical administrative support,healthcare office management,"Comprehensive skills in managing medical office operations, including record keeping, scheduling, communication, and administrative coordination specific to healthcare settings",0.98,1,,False +medical administrative support,medical secretarial support,"Comprehensive skills in managing medical office operations, including record keeping, scheduling, communication, and administrative coordination specific to healthcare settings",0.98,1,,False +professional communication management,professional communication management,"Advanced interpersonal communication skills involving active listening, information relay, documentation, and strategic interaction across professional contexts",0.97,1,,True +professional communication management,workplace communication,"Advanced interpersonal communication skills involving active listening, information relay, documentation, and strategic interaction across professional contexts",0.97,1,,False +professional communication management,professional dialogue skills,"Advanced interpersonal communication skills involving active listening, information relay, documentation, and strategic interaction across professional contexts",0.97,1,,False +organizational information processing,organizational information processing,"Systematic skills in collecting, transcribing, compiling, and managing diverse forms of organizational documentation and communication",0.96,1,,True +organizational information processing,document management,"Systematic skills in collecting, transcribing, compiling, and managing diverse forms of organizational documentation and communication",0.96,1,,False +organizational information processing,information coordination,"Systematic skills in collecting, transcribing, compiling, and managing diverse forms of organizational documentation and communication",0.96,1,,False +mechanical repair skills,mechanical repair skills,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble mechanical components and systems using specialized tools and techniques",0.98,1,,True +mechanical repair skills,equipment repair,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble mechanical components and systems using specialized tools and techniques",0.98,1,,False +mechanical repair skills,mechanical restoration,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble mechanical components and systems using specialized tools and techniques",0.98,1,,False +mechanical repair skills,system maintenance,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble mechanical components and systems using specialized tools and techniques",0.98,1,,False +precision equipment installation,precision equipment installation,"Advanced skills in positioning, assembling, connecting, and configuring mechanical and electrical equipment according to technical specifications and operational requirements",0.97,1,,True +precision equipment installation,technical system setup,"Advanced skills in positioning, assembling, connecting, and configuring mechanical and electrical equipment according to technical specifications and operational requirements",0.97,1,,False +precision equipment installation,equipment integration,"Advanced skills in positioning, assembling, connecting, and configuring mechanical and electrical equipment according to technical specifications and operational requirements",0.97,1,,False +precision equipment installation,mechanical installation,"Advanced skills in positioning, assembling, connecting, and configuring mechanical and electrical equipment according to technical specifications and operational requirements",0.97,1,,False +operational safety monitoring,operational safety monitoring,"Systematic approach to continuously evaluating workplace safety, equipment functionality, performance indicators, and implementing preventive maintenance protocols",0.96,1,,True +operational safety monitoring,safety inspection,"Systematic approach to continuously evaluating workplace safety, equipment functionality, performance indicators, and implementing preventive maintenance protocols",0.96,1,,False +operational safety monitoring,performance monitoring,"Systematic approach to continuously evaluating workplace safety, equipment functionality, performance indicators, and implementing preventive maintenance protocols",0.96,1,,False +technical documentation and interpretation,technical documentation and interpretation,"Proficient skills in reading, understanding, and applying technical blueprints, specifications, diagrams, and operational documentation with high precision",0.95,1,,True +technical documentation and interpretation,blueprint reading,"Proficient skills in reading, understanding, and applying technical blueprints, specifications, diagrams, and operational documentation with high precision",0.95,1,,False +technical documentation and interpretation,technical comprehension,"Proficient skills in reading, understanding, and applying technical blueprints, specifications, diagrams, and operational documentation with high precision",0.95,1,,False +technical documentation and interpretation,specification analysis,"Proficient skills in reading, understanding, and applying technical blueprints, specifications, diagrams, and operational documentation with high precision",0.95,1,,False +legal research and analysis,legal research and analysis,"Advanced capability to systematically investigate, interpret, and apply legal precedents, statutes, and case law to support judicial decision-making and legal reasoning",0.98,1,,True +legal research and analysis,legal information processing,"Advanced capability to systematically investigate, interpret, and apply legal precedents, statutes, and case law to support judicial decision-making and legal reasoning",0.98,1,,False +legal research and analysis,judicial research methodology,"Advanced capability to systematically investigate, interpret, and apply legal precedents, statutes, and case law to support judicial decision-making and legal reasoning",0.98,1,,False +judicial documentation management,judicial documentation management,"Comprehensive skills in preparing, organizing, maintaining, and managing legal documents, court records, and procedural documentation with precision and systematic approach",0.97,1,,True +judicial documentation management,legal record keeping,"Comprehensive skills in preparing, organizing, maintaining, and managing legal documents, court records, and procedural documentation with precision and systematic approach",0.97,1,,False +judicial documentation management,court documentation coordination,"Comprehensive skills in preparing, organizing, maintaining, and managing legal documents, court records, and procedural documentation with precision and systematic approach",0.97,1,,False +professional legal communication,professional legal communication,"Advanced interpersonal and communication skills specific to legal environments, involving precise verbal and written communication, active listening, and strategic information exchange in judicial contexts",0.96,1,,True +professional legal communication,legal interaction management,"Advanced interpersonal and communication skills specific to legal environments, involving precise verbal and written communication, active listening, and strategic information exchange in judicial contexts",0.96,1,,False +professional legal communication,judicial communication protocols,"Advanced interpersonal and communication skills specific to legal environments, involving precise verbal and written communication, active listening, and strategic information exchange in judicial contexts",0.96,1,,False +judicial procedural coordination,judicial procedural coordination,"Advanced ability to manage, schedule, and coordinate complex legal activities, court proceedings, and administrative workflows with systematic precision",0.95,1,,True +judicial procedural coordination,court process management,"Advanced ability to manage, schedule, and coordinate complex legal activities, court proceedings, and administrative workflows with systematic precision",0.95,1,,False +judicial procedural coordination,legal activity synchronization,"Advanced ability to manage, schedule, and coordinate complex legal activities, court proceedings, and administrative workflows with systematic precision",0.95,1,,False +maternal healthcare management,maternal healthcare management,"Comprehensive skills in providing specialized care for women during pregnancy, childbirth, and postpartum periods, involving patient assessment, treatment planning, and holistic health support",0.98,1,,True +maternal healthcare management,pregnancy care,"Comprehensive skills in providing specialized care for women during pregnancy, childbirth, and postpartum periods, involving patient assessment, treatment planning, and holistic health support",0.98,1,,False +maternal healthcare management,obstetric patient management,"Comprehensive skills in providing specialized care for women during pregnancy, childbirth, and postpartum periods, involving patient assessment, treatment planning, and holistic health support",0.98,1,,False +maternal healthcare management,reproductive health care,"Comprehensive skills in providing specialized care for women during pregnancy, childbirth, and postpartum periods, involving patient assessment, treatment planning, and holistic health support",0.98,1,,False +clinical procedure instruction,clinical procedure instruction,"Advanced skills in teaching medical procedures, training healthcare personnel, and developing educational interventions specific to clinical and medical contexts",0.96,1,,True +clinical procedure instruction,medical training,"Advanced skills in teaching medical procedures, training healthcare personnel, and developing educational interventions specific to clinical and medical contexts",0.96,1,,False +clinical procedure instruction,healthcare education,"Advanced skills in teaching medical procedures, training healthcare personnel, and developing educational interventions specific to clinical and medical contexts",0.96,1,,False +clinical procedure instruction,clinical skills transfer,"Advanced skills in teaching medical procedures, training healthcare personnel, and developing educational interventions specific to clinical and medical contexts",0.96,1,,False +comprehensive patient counseling,comprehensive patient counseling,"Advanced interpersonal skills focused on patient education, health guidance, risk communication, and personalized medical advice across diverse healthcare scenarios",0.97,1,,True +comprehensive patient counseling,patient health education,"Advanced interpersonal skills focused on patient education, health guidance, risk communication, and personalized medical advice across diverse healthcare scenarios",0.97,1,,False +comprehensive patient counseling,medical counseling,"Advanced interpersonal skills focused on patient education, health guidance, risk communication, and personalized medical advice across diverse healthcare scenarios",0.97,1,,False +comprehensive patient counseling,wellness guidance,"Advanced interpersonal skills focused on patient education, health guidance, risk communication, and personalized medical advice across diverse healthcare scenarios",0.97,1,,False +emergency reproductive care,emergency reproductive care,"Specialized skills in managing critical medical situations related to pregnancy, childbirth, and women's reproductive health, involving rapid assessment and intervention",0.95,1,,True +emergency reproductive care,obstetric emergency response,"Specialized skills in managing critical medical situations related to pregnancy, childbirth, and women's reproductive health, involving rapid assessment and intervention",0.95,1,,False +emergency reproductive care,maternal critical care,"Specialized skills in managing critical medical situations related to pregnancy, childbirth, and women's reproductive health, involving rapid assessment and intervention",0.95,1,,False +airfield operations management,airfield operations management,"Comprehensive skills in coordinating, monitoring, and executing complex airfield operational activities, including flight planning, safety protocols, emergency response, and vehicle movement coordination",0.98,1,,True +airfield operations management,flight operations coordination,"Comprehensive skills in coordinating, monitoring, and executing complex airfield operational activities, including flight planning, safety protocols, emergency response, and vehicle movement coordination",0.98,1,,False +airfield operations management,airfield safety management,"Comprehensive skills in coordinating, monitoring, and executing complex airfield operational activities, including flight planning, safety protocols, emergency response, and vehicle movement coordination",0.98,1,,False +transportation safety monitoring,transportation safety monitoring,"Advanced ability to inspect facilities, identify potential hazards, ensure regulatory compliance, and maintain safety standards in transportation and operational environments",0.96,1,,True +transportation safety monitoring,transportation compliance management,"Advanced ability to inspect facilities, identify potential hazards, ensure regulatory compliance, and maintain safety standards in transportation and operational environments",0.96,1,,False +emergency response coordination,emergency response coordination,"Specialized skills in identifying critical situations, providing assistance, managing emergencies, and implementing rapid, strategic intervention protocols",0.97,1,,True +emergency response coordination,emergency assistance protocols,"Specialized skills in identifying critical situations, providing assistance, managing emergencies, and implementing rapid, strategic intervention protocols",0.97,1,,False +operational communication coordination,operational communication coordination,"Advanced interpersonal skills for effectively communicating work orders, plans, and operational details across diverse professional contexts, ensuring clear and precise information exchange",0.95,1,,True +operational communication coordination,workplace communication management,"Advanced interpersonal skills for effectively communicating work orders, plans, and operational details across diverse professional contexts, ensuring clear and precise information exchange",0.95,1,,False +operational communication coordination,operational information relay,"Advanced interpersonal skills for effectively communicating work orders, plans, and operational details across diverse professional contexts, ensuring clear and precise information exchange",0.95,1,,False +vehicle and equipment monitoring,vehicle and equipment monitoring,"Comprehensive skills in tracking, managing, and coordinating vehicle movement, location, and operational performance using systematic monitoring techniques",0.94,1,,True +vehicle and equipment monitoring,transportation asset tracking,"Comprehensive skills in tracking, managing, and coordinating vehicle movement, location, and operational performance using systematic monitoring techniques",0.94,1,,False +vehicle and equipment monitoring,equipment performance surveillance,"Comprehensive skills in tracking, managing, and coordinating vehicle movement, location, and operational performance using systematic monitoring techniques",0.94,1,,False +therapeutic counseling,therapeutic counseling,"Advanced interpersonal skills for providing professional psychological support, conducting therapeutic interventions, and guiding clients through behavioral and substance abuse challenges",0.98,1,,True +therapeutic counseling,psychological support,"Advanced interpersonal skills for providing professional psychological support, conducting therapeutic interventions, and guiding clients through behavioral and substance abuse challenges",0.98,1,,False +therapeutic counseling,therapeutic intervention,"Advanced interpersonal skills for providing professional psychological support, conducting therapeutic interventions, and guiding clients through behavioral and substance abuse challenges",0.98,1,,False +client treatment management,client treatment management,"Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts",0.97,1,,True +client treatment management,treatment planning,"Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts",0.97,1,,False +client treatment management,client care coordination,"Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts",0.97,1,,False +client treatment management,rehabilitation strategy,"Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts",0.97,1,,False +substance abuse intervention,substance abuse intervention,"Specialized expertise in assessing, diagnosing, and providing targeted interventions for individuals struggling with substance abuse and behavioral disorders",0.96,1,,True +substance abuse intervention,addiction counseling,"Specialized expertise in assessing, diagnosing, and providing targeted interventions for individuals struggling with substance abuse and behavioral disorders",0.96,1,,False +substance abuse intervention,substance abuse treatment,"Specialized expertise in assessing, diagnosing, and providing targeted interventions for individuals struggling with substance abuse and behavioral disorders",0.96,1,,False +substance abuse intervention,behavioral disorder management,"Specialized expertise in assessing, diagnosing, and providing targeted interventions for individuals struggling with substance abuse and behavioral disorders",0.96,1,,False +crisis support management,crisis support management,"Advanced skills in identifying, responding to, and mitigating critical psychological and behavioral emergencies with strategic, empathetic intervention",0.95,1,,True +crisis support management,emergency psychological response,"Advanced skills in identifying, responding to, and mitigating critical psychological and behavioral emergencies with strategic, empathetic intervention",0.95,1,,False +crisis support management,crisis intervention,"Advanced skills in identifying, responding to, and mitigating critical psychological and behavioral emergencies with strategic, empathetic intervention",0.95,1,,False +crisis support management,acute support management,"Advanced skills in identifying, responding to, and mitigating critical psychological and behavioral emergencies with strategic, empathetic intervention",0.95,1,,False +family systems counseling,family systems counseling,"Comprehensive interpersonal skills for engaging, supporting, and counseling family members to facilitate holistic client treatment and recovery",0.94,1,,True +family systems counseling,family support intervention,"Comprehensive interpersonal skills for engaging, supporting, and counseling family members to facilitate holistic client treatment and recovery",0.94,1,,False +family systems counseling,systemic family counseling,"Comprehensive interpersonal skills for engaging, supporting, and counseling family members to facilitate holistic client treatment and recovery",0.94,1,,False +family systems counseling,family therapeutic engagement,"Comprehensive interpersonal skills for engaging, supporting, and counseling family members to facilitate holistic client treatment and recovery",0.94,1,,False +maritime operations management,maritime operations management,"Comprehensive skills in operating, navigating, and managing watercraft, including vessel control, emergency response, maintenance, and safety protocols in maritime environments",0.98,1,,True +maritime operations management,watercraft navigation,"Comprehensive skills in operating, navigating, and managing watercraft, including vessel control, emergency response, maintenance, and safety protocols in maritime environments",0.98,1,,False +maritime operations management,marine vehicle operation,"Comprehensive skills in operating, navigating, and managing watercraft, including vessel control, emergency response, maintenance, and safety protocols in maritime environments",0.98,1,,False +maritime operations management,nautical operations,"Comprehensive skills in operating, navigating, and managing watercraft, including vessel control, emergency response, maintenance, and safety protocols in maritime environments",0.98,1,,False +emergency water response,emergency water response,"Advanced capabilities in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based environments",0.96,1,,True +emergency water response,water safety management,"Advanced capabilities in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based environments",0.96,1,,False +emergency water response,maritime emergency coordination,"Advanced capabilities in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based environments",0.96,1,,False +vessel maintenance and inspection,vessel maintenance and inspection,"Systematic skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of watercraft engines, machinery, and marine equipment",0.97,1,,True +vessel maintenance and inspection,marine equipment care,"Systematic skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of watercraft engines, machinery, and marine equipment",0.97,1,,False +vessel maintenance and inspection,watercraft technical maintenance,"Systematic skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of watercraft engines, machinery, and marine equipment",0.97,1,,False +water transportation coordination,water transportation coordination,"Advanced skills in directing passenger and freight transport activities, managing logistics, and coordinating complex maritime operational workflows",0.95,1,,True +water transportation coordination,maritime logistics management,"Advanced skills in directing passenger and freight transport activities, managing logistics, and coordinating complex maritime operational workflows",0.95,1,,False +water transportation coordination,water transport operations,"Advanced skills in directing passenger and freight transport activities, managing logistics, and coordinating complex maritime operational workflows",0.95,1,,False +construction material preparation,construction material preparation,"Proficient skills in measuring, cutting, positioning, and preparing materials for construction and installation tasks",0.95,1,,True +construction material preparation,material sizing,"Proficient skills in measuring, cutting, positioning, and preparing materials for construction and installation tasks",0.95,1,,False +construction material preparation,precise material preparation,"Proficient skills in measuring, cutting, positioning, and preparing materials for construction and installation tasks",0.95,1,,False +structural component assembly,structural component assembly,"Advanced ability to position, align, and install wooden and structural components with precision and technical accuracy",0.96,1,,True +structural component assembly,construction assembly,"Advanced ability to position, align, and install wooden and structural components with precision and technical accuracy",0.96,1,,False +structural component assembly,structural positioning,"Advanced ability to position, align, and install wooden and structural components with precision and technical accuracy",0.96,1,,False +structural component assembly,component installation,"Advanced ability to position, align, and install wooden and structural components with precision and technical accuracy",0.96,1,,False +construction equipment management,construction equipment management,"Comprehensive skills in selecting, operating, and managing tools and equipment for construction and carpentry tasks",0.94,1,,True +construction equipment management,tool selection,"Comprehensive skills in selecting, operating, and managing tools and equipment for construction and carpentry tasks",0.94,1,,False +construction equipment management,construction tool management,"Comprehensive skills in selecting, operating, and managing tools and equipment for construction and carpentry tasks",0.94,1,,False +surface preparation techniques,surface preparation techniques,"Advanced skills in smoothing, cleaning, and preparing surfaces using abrasive materials and specialized tools",0.93,1,,True +surface preparation techniques,surface finishing,"Advanced skills in smoothing, cleaning, and preparing surfaces using abrasive materials and specialized tools",0.93,1,,False +surface preparation techniques,material smoothing,"Advanced skills in smoothing, cleaning, and preparing surfaces using abrasive materials and specialized tools",0.93,1,,False +surface preparation techniques,surface treatment,"Advanced skills in smoothing, cleaning, and preparing surfaces using abrasive materials and specialized tools",0.93,1,,False +child development support,child development support,"Comprehensive skills in nurturing, guiding, and supporting children's physical, emotional, and developmental needs through personalized care, educational activities, and safety management",0.98,1,,True +child development support,child care management,"Comprehensive skills in nurturing, guiding, and supporting children's physical, emotional, and developmental needs through personalized care, educational activities, and safety management",0.98,1,,False +child development support,pediatric developmental assistance,"Comprehensive skills in nurturing, guiding, and supporting children's physical, emotional, and developmental needs through personalized care, educational activities, and safety management",0.98,1,,False +child development support,child welfare support,"Comprehensive skills in nurturing, guiding, and supporting children's physical, emotional, and developmental needs through personalized care, educational activities, and safety management",0.98,1,,False +developmental care coordination,developmental care coordination,"Advanced interpersonal skills for managing comprehensive child care environments, including safety monitoring, educational programming, parent communication, and individualized developmental support",0.97,1,,True +developmental care coordination,child care coordination,"Advanced interpersonal skills for managing comprehensive child care environments, including safety monitoring, educational programming, parent communication, and individualized developmental support",0.97,1,,False +developmental care coordination,pediatric support management,"Advanced interpersonal skills for managing comprehensive child care environments, including safety monitoring, educational programming, parent communication, and individualized developmental support",0.97,1,,False +developmental care coordination,developmental care planning,"Advanced interpersonal skills for managing comprehensive child care environments, including safety monitoring, educational programming, parent communication, and individualized developmental support",0.97,1,,False +adaptive caregiving,adaptive caregiving,"Flexible interpersonal skills involving responsive care, emotional support, individualized assistance, and dynamic problem-solving in child and family care contexts",0.96,1,,True +adaptive caregiving,responsive care management,"Flexible interpersonal skills involving responsive care, emotional support, individualized assistance, and dynamic problem-solving in child and family care contexts",0.96,1,,False +adaptive caregiving,personalized support strategies,"Flexible interpersonal skills involving responsive care, emotional support, individualized assistance, and dynamic problem-solving in child and family care contexts",0.96,1,,False +adaptive caregiving,adaptive assistance,"Flexible interpersonal skills involving responsive care, emotional support, individualized assistance, and dynamic problem-solving in child and family care contexts",0.96,1,,False +family engagement and communication,family engagement and communication,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies",0.97,1,,True +family engagement and communication,parental communication,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies",0.97,1,,False +family engagement and communication,family support dialogue,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies",0.97,1,,False +family engagement and communication,child care counseling,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies",0.97,1,,False +holistic child safety management,holistic child safety management,"Comprehensive approach to ensuring child safety through proactive monitoring, environmental preparation, rule enforcement, and protective intervention across diverse care settings",0.98,1,,True +holistic child safety management,child protection strategies,"Comprehensive approach to ensuring child safety through proactive monitoring, environmental preparation, rule enforcement, and protective intervention across diverse care settings",0.98,1,,False +holistic child safety management,safety-focused care,"Comprehensive approach to ensuring child safety through proactive monitoring, environmental preparation, rule enforcement, and protective intervention across diverse care settings",0.98,1,,False +holistic child safety management,preventive child welfare,"Comprehensive approach to ensuring child safety through proactive monitoring, environmental preparation, rule enforcement, and protective intervention across diverse care settings",0.98,1,,False +measurement and verification,measurement and verification,"Precise skills in calculating, weighing, measuring, and verifying characteristics of materials, products, and shipments with high accuracy and attention to detail",0.97,1,,True +measurement and verification,quantitative inspection,"Precise skills in calculating, weighing, measuring, and verifying characteristics of materials, products, and shipments with high accuracy and attention to detail",0.97,1,,False +measurement and verification,product measurement,"Precise skills in calculating, weighing, measuring, and verifying characteristics of materials, products, and shipments with high accuracy and attention to detail",0.97,1,,False +measurement and verification,dimensional verification,"Precise skills in calculating, weighing, measuring, and verifying characteristics of materials, products, and shipments with high accuracy and attention to detail",0.97,1,,False +logistics and inventory management,logistics and inventory management,"Comprehensive skills in tracking, sorting, packaging, storing, and coordinating the movement of materials and products through systematic operational processes",0.96,1,,True +logistics and inventory management,inventory coordination,"Comprehensive skills in tracking, sorting, packaging, storing, and coordinating the movement of materials and products through systematic operational processes",0.96,1,,False +logistics and inventory management,shipping preparation,"Comprehensive skills in tracking, sorting, packaging, storing, and coordinating the movement of materials and products through systematic operational processes",0.96,1,,False +operational documentation,operational documentation,"Systematic skills in recording production information, attaching identification, preparing documentation, and communicating operational details across work environments",0.95,1,,True +operational documentation,record keeping,"Systematic skills in recording production information, attaching identification, preparing documentation, and communicating operational details across work environments",0.95,1,,False +operational documentation,operational reporting,"Systematic skills in recording production information, attaching identification, preparing documentation, and communicating operational details across work environments",0.95,1,,False +vehicle glass repair,vehicle glass repair,"Specialized skills in replacing, installing, and repairing automotive glass components with precision and technical expertise",0.97,1,,True +vehicle glass repair,auto glass replacement,"Specialized skills in replacing, installing, and repairing automotive glass components with precision and technical expertise",0.97,1,,False +vehicle glass repair,vehicle glass installation,"Specialized skills in replacing, installing, and repairing automotive glass components with precision and technical expertise",0.97,1,,False +automotive component replacement,automotive component replacement,"Comprehensive ability to remove, inspect, and replace worn or damaged vehicle parts and mechanical components",0.96,1,,True +automotive component replacement,vehicle part repair,"Comprehensive ability to remove, inspect, and replace worn or damaged vehicle parts and mechanical components",0.96,1,,False +automotive component replacement,automotive parts management,"Comprehensive ability to remove, inspect, and replace worn or damaged vehicle parts and mechanical components",0.96,1,,False +precision surface preparation,precision surface preparation,"Advanced skills in cleaning, painting, and preparing vehicle surfaces and equipment to meet specific quality standards",0.95,1,,True +precision surface preparation,equipment finishing,"Advanced skills in cleaning, painting, and preparing vehicle surfaces and equipment to meet specific quality standards",0.95,1,,False +regulatory compliance management,regulatory compliance management,"Advanced skills in enforcing, monitoring, and implementing organizational and legal regulations across diverse operational contexts",0.98,1,,True +regulatory compliance management,rule enforcement,"Advanced skills in enforcing, monitoring, and implementing organizational and legal regulations across diverse operational contexts",0.98,1,,False +regulatory compliance management,regulatory oversight,"Advanced skills in enforcing, monitoring, and implementing organizational and legal regulations across diverse operational contexts",0.98,1,,False +regulatory compliance management,compliance monitoring,"Advanced skills in enforcing, monitoring, and implementing organizational and legal regulations across diverse operational contexts",0.98,1,,False +strategic resource allocation,strategic resource allocation,"Comprehensive ability to manage financial, personnel, and operational resources through systematic planning, budgeting, and optimization",0.97,1,,True +strategic resource allocation,organizational budgeting,"Comprehensive ability to manage financial, personnel, and operational resources through systematic planning, budgeting, and optimization",0.97,1,,False +strategic resource allocation,personnel coordination,"Comprehensive ability to manage financial, personnel, and operational resources through systematic planning, budgeting, and optimization",0.97,1,,False +advanced operational governance,advanced operational governance,"Sophisticated skills in developing organizational policies, managing operational workflows, and ensuring comprehensive strategic alignment",0.96,1,,True +advanced operational governance,policy development,"Sophisticated skills in developing organizational policies, managing operational workflows, and ensuring comprehensive strategic alignment",0.96,1,,False +advanced operational governance,operational strategy,"Sophisticated skills in developing organizational policies, managing operational workflows, and ensuring comprehensive strategic alignment",0.96,1,,False +advanced operational governance,organizational management,"Sophisticated skills in developing organizational policies, managing operational workflows, and ensuring comprehensive strategic alignment",0.96,1,,False +scientific research methodology,scientific research methodology,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,9,,True +scientific research methodology,research design,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,9,,False +scientific research methodology,scientific investigation techniques,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,9,,False +environmental conservation strategy,environmental conservation strategy,"Comprehensive skills in developing, implementing, and managing environmental protection initiatives, assessing ecological impacts, and promoting sustainable practices across diverse ecosystems",0.98,2,,True +environmental conservation strategy,ecological protection planning,"Comprehensive skills in developing, implementing, and managing environmental protection initiatives, assessing ecological impacts, and promoting sustainable practices across diverse ecosystems",0.98,2,,False +biological systems analysis,biological systems analysis,"Advanced analytical capabilities for examining living organisms, investigating genetic characteristics, disease patterns, and complex biological interactions through systematic scientific approaches",0.96,1,,True +biological systems analysis,organism evaluation,"Advanced analytical capabilities for examining living organisms, investigating genetic characteristics, disease patterns, and complex biological interactions through systematic scientific approaches",0.96,1,,False +biological systems analysis,biological diagnostics,"Advanced analytical capabilities for examining living organisms, investigating genetic characteristics, disease patterns, and complex biological interactions through systematic scientific approaches",0.96,1,,False +biological systems analysis,life systems investigation,"Advanced analytical capabilities for examining living organisms, investigating genetic characteristics, disease patterns, and complex biological interactions through systematic scientific approaches",0.96,1,,False +professional scientific communication,professional scientific communication,"Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange with emphasis on microbiological research",0.99,3,,True +professional scientific communication,technical scientific reporting,"Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange with emphasis on microbiological research",0.99,3,,False +professional scientific communication,research information exchange,"Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange with emphasis on microbiological research",0.99,3,,False +organizational research management,organizational research management,"Comprehensive skills in planning, coordinating, and executing scientific research projects, including budgeting, fundraising, personnel coordination, and strategic project development",0.94,1,,True +organizational research management,research project leadership,"Comprehensive skills in planning, coordinating, and executing scientific research projects, including budgeting, fundraising, personnel coordination, and strategic project development",0.94,1,,False +organizational research management,scientific initiative coordination,"Comprehensive skills in planning, coordinating, and executing scientific research projects, including budgeting, fundraising, personnel coordination, and strategic project development",0.94,1,,False +regulatory environmental compliance,regulatory environmental compliance,"Advanced skills in navigating complex environmental regulations, ensuring policy adherence, managing sustainability standards, and implementing green energy production protocols",0.97,1,,True +regulatory environmental compliance,environmental standards management,"Advanced skills in navigating complex environmental regulations, ensuring policy adherence, managing sustainability standards, and implementing green energy production protocols",0.97,1,,False +regulatory environmental compliance,green regulatory navigation,"Advanced skills in navigating complex environmental regulations, ensuring policy adherence, managing sustainability standards, and implementing green energy production protocols",0.97,1,,False +technical systems optimization,technical systems optimization,"Advanced analytical skills for evaluating, diagnosing, and improving complex technical systems in green energy production, including performance assessment, equipment monitoring, and operational efficiency enhancement",0.96,1,,True +technical systems optimization,production systems analysis,"Advanced analytical skills for evaluating, diagnosing, and improving complex technical systems in green energy production, including performance assessment, equipment monitoring, and operational efficiency enhancement",0.96,1,,False +technical systems optimization,technical systems evaluation,"Advanced analytical skills for evaluating, diagnosing, and improving complex technical systems in green energy production, including performance assessment, equipment monitoring, and operational efficiency enhancement",0.96,1,,False +resource and budget management,resource and budget management,"Comprehensive skills in managing financial resources, preparing operational budgets, allocating resources strategically, and conducting financial planning specific to green energy production environments",0.95,1,,True +resource and budget management,green energy financial management,"Comprehensive skills in managing financial resources, preparing operational budgets, allocating resources strategically, and conducting financial planning specific to green energy production environments",0.95,1,,False +workforce training and development,workforce training and development,"Advanced skills in designing and implementing employee training programs, focusing on environmental awareness, safety protocols, technical skills, and professional development in green energy contexts",0.96,1,,True +workforce training and development,employee skills enhancement,"Advanced skills in designing and implementing employee training programs, focusing on environmental awareness, safety protocols, technical skills, and professional development in green energy contexts",0.96,1,,False +postal service operations,postal service operations,"Comprehensive skills in managing mail sorting, routing, delivery, and administrative processes specific to postal service environments",0.95,1,,True +postal service operations,mail distribution,"Comprehensive skills in managing mail sorting, routing, delivery, and administrative processes specific to postal service environments",0.95,1,,False +postal service operations,postal logistics,"Comprehensive skills in managing mail sorting, routing, delivery, and administrative processes specific to postal service environments",0.95,1,,False +postal service operations,mail handling,"Comprehensive skills in managing mail sorting, routing, delivery, and administrative processes specific to postal service environments",0.95,1,,False +customer interaction management,customer interaction management,"Advanced interpersonal skills for effectively communicating with customers, providing notifications, explaining procedures, and managing service interactions",0.96,1,,True +customer interaction management,public service communication,"Advanced interpersonal skills for effectively communicating with customers, providing notifications, explaining procedures, and managing service interactions",0.96,1,,False +administrative documentation,administrative documentation,"Systematic skills in preparing, recording, and managing administrative documents, shipping information, payments, and regulatory compliance paperwork",0.94,1,,True +administrative documentation,clerical processing,"Systematic skills in preparing, recording, and managing administrative documents, shipping information, payments, and regulatory compliance paperwork",0.94,1,,False +vehicle and equipment operation,vehicle and equipment operation,"Proficient skills in operating, managing, and maintaining vehicles and material-moving equipment in professional service environments",0.95,1,,True +vehicle and equipment operation,transportation equipment management,"Proficient skills in operating, managing, and maintaining vehicles and material-moving equipment in professional service environments",0.95,1,,False +vehicle and equipment operation,professional vehicle handling,"Proficient skills in operating, managing, and maintaining vehicles and material-moving equipment in professional service environments",0.95,1,,False +legal documentation management,legal documentation management,"Comprehensive skills in preparing, organizing, transcribing, and maintaining precise legal and judicial documents with high accuracy and systematic approach",0.98,1,,True +legal documentation management,court record keeping,"Comprehensive skills in preparing, organizing, transcribing, and maintaining precise legal and judicial documents with high accuracy and systematic approach",0.98,1,,False +legal documentation management,judicial documentation,"Comprehensive skills in preparing, organizing, transcribing, and maintaining precise legal and judicial documents with high accuracy and systematic approach",0.98,1,,False +legal documentation management,legal transcription,"Comprehensive skills in preparing, organizing, transcribing, and maintaining precise legal and judicial documents with high accuracy and systematic approach",0.98,1,,False +professional transcription skills,professional transcription skills,"Advanced ability to accurately capture, record, and document verbal communications across professional contexts with precision and attention to detail",0.97,1,,True +professional transcription skills,verbal documentation,"Advanced ability to accurately capture, record, and document verbal communications across professional contexts with precision and attention to detail",0.97,1,,False +professional transcription skills,precise transcription,"Advanced ability to accurately capture, record, and document verbal communications across professional contexts with precision and attention to detail",0.97,1,,False +professional transcription skills,professional notation,"Advanced ability to accurately capture, record, and document verbal communications across professional contexts with precision and attention to detail",0.97,1,,False +procedural information processing,procedural information processing,"Systematic skills in collecting, verifying, entering, and managing complex procedural information across administrative and legal environments",0.96,1,,True +procedural information processing,administrative data management,"Systematic skills in collecting, verifying, entering, and managing complex procedural information across administrative and legal environments",0.96,1,,False +procedural information processing,workflow information tracking,"Systematic skills in collecting, verifying, entering, and managing complex procedural information across administrative and legal environments",0.96,1,,False +precision device assembly,precision device assembly,"Advanced skills in carefully aligning, positioning, and assembling intricate mechanical components with high accuracy and attention to detail",0.98,1,,True +precision device assembly,mechanical component positioning,"Advanced skills in carefully aligning, positioning, and assembling intricate mechanical components with high accuracy and attention to detail",0.98,1,,False +precision device assembly,intricate device construction,"Advanced skills in carefully aligning, positioning, and assembling intricate mechanical components with high accuracy and attention to detail",0.98,1,,False +equipment diagnostic inspection,equipment diagnostic inspection,"Comprehensive ability to systematically examine, test, and evaluate mechanical devices for functionality, alignment, and potential performance issues",0.97,1,,True +equipment diagnostic inspection,technical device evaluation,"Comprehensive ability to systematically examine, test, and evaluate mechanical devices for functionality, alignment, and potential performance issues",0.97,1,,False +equipment diagnostic inspection,precision equipment testing,"Comprehensive ability to systematically examine, test, and evaluate mechanical devices for functionality, alignment, and potential performance issues",0.97,1,,False +precision measurement techniques,precision measurement techniques,"Advanced skills in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components",0.96,1,,True +precision measurement techniques,technical measurement skills,"Advanced skills in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components",0.96,1,,False +precision measurement techniques,precision metrology,"Advanced skills in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components",0.96,1,,False +client representation management,client representation management,"Advanced skills in managing professional representation, negotiating contracts, and advocating for clients' interests across entertainment, sports, and artistic domains",0.98,1,,True +client representation management,artist management,"Advanced skills in managing professional representation, negotiating contracts, and advocating for clients' interests across entertainment, sports, and artistic domains",0.98,1,,False +client representation management,talent representation,"Advanced skills in managing professional representation, negotiating contracts, and advocating for clients' interests across entertainment, sports, and artistic domains",0.98,1,,False +client representation management,professional advocacy,"Advanced skills in managing professional representation, negotiating contracts, and advocating for clients' interests across entertainment, sports, and artistic domains",0.98,1,,False +strategic talent negotiation,strategic talent negotiation,"Comprehensive interpersonal skills for complex contract negotiations, financial agreements, and professional relationship management for performers and artists",0.97,1,,True +strategic talent negotiation,contract negotiation,"Comprehensive interpersonal skills for complex contract negotiations, financial agreements, and professional relationship management for performers and artists",0.97,1,,False +strategic talent negotiation,professional deal making,"Comprehensive interpersonal skills for complex contract negotiations, financial agreements, and professional relationship management for performers and artists",0.97,1,,False +performance career development,performance career development,"Advanced skills in guiding professional growth, identifying opportunities, managing career trajectories, and providing strategic career advice for artists and performers",0.96,1,,True +performance career development,talent career planning,"Advanced skills in guiding professional growth, identifying opportunities, managing career trajectories, and providing strategic career advice for artists and performers",0.96,1,,False +performance career development,professional mentorship,"Advanced skills in guiding professional growth, identifying opportunities, managing career trajectories, and providing strategic career advice for artists and performers",0.96,1,,False +entertainment industry coordination,entertainment industry coordination,"Comprehensive skills in managing professional interactions, coordinating business activities, and navigating complex entertainment industry ecosystems",0.95,1,,True +entertainment industry coordination,industry relationship management,"Comprehensive skills in managing professional interactions, coordinating business activities, and navigating complex entertainment industry ecosystems",0.95,1,,False +entertainment industry coordination,professional network coordination,"Comprehensive skills in managing professional interactions, coordinating business activities, and navigating complex entertainment industry ecosystems",0.95,1,,False +professional financial management,professional financial management,"Advanced skills in managing financial transactions, payment collection, investment recommendations, and comprehensive financial strategy for performers and artists",0.97,1,,True +professional financial management,talent financial advisory,"Advanced skills in managing financial transactions, payment collection, investment recommendations, and comprehensive financial strategy for performers and artists",0.97,1,,False +professional financial management,artist financial planning,"Advanced skills in managing financial transactions, payment collection, investment recommendations, and comprehensive financial strategy for performers and artists",0.97,1,,False +hazardous materials management,hazardous materials management,"Comprehensive skills in identifying, handling, processing, and safely disposing of hazardous and toxic materials across diverse work environments",0.98,1,,True +hazardous materials management,toxic substance handling,"Comprehensive skills in identifying, handling, processing, and safely disposing of hazardous and toxic materials across diverse work environments",0.98,1,,False +hazardous materials management,hazardous waste processing,"Comprehensive skills in identifying, handling, processing, and safely disposing of hazardous and toxic materials across diverse work environments",0.98,1,,False +safety and risk mitigation,safety and risk mitigation,"Advanced ability to identify potential environmental and workplace hazards, implement preventive measures, and ensure comprehensive operational safety",0.97,1,,True +safety and risk mitigation,workplace hazard assessment,"Advanced ability to identify potential environmental and workplace hazards, implement preventive measures, and ensure comprehensive operational safety",0.97,1,,False +heavy equipment operation,heavy equipment operation,"Proficient skills in operating, navigating, and controlling specialized machinery including cranes, hoists, trucks, and truck-mounted equipment",0.96,1,,True +heavy equipment operation,machinery navigation,"Proficient skills in operating, navigating, and controlling specialized machinery including cranes, hoists, trucks, and truck-mounted equipment",0.96,1,,False +heavy equipment operation,vehicle and equipment control,"Proficient skills in operating, navigating, and controlling specialized machinery including cranes, hoists, trucks, and truck-mounted equipment",0.96,1,,False +heavy equipment operation,industrial equipment management,"Proficient skills in operating, navigating, and controlling specialized machinery including cranes, hoists, trucks, and truck-mounted equipment",0.96,1,,False +environmental site management,environmental site management,"Comprehensive skills in preparing, inspecting, and managing work sites with focus on environmental safety, contamination prevention, and systematic operational protocols",0.95,1,,True +environmental site management,work site preparation,"Comprehensive skills in preparing, inspecting, and managing work sites with focus on environmental safety, contamination prevention, and systematic operational protocols",0.95,1,,False +environmental site management,site safety assessment,"Comprehensive skills in preparing, inspecting, and managing work sites with focus on environmental safety, contamination prevention, and systematic operational protocols",0.95,1,,False +technical substance preparation,technical substance preparation,"Advanced skills in mixing, measuring, and preparing specialized substances and compounds for complex work activities",0.94,1,,True +technical substance preparation,material mixing,"Advanced skills in mixing, measuring, and preparing specialized substances and compounds for complex work activities",0.94,1,,False +technical substance preparation,compound preparation,"Advanced skills in mixing, measuring, and preparing specialized substances and compounds for complex work activities",0.94,1,,False +technical substance preparation,precise substance handling,"Advanced skills in mixing, measuring, and preparing specialized substances and compounds for complex work activities",0.94,1,,False +pharmaceutical workflow management,pharmaceutical workflow management,"Advanced skills in managing medication preparation, verification, inventory control, and systematic processing of pharmaceutical products with precision and safety focus",0.97,1,,True +pharmaceutical workflow management,medication handling,"Advanced skills in managing medication preparation, verification, inventory control, and systematic processing of pharmaceutical products with precision and safety focus",0.97,1,,False +pharmaceutical workflow management,pharmacy operations,"Advanced skills in managing medication preparation, verification, inventory control, and systematic processing of pharmaceutical products with precision and safety focus",0.97,1,,False +pharmaceutical workflow management,drug inventory management,"Advanced skills in managing medication preparation, verification, inventory control, and systematic processing of pharmaceutical products with precision and safety focus",0.97,1,,False +healthcare compliance and safety,healthcare compliance and safety,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, managing medical supplies, and implementing quality control protocols in healthcare environments",0.96,1,,True +healthcare compliance and safety,medical safety protocols,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, managing medical supplies, and implementing quality control protocols in healthcare environments",0.96,1,,False +healthcare compliance and safety,healthcare quality assurance,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, managing medical supplies, and implementing quality control protocols in healthcare environments",0.96,1,,False +healthcare compliance and safety,regulatory medical compliance,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, managing medical supplies, and implementing quality control protocols in healthcare environments",0.96,1,,False +environmental conservation management,environmental conservation management,"Comprehensive skills in forest management, vegetation control, plant protection, and ecosystem preservation through systematic operational techniques",0.97,1,,True +environmental conservation management,forest ecosystem management,"Comprehensive skills in forest management, vegetation control, plant protection, and ecosystem preservation through systematic operational techniques",0.97,1,,False +environmental conservation management,natural resource conservation,"Comprehensive skills in forest management, vegetation control, plant protection, and ecosystem preservation through systematic operational techniques",0.97,1,,False +environmental conservation management,vegetation control,"Comprehensive skills in forest management, vegetation control, plant protection, and ecosystem preservation through systematic operational techniques",0.97,1,,False +specialized equipment operation,specialized equipment operation,"Proficient skills in operating, maintaining, and managing specialized forestry and agricultural machinery and tools",0.96,1,,True +specialized equipment operation,forestry equipment handling,"Proficient skills in operating, maintaining, and managing specialized forestry and agricultural machinery and tools",0.96,1,,False +specialized equipment operation,agricultural machinery management,"Proficient skills in operating, maintaining, and managing specialized forestry and agricultural machinery and tools",0.96,1,,False +field operations coordination,field operations coordination,"Advanced skills in coordinating work activities, communicating with team members, and managing complex outdoor work environments",0.95,1,,True +field operations coordination,outdoor work synchronization,"Advanced skills in coordinating work activities, communicating with team members, and managing complex outdoor work environments",0.95,1,,False +field operations coordination,team task management,"Advanced skills in coordinating work activities, communicating with team members, and managing complex outdoor work environments",0.95,1,,False +agricultural inventory management,agricultural inventory management,"Systematic skills in recording, tracking, evaluating, and documenting agricultural and forestry resources and operational data",0.94,1,,True +agricultural inventory management,resource tracking,"Systematic skills in recording, tracking, evaluating, and documenting agricultural and forestry resources and operational data",0.94,1,,False +agricultural inventory management,field inventory documentation,"Systematic skills in recording, tracking, evaluating, and documenting agricultural and forestry resources and operational data",0.94,1,,False +preventive plant care,preventive plant care,"Advanced techniques for protecting plants through chemical treatments, disease prevention, and growth enhancement strategies",0.93,1,,True +preventive plant care,plant health management,"Advanced techniques for protecting plants through chemical treatments, disease prevention, and growth enhancement strategies",0.93,1,,False +preventive plant care,botanical protection,"Advanced techniques for protecting plants through chemical treatments, disease prevention, and growth enhancement strategies",0.93,1,,False +environmental data analysis,environmental data analysis,"Advanced scientific skills for collecting, processing, and interpreting environmental data through systematic research methods and analytical techniques",0.98,1,,True +environmental data analysis,environmental research,"Advanced scientific skills for collecting, processing, and interpreting environmental data through systematic research methods and analytical techniques",0.98,1,,False +environmental data analysis,scientific data processing,"Advanced scientific skills for collecting, processing, and interpreting environmental data through systematic research methods and analytical techniques",0.98,1,,False +environmental data analysis,ecological data interpretation,"Advanced scientific skills for collecting, processing, and interpreting environmental data through systematic research methods and analytical techniques",0.98,1,,False +scientific sample management,scientific sample management,"Comprehensive skills in collecting, preparing, handling, and analyzing scientific samples across diverse environmental and research contexts",0.97,1,,True +scientific sample management,sample preparation,"Comprehensive skills in collecting, preparing, handling, and analyzing scientific samples across diverse environmental and research contexts",0.97,1,,False +scientific sample management,laboratory sample processing,"Comprehensive skills in collecting, preparing, handling, and analyzing scientific samples across diverse environmental and research contexts",0.97,1,,False +scientific sample management,scientific specimen handling,"Comprehensive skills in collecting, preparing, handling, and analyzing scientific samples across diverse environmental and research contexts",0.97,1,,False +technical reporting and documentation,technical reporting and documentation,"Proficient skills in preparing comprehensive scientific, technical, and operational reports with precise communication and systematic documentation",0.95,1,,True +technical reporting and documentation,scientific writing,"Proficient skills in preparing comprehensive scientific, technical, and operational reports with precise communication and systematic documentation",0.95,1,,False +environmental monitoring and assessment,environmental monitoring and assessment,"Comprehensive skills in systematically inspecting, evaluating, and monitoring environmental conditions, compliance, and potential ecological impacts",0.97,1,,True +environmental monitoring and assessment,ecological inspection,"Comprehensive skills in systematically inspecting, evaluating, and monitoring environmental conditions, compliance, and potential ecological impacts",0.97,1,,False +environmental monitoring and assessment,environmental quality assessment,"Comprehensive skills in systematically inspecting, evaluating, and monitoring environmental conditions, compliance, and potential ecological impacts",0.97,1,,False +environmental monitoring and assessment,sustainability monitoring,"Comprehensive skills in systematically inspecting, evaluating, and monitoring environmental conditions, compliance, and potential ecological impacts",0.97,1,,False +green energy engineering,green energy engineering,"Comprehensive expertise in designing, analyzing, and implementing renewable energy systems, with specific focus on solar technology, system optimization, and sustainable infrastructure development",0.98,1,,True +green energy engineering,renewable energy design,"Comprehensive expertise in designing, analyzing, and implementing renewable energy systems, with specific focus on solar technology, system optimization, and sustainable infrastructure development",0.98,1,,False +green energy engineering,solar systems engineering,"Comprehensive expertise in designing, analyzing, and implementing renewable energy systems, with specific focus on solar technology, system optimization, and sustainable infrastructure development",0.98,1,,False +green energy engineering,sustainable energy solutions,"Comprehensive expertise in designing, analyzing, and implementing renewable energy systems, with specific focus on solar technology, system optimization, and sustainable infrastructure development",0.98,1,,False +technical design visualization,technical design visualization,"Advanced ability to create graphical representations, technical models, and visual documentation of complex engineering systems and design specifications",0.96,1,,True +technical design visualization,engineering visualization,"Advanced ability to create graphical representations, technical models, and visual documentation of complex engineering systems and design specifications",0.96,1,,False +technical design visualization,technical modeling,"Advanced ability to create graphical representations, technical models, and visual documentation of complex engineering systems and design specifications",0.96,1,,False +technical design visualization,design schematic creation,"Advanced ability to create graphical representations, technical models, and visual documentation of complex engineering systems and design specifications",0.96,1,,False +systematic performance evaluation,systematic performance evaluation,"Comprehensive analytical skills for assessing technological and environmental implications, evaluating system performance, and recommending strategic improvements",0.97,1,,True +systematic performance evaluation,system optimization assessment,"Comprehensive analytical skills for assessing technological and environmental implications, evaluating system performance, and recommending strategic improvements",0.97,1,,False +systematic performance evaluation,design impact evaluation,"Comprehensive analytical skills for assessing technological and environmental implications, evaluating system performance, and recommending strategic improvements",0.97,1,,False +renewable technology testing,renewable technology testing,"Specialized skills in conducting comprehensive testing, verification, and quality assessment of green technologies and renewable energy processes",0.95,1,,True +renewable technology testing,green technology validation,"Specialized skills in conducting comprehensive testing, verification, and quality assessment of green technologies and renewable energy processes",0.95,1,,False +renewable technology testing,renewable systems testing,"Specialized skills in conducting comprehensive testing, verification, and quality assessment of green technologies and renewable energy processes",0.95,1,,False +renewable technology testing,energy process verification,"Specialized skills in conducting comprehensive testing, verification, and quality assessment of green technologies and renewable energy processes",0.95,1,,False +technical project planning,technical project planning,"Advanced capability in developing detailed work plans, determining design criteria, and coordinating complex technical project requirements",0.96,1,,True +technical project planning,engineering project coordination,"Advanced capability in developing detailed work plans, determining design criteria, and coordinating complex technical project requirements",0.96,1,,False +technical project planning,technical workflow management,"Advanced capability in developing detailed work plans, determining design criteria, and coordinating complex technical project requirements",0.96,1,,False +technical project planning,operational design planning,"Advanced capability in developing detailed work plans, determining design criteria, and coordinating complex technical project requirements",0.96,1,,False +mechanical repair and maintenance,mechanical repair and maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain mechanical equipment and systems using specialized tools and techniques",0.98,1,,True +mechanical repair and maintenance,mechanical system restoration,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain mechanical equipment and systems using specialized tools and techniques",0.98,1,,False +mechanical repair and maintenance,technical equipment servicing,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain mechanical equipment and systems using specialized tools and techniques",0.98,1,,False +precision material manipulation,precision material manipulation,"Advanced skills in cutting, measuring, positioning, and preparing materials for fabrication, repair, and installation across diverse work environments",0.97,1,,True +precision material manipulation,dimensional precision,"Advanced skills in cutting, measuring, positioning, and preparing materials for fabrication, repair, and installation across diverse work environments",0.97,1,,False +customer engagement,customer engagement,"Advanced interpersonal skills for understanding customer needs, providing personalized service, building professional relationships, creating positive customer experiences through active listening, problem-solving, and strategic communication",0.99,3,,True +customer engagement,customer service strategy,"Advanced interpersonal skills for understanding customer needs, providing personalized service, building professional relationships, creating positive customer experiences through active listening, problem-solving, and strategic communication",0.99,3,,False +retail product management,retail product management,"Comprehensive skills in managing product displays, inventory, sales transactions, pricing, and customer product recommendations across retail environments",0.97,1,,True +retail product management,merchandise handling,"Comprehensive skills in managing product displays, inventory, sales transactions, pricing, and customer product recommendations across retail environments",0.97,1,,False +retail product management,product sales,"Comprehensive skills in managing product displays, inventory, sales transactions, pricing, and customer product recommendations across retail environments",0.97,1,,False +retail product management,retail inventory,"Comprehensive skills in managing product displays, inventory, sales transactions, pricing, and customer product recommendations across retail environments",0.97,1,,False +sales transaction processing,sales transaction processing,"Systematic skills in processing financial transactions, calculating costs, preparing contracts, maintaining accurate sales records, and ensuring precise financial documentation",0.96,1,,True +sales transaction processing,financial transaction management,"Systematic skills in processing financial transactions, calculating costs, preparing contracts, maintaining accurate sales records, and ensuring precise financial documentation",0.96,1,,False +sales transaction processing,sales documentation,"Systematic skills in processing financial transactions, calculating costs, preparing contracts, maintaining accurate sales records, and ensuring precise financial documentation",0.96,1,,False +property valuation analysis,property valuation analysis,"Comprehensive skills in assessing, analyzing, and determining accurate monetary values for personal and business properties through systematic evaluation techniques",0.98,1,,True +property valuation analysis,asset appraisal,"Comprehensive skills in assessing, analyzing, and determining accurate monetary values for personal and business properties through systematic evaluation techniques",0.98,1,,False +property valuation analysis,property value assessment,"Comprehensive skills in assessing, analyzing, and determining accurate monetary values for personal and business properties through systematic evaluation techniques",0.98,1,,False +property valuation analysis,economic property evaluation,"Comprehensive skills in assessing, analyzing, and determining accurate monetary values for personal and business properties through systematic evaluation techniques",0.98,1,,False +professional documentation management,professional documentation management,"Advanced skills in creating, compiling, maintaining, and verifying detailed professional reports, databases, and informational materials with high precision and accuracy",0.97,1,,True +professional documentation management,technical report writing,"Advanced skills in creating, compiling, maintaining, and verifying detailed professional reports, databases, and informational materials with high precision and accuracy",0.97,1,,False +professional documentation management,comprehensive documentation,"Advanced skills in creating, compiling, maintaining, and verifying detailed professional reports, databases, and informational materials with high precision and accuracy",0.97,1,,False +professional documentation management,information system management,"Advanced skills in creating, compiling, maintaining, and verifying detailed professional reports, databases, and informational materials with high precision and accuracy",0.97,1,,False +economic trend forecasting,economic trend forecasting,"Advanced analytical capabilities for predicting and interpreting economic, political, and social trends through systematic research and comprehensive data analysis",0.96,1,,True +economic trend forecasting,trend analysis,"Advanced analytical capabilities for predicting and interpreting economic, political, and social trends through systematic research and comprehensive data analysis",0.96,1,,False +economic trend forecasting,predictive economic research,"Advanced analytical capabilities for predicting and interpreting economic, political, and social trends through systematic research and comprehensive data analysis",0.96,1,,False +economic trend forecasting,strategic forecasting,"Advanced analytical capabilities for predicting and interpreting economic, political, and social trends through systematic research and comprehensive data analysis",0.96,1,,False +client service coordination,client service coordination,"Comprehensive interpersonal skills for gathering client information, providing professional services, managing client interactions, and ensuring high-quality client support",0.97,1,,True +client service coordination,client information management,"Comprehensive interpersonal skills for gathering client information, providing professional services, managing client interactions, and ensuring high-quality client support",0.97,1,,False +client service coordination,professional client engagement,"Comprehensive interpersonal skills for gathering client information, providing professional services, managing client interactions, and ensuring high-quality client support",0.97,1,,False +client service coordination,service delivery,"Comprehensive interpersonal skills for gathering client information, providing professional services, managing client interactions, and ensuring high-quality client support",0.97,1,,False +legal testimony preparation,legal testimony preparation,"Advanced skills in preparing, documenting, and presenting professional testimony for legal or legislative proceedings with precision and authoritative communication",0.96,1,,True +legal testimony preparation,judicial testimony management,"Advanced skills in preparing, documenting, and presenting professional testimony for legal or legislative proceedings with precision and authoritative communication",0.96,1,,False +legal testimony preparation,legal evidence presentation,"Advanced skills in preparing, documenting, and presenting professional testimony for legal or legislative proceedings with precision and authoritative communication",0.96,1,,False +production assembly skills,production assembly skills,"Comprehensive ability to assemble, position, and integrate components in manufacturing and production environments, involving precise manual manipulation, equipment operation, and quality control",0.98,1,,True +production assembly skills,manufacturing assembly,"Comprehensive ability to assemble, position, and integrate components in manufacturing and production environments, involving precise manual manipulation, equipment operation, and quality control",0.98,1,,False +production assembly skills,product component integration,"Comprehensive ability to assemble, position, and integrate components in manufacturing and production environments, involving precise manual manipulation, equipment operation, and quality control",0.98,1,,False +production assembly skills,technical assembly techniques,"Comprehensive ability to assemble, position, and integrate components in manufacturing and production environments, involving precise manual manipulation, equipment operation, and quality control",0.98,1,,False +operational quality monitoring,operational quality monitoring,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance indicators, ensuring compliance with manufacturing standards, and maintaining precise production quality in food processing and baking environments",1.0,4,,True +operational quality monitoring,quality control,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance indicators, ensuring compliance with manufacturing standards, and maintaining precise production quality in food processing and baking environments",1.0,4,,False +operational quality monitoring,production inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance indicators, ensuring compliance with manufacturing standards, and maintaining precise production quality in food processing and baking environments",1.0,4,,False +operational quality monitoring,manufacturing standards verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance indicators, ensuring compliance with manufacturing standards, and maintaining precise production quality in food processing and baking environments",1.0,4,,False +technical equipment management,technical equipment management,"Comprehensive skills in operating, monitoring, controlling, and maintaining specialized industrial machinery and production equipment with precision and systematic approach",0.98,13,,True +technical equipment management,machinery performance management,"Comprehensive skills in operating, monitoring, controlling, and maintaining specialized industrial machinery and production equipment with precision and systematic approach",0.98,13,,False +workplace procedural coordination,workplace procedural coordination,"Advanced ability to read instructions, interpret work orders, plan operational sequences, direct work activities, and coordinate team performance in manufacturing environments",0.95,1,,True +workplace procedural coordination,production task coordination,"Advanced ability to read instructions, interpret work orders, plan operational sequences, direct work activities, and coordinate team performance in manufacturing environments",0.95,1,,False +workplace procedural coordination,procedural work planning,"Advanced ability to read instructions, interpret work orders, plan operational sequences, direct work activities, and coordinate team performance in manufacturing environments",0.95,1,,False +material handling and preparation,material handling and preparation,"Proficient skills in loading, measuring, positioning, packaging, and transferring materials and products through complex manufacturing and assembly processes",0.94,1,,True +material handling and preparation,product logistics,"Proficient skills in loading, measuring, positioning, packaging, and transferring materials and products through complex manufacturing and assembly processes",0.94,1,,False +material handling and preparation,manufacturing material management,"Proficient skills in loading, measuring, positioning, packaging, and transferring materials and products through complex manufacturing and assembly processes",0.94,1,,False +food service leadership,food service leadership,"Advanced management skills specific to food service environments, involving staff supervision, operational coordination, quality control, and strategic service delivery",0.98,1,,True +food service leadership,restaurant management,"Advanced management skills specific to food service environments, involving staff supervision, operational coordination, quality control, and strategic service delivery",0.98,1,,False +food service leadership,food service supervision,"Advanced management skills specific to food service environments, involving staff supervision, operational coordination, quality control, and strategic service delivery",0.98,1,,False +organizational resource allocation,organizational resource allocation,"Comprehensive skills in managing financial, material, and human resources through strategic planning, budgeting, and efficient distribution across operational contexts",0.97,1,,True +organizational resource allocation,strategic resource planning,"Comprehensive skills in managing financial, material, and human resources through strategic planning, budgeting, and efficient distribution across operational contexts",0.97,1,,False +organizational resource allocation,operational budget control,"Comprehensive skills in managing financial, material, and human resources through strategic planning, budgeting, and efficient distribution across operational contexts",0.97,1,,False +interpersonal conflict resolution,interpersonal conflict resolution,"Advanced skills in identifying, mediating, and resolving workplace conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,True +interpersonal conflict resolution,professional dispute management,"Advanced skills in identifying, mediating, and resolving workplace conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,False +interpersonal conflict resolution,collaborative problem solving,"Advanced skills in identifying, mediating, and resolving workplace conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,False +performance monitoring and evaluation,performance monitoring and evaluation,"Comprehensive skills in assessing individual and organizational performance, identifying improvement opportunities, and implementing systematic quality control measures",0.97,1,,True +performance monitoring and evaluation,operational performance assessment,"Comprehensive skills in assessing individual and organizational performance, identifying improvement opportunities, and implementing systematic quality control measures",0.97,1,,False +performance monitoring and evaluation,quality improvement tracking,"Comprehensive skills in assessing individual and organizational performance, identifying improvement opportunities, and implementing systematic quality control measures",0.97,1,,False +performance monitoring and evaluation,systematic performance review,"Comprehensive skills in assessing individual and organizational performance, identifying improvement opportunities, and implementing systematic quality control measures",0.97,1,,False +project management,project management,"Comprehensive ability to plan, execute, monitor, and control complex technical and organizational projects, involving resource allocation, stakeholder coordination, and strategic implementation",0.99,1,,True +project management,project planning,"Comprehensive ability to plan, execute, monitor, and control complex technical and organizational projects, involving resource allocation, stakeholder coordination, and strategic implementation",0.99,1,,False +project management,project coordination,"Comprehensive ability to plan, execute, monitor, and control complex technical and organizational projects, involving resource allocation, stakeholder coordination, and strategic implementation",0.99,1,,False +project management,project leadership,"Comprehensive ability to plan, execute, monitor, and control complex technical and organizational projects, involving resource allocation, stakeholder coordination, and strategic implementation",0.99,1,,False +strategic technology management,strategic technology management,"Advanced skills in evaluating, selecting, implementing, and optimizing technological systems and solutions across organizational contexts",0.98,1,,True +strategic technology management,technology strategy,"Advanced skills in evaluating, selecting, implementing, and optimizing technological systems and solutions across organizational contexts",0.98,1,,False +strategic technology management,it systems management,"Advanced skills in evaluating, selecting, implementing, and optimizing technological systems and solutions across organizational contexts",0.98,1,,False +strategic technology management,technology integration,"Advanced skills in evaluating, selecting, implementing, and optimizing technological systems and solutions across organizational contexts",0.98,1,,False +organizational resource optimization,organizational resource optimization,"Comprehensive skills in managing financial, human, and material resources through strategic planning, budgeting, and efficient allocation across complex work environments",0.97,1,,True +organizational resource optimization,organizational efficiency,"Comprehensive skills in managing financial, human, and material resources through strategic planning, budgeting, and efficient allocation across complex work environments",0.97,1,,False +advanced stakeholder communication,advanced stakeholder communication,"Sophisticated interpersonal skills involving complex communication, negotiation, coordination, and relationship management across diverse professional stakeholders",0.96,1,,True +advanced stakeholder communication,interprofessional coordination,"Sophisticated interpersonal skills involving complex communication, negotiation, coordination, and relationship management across diverse professional stakeholders",0.96,1,,False +glass fabrication techniques,glass fabrication techniques,"Advanced skills in shaping, molding, heating, and manipulating glass and similar materials through precise manufacturing processes",0.98,1,,True +glass fabrication techniques,glass forming,"Advanced skills in shaping, molding, heating, and manipulating glass and similar materials through precise manufacturing processes",0.98,1,,False +glass fabrication techniques,material thermal manipulation,"Advanced skills in shaping, molding, heating, and manipulating glass and similar materials through precise manufacturing processes",0.98,1,,False +glass fabrication techniques,precision glass shaping,"Advanced skills in shaping, molding, heating, and manipulating glass and similar materials through precise manufacturing processes",0.98,1,,False +production equipment setup,production equipment setup,"Comprehensive ability to prepare, configure, adjust, and operate specialized manufacturing equipment with precision and systematic approach",0.97,1,,True +production equipment setup,machine configuration,"Comprehensive ability to prepare, configure, adjust, and operate specialized manufacturing equipment with precision and systematic approach",0.97,1,,False +production equipment setup,equipment preparation,"Comprehensive ability to prepare, configure, adjust, and operate specialized manufacturing equipment with precision and systematic approach",0.97,1,,False +production equipment setup,industrial machinery management,"Comprehensive ability to prepare, configure, adjust, and operate specialized manufacturing equipment with precision and systematic approach",0.97,1,,False +manufacturing quality verification,manufacturing quality verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, weighing, and ensuring conformance to precise manufacturing specifications",0.96,1,,True +manufacturing quality verification,product dimensional inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, weighing, and ensuring conformance to precise manufacturing specifications",0.96,1,,False +manufacturing quality verification,manufacturing compliance checking,"Systematic approach to conducting detailed product inspections, measuring dimensions, weighing, and ensuring conformance to precise manufacturing specifications",0.96,1,,False +manufacturing quality verification,precision quality control,"Systematic approach to conducting detailed product inspections, measuring dimensions, weighing, and ensuring conformance to precise manufacturing specifications",0.96,1,,False +personal grooming services,personal grooming services,"Comprehensive skills in providing professional hair, skin, and beauty services including cutting, styling, treatment, and client consultation",0.98,1,,True +personal grooming services,beauty service provision,"Comprehensive skills in providing professional hair, skin, and beauty services including cutting, styling, treatment, and client consultation",0.98,1,,False +personal grooming services,cosmetology services,"Comprehensive skills in providing professional hair, skin, and beauty services including cutting, styling, treatment, and client consultation",0.98,1,,False +personal grooming services,personal aesthetic care,"Comprehensive skills in providing professional hair, skin, and beauty services including cutting, styling, treatment, and client consultation",0.98,1,,False +client relationship management,client relationship management,"Advanced interpersonal skills for building rapport, understanding client needs, providing personalized service, and maintaining professional customer interactions",0.97,1,,True +client relationship management,customer service excellence,"Advanced interpersonal skills for building rapport, understanding client needs, providing personalized service, and maintaining professional customer interactions",0.97,1,,False +beauty product expertise,beauty product expertise,"Comprehensive knowledge of cosmetic products, treatments, application techniques, and professional recommendations for hair and skin care",0.96,1,,True +beauty product expertise,cosmetic product knowledge,"Comprehensive knowledge of cosmetic products, treatments, application techniques, and professional recommendations for hair and skin care",0.96,1,,False +beauty product expertise,hair and skin treatment proficiency,"Comprehensive knowledge of cosmetic products, treatments, application techniques, and professional recommendations for hair and skin care",0.96,1,,False +aesthetic service coordination,aesthetic service coordination,"Advanced skills in scheduling, managing service workflows, maintaining client records, and coordinating professional beauty service operations",0.95,1,,True +aesthetic service coordination,service appointment management,"Advanced skills in scheduling, managing service workflows, maintaining client records, and coordinating professional beauty service operations",0.95,1,,False +aesthetic service coordination,beauty salon operations,"Advanced skills in scheduling, managing service workflows, maintaining client records, and coordinating professional beauty service operations",0.95,1,,False +waste management operations,waste management operations,"Comprehensive skills in collecting, disposing, and processing refuse and recyclable materials through systematic operational techniques",0.98,1,,True +waste management operations,refuse collection,"Comprehensive skills in collecting, disposing, and processing refuse and recyclable materials through systematic operational techniques",0.98,1,,False +waste management operations,waste handling,"Comprehensive skills in collecting, disposing, and processing refuse and recyclable materials through systematic operational techniques",0.98,1,,False +waste management operations,recycling logistics,"Comprehensive skills in collecting, disposing, and processing refuse and recyclable materials through systematic operational techniques",0.98,1,,False +vehicle and equipment navigation,vehicle and equipment navigation,"Proficient skills in operating, maneuvering, and controlling specialized transportation and material-moving equipment across diverse work environments",0.97,1,,True +vehicle and equipment navigation,vehicle control,"Proficient skills in operating, maneuvering, and controlling specialized transportation and material-moving equipment across diverse work environments",0.97,1,,False +safety and maintenance inspection,safety and maintenance inspection,"Systematic approach to inspecting, monitoring, and maintaining vehicle and equipment functionality, ensuring operational safety and performance",0.96,1,,True +safety and maintenance inspection,equipment diagnostics,"Systematic approach to inspecting, monitoring, and maintaining vehicle and equipment functionality, ensuring operational safety and performance",0.96,1,,False +safety and maintenance inspection,operational safety check,"Systematic approach to inspecting, monitoring, and maintaining vehicle and equipment functionality, ensuring operational safety and performance",0.96,1,,False +safety and maintenance inspection,maintenance verification,"Systematic approach to inspecting, monitoring, and maintaining vehicle and equipment functionality, ensuring operational safety and performance",0.96,1,,False +software development,software development,"Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms and applications",0.97,1,,True +software development,programming,"Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms and applications",0.97,1,,False +software development,code engineering,"Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms and applications",0.97,1,,False +software development,software engineering,"Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms and applications",0.97,1,,False +information technology problem solving,information technology problem solving,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, applications, and network environments",0.96,1,,True +information technology problem solving,it troubleshooting,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, applications, and network environments",0.96,1,,False +information technology problem solving,technical issue resolution,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, applications, and network environments",0.96,1,,False +information technology problem solving,computer systems diagnostics,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, applications, and network environments",0.96,1,,False +technology project management,technology project management,"Comprehensive ability to plan, coordinate, execute, and monitor complex information technology projects involving resource allocation, stakeholder communication, and strategic implementation",0.97,1,,True +technology project management,it project coordination,"Comprehensive ability to plan, coordinate, execute, and monitor complex information technology projects involving resource allocation, stakeholder communication, and strategic implementation",0.97,1,,False +technology project management,technology implementation,"Comprehensive ability to plan, coordinate, execute, and monitor complex information technology projects involving resource allocation, stakeholder communication, and strategic implementation",0.97,1,,False +enterprise technology integration,enterprise technology integration,"Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives",0.96,1,,True +enterprise technology integration,systems design,"Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives",0.96,1,,False +enterprise technology integration,computer network configuration,"Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives",0.96,1,,False +enterprise technology integration,technological infrastructure planning,"Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives",0.96,1,,False +security risk management,security risk management,"Comprehensive ability to identify, assess, investigate, and mitigate organizational security risks, including crime prevention, compliance monitoring, and strategic risk reduction",0.98,1,,True +security risk management,organizational security,"Comprehensive ability to identify, assess, investigate, and mitigate organizational security risks, including crime prevention, compliance monitoring, and strategic risk reduction",0.98,1,,False +security risk management,risk mitigation,"Comprehensive ability to identify, assess, investigate, and mitigate organizational security risks, including crime prevention, compliance monitoring, and strategic risk reduction",0.98,1,,False +security risk management,threat assessment,"Comprehensive ability to identify, assess, investigate, and mitigate organizational security risks, including crime prevention, compliance monitoring, and strategic risk reduction",0.98,1,,False +investigative compliance analysis,investigative compliance analysis,"Advanced skills in conducting systematic investigations, examining financial and operational records, and ensuring organizational adherence to legal and regulatory standards",0.97,1,,True +investigative compliance analysis,regulatory investigation,"Advanced skills in conducting systematic investigations, examining financial and operational records, and ensuring organizational adherence to legal and regulatory standards",0.97,1,,False +investigative compliance analysis,compliance verification,"Advanced skills in conducting systematic investigations, examining financial and operational records, and ensuring organizational adherence to legal and regulatory standards",0.97,1,,False +investigative compliance analysis,organizational audit,"Advanced skills in conducting systematic investigations, examining financial and operational records, and ensuring organizational adherence to legal and regulatory standards",0.97,1,,False +personnel resource optimization,personnel resource optimization,"Strategic management of human resources involving recruitment, training, supervision, motivation, and development of organizational workforce",0.96,1,,True +personnel resource optimization,human capital development,"Strategic management of human resources involving recruitment, training, supervision, motivation, and development of organizational workforce",0.96,1,,False +personnel resource optimization,staff coordination,"Strategic management of human resources involving recruitment, training, supervision, motivation, and development of organizational workforce",0.96,1,,False +strategic organizational governance,strategic organizational governance,"Advanced skills in developing, implementing, and managing organizational strategies, policies, and operational procedures to ensure comprehensive performance and compliance",0.97,1,,True +strategic organizational governance,organizational strategy,"Advanced skills in developing, implementing, and managing organizational strategies, policies, and operational procedures to ensure comprehensive performance and compliance",0.97,1,,False +strategic organizational governance,operational planning,"Advanced skills in developing, implementing, and managing organizational strategies, policies, and operational procedures to ensure comprehensive performance and compliance",0.97,1,,False +comprehensive workplace monitoring,comprehensive workplace monitoring,"Systematic approach to continuously evaluating organizational performance, safety standards, operational compliance, and implementing corrective and preventive measures",0.96,1,,True +comprehensive workplace monitoring,performance oversight,"Systematic approach to continuously evaluating organizational performance, safety standards, operational compliance, and implementing corrective and preventive measures",0.96,1,,False +comprehensive workplace monitoring,compliance tracking,"Systematic approach to continuously evaluating organizational performance, safety standards, operational compliance, and implementing corrective and preventive measures",0.96,1,,False +workforce training development,workforce training development,"Advanced skills in designing and implementing comprehensive employee training programs focusing on technical skills, safety protocols, professional development, and organizational knowledge transfer",0.96,1,,True +workforce training development,organizational learning management,"Advanced skills in designing and implementing comprehensive employee training programs focusing on technical skills, safety protocols, professional development, and organizational knowledge transfer",0.96,1,,False +workforce training development,professional skills enhancement,"Advanced skills in designing and implementing comprehensive employee training programs focusing on technical skills, safety protocols, professional development, and organizational knowledge transfer",0.96,1,,False +workforce training development,employee capability development,"Advanced skills in designing and implementing comprehensive employee training programs focusing on technical skills, safety protocols, professional development, and organizational knowledge transfer",0.96,1,,False +sales communication,sales communication,"Advanced interpersonal skills for persuasive communication, product promotion, customer engagement, and effective sales interaction in telemarketing and customer outreach contexts",0.98,1,,True +sales communication,customer outreach,"Advanced interpersonal skills for persuasive communication, product promotion, customer engagement, and effective sales interaction in telemarketing and customer outreach contexts",0.98,1,,False +sales communication,sales dialogue,"Advanced interpersonal skills for persuasive communication, product promotion, customer engagement, and effective sales interaction in telemarketing and customer outreach contexts",0.98,1,,False +customer relationship cultivation,customer relationship cultivation,"Comprehensive skills in building, maintaining, and expanding customer relationships through active listening, personalized interaction, and strategic engagement",0.97,1,,True +customer relationship cultivation,client rapport building,"Comprehensive skills in building, maintaining, and expanding customer relationships through active listening, personalized interaction, and strategic engagement",0.97,1,,False +telemarketing strategy,telemarketing strategy,"Advanced skills in developing, executing, and optimizing systematic approaches to product promotion, customer identification, and sales conversion through telephone-based communication",0.96,1,,True +telemarketing strategy,sales call optimization,"Advanced skills in developing, executing, and optimizing systematic approaches to product promotion, customer identification, and sales conversion through telephone-based communication",0.96,1,,False +telemarketing strategy,telephone marketing,"Advanced skills in developing, executing, and optimizing systematic approaches to product promotion, customer identification, and sales conversion through telephone-based communication",0.96,1,,False +therapeutic patient care,therapeutic patient care,"Comprehensive skills in providing personalized therapeutic interventions, patient assessment, treatment planning, and holistic health support across diverse medical and psychological contexts",0.98,1,,True +therapeutic patient care,patient treatment management,"Comprehensive skills in providing personalized therapeutic interventions, patient assessment, treatment planning, and holistic health support across diverse medical and psychological contexts",0.98,1,,False +therapeutic patient care,holistic patient support,"Comprehensive skills in providing personalized therapeutic interventions, patient assessment, treatment planning, and holistic health support across diverse medical and psychological contexts",0.98,1,,False +healthcare education and counseling,healthcare education and counseling,"Advanced skills in patient education, wellness guidance, health risk communication, psychological support, and personalized medical counseling across diverse healthcare environments",0.97,1,,True +adaptive therapeutic intervention,adaptive therapeutic intervention,"Specialized skills in developing, implementing, and modifying personalized treatment strategies to address individual patient needs, psychological challenges, and developmental requirements",0.96,1,,True +adaptive therapeutic intervention,personalized treatment planning,"Specialized skills in developing, implementing, and modifying personalized treatment strategies to address individual patient needs, psychological challenges, and developmental requirements",0.96,1,,False +adaptive therapeutic intervention,adaptive intervention strategy,"Specialized skills in developing, implementing, and modifying personalized treatment strategies to address individual patient needs, psychological challenges, and developmental requirements",0.96,1,,False +educational support and mentorship,educational support and mentorship,"Comprehensive skills in providing personalized academic and life skills guidance, instructional support, adaptive learning strategies, and holistic patient and caregiver mentoring across rehabilitation and healthcare contexts",1.0,12,,True +educational support and mentorship,patient education support,"Comprehensive skills in providing personalized academic and life skills guidance, instructional support, adaptive learning strategies, and holistic patient and caregiver mentoring across rehabilitation and healthcare contexts",1.0,12,,False +educational support and mentorship,comprehensive learning guidance,"Comprehensive skills in providing personalized academic and life skills guidance, instructional support, adaptive learning strategies, and holistic patient and caregiver mentoring across rehabilitation and healthcare contexts",1.0,12,,False +educational support and mentorship,adaptive instructional mentorship,"Comprehensive skills in providing personalized academic and life skills guidance, instructional support, adaptive learning strategies, and holistic patient and caregiver mentoring across rehabilitation and healthcare contexts",1.0,12,,False +adaptive learning management,adaptive learning management,"Advanced ability to assess individual student needs, develop tailored educational strategies, implement specialized instructional techniques, and provide comprehensive academic support",0.97,1,,True +adaptive learning management,personalized instruction,"Advanced ability to assess individual student needs, develop tailored educational strategies, implement specialized instructional techniques, and provide comprehensive academic support",0.97,1,,False +adaptive learning management,student-centered learning,"Advanced ability to assess individual student needs, develop tailored educational strategies, implement specialized instructional techniques, and provide comprehensive academic support",0.97,1,,False +adaptive learning management,individualized educational planning,"Advanced ability to assess individual student needs, develop tailored educational strategies, implement specialized instructional techniques, and provide comprehensive academic support",0.97,1,,False +performance assessment and monitoring,performance assessment and monitoring,"Systematic approach to evaluating student progress, conducting comprehensive assessments, tracking performance metrics, and implementing targeted improvement strategies",0.96,1,,True +performance assessment and monitoring,student progress tracking,"Systematic approach to evaluating student progress, conducting comprehensive assessments, tracking performance metrics, and implementing targeted improvement strategies",0.96,1,,False +performance assessment and monitoring,academic performance evaluation,"Systematic approach to evaluating student progress, conducting comprehensive assessments, tracking performance metrics, and implementing targeted improvement strategies",0.96,1,,False +performance assessment and monitoring,learning outcome monitoring,"Systematic approach to evaluating student progress, conducting comprehensive assessments, tracking performance metrics, and implementing targeted improvement strategies",0.96,1,,False +interpersonal educational communication,interpersonal educational communication,"Advanced communication skills specific to healthcare and rehabilitation contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive knowledge transfer for patients, families, and caregivers",1.0,18,,True +interpersonal educational communication,healthcare communication strategy,"Advanced communication skills specific to healthcare and rehabilitation contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive knowledge transfer for patients, families, and caregivers",1.0,18,,False +interpersonal educational communication,comprehensive medical information exchange,"Advanced communication skills specific to healthcare and rehabilitation contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive knowledge transfer for patients, families, and caregivers",1.0,18,,False +professional educational development,professional educational development,"Continuous skill enhancement through training, professional meetings, collaborative learning, and systematic approach to maintaining and expanding educational expertise",0.95,1,,True +professional educational development,ongoing professional learning,"Continuous skill enhancement through training, professional meetings, collaborative learning, and systematic approach to maintaining and expanding educational expertise",0.95,1,,False +professional educational development,educational skill advancement,"Continuous skill enhancement through training, professional meetings, collaborative learning, and systematic approach to maintaining and expanding educational expertise",0.95,1,,False +professional educational development,continuous professional growth,"Continuous skill enhancement through training, professional meetings, collaborative learning, and systematic approach to maintaining and expanding educational expertise",0.95,1,,False +nanotechnology process control,nanotechnology process control,"Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision and technical expertise",0.98,1,,True +nanotechnology process control,microscale process management,"Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision and technical expertise",0.98,1,,False +nanotechnology process control,nanoscale equipment operation,"Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision and technical expertise",0.98,1,,False +precision scientific measurement,precision scientific measurement,"Comprehensive ability to measure, calibrate, and verify physical and chemical properties of materials with high accuracy",0.97,1,,True +precision scientific measurement,technical measurement techniques,"Comprehensive ability to measure, calibrate, and verify physical and chemical properties of materials with high accuracy",0.97,1,,False +precision scientific measurement,scientific property analysis,"Comprehensive ability to measure, calibrate, and verify physical and chemical properties of materials with high accuracy",0.97,1,,False +technical research and innovation,technical research and innovation,"Advanced skills in exploring engineering applications of emerging technologies, developing research protocols, and implementing innovative design improvements",0.96,1,,True +technical research and innovation,technological frontier exploration,"Advanced skills in exploring engineering applications of emerging technologies, developing research protocols, and implementing innovative design improvements",0.96,1,,False +technical research and innovation,engineering innovation management,"Advanced skills in exploring engineering applications of emerging technologies, developing research protocols, and implementing innovative design improvements",0.96,1,,False +environmental compliance monitoring,environmental compliance monitoring,"Systematic approach to investigating environmental impacts, ensuring regulatory compliance, and maintaining environmental quality standards",0.95,1,,True +environmental compliance monitoring,regulatory environmental monitoring,"Systematic approach to investigating environmental impacts, ensuring regulatory compliance, and maintaining environmental quality standards",0.95,1,,False +technical documentation and reporting,technical documentation and reporting,"Comprehensive skills in preparing detailed technical reports, maps, procedural documents, research findings, and maintaining precise scientific and operational records",0.98,2,,True +technical documentation and reporting,scientific documentation management,"Comprehensive skills in preparing detailed technical reports, maps, procedural documents, research findings, and maintaining precise scientific and operational records",0.98,2,,False +technical documentation and reporting,research reporting,"Comprehensive skills in preparing detailed technical reports, maps, procedural documents, research findings, and maintaining precise scientific and operational records",0.98,2,,False +tour guide services,tour guide services,"Comprehensive skills in providing informative, engaging, and personalized guided experiences for tourists, involving route navigation, attraction explanation, and customer interaction",0.98,1,,True +tour guide services,tourist guidance,"Comprehensive skills in providing informative, engaging, and personalized guided experiences for tourists, involving route navigation, attraction explanation, and customer interaction",0.98,1,,False +tour guide services,travel experience management,"Comprehensive skills in providing informative, engaging, and personalized guided experiences for tourists, involving route navigation, attraction explanation, and customer interaction",0.98,1,,False +tour guide services,visitor orientation,"Comprehensive skills in providing informative, engaging, and personalized guided experiences for tourists, involving route navigation, attraction explanation, and customer interaction",0.98,1,,False +patron support coordination,patron support coordination,"Advanced interpersonal skills for managing customer needs, resolving issues, arranging services, and ensuring high-quality travel and recreational experiences",0.97,1,,True +patron support coordination,customer service management,"Advanced interpersonal skills for managing customer needs, resolving issues, arranging services, and ensuring high-quality travel and recreational experiences",0.97,1,,False +patron support coordination,travel assistance,"Advanced interpersonal skills for managing customer needs, resolving issues, arranging services, and ensuring high-quality travel and recreational experiences",0.97,1,,False +patron support coordination,client experience optimization,"Advanced interpersonal skills for managing customer needs, resolving issues, arranging services, and ensuring high-quality travel and recreational experiences",0.97,1,,False +recreational activity management,recreational activity management,"Comprehensive skills in organizing, coordinating, and facilitating diverse recreational activities, events, and experiences for patrons",0.96,1,,True +recreational activity management,event coordination,"Comprehensive skills in organizing, coordinating, and facilitating diverse recreational activities, events, and experiences for patrons",0.96,1,,False +recreational activity management,leisure activity planning,"Comprehensive skills in organizing, coordinating, and facilitating diverse recreational activities, events, and experiences for patrons",0.96,1,,False +recreational activity management,tourist entertainment,"Comprehensive skills in organizing, coordinating, and facilitating diverse recreational activities, events, and experiences for patrons",0.96,1,,False +social support services,social support services,"Comprehensive skills in providing holistic support, counseling, and intervention for individuals, families, and communities through professional social work practices",0.98,1,,True +social support services,client welfare management,"Comprehensive skills in providing holistic support, counseling, and intervention for individuals, families, and communities through professional social work practices",0.98,1,,False +social support services,community support coordination,"Comprehensive skills in providing holistic support, counseling, and intervention for individuals, families, and communities through professional social work practices",0.98,1,,False +social support services,social intervention,"Comprehensive skills in providing holistic support, counseling, and intervention for individuals, families, and communities through professional social work practices",0.98,1,,False +family systems intervention,family systems intervention,"Specialized skills in assessing, counseling, and supporting family dynamics, interpersonal relationships, and systemic family challenges through professional therapeutic approaches",0.96,1,,True +family systems intervention,family counseling,"Specialized skills in assessing, counseling, and supporting family dynamics, interpersonal relationships, and systemic family challenges through professional therapeutic approaches",0.96,1,,False +family systems intervention,relational support management,"Specialized skills in assessing, counseling, and supporting family dynamics, interpersonal relationships, and systemic family challenges through professional therapeutic approaches",0.96,1,,False +advocacy and resource navigation,advocacy and resource navigation,"Advanced skills in identifying, accessing, coordinating, and connecting clients with essential community resources, support services, and systemic assistance programs",0.97,1,,True +advocacy and resource navigation,client resource management,"Advanced skills in identifying, accessing, coordinating, and connecting clients with essential community resources, support services, and systemic assistance programs",0.97,1,,False +advocacy and resource navigation,community support facilitation,"Advanced skills in identifying, accessing, coordinating, and connecting clients with essential community resources, support services, and systemic assistance programs",0.97,1,,False +psychosocial assessment,psychosocial assessment,"Comprehensive skills in evaluating individual and family psychological, social, and environmental factors to develop targeted intervention and support strategies",0.96,1,,True +psychosocial assessment,client needs evaluation,"Comprehensive skills in evaluating individual and family psychological, social, and environmental factors to develop targeted intervention and support strategies",0.96,1,,False +psychosocial assessment,holistic diagnostic assessment,"Comprehensive skills in evaluating individual and family psychological, social, and environmental factors to develop targeted intervention and support strategies",0.96,1,,False +client hygiene management,client hygiene management,"Advanced skills in maintaining client cleanliness, applying therapeutic cleansing agents, and ensuring professional hygiene standards in service environments",0.96,1,,True +client hygiene management,personal cleansing services,"Advanced skills in maintaining client cleanliness, applying therapeutic cleansing agents, and ensuring professional hygiene standards in service environments",0.96,1,,False +client hygiene management,hygiene treatment,"Advanced skills in maintaining client cleanliness, applying therapeutic cleansing agents, and ensuring professional hygiene standards in service environments",0.96,1,,False +client hygiene management,client sanitation,"Advanced skills in maintaining client cleanliness, applying therapeutic cleansing agents, and ensuring professional hygiene standards in service environments",0.96,1,,False +technical design drafting,technical design drafting,"Advanced skills in creating precise graphical representations, technical drawings, and visual documentation of mechanical equipment, systems, and components using specialized drafting techniques and tools",0.98,1,,True +technical design drafting,mechanical drafting,"Advanced skills in creating precise graphical representations, technical drawings, and visual documentation of mechanical equipment, systems, and components using specialized drafting techniques and tools",0.98,1,,False +technical design drafting,technical schematic creation,"Advanced skills in creating precise graphical representations, technical drawings, and visual documentation of mechanical equipment, systems, and components using specialized drafting techniques and tools",0.98,1,,False +precision measurement analysis,precision measurement analysis,"Comprehensive ability to perform accurate mathematical calculations, dimensional verification, and quantitative analysis of technical specifications and design parameters",0.97,1,,True +precision measurement analysis,technical calculation,"Comprehensive ability to perform accurate mathematical calculations, dimensional verification, and quantitative analysis of technical specifications and design parameters",0.97,1,,False +precision measurement analysis,quantitative design assessment,"Comprehensive ability to perform accurate mathematical calculations, dimensional verification, and quantitative analysis of technical specifications and design parameters",0.97,1,,False +technical collaborative communication,technical collaborative communication,"Advanced interpersonal skills for effective communication with technical personnel, clients, and stakeholders, involving precise information exchange, design consultation, and professional interaction",0.96,1,,True +technical collaborative communication,engineering communication,"Advanced interpersonal skills for effective communication with technical personnel, clients, and stakeholders, involving precise information exchange, design consultation, and professional interaction",0.96,1,,False +technical collaborative communication,technical consultation,"Advanced interpersonal skills for effective communication with technical personnel, clients, and stakeholders, involving precise information exchange, design consultation, and professional interaction",0.96,1,,False +technical collaborative communication,professional design dialogue,"Advanced interpersonal skills for effective communication with technical personnel, clients, and stakeholders, involving precise information exchange, design consultation, and professional interaction",0.96,1,,False +blockchain technology development,blockchain technology development,"Advanced expertise in designing, implementing, and maintaining blockchain systems, including smart contract development, cryptographic protocols, and distributed ledger technologies",0.98,1,,True +blockchain technology development,blockchain engineering,"Advanced expertise in designing, implementing, and maintaining blockchain systems, including smart contract development, cryptographic protocols, and distributed ledger technologies",0.98,1,,False +blockchain technology development,distributed systems design,"Advanced expertise in designing, implementing, and maintaining blockchain systems, including smart contract development, cryptographic protocols, and distributed ledger technologies",0.98,1,,False +blockchain technology development,cryptographic system development,"Advanced expertise in designing, implementing, and maintaining blockchain systems, including smart contract development, cryptographic protocols, and distributed ledger technologies",0.98,1,,False +cybersecurity implementation,cybersecurity implementation,"Comprehensive skills in designing, analyzing, and implementing robust security measures for computer and information systems, focusing on threat prevention and system protection",0.97,1,,True +cybersecurity implementation,information security,"Comprehensive skills in designing, analyzing, and implementing robust security measures for computer and information systems, focusing on threat prevention and system protection",0.97,1,,False +cybersecurity implementation,system protection,"Comprehensive skills in designing, analyzing, and implementing robust security measures for computer and information systems, focusing on threat prevention and system protection",0.97,1,,False +cybersecurity implementation,network defense,"Comprehensive skills in designing, analyzing, and implementing robust security measures for computer and information systems, focusing on threat prevention and system protection",0.97,1,,False +software architecture design,software architecture design,"Advanced capability to create comprehensive software system designs, including system integration, application structure, and technical architecture planning",0.96,1,,True +software architecture design,system design,"Advanced capability to create comprehensive software system designs, including system integration, application structure, and technical architecture planning",0.96,1,,False +software architecture design,technical architecture,"Advanced capability to create comprehensive software system designs, including system integration, application structure, and technical architecture planning",0.96,1,,False +cryptographic protocol engineering,cryptographic protocol engineering,"Specialized expertise in developing, implementing, and analyzing advanced cryptographic algorithms and security protocols for digital systems",0.95,1,,True +cryptographic protocol engineering,encryption design,"Specialized expertise in developing, implementing, and analyzing advanced cryptographic algorithms and security protocols for digital systems",0.95,1,,False +cryptographic protocol engineering,security algorithm development,"Specialized expertise in developing, implementing, and analyzing advanced cryptographic algorithms and security protocols for digital systems",0.95,1,,False +distributed systems engineering,distributed systems engineering,"Advanced skills in designing, implementing, and managing complex distributed computing systems with focus on scalability, reliability, and performance optimization",0.96,1,,True +distributed systems engineering,decentralized system design,"Advanced skills in designing, implementing, and managing complex distributed computing systems with focus on scalability, reliability, and performance optimization",0.96,1,,False +distributed systems engineering,distributed computing,"Advanced skills in designing, implementing, and managing complex distributed computing systems with focus on scalability, reliability, and performance optimization",0.96,1,,False +precision equipment operation,precision equipment operation,"Advanced skills in operating, controlling, and managing specialized industrial machinery with high accuracy and systematic precision",0.98,1,,True +precision equipment operation,numerical equipment management,"Advanced skills in operating, controlling, and managing specialized industrial machinery with high accuracy and systematic precision",0.98,1,,False +precision equipment operation,precision tool handling,"Advanced skills in operating, controlling, and managing specialized industrial machinery with high accuracy and systematic precision",0.98,1,,False +manufacturing quality control,manufacturing quality control,"Comprehensive skills in measuring, inspecting, and verifying product dimensions, specifications, and performance standards",0.97,1,,True +manufacturing quality control,product inspection,"Comprehensive skills in measuring, inspecting, and verifying product dimensions, specifications, and performance standards",0.97,1,,False +manufacturing quality control,production standards monitoring,"Comprehensive skills in measuring, inspecting, and verifying product dimensions, specifications, and performance standards",0.97,1,,False +production process management,production process management,"Advanced skills in coordinating, programming, and controlling complex manufacturing workflows and operational sequences",0.96,1,,True +production process management,manufacturing workflow control,"Advanced skills in coordinating, programming, and controlling complex manufacturing workflows and operational sequences",0.96,1,,False +production process management,production sequence coordination,"Advanced skills in coordinating, programming, and controlling complex manufacturing workflows and operational sequences",0.96,1,,False +therapeutic music intervention,therapeutic music intervention,"Advanced skills in using music as a therapeutic tool for patient healing, emotional support, and psychological well-being across diverse clinical contexts",0.98,1,,True +therapeutic music intervention,music therapy techniques,"Advanced skills in using music as a therapeutic tool for patient healing, emotional support, and psychological well-being across diverse clinical contexts",0.98,1,,False +therapeutic music intervention,therapeutic sound intervention,"Advanced skills in using music as a therapeutic tool for patient healing, emotional support, and psychological well-being across diverse clinical contexts",0.98,1,,False +patient psychological assessment,patient psychological assessment,"Comprehensive skills in evaluating patient mental and emotional states, identifying psychological needs, and developing targeted therapeutic strategies",0.97,1,,True +patient psychological assessment,clinical psychological evaluation,"Comprehensive skills in evaluating patient mental and emotional states, identifying psychological needs, and developing targeted therapeutic strategies",0.97,1,,False +patient psychological assessment,emotional health screening,"Comprehensive skills in evaluating patient mental and emotional states, identifying psychological needs, and developing targeted therapeutic strategies",0.97,1,,False +healthcare treatment planning,healthcare treatment planning,"Advanced ability to develop, implement, and modify personalized medical treatment plans using holistic, patient-centered approaches",0.96,1,,True +healthcare treatment planning,clinical intervention strategy,"Advanced ability to develop, implement, and modify personalized medical treatment plans using holistic, patient-centered approaches",0.96,1,,False +healthcare treatment planning,personalized care planning,"Advanced ability to develop, implement, and modify personalized medical treatment plans using holistic, patient-centered approaches",0.96,1,,False +empathetic patient communication,empathetic patient communication,"Advanced interpersonal skills for building therapeutic rapport, providing emotional support, and facilitating patient healing through compassionate communication",0.98,1,,True +empathetic patient communication,therapeutic dialogue,"Advanced interpersonal skills for building therapeutic rapport, providing emotional support, and facilitating patient healing through compassionate communication",0.98,1,,False +empathetic patient communication,compassionate patient interaction,"Advanced interpersonal skills for building therapeutic rapport, providing emotional support, and facilitating patient healing through compassionate communication",0.98,1,,False +medical documentation management,medical documentation management,"Systematic skills in recording, maintaining, and communicating comprehensive patient medical histories, treatment progress, and clinical observations",0.97,1,,True +medical documentation management,clinical record keeping,"Systematic skills in recording, maintaining, and communicating comprehensive patient medical histories, treatment progress, and clinical observations",0.97,1,,False +medical documentation management,patient progress documentation,"Systematic skills in recording, maintaining, and communicating comprehensive patient medical histories, treatment progress, and clinical observations",0.97,1,,False +medical imaging technology,medical imaging technology,"Advanced skills in operating specialized medical imaging equipment, creating digital images, processing medical scans, and ensuring precise diagnostic visualization",0.98,1,,True +medical imaging technology,diagnostic imaging,"Advanced skills in operating specialized medical imaging equipment, creating digital images, processing medical scans, and ensuring precise diagnostic visualization",0.98,1,,False +medical imaging technology,medical scanning,"Advanced skills in operating specialized medical imaging equipment, creating digital images, processing medical scans, and ensuring precise diagnostic visualization",0.98,1,,False +medical imaging technology,radiological technology,"Advanced skills in operating specialized medical imaging equipment, creating digital images, processing medical scans, and ensuring precise diagnostic visualization",0.98,1,,False +healthcare procedural compliance,healthcare procedural compliance,"Systematic approach to following medical protocols, regulatory standards, safety guidelines, and professional healthcare procedures with precision and accuracy",0.97,1,,True +healthcare procedural compliance,medical regulation adherence,"Systematic approach to following medical protocols, regulatory standards, safety guidelines, and professional healthcare procedures with precision and accuracy",0.97,1,,False +healthcare procedural compliance,healthcare protocol management,"Systematic approach to following medical protocols, regulatory standards, safety guidelines, and professional healthcare procedures with precision and accuracy",0.97,1,,False +patient diagnostic interaction,patient diagnostic interaction,"Advanced interpersonal skills for gathering medical histories, explaining procedures, communicating test results, and providing compassionate patient-centered care",0.96,1,,True +patient diagnostic interaction,medical communication,"Advanced interpersonal skills for gathering medical histories, explaining procedures, communicating test results, and providing compassionate patient-centered care",0.96,1,,False +patient diagnostic interaction,patient consultation,"Advanced interpersonal skills for gathering medical histories, explaining procedures, communicating test results, and providing compassionate patient-centered care",0.96,1,,False +medical substance management,medical substance management,"Precise skills in preparing, calculating, handling, and administering medical substances, solutions, and medications with strict safety protocols",0.97,1,,True +medical substance management,medical solution preparation,"Precise skills in preparing, calculating, handling, and administering medical substances, solutions, and medications with strict safety protocols",0.97,1,,False +medical substance management,pharmaceutical handling,"Precise skills in preparing, calculating, handling, and administering medical substances, solutions, and medications with strict safety protocols",0.97,1,,False +clinical equipment maintenance,clinical equipment maintenance,"Comprehensive ability to inspect, calibrate, adjust, and ensure proper functionality of complex medical diagnostic and laboratory equipment",0.96,1,,True +clinical equipment maintenance,medical device management,"Comprehensive ability to inspect, calibrate, adjust, and ensure proper functionality of complex medical diagnostic and laboratory equipment",0.96,1,,False +clinical equipment maintenance,healthcare equipment monitoring,"Comprehensive ability to inspect, calibrate, adjust, and ensure proper functionality of complex medical diagnostic and laboratory equipment",0.96,1,,False +food processing operations,food processing operations,"Specialized skills in operating, monitoring, and controlling food production equipment, including roasting, baking, and drying machinery with precision and quality control",0.98,1,,True +food processing operations,food manufacturing,"Specialized skills in operating, monitoring, and controlling food production equipment, including roasting, baking, and drying machinery with precision and quality control",0.98,1,,False +food processing operations,culinary equipment management,"Specialized skills in operating, monitoring, and controlling food production equipment, including roasting, baking, and drying machinery with precision and quality control",0.98,1,,False +food processing operations,food production control,"Specialized skills in operating, monitoring, and controlling food production equipment, including roasting, baking, and drying machinery with precision and quality control",0.98,1,,False +production equipment monitoring,production equipment monitoring,"Comprehensive ability to inspect, assess, and maintain operational functionality of industrial machinery through systematic observation, performance tracking, and diagnostic techniques",0.97,1,,True +production equipment monitoring,equipment performance tracking,"Comprehensive ability to inspect, assess, and maintain operational functionality of industrial machinery through systematic observation, performance tracking, and diagnostic techniques",0.97,1,,False +production equipment monitoring,machinery inspection,"Comprehensive ability to inspect, assess, and maintain operational functionality of industrial machinery through systematic observation, performance tracking, and diagnostic techniques",0.97,1,,False +production equipment monitoring,operational system monitoring,"Comprehensive ability to inspect, assess, and maintain operational functionality of industrial machinery through systematic observation, performance tracking, and diagnostic techniques",0.97,1,,False +quality verification techniques,quality verification techniques,"Advanced skills in conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to specified quality standards",0.96,1,,True +quality verification techniques,product quality assessment,"Advanced skills in conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to specified quality standards",0.96,1,,False +quality verification techniques,manufacturing inspection,"Advanced skills in conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to specified quality standards",0.96,1,,False +material handling and processing,material handling and processing,"Proficient skills in loading, positioning, measuring, weighing, and transferring raw materials and products through complex manufacturing processes",0.95,1,,True +material handling and processing,ingredient processing,"Proficient skills in loading, positioning, measuring, weighing, and transferring raw materials and products through complex manufacturing processes",0.95,1,,False +material handling and processing,manufacturing material control,"Proficient skills in loading, positioning, measuring, weighing, and transferring raw materials and products through complex manufacturing processes",0.95,1,,False +gaming operations management,gaming operations management,"Comprehensive skills in conducting gaming transactions, operating gaming equipment, monitoring game activities, and ensuring regulatory compliance in casino and gambling environments",0.95,1,,True +gaming operations management,casino game management,"Comprehensive skills in conducting gaming transactions, operating gaming equipment, monitoring game activities, and ensuring regulatory compliance in casino and gambling environments",0.95,1,,False +gaming operations management,gaming transaction coordination,"Comprehensive skills in conducting gaming transactions, operating gaming equipment, monitoring game activities, and ensuring regulatory compliance in casino and gambling environments",0.95,1,,False +customer service interaction,customer service interaction,"Advanced interpersonal skills for engaging with customers, greeting patrons, responding to inquiries, providing guidance, and creating positive service experiences in entertainment and hospitality contexts",0.96,2,,True +customer service interaction,patron support,"Advanced interpersonal skills for engaging with customers, greeting patrons, responding to inquiries, providing guidance, and creating positive service experiences in entertainment and hospitality contexts",0.96,2,,False +operational quality assurance,operational quality assurance,"Systematic approach to inspecting equipment, monitoring operational performance, maintaining financial records, and ensuring precise quality control across service environments",0.95,2,,True +operational quality assurance,service quality management,"Systematic approach to inspecting equipment, monitoring operational performance, maintaining financial records, and ensuring precise quality control across service environments",0.95,2,,False +operational quality assurance,operational performance verification,"Systematic approach to inspecting equipment, monitoring operational performance, maintaining financial records, and ensuring precise quality control across service environments",0.95,2,,False +academic instruction,academic instruction,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, and student learning experiences in postsecondary educational environments",0.98,1,,True +academic instruction,higher education teaching,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, and student learning experiences in postsecondary educational environments",0.98,1,,False +academic instruction,postsecondary education management,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, and student learning experiences in postsecondary educational environments",0.98,1,,False +student performance assessment,student performance assessment,"Advanced skills in evaluating student progress, designing assessment methods, administering tests, and providing comprehensive academic feedback",0.97,1,,True +student performance assessment,educational evaluation,"Advanced skills in evaluating student progress, designing assessment methods, administering tests, and providing comprehensive academic feedback",0.97,1,,False +student performance assessment,learning outcome measurement,"Advanced skills in evaluating student progress, designing assessment methods, administering tests, and providing comprehensive academic feedback",0.97,1,,False +academic research and development,academic research and development,"Comprehensive skills in conducting scholarly research, publishing academic materials, developing original content, and contributing to academic knowledge domains",0.96,1,,True +academic research and development,scholarly investigation,"Comprehensive skills in conducting scholarly research, publishing academic materials, developing original content, and contributing to academic knowledge domains",0.96,1,,False +academic research and development,academic knowledge creation,"Comprehensive skills in conducting scholarly research, publishing academic materials, developing original content, and contributing to academic knowledge domains",0.96,1,,False +institutional governance,institutional governance,"Advanced skills in managing departmental activities, serving on committees, coordinating institutional processes, and contributing to organizational strategic planning",0.95,1,,True +institutional governance,academic administration,"Advanced skills in managing departmental activities, serving on committees, coordinating institutional processes, and contributing to organizational strategic planning",0.95,1,,False +institutional governance,departmental leadership,"Advanced skills in managing departmental activities, serving on committees, coordinating institutional processes, and contributing to organizational strategic planning",0.95,1,,False +professional development management,professional development management,"Systematic approach to continuous learning, attending professional development sessions, staying current with field developments, and maintaining professional expertise",0.96,1,,True +professional development management,career knowledge enhancement,"Systematic approach to continuous learning, attending professional development sessions, staying current with field developments, and maintaining professional expertise",0.96,1,,False +cultural heritage preservation,cultural heritage preservation,"Advanced skills in preparing, classifying, evaluating, and maintaining historical artifacts, archival materials, and museum collections with systematic care and professional conservation techniques",0.98,1,,True +cultural heritage preservation,museum collection management,"Advanced skills in preparing, classifying, evaluating, and maintaining historical artifacts, archival materials, and museum collections with systematic care and professional conservation techniques",0.98,1,,False +cultural heritage preservation,artifact conservation,"Advanced skills in preparing, classifying, evaluating, and maintaining historical artifacts, archival materials, and museum collections with systematic care and professional conservation techniques",0.98,1,,False +cultural heritage preservation,historical preservation,"Advanced skills in preparing, classifying, evaluating, and maintaining historical artifacts, archival materials, and museum collections with systematic care and professional conservation techniques",0.98,1,,False +exhibit design and curation,exhibit design and curation,"Comprehensive skills in constructing, planning, and developing museum exhibits, involving creative presentation, educational storytelling, and strategic material arrangement",0.97,1,,True +exhibit design and curation,exhibition planning,"Comprehensive skills in constructing, planning, and developing museum exhibits, involving creative presentation, educational storytelling, and strategic material arrangement",0.97,1,,False +exhibit design and curation,museum display creation,"Comprehensive skills in constructing, planning, and developing museum exhibits, involving creative presentation, educational storytelling, and strategic material arrangement",0.97,1,,False +exhibit design and curation,interpretive exhibit development,"Comprehensive skills in constructing, planning, and developing museum exhibits, involving creative presentation, educational storytelling, and strategic material arrangement",0.97,1,,False +archival research and documentation,archival research and documentation,"Advanced capabilities in conducting systematic research, recording operational data, maintaining detailed records, and developing procedural documentation for historical and cultural materials",0.96,1,,True +archival research and documentation,historical documentation,"Advanced capabilities in conducting systematic research, recording operational data, maintaining detailed records, and developing procedural documentation for historical and cultural materials",0.96,1,,False +archival research and documentation,archival record management,"Advanced capabilities in conducting systematic research, recording operational data, maintaining detailed records, and developing procedural documentation for historical and cultural materials",0.96,1,,False +archival research and documentation,research data compilation,"Advanced capabilities in conducting systematic research, recording operational data, maintaining detailed records, and developing procedural documentation for historical and cultural materials",0.96,1,,False +surgical intervention,surgical intervention,"Advanced clinical skills for performing complex surgical procedures, patient assessment, and precise medical interventions",0.99,1,,True +surgical intervention,surgical procedure management,"Advanced clinical skills for performing complex surgical procedures, patient assessment, and precise medical interventions",0.99,1,,False +surgical intervention,operative medical care,"Advanced clinical skills for performing complex surgical procedures, patient assessment, and precise medical interventions",0.99,1,,False +medical diagnostic assessment,medical diagnostic assessment,"Comprehensive skills in patient examination, medical testing, diagnostic reasoning, and clinical condition evaluation",0.99,1,,True +medical diagnostic assessment,patient health evaluation,"Comprehensive skills in patient examination, medical testing, diagnostic reasoning, and clinical condition evaluation",0.99,1,,False +healthcare procedural coordination,healthcare procedural coordination,"Advanced skills in managing medical workflows, patient scheduling, treatment planning, and interdisciplinary healthcare coordination",0.98,1,,True +healthcare procedural coordination,medical workflow management,"Advanced skills in managing medical workflows, patient scheduling, treatment planning, and interdisciplinary healthcare coordination",0.98,1,,False +medical equipment sterilization,medical equipment sterilization,"Precise techniques for cleaning, preparing, and maintaining sterile medical instruments and surgical equipment",0.97,1,,True +medical equipment sterilization,surgical instrument preparation,"Precise techniques for cleaning, preparing, and maintaining sterile medical instruments and surgical equipment",0.97,1,,False +medical equipment sterilization,medical sterilization protocols,"Precise techniques for cleaning, preparing, and maintaining sterile medical instruments and surgical equipment",0.97,1,,False +clinical research management,clinical research management,"Advanced capabilities in conducting medical research, analyzing clinical data, and expanding medical knowledge",0.96,1,,True +clinical research management,medical knowledge expansion,"Advanced capabilities in conducting medical research, analyzing clinical data, and expanding medical knowledge",0.96,1,,False +clinical research management,healthcare research methodology,"Advanced capabilities in conducting medical research, analyzing clinical data, and expanding medical knowledge",0.96,1,,False +athletic performance management,athletic performance management,"Comprehensive skills in evaluating, developing, and coordinating athletic skills, performance, and competitive participation across sports environments",0.95,1,,True +athletic performance management,sports performance optimization,"Comprehensive skills in evaluating, developing, and coordinating athletic skills, performance, and competitive participation across sports environments",0.95,1,,False +athletic performance management,athlete skill development,"Comprehensive skills in evaluating, developing, and coordinating athletic skills, performance, and competitive participation across sports environments",0.95,1,,False +athletic performance management,competitive sports management,"Comprehensive skills in evaluating, developing, and coordinating athletic skills, performance, and competitive participation across sports environments",0.95,1,,False +strategic physical coordination,strategic physical coordination,"Advanced ability to adjust actions in relation to others, manage complex physical interactions, and optimize team or individual performance in competitive environments",0.94,1,,True +strategic physical coordination,movement synchronization,"Advanced ability to adjust actions in relation to others, manage complex physical interactions, and optimize team or individual performance in competitive environments",0.94,1,,False +strategic physical coordination,athletic coordination,"Advanced ability to adjust actions in relation to others, manage complex physical interactions, and optimize team or individual performance in competitive environments",0.94,1,,False +strategic physical coordination,performance alignment,"Advanced ability to adjust actions in relation to others, manage complex physical interactions, and optimize team or individual performance in competitive environments",0.94,1,,False +professional sports communication,professional sports communication,"Advanced interpersonal communication skills specific to sports environments, involving precise information exchange, motivational speaking, and strategic athlete engagement",0.96,1,,True +professional sports communication,athletic instruction,"Advanced interpersonal communication skills specific to sports environments, involving precise information exchange, motivational speaking, and strategic athlete engagement",0.96,1,,False +professional sports communication,sports team communication,"Advanced interpersonal communication skills specific to sports environments, involving precise information exchange, motivational speaking, and strategic athlete engagement",0.96,1,,False +professional sports communication,performance guidance,"Advanced interpersonal communication skills specific to sports environments, involving precise information exchange, motivational speaking, and strategic athlete engagement",0.96,1,,False +electrical systems installation,electrical systems installation,"Comprehensive ability to install, configure, test, and maintain complex electrical and security alarm systems with precision and technical expertise",0.98,1,,True +electrical systems installation,electrical wiring,"Comprehensive ability to install, configure, test, and maintain complex electrical and security alarm systems with precision and technical expertise",0.98,1,,False +electrical systems installation,security system setup,"Comprehensive ability to install, configure, test, and maintain complex electrical and security alarm systems with precision and technical expertise",0.98,1,,False +electrical systems installation,alarm circuit installation,"Comprehensive ability to install, configure, test, and maintain complex electrical and security alarm systems with precision and technical expertise",0.98,1,,False +technical equipment diagnostics,technical equipment diagnostics,"Advanced skills in identifying, troubleshooting, and resolving complex technical equipment issues through systematic inspection and problem-solving techniques",0.97,1,,True +technical equipment diagnostics,system performance evaluation,"Advanced skills in identifying, troubleshooting, and resolving complex technical equipment issues through systematic inspection and problem-solving techniques",0.97,1,,False +safety equipment verification,safety equipment verification,"Comprehensive approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems across technical work environments",0.96,1,,True +safety equipment verification,safety system inspection,"Comprehensive approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems across technical work environments",0.96,1,,False +safety equipment verification,equipment safety compliance,"Comprehensive approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems across technical work environments",0.96,1,,False +safety equipment verification,protective system validation,"Comprehensive approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems across technical work environments",0.96,1,,False +artistic performance coordination,artistic performance coordination,"Advanced skills in managing, directing, and coordinating musical and artistic performances, including rehearsal management, staff selection, and creative collaboration",0.98,1,,True +artistic performance coordination,performance management,"Advanced skills in managing, directing, and coordinating musical and artistic performances, including rehearsal management, staff selection, and creative collaboration",0.98,1,,False +artistic performance coordination,artistic production coordination,"Advanced skills in managing, directing, and coordinating musical and artistic performances, including rehearsal management, staff selection, and creative collaboration",0.98,1,,False +creative composition strategy,creative composition strategy,"Comprehensive abilities in developing, creating, and arranging musical compositions, scores, and artistic content with strategic planning and innovative approach",0.97,1,,True +creative composition strategy,musical composition,"Comprehensive abilities in developing, creating, and arranging musical compositions, scores, and artistic content with strategic planning and innovative approach",0.97,1,,False +creative composition strategy,artistic content development,"Comprehensive abilities in developing, creating, and arranging musical compositions, scores, and artistic content with strategic planning and innovative approach",0.97,1,,False +professional artistic negotiation,professional artistic negotiation,"Advanced interpersonal skills for negotiating services, managing artistic collaborations, fundraising, and strategic professional interactions in creative environments",0.96,1,,True +professional artistic negotiation,creative negotiation,"Advanced interpersonal skills for negotiating services, managing artistic collaborations, fundraising, and strategic professional interactions in creative environments",0.96,1,,False +professional artistic negotiation,artistic service management,"Advanced interpersonal skills for negotiating services, managing artistic collaborations, fundraising, and strategic professional interactions in creative environments",0.96,1,,False +personal care support,personal care support,"Comprehensive skills in providing direct personal assistance, health monitoring, and supportive care for individuals with special needs or limited mobility",0.98,1,,True +personal care support,client assistance,"Comprehensive skills in providing direct personal assistance, health monitoring, and supportive care for individuals with special needs or limited mobility",0.98,1,,False +personal care support,personal assistance,"Comprehensive skills in providing direct personal assistance, health monitoring, and supportive care for individuals with special needs or limited mobility",0.98,1,,False +personal care support,caregiving support,"Comprehensive skills in providing direct personal assistance, health monitoring, and supportive care for individuals with special needs or limited mobility",0.98,1,,False +compassionate client interaction,compassionate client interaction,"Advanced interpersonal skills involving empathy, active listening, emotional support, and personalized communication in service and care environments",0.97,1,,True +compassionate client interaction,empathetic communication,"Advanced interpersonal skills involving empathy, active listening, emotional support, and personalized communication in service and care environments",0.97,1,,False +compassionate client interaction,client emotional support,"Advanced interpersonal skills involving empathy, active listening, emotional support, and personalized communication in service and care environments",0.97,1,,False +healthcare assistance coordination,healthcare assistance coordination,"Systematic skills in supporting medical professionals, documenting client health progress, administering basic treatments, and facilitating comprehensive care delivery",0.96,1,,True +healthcare assistance coordination,medical support services,"Systematic skills in supporting medical professionals, documenting client health progress, administering basic treatments, and facilitating comprehensive care delivery",0.96,1,,False +healthcare assistance coordination,healthcare coordination,"Systematic skills in supporting medical professionals, documenting client health progress, administering basic treatments, and facilitating comprehensive care delivery",0.96,1,,False +domestic support management,domestic support management,"Comprehensive skills in performing household tasks, meal preparation, cleaning, and maintaining functional living environments for clients with special needs",0.95,1,,True +domestic support management,home care management,"Comprehensive skills in performing household tasks, meal preparation, cleaning, and maintaining functional living environments for clients with special needs",0.95,1,,False +domestic support management,residential support,"Comprehensive skills in performing household tasks, meal preparation, cleaning, and maintaining functional living environments for clients with special needs",0.95,1,,False +environmental regulatory compliance,environmental regulatory compliance,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex environmental regulations, standards, and legal requirements across diverse operational contexts",0.98,1,,True +environmental regulatory compliance,environmental law enforcement,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex environmental regulations, standards, and legal requirements across diverse operational contexts",0.98,1,,False +systematic investigative analysis,systematic investigative analysis,"Comprehensive skills in conducting thorough investigations, gathering evidence, analyzing complex information, and preparing detailed documentation for legal or regulatory purposes",0.97,1,,True +systematic investigative analysis,procedural evidence collection,"Comprehensive skills in conducting thorough investigations, gathering evidence, analyzing complex information, and preparing detailed documentation for legal or regulatory purposes",0.97,1,,False +technical environmental monitoring,technical environmental monitoring,"Advanced capabilities in conducting scientific assessments, collecting field data, testing material characteristics, and systematically evaluating environmental conditions and potential impacts",0.96,1,,True +technical environmental monitoring,environmental field assessment,"Advanced capabilities in conducting scientific assessments, collecting field data, testing material characteristics, and systematically evaluating environmental conditions and potential impacts",0.96,1,,False +technical environmental monitoring,scientific environmental inspection,"Advanced capabilities in conducting scientific assessments, collecting field data, testing material characteristics, and systematically evaluating environmental conditions and potential impacts",0.96,1,,False +professional regulatory communication,professional regulatory communication,"Advanced interpersonal skills for communicating complex regulatory information, explaining policies, interviewing stakeholders, and providing precise documentation across professional environments",0.96,1,,True +professional regulatory communication,regulatory information exchange,"Advanced interpersonal skills for communicating complex regulatory information, explaining policies, interviewing stakeholders, and providing precise documentation across professional environments",0.96,1,,False +professional regulatory communication,policy communication,"Advanced interpersonal skills for communicating complex regulatory information, explaining policies, interviewing stakeholders, and providing precise documentation across professional environments",0.96,1,,False +green energy innovation,green energy innovation,"Advanced capabilities in developing, implementing, and optimizing sustainable biofuel and renewable energy technologies, including process improvement, efficiency enhancement, and technological innovation",0.98,1,,True +green energy innovation,renewable energy development,"Advanced capabilities in developing, implementing, and optimizing sustainable biofuel and renewable energy technologies, including process improvement, efficiency enhancement, and technological innovation",0.98,1,,False +green energy innovation,sustainable technology management,"Advanced capabilities in developing, implementing, and optimizing sustainable biofuel and renewable energy technologies, including process improvement, efficiency enhancement, and technological innovation",0.98,1,,False +operational environmental strategy,operational environmental strategy,"Comprehensive skills in developing, implementing, and managing green operational strategies, sustainable production processes, and environmentally conscious workplace practices",0.97,1,,True +operational environmental strategy,sustainable operations management,"Comprehensive skills in developing, implementing, and managing green operational strategies, sustainable production processes, and environmentally conscious workplace practices",0.97,1,,False +operational environmental strategy,green process planning,"Comprehensive skills in developing, implementing, and managing green operational strategies, sustainable production processes, and environmentally conscious workplace practices",0.97,1,,False +technical process engineering,technical process engineering,"Advanced analytical skills for developing, modeling, testing, and optimizing complex technical processes in biofuel and energy production environments",0.96,1,,True +technical process engineering,process design optimization,"Advanced analytical skills for developing, modeling, testing, and optimizing complex technical processes in biofuel and energy production environments",0.96,1,,False +technical process engineering,technical system modeling,"Advanced analytical skills for developing, modeling, testing, and optimizing complex technical processes in biofuel and energy production environments",0.96,1,,False +sustainable production management,sustainable production management,"Comprehensive skills in supervising, coordinating, and directing environmentally sustainable production activities with a focus on efficiency and quality control",0.95,1,,True +sustainable production management,green production leadership,"Comprehensive skills in supervising, coordinating, and directing environmentally sustainable production activities with a focus on efficiency and quality control",0.95,1,,False +sustainable production management,sustainable workflow coordination,"Comprehensive skills in supervising, coordinating, and directing environmentally sustainable production activities with a focus on efficiency and quality control",0.95,1,,False +energy production analytics,energy production analytics,"Advanced capabilities in evaluating, analyzing, and interpreting energy production data to drive strategic decision-making and operational improvements",0.96,1,,True +energy production analytics,production data interpretation,"Advanced capabilities in evaluating, analyzing, and interpreting energy production data to drive strategic decision-making and operational improvements",0.96,1,,False +energy production analytics,energy performance assessment,"Advanced capabilities in evaluating, analyzing, and interpreting energy production data to drive strategic decision-making and operational improvements",0.96,1,,False +financial information processing,financial information processing,"Comprehensive skills in verifying, compiling, calculating, and managing financial data and documentation for loan and banking contexts",0.95,1,,True +financial information processing,financial data management,"Comprehensive skills in verifying, compiling, calculating, and managing financial data and documentation for loan and banking contexts",0.95,1,,False +financial information processing,loan documentation processing,"Comprehensive skills in verifying, compiling, calculating, and managing financial data and documentation for loan and banking contexts",0.95,1,,False +customer information acquisition,customer information acquisition,"Advanced skills in interviewing, collecting, and obtaining personal and financial information from customers or applicants through systematic and professional interaction",0.96,1,,True +customer information acquisition,client information gathering,"Advanced skills in interviewing, collecting, and obtaining personal and financial information from customers or applicants through systematic and professional interaction",0.96,1,,False +customer information acquisition,applicant data collection,"Advanced skills in interviewing, collecting, and obtaining personal and financial information from customers or applicants through systematic and professional interaction",0.96,1,,False +administrative communication management,administrative communication management,"Comprehensive skills in preparing business correspondence, typing documents, scheduling appointments, and providing professional notifications",0.94,1,,True +administrative communication management,professional document preparation,"Comprehensive skills in preparing business correspondence, typing documents, scheduling appointments, and providing professional notifications",0.94,1,,False +administrative communication management,organizational communication coordination,"Comprehensive skills in preparing business correspondence, typing documents, scheduling appointments, and providing professional notifications",0.94,1,,False +financial transaction coordination,financial transaction coordination,"Advanced skills in negotiating financial arrangements, collecting deposits and payments, and managing account interactions with customers",0.95,1,,True +financial transaction coordination,payment processing,"Advanced skills in negotiating financial arrangements, collecting deposits and payments, and managing account interactions with customers",0.95,1,,False +financial transaction coordination,financial service coordination,"Advanced skills in negotiating financial arrangements, collecting deposits and payments, and managing account interactions with customers",0.95,1,,False +regulatory compliance documentation,regulatory compliance documentation,"Systematic skills in preparing documentation for contracts, transactions, and ensuring regulatory compliance in financial service environments",0.96,1,,True +regulatory compliance documentation,contract documentation,"Systematic skills in preparing documentation for contracts, transactions, and ensuring regulatory compliance in financial service environments",0.96,1,,False +regulatory compliance documentation,compliance record management,"Systematic skills in preparing documentation for contracts, transactions, and ensuring regulatory compliance in financial service environments",0.96,1,,False +construction material management,construction material management,"Comprehensive skills in selecting, measuring, cutting, positioning, and preparing materials for construction and maintenance tasks",0.96,1,,True +construction material management,construction supply handling,"Comprehensive skills in selecting, measuring, cutting, positioning, and preparing materials for construction and maintenance tasks",0.96,1,,False +protective work environment setup,protective work environment setup,"Advanced ability to prepare and protect work areas, assemble temporary structures, and ensure safety during construction and maintenance activities",0.94,1,,True +protective work environment setup,work area protection,"Advanced ability to prepare and protect work areas, assemble temporary structures, and ensure safety during construction and maintenance activities",0.94,1,,False +protective work environment setup,site preparation,"Advanced ability to prepare and protect work areas, assemble temporary structures, and ensure safety during construction and maintenance activities",0.94,1,,False +construction project cost estimation,construction project cost estimation,"Proficient skills in calculating project requirements, estimating materials, labor, and overall project costs for construction and maintenance work",0.93,1,,True +construction project cost estimation,project budgeting,"Proficient skills in calculating project requirements, estimating materials, labor, and overall project costs for construction and maintenance work",0.93,1,,False +construction project cost estimation,resource allocation estimation,"Proficient skills in calculating project requirements, estimating materials, labor, and overall project costs for construction and maintenance work",0.93,1,,False +environmental science research,environmental science research,"Advanced scientific skills for conducting systematic research, data collection, and analysis in environmental and ecological contexts, involving comprehensive investigation of environmental phenomena, impact assessment, and evidence-based problem solving",0.98,1,,True +environmental science research,environmental research methodology,"Advanced scientific skills for conducting systematic research, data collection, and analysis in environmental and ecological contexts, involving comprehensive investigation of environmental phenomena, impact assessment, and evidence-based problem solving",0.98,1,,False +environmental science research,ecological investigation,"Advanced scientific skills for conducting systematic research, data collection, and analysis in environmental and ecological contexts, involving comprehensive investigation of environmental phenomena, impact assessment, and evidence-based problem solving",0.98,1,,False +regulatory environmental management,regulatory environmental management,"Comprehensive skills in navigating, interpreting, and ensuring compliance with complex environmental regulations, standards, and legal requirements across diverse operational and scientific contexts",0.97,1,,True +regulatory environmental management,environmental policy compliance,"Comprehensive skills in navigating, interpreting, and ensuring compliance with complex environmental regulations, standards, and legal requirements across diverse operational and scientific contexts",0.97,1,,False +regulatory environmental management,ecological regulatory oversight,"Comprehensive skills in navigating, interpreting, and ensuring compliance with complex environmental regulations, standards, and legal requirements across diverse operational and scientific contexts",0.97,1,,False +scientific communication and reporting,scientific communication and reporting,"Advanced communication skills specific to scientific and environmental contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange",0.96,1,,True +scientific communication and reporting,technical scientific communication,"Advanced communication skills specific to scientific and environmental contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange",0.96,1,,False +scientific communication and reporting,environmental research reporting,"Advanced communication skills specific to scientific and environmental contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange",0.96,1,,False +sustainability planning,sustainability planning,"Comprehensive skills in developing, implementing, and managing environmental sustainability initiatives, conservation strategies, and green operational practices across diverse ecological and organizational contexts",0.97,1,,True +environmental impact assessment,environmental impact assessment,"Advanced analytical capabilities for systematically evaluating ecological consequences of industrial, developmental, and human activities, involving comprehensive scientific investigation and evidence-based environmental risk analysis",0.98,1,,True +environmental impact assessment,ecological impact evaluation,"Advanced analytical capabilities for systematically evaluating ecological consequences of industrial, developmental, and human activities, involving comprehensive scientific investigation and evidence-based environmental risk analysis",0.98,1,,False +environmental impact assessment,environmental risk analysis,"Advanced analytical capabilities for systematically evaluating ecological consequences of industrial, developmental, and human activities, involving comprehensive scientific investigation and evidence-based environmental risk analysis",0.98,1,,False +administrative document processing,administrative document processing,"Comprehensive skills in typing, formatting, proofreading, and managing various administrative and professional documents with precision and accuracy",0.95,1,,True +administrative document processing,clerical document handling,"Comprehensive skills in typing, formatting, proofreading, and managing various administrative and professional documents with precision and accuracy",0.95,1,,False +administrative document processing,professional typing,"Comprehensive skills in typing, formatting, proofreading, and managing various administrative and professional documents with precision and accuracy",0.95,1,,False +office equipment operation,office equipment operation,"Proficient skills in operating, maintaining, and managing diverse office technologies and equipment including computers, telephones, and specialized administrative tools",0.94,1,,True +office equipment operation,technical office management,"Proficient skills in operating, maintaining, and managing diverse office technologies and equipment including computers, telephones, and specialized administrative tools",0.94,1,,False +office equipment operation,administrative technology use,"Proficient skills in operating, maintaining, and managing diverse office technologies and equipment including computers, telephones, and specialized administrative tools",0.94,1,,False +communication and information routing,communication and information routing,"Advanced skills in managing communication channels, directing calls, distributing mail, and coordinating information flow within professional environments",0.93,1,,True +communication and information routing,communication coordination,"Advanced skills in managing communication channels, directing calls, distributing mail, and coordinating information flow within professional environments",0.93,1,,False +professional time and task management,professional time and task management,"Advanced skills in scheduling, prioritizing, coordinating multiple tasks, managing personal and team time efficiently, and maintaining operational productivity",0.95,1,,True +professional time and task management,operational scheduling,"Advanced skills in scheduling, prioritizing, coordinating multiple tasks, managing personal and team time efficiently, and maintaining operational productivity",0.95,1,,False +forensic investigation,forensic investigation,"Advanced skills in collecting, analyzing, and documenting evidence for legal and investigative purposes, involving systematic evidence collection, scientific reasoning, and comprehensive case documentation",0.98,1,,True +forensic investigation,evidence analysis,"Advanced skills in collecting, analyzing, and documenting evidence for legal and investigative purposes, involving systematic evidence collection, scientific reasoning, and comprehensive case documentation",0.98,1,,False +forensic investigation,legal investigation,"Advanced skills in collecting, analyzing, and documenting evidence for legal and investigative purposes, involving systematic evidence collection, scientific reasoning, and comprehensive case documentation",0.98,1,,False +professional testimony preparation,professional testimony preparation,"Advanced skills in preparing, presenting, and communicating expert findings in legal or legislative proceedings, involving precise verbal communication, scientific reasoning, and authoritative knowledge transfer",0.96,1,,True +professional testimony preparation,expert witness communication,"Advanced skills in preparing, presenting, and communicating expert findings in legal or legislative proceedings, involving precise verbal communication, scientific reasoning, and authoritative knowledge transfer",0.96,1,,False +professional testimony preparation,legal testimony skills,"Advanced skills in preparing, presenting, and communicating expert findings in legal or legislative proceedings, involving precise verbal communication, scientific reasoning, and authoritative knowledge transfer",0.96,1,,False +landscape maintenance operations,landscape maintenance operations,"Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools",0.95,1,,True +landscape maintenance operations,grounds maintenance,"Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools",0.95,1,,False +landscape maintenance operations,outdoor work coordination,"Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools",0.95,1,,False +specialized equipment navigation,specialized equipment navigation,"Advanced proficiency in operating, positioning, and controlling specialized machinery and vehicles in outdoor and maintenance work environments",0.94,1,,True +specialized equipment navigation,vehicle operation,"Advanced proficiency in operating, positioning, and controlling specialized machinery and vehicles in outdoor and maintenance work environments",0.94,1,,False +specialized equipment navigation,machinery control,"Advanced proficiency in operating, positioning, and controlling specialized machinery and vehicles in outdoor and maintenance work environments",0.94,1,,False +specialized equipment navigation,work site transportation,"Advanced proficiency in operating, positioning, and controlling specialized machinery and vehicles in outdoor and maintenance work environments",0.94,1,,False +safety-focused field operations,safety-focused field operations,"Comprehensive approach to ensuring workplace safety, conducting risk assessments, and implementing preventive measures during outdoor and maintenance work activities",0.96,1,,True +safety-focused field operations,field work risk mitigation,"Comprehensive approach to ensuring workplace safety, conducting risk assessments, and implementing preventive measures during outdoor and maintenance work activities",0.96,1,,False +safety-focused field operations,workplace hazard prevention,"Comprehensive approach to ensuring workplace safety, conducting risk assessments, and implementing preventive measures during outdoor and maintenance work activities",0.96,1,,False +biological research methodology,biological research methodology,"Advanced scientific skills for designing, conducting, and analyzing microbiological research, involving systematic investigation, sample preparation, organism classification, and evidence-based problem solving",0.98,1,,True +biological research methodology,microbial research techniques,"Advanced scientific skills for designing, conducting, and analyzing microbiological research, involving systematic investigation, sample preparation, organism classification, and evidence-based problem solving",0.98,1,,False +biological research methodology,scientific investigation methods,"Advanced scientific skills for designing, conducting, and analyzing microbiological research, involving systematic investigation, sample preparation, organism classification, and evidence-based problem solving",0.98,1,,False +laboratory sample analysis,laboratory sample analysis,"Comprehensive skills in preparing, processing, examining, and analyzing biological samples using advanced scientific techniques and precision measurement",0.97,1,,True +laboratory sample analysis,scientific specimen examination,"Comprehensive skills in preparing, processing, examining, and analyzing biological samples using advanced scientific techniques and precision measurement",0.97,1,,False +scientific instrumentation management,scientific instrumentation management,"Advanced ability to operate, maintain, calibrate, and troubleshoot complex scientific laboratory and field equipment with precision and systematic approach",0.96,1,,True +scientific instrumentation management,laboratory equipment operation,"Advanced ability to operate, maintain, calibrate, and troubleshoot complex scientific laboratory and field equipment with precision and systematic approach",0.96,1,,False +scientific instrumentation management,scientific instrument maintenance,"Advanced ability to operate, maintain, calibrate, and troubleshoot complex scientific laboratory and field equipment with precision and systematic approach",0.96,1,,False +microorganism classification,microorganism classification,"Specialized expertise in identifying, categorizing, and studying characteristics and behaviors of micro-organisms across diverse biological contexts",0.95,1,,True +microorganism classification,organism taxonomic analysis,"Specialized expertise in identifying, categorizing, and studying characteristics and behaviors of micro-organisms across diverse biological contexts",0.95,1,,False +microorganism classification,microbial characterization,"Specialized expertise in identifying, categorizing, and studying characteristics and behaviors of micro-organisms across diverse biological contexts",0.95,1,,False +environmental microbiological assessment,environmental microbiological assessment,"Comprehensive skills in investigating environmental conditions, monitoring ecological impacts, and analyzing microbiological interactions within natural systems",0.97,1,,True +environmental microbiological assessment,ecological microbial monitoring,"Comprehensive skills in investigating environmental conditions, monitoring ecological impacts, and analyzing microbiological interactions within natural systems",0.97,1,,False +environmental microbiological assessment,environmental biological analysis,"Comprehensive skills in investigating environmental conditions, monitoring ecological impacts, and analyzing microbiological interactions within natural systems",0.97,1,,False +vehicle mechanical repair,vehicle mechanical repair,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble motorcycle and vehicle mechanical components with precision and technical expertise",0.98,1,,True +vehicle mechanical repair,motorcycle maintenance,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble motorcycle and vehicle mechanical components with precision and technical expertise",0.98,1,,False +vehicle mechanical repair,vehicle system repair,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble motorcycle and vehicle mechanical components with precision and technical expertise",0.98,1,,False +vehicle mechanical repair,mechanical diagnostics,"Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble motorcycle and vehicle mechanical components with precision and technical expertise",0.98,1,,False +precision manual tool operation,precision manual tool operation,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair and maintenance tasks",0.96,1,,True +precision manual tool operation,mechanical manipulation,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair and maintenance tasks",0.96,1,,False +precision manual tool operation,precision equipment handling,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair and maintenance tasks",0.96,1,,False +precision manual tool operation,precision tool operation,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair and maintenance tasks",0.96,1,,False +visual display design,visual display design,"Advanced skills in arranging, composing, and creating aesthetic visual displays for commercial, promotional, and artistic purposes",0.95,1,,True +visual display design,display composition,"Advanced skills in arranging, composing, and creating aesthetic visual displays for commercial, promotional, and artistic purposes",0.95,1,,False +visual display design,merchandising aesthetics,"Advanced skills in arranging, composing, and creating aesthetic visual displays for commercial, promotional, and artistic purposes",0.95,1,,False +visual display design,product presentation,"Advanced skills in arranging, composing, and creating aesthetic visual displays for commercial, promotional, and artistic purposes",0.95,1,,False +creative promotional strategy,creative promotional strategy,"Comprehensive ability to develop innovative marketing and promotional concepts, monitor trends, and create compelling visual narratives",0.94,1,,True +creative promotional strategy,marketing concept development,"Comprehensive ability to develop innovative marketing and promotional concepts, monitor trends, and create compelling visual narratives",0.94,1,,False +creative promotional strategy,promotional design,"Comprehensive ability to develop innovative marketing and promotional concepts, monitor trends, and create compelling visual narratives",0.94,1,,False +artistic prop and material selection,artistic prop and material selection,"Specialized skills in choosing, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.93,1,,True +artistic prop and material selection,design element curation,"Specialized skills in choosing, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.93,1,,False +artistic prop and material selection,prop styling,"Specialized skills in choosing, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.93,1,,False +artistic prop and material selection,material composition,"Specialized skills in choosing, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.93,1,,False +technical illustration and modeling,technical illustration and modeling,"Advanced proficiency in creating detailed technical drawings, illustrations, and physical models for design and promotional purposes",0.92,1,,True +technical illustration and modeling,design drafting,"Advanced proficiency in creating detailed technical drawings, illustrations, and physical models for design and promotional purposes",0.92,1,,False +technical illustration and modeling,technical visualization,"Advanced proficiency in creating detailed technical drawings, illustrations, and physical models for design and promotional purposes",0.92,1,,False +technical illustration and modeling,model construction,"Advanced proficiency in creating detailed technical drawings, illustrations, and physical models for design and promotional purposes",0.92,1,,False +educational program development,educational program development,"Comprehensive skills in designing, creating, and implementing tailored educational curricula, instructional strategies, and learning objectives for specific student populations and educational contexts",0.98,1,,True +educational program development,curriculum design,"Comprehensive skills in designing, creating, and implementing tailored educational curricula, instructional strategies, and learning objectives for specific student populations and educational contexts",0.98,1,,False +educational program development,instructional strategy creation,"Comprehensive skills in designing, creating, and implementing tailored educational curricula, instructional strategies, and learning objectives for specific student populations and educational contexts",0.98,1,,False +educational program development,learning objective formulation,"Comprehensive skills in designing, creating, and implementing tailored educational curricula, instructional strategies, and learning objectives for specific student populations and educational contexts",0.98,1,,False +student performance management,student performance management,"Advanced skills in monitoring, assessing, tracking, and supporting student academic progress through systematic evaluation, personalized intervention, and comprehensive performance tracking",0.97,1,,True +student performance management,academic progress monitoring,"Advanced skills in monitoring, assessing, tracking, and supporting student academic progress through systematic evaluation, personalized intervention, and comprehensive performance tracking",0.97,1,,False +student performance management,student assessment,"Advanced skills in monitoring, assessing, tracking, and supporting student academic progress through systematic evaluation, personalized intervention, and comprehensive performance tracking",0.97,1,,False +student performance management,learning outcome tracking,"Advanced skills in monitoring, assessing, tracking, and supporting student academic progress through systematic evaluation, personalized intervention, and comprehensive performance tracking",0.97,1,,False +adaptive instructional techniques,adaptive instructional techniques,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs, styles, and developmental requirements",0.96,1,,True +adaptive instructional techniques,teaching method adaptation,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs, styles, and developmental requirements",0.96,1,,False +adaptive instructional techniques,personalized learning strategies,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs, styles, and developmental requirements",0.96,1,,False +adaptive instructional techniques,instructional flexibility,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs, styles, and developmental requirements",0.96,1,,False +classroom behavior management,classroom behavior management,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive learning environment",0.95,1,,True +classroom behavior management,student conduct regulation,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive learning environment",0.95,1,,False +classroom behavior management,learning environment control,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive learning environment",0.95,1,,False +classroom behavior management,disciplinary strategy implementation,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive learning environment",0.95,1,,False +physical fitness instruction,physical fitness instruction,"Advanced skills in teaching, demonstrating, and guiding exercise techniques, fitness programs, and physical training across diverse client needs and fitness contexts",0.98,1,,True +physical fitness instruction,exercise training,"Advanced skills in teaching, demonstrating, and guiding exercise techniques, fitness programs, and physical training across diverse client needs and fitness contexts",0.98,1,,False +physical fitness instruction,fitness coaching,"Advanced skills in teaching, demonstrating, and guiding exercise techniques, fitness programs, and physical training across diverse client needs and fitness contexts",0.98,1,,False +physical fitness instruction,group exercise leadership,"Advanced skills in teaching, demonstrating, and guiding exercise techniques, fitness programs, and physical training across diverse client needs and fitness contexts",0.98,1,,False +health and safety management,health and safety management,"Comprehensive ability to enforce safety protocols, administer first aid, monitor client capabilities, and ensure safe exercise environments",0.96,1,,True +health and safety management,client safety monitoring,"Comprehensive ability to enforce safety protocols, administer first aid, monitor client capabilities, and ensure safe exercise environments",0.96,1,,False +health and safety management,exercise risk management,"Comprehensive ability to enforce safety protocols, administer first aid, monitor client capabilities, and ensure safe exercise environments",0.96,1,,False +client performance evaluation,client performance evaluation,"Advanced skills in assessing individual fitness levels, tracking progress, developing personalized training strategies, and adapting interventions",0.97,1,,True +client performance evaluation,fitness assessment,"Advanced skills in assessing individual fitness levels, tracking progress, developing personalized training strategies, and adapting interventions",0.97,1,,False +client performance evaluation,training needs analysis,"Advanced skills in assessing individual fitness levels, tracking progress, developing personalized training strategies, and adapting interventions",0.97,1,,False +recreational activity coordination,recreational activity coordination,"Comprehensive skills in organizing, managing, and facilitating group fitness activities, events, and exercise programs",0.95,1,,True +recreational activity coordination,group exercise management,"Comprehensive skills in organizing, managing, and facilitating group fitness activities, events, and exercise programs",0.95,1,,False +recreational activity coordination,fitness event planning,"Comprehensive skills in organizing, managing, and facilitating group fitness activities, events, and exercise programs",0.95,1,,False +fitness equipment management,fitness equipment management,"Proficient skills in maintaining, demonstrating, and ensuring proper use of exercise equipment and training tools",0.94,1,,True +fitness equipment management,training tool expertise,"Proficient skills in maintaining, demonstrating, and ensuring proper use of exercise equipment and training tools",0.94,1,,False +occupational safety management,occupational safety management,"Comprehensive skills in identifying, assessing, and mitigating workplace health and safety risks, implementing preventive measures, and ensuring regulatory compliance across diverse work environments",0.99,1,,True +occupational safety management,safety compliance,"Comprehensive skills in identifying, assessing, and mitigating workplace health and safety risks, implementing preventive measures, and ensuring regulatory compliance across diverse work environments",0.99,1,,False +occupational safety management,occupational health protection,"Comprehensive skills in identifying, assessing, and mitigating workplace health and safety risks, implementing preventive measures, and ensuring regulatory compliance across diverse work environments",0.99,1,,False +health and wellness communication,health and wellness communication,"Advanced interpersonal skills for effectively communicating health information, conducting safety training, advising communities, and promoting public health awareness",0.98,1,,True +health and wellness communication,health education,"Advanced interpersonal skills for effectively communicating health information, conducting safety training, advising communities, and promoting public health awareness",0.98,1,,False +health and wellness communication,public health outreach,"Advanced interpersonal skills for effectively communicating health information, conducting safety training, advising communities, and promoting public health awareness",0.98,1,,False +regulatory documentation management,regulatory documentation management,"Systematic skills in preparing, maintaining, and managing official health documents, records, and compliance documentation with precision and accuracy",0.97,1,,True +regulatory documentation management,compliance documentation,"Systematic skills in preparing, maintaining, and managing official health documents, records, and compliance documentation with precision and accuracy",0.97,1,,False +regulatory documentation management,regulatory reporting,"Systematic skills in preparing, maintaining, and managing official health documents, records, and compliance documentation with precision and accuracy",0.97,1,,False +emergency preparedness planning,emergency preparedness planning,"Advanced skills in developing, implementing, and coordinating comprehensive emergency procedures, response protocols, and risk mitigation strategies",0.96,1,,True +emergency preparedness planning,emergency response development,"Advanced skills in developing, implementing, and coordinating comprehensive emergency procedures, response protocols, and risk mitigation strategies",0.96,1,,False +emergency preparedness planning,safety protocol design,"Advanced skills in developing, implementing, and coordinating comprehensive emergency procedures, response protocols, and risk mitigation strategies",0.96,1,,False +technical equipment inspection,technical equipment inspection,"Comprehensive ability to systematically inspect, test, and verify the functionality and safety of medical and workplace equipment across diverse environments",0.98,1,,True +technical equipment inspection,equipment safety verification,"Comprehensive ability to systematically inspect, test, and verify the functionality and safety of medical and workplace equipment across diverse environments",0.98,1,,False +technical equipment inspection,facility equipment monitoring,"Comprehensive ability to systematically inspect, test, and verify the functionality and safety of medical and workplace equipment across diverse environments",0.98,1,,False +medical diagnostic precision,medical diagnostic precision,"Advanced clinical skills for systematic patient assessment, hearing testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of auditory and medical diagnostic data",1.0,2,,True +medical diagnostic precision,clinical assessment expertise,"Advanced clinical skills for systematic patient assessment, hearing testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of auditory and medical diagnostic data",1.0,2,,False +medical diagnostic precision,diagnostic hearing evaluation,"Advanced clinical skills for systematic patient assessment, hearing testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of auditory and medical diagnostic data",1.0,2,,False +medical diagnostic precision,precision medical testing,"Advanced clinical skills for systematic patient assessment, hearing testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of auditory and medical diagnostic data",1.0,2,,False +healthcare patient interaction,healthcare patient interaction,"Advanced interpersonal communication skills for patient engagement, precise medical information exchange, professional dialogue, emotional support, and comprehensive patient-centered communication specific to specialized medical device and hearing care contexts",1.0,2,,True +healthcare patient interaction,medical professional dialogue,"Advanced interpersonal communication skills for patient engagement, precise medical information exchange, professional dialogue, emotional support, and comprehensive patient-centered communication specific to specialized medical device and hearing care contexts",1.0,2,,False +healthcare patient interaction,empathetic healthcare interaction,"Advanced interpersonal communication skills for patient engagement, precise medical information exchange, professional dialogue, emotional support, and comprehensive patient-centered communication specific to specialized medical device and hearing care contexts",1.0,2,,False +vision care expertise,vision care expertise,"Specialized clinical skills in eye health assessment, vision testing, corrective device prescription, and comprehensive optometric patient care",0.97,1,,True +vision care expertise,optometric care,"Specialized clinical skills in eye health assessment, vision testing, corrective device prescription, and comprehensive optometric patient care",0.97,1,,False +vision care expertise,eye health management,"Specialized clinical skills in eye health assessment, vision testing, corrective device prescription, and comprehensive optometric patient care",0.97,1,,False +vision care expertise,vision diagnostic skills,"Specialized clinical skills in eye health assessment, vision testing, corrective device prescription, and comprehensive optometric patient care",0.97,1,,False +medical treatment planning,medical treatment planning,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.96,1,,True +medical treatment planning,treatment strategy development,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.96,1,,False +medical treatment planning,patient care planning,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.96,1,,False +medical treatment planning,medical intervention design,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.96,1,,False +healthcare equipment management,healthcare equipment management,"Advanced skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and treatment equipment",0.97,1,,True +healthcare equipment management,medical device operation,"Advanced skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and treatment equipment",0.97,1,,False +healthcare equipment management,diagnostic tool management,"Advanced skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and treatment equipment",0.97,1,,False +cybersecurity engineering,cybersecurity engineering,"Advanced technical skills in designing, implementing, and maintaining robust security measures for computer and information systems, focusing on threat prevention, system protection, and comprehensive security architecture",0.98,1,,True +cybersecurity engineering,network protection,"Advanced technical skills in designing, implementing, and maintaining robust security measures for computer and information systems, focusing on threat prevention, system protection, and comprehensive security architecture",0.98,1,,False +cybersecurity engineering,cyber defense,"Advanced technical skills in designing, implementing, and maintaining robust security measures for computer and information systems, focusing on threat prevention, system protection, and comprehensive security architecture",0.98,1,,False +information technology project management,information technology project management,"Advanced skills in planning, coordinating, executing, and monitoring complex information technology projects involving strategic resource allocation, stakeholder communication, and comprehensive implementation",0.96,1,,True +information technology project management,technology deployment,"Advanced skills in planning, coordinating, executing, and monitoring complex information technology projects involving strategic resource allocation, stakeholder communication, and comprehensive implementation",0.96,1,,False +information technology project management,strategic it management,"Advanced skills in planning, coordinating, executing, and monitoring complex information technology projects involving strategic resource allocation, stakeholder communication, and comprehensive implementation",0.96,1,,False +security risk assessment,security risk assessment,"Comprehensive ability to identify, investigate, analyze, and mitigate organizational security risks through systematic investigation, compliance monitoring, and strategic risk reduction techniques",0.97,1,,True +security risk assessment,risk management,"Comprehensive ability to identify, investigate, analyze, and mitigate organizational security risks through systematic investigation, compliance monitoring, and strategic risk reduction techniques",0.97,1,,False +security risk assessment,security compliance,"Comprehensive ability to identify, investigate, analyze, and mitigate organizational security risks through systematic investigation, compliance monitoring, and strategic risk reduction techniques",0.97,1,,False +security risk assessment,threat analysis,"Comprehensive ability to identify, investigate, analyze, and mitigate organizational security risks through systematic investigation, compliance monitoring, and strategic risk reduction techniques",0.97,1,,False +software systems architecture,software systems architecture,"Advanced capability to design, develop, and implement comprehensive software system architectures, including complex integration, application structure planning, and technical infrastructure development",0.95,1,,True +software systems architecture,software design,"Advanced capability to design, develop, and implement comprehensive software system architectures, including complex integration, application structure planning, and technical infrastructure development",0.95,1,,False +software systems architecture,system architecture,"Advanced capability to design, develop, and implement comprehensive software system architectures, including complex integration, application structure planning, and technical infrastructure development",0.95,1,,False +software systems architecture,technical infrastructure,"Advanced capability to design, develop, and implement comprehensive software system architectures, including complex integration, application structure planning, and technical infrastructure development",0.95,1,,False +surgical intervention management,surgical intervention management,"Advanced clinical skills for performing complex surgical procedures, patient assessment, treatment planning, and precise medical interventions across diverse surgical contexts",0.99,1,,True +surgical intervention management,surgical procedure expertise,"Advanced clinical skills for performing complex surgical procedures, patient assessment, treatment planning, and precise medical interventions across diverse surgical contexts",0.99,1,,False +medical diagnostic reasoning,medical diagnostic reasoning,"Comprehensive analytical skills for systematic patient examination, complex medical testing, diagnostic interpretation, and evidence-based clinical condition evaluation",0.99,1,,True +medical diagnostic reasoning,clinical diagnostic assessment,"Comprehensive analytical skills for systematic patient examination, complex medical testing, diagnostic interpretation, and evidence-based clinical condition evaluation",0.99,1,,False +medical diagnostic reasoning,medical problem solving,"Comprehensive analytical skills for systematic patient examination, complex medical testing, diagnostic interpretation, and evidence-based clinical condition evaluation",0.99,1,,False +healthcare professional coordination,healthcare professional coordination,"Advanced interprofessional skills for coordinating comprehensive patient care, managing complex medical workflows, facilitating interdisciplinary communication, and ensuring holistic treatment strategies",1.0,1,,True +healthcare professional coordination,medical team collaboration,"Advanced interprofessional skills for coordinating comprehensive patient care, managing complex medical workflows, facilitating interdisciplinary communication, and ensuring holistic treatment strategies",1.0,1,,False +healthcare professional coordination,interdisciplinary healthcare management,"Advanced interprofessional skills for coordinating comprehensive patient care, managing complex medical workflows, facilitating interdisciplinary communication, and ensuring holistic treatment strategies",1.0,1,,False +precision medical equipment management,precision medical equipment management,"Comprehensive skills in operating, maintaining, sterilizing, and ensuring optimal functionality of specialized medical and surgical equipment with strict safety protocols",0.98,1,,True +precision medical equipment management,surgical equipment maintenance,"Comprehensive skills in operating, maintaining, sterilizing, and ensuring optimal functionality of specialized medical and surgical equipment with strict safety protocols",0.98,1,,False +precision medical equipment management,medical technology handling,"Comprehensive skills in operating, maintaining, sterilizing, and ensuring optimal functionality of specialized medical and surgical equipment with strict safety protocols",0.98,1,,False +patient care and communication,patient care and communication,"Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication",0.99,1,,True +patient care and communication,medical patient interaction,"Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication",0.99,1,,False +patient care and communication,healthcare patient care,"Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication",0.99,1,,False +artistic conceptualization,artistic conceptualization,"Advanced ability to develop, visualize, and create original artistic concepts for decoration, exhibition, or commercial purposes, involving creative ideation and strategic design thinking",0.98,1,,True +artistic conceptualization,creative design conception,"Advanced ability to develop, visualize, and create original artistic concepts for decoration, exhibition, or commercial purposes, involving creative ideation and strategic design thinking",0.98,1,,False +artistic conceptualization,artistic ideation,"Advanced ability to develop, visualize, and create original artistic concepts for decoration, exhibition, or commercial purposes, involving creative ideation and strategic design thinking",0.98,1,,False +artistic conceptualization,visual concept development,"Advanced ability to develop, visualize, and create original artistic concepts for decoration, exhibition, or commercial purposes, involving creative ideation and strategic design thinking",0.98,1,,False +creative technical illustration,creative technical illustration,"Specialized skill in creating detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques",0.97,1,,True +creative technical illustration,precision illustration,"Specialized skill in creating detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques",0.97,1,,False +creative technical illustration,technical drawing,"Specialized skill in creating detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques",0.97,1,,False +creative technical illustration,detailed visual representation,"Specialized skill in creating detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques",0.97,1,,False +artistic production collaboration,artistic production collaboration,"Advanced interpersonal skills for coordinating, communicating, and collaborating with other professionals to develop, prepare, and execute artistic productions and projects",0.96,1,,True +artistic production collaboration,creative team coordination,"Advanced interpersonal skills for coordinating, communicating, and collaborating with other professionals to develop, prepare, and execute artistic productions and projects",0.96,1,,False +artistic production collaboration,production teamwork,"Advanced interpersonal skills for coordinating, communicating, and collaborating with other professionals to develop, prepare, and execute artistic productions and projects",0.96,1,,False +artistic material preparation,artistic material preparation,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of artistic works",0.95,1,,True +artistic material preparation,art material management,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of artistic works",0.95,1,,False +artistic material preparation,creative resource preparation,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of artistic works",0.95,1,,False +artistic material preparation,artistic medium handling,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of artistic works",0.95,1,,False +creative trend monitoring,creative trend monitoring,"Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work and professional practice",0.94,1,,True +creative trend monitoring,creative industry insights,"Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work and professional practice",0.94,1,,False +creative trend monitoring,design trend research,"Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work and professional practice",0.94,1,,False +media production management,media production management,"Comprehensive skills in directing, coordinating, and managing technical aspects of media productions, including content management, equipment operation, and personnel coordination",0.98,1,,True +media production management,technical media direction,"Comprehensive skills in directing, coordinating, and managing technical aspects of media productions, including content management, equipment operation, and personnel coordination",0.98,1,,False +broadcast technical control,broadcast technical control,"Advanced skills in operating control consoles, managing broadcasting equipment, monitoring transmission operations, and ensuring proper technical functionality of media production systems",0.97,1,,True +broadcast technical control,broadcasting equipment management,"Advanced skills in operating control consoles, managing broadcasting equipment, monitoring transmission operations, and ensuring proper technical functionality of media production systems",0.97,1,,False +broadcast technical control,media technical operations,"Advanced skills in operating control consoles, managing broadcasting equipment, monitoring transmission operations, and ensuring proper technical functionality of media production systems",0.97,1,,False +creative technical graphics,creative technical graphics,"Specialized ability to create, manipulate, and integrate computer-generated graphics, animation, and visual elements in media production environments",0.96,1,,True +creative technical graphics,digital media graphics,"Specialized ability to create, manipulate, and integrate computer-generated graphics, animation, and visual elements in media production environments",0.96,1,,False +creative technical graphics,technical visual design,"Specialized ability to create, manipulate, and integrate computer-generated graphics, animation, and visual elements in media production environments",0.96,1,,False +performance choreography,performance choreography,"Advanced skill in designing, creating, and coordinating artistic movement sequences for dance, theater, and performance contexts, involving creative composition, technical precision, and artistic vision",0.98,1,,True +performance choreography,artistic movement design,"Advanced skill in designing, creating, and coordinating artistic movement sequences for dance, theater, and performance contexts, involving creative composition, technical precision, and artistic vision",0.98,1,,False +performance choreography,choreographic composition,"Advanced skill in designing, creating, and coordinating artistic movement sequences for dance, theater, and performance contexts, involving creative composition, technical precision, and artistic vision",0.98,1,,False +performance choreography,performance staging,"Advanced skill in designing, creating, and coordinating artistic movement sequences for dance, theater, and performance contexts, involving creative composition, technical precision, and artistic vision",0.98,1,,False +artistic performance management,artistic performance management,"Comprehensive skills in coordinating, directing, and supervising artistic performers, including talent selection, skill evaluation, training, and collaborative performance development",0.97,1,,True +artistic performance management,performance team coordination,"Comprehensive skills in coordinating, directing, and supervising artistic performers, including talent selection, skill evaluation, training, and collaborative performance development",0.97,1,,False +artistic performance management,artistic personnel development,"Comprehensive skills in coordinating, directing, and supervising artistic performers, including talent selection, skill evaluation, training, and collaborative performance development",0.97,1,,False +artistic performance management,creative talent management,"Comprehensive skills in coordinating, directing, and supervising artistic performers, including talent selection, skill evaluation, training, and collaborative performance development",0.97,1,,False +creative artistic instruction,creative artistic instruction,"Advanced pedagogical skills for teaching performance techniques, guiding artistic skill development, providing constructive feedback, and nurturing creative potential in performers",0.96,1,,True +creative artistic instruction,performance skill training,"Advanced pedagogical skills for teaching performance techniques, guiding artistic skill development, providing constructive feedback, and nurturing creative potential in performers",0.96,1,,False +creative artistic instruction,artistic mentorship,"Advanced pedagogical skills for teaching performance techniques, guiding artistic skill development, providing constructive feedback, and nurturing creative potential in performers",0.96,1,,False +artistic trend analysis,artistic trend analysis,"Systematic approach to monitoring, researching, and integrating current artistic trends, performance styles, and creative innovations into choreographic and performance practices",0.95,1,,True +artistic trend analysis,performance trend monitoring,"Systematic approach to monitoring, researching, and integrating current artistic trends, performance styles, and creative innovations into choreographic and performance practices",0.95,1,,False +artistic trend analysis,creative industry research,"Systematic approach to monitoring, researching, and integrating current artistic trends, performance styles, and creative innovations into choreographic and performance practices",0.95,1,,False +artistic trend analysis,artistic innovation tracking,"Systematic approach to monitoring, researching, and integrating current artistic trends, performance styles, and creative innovations into choreographic and performance practices",0.95,1,,False +scientific problem solving,scientific problem solving,"Advanced analytical skills using scientific methods, mathematical reasoning, and systematic investigation to identify, evaluate, and resolve complex technical challenges in chemical and laboratory contexts",1.0,2,,True +scientific problem solving,technical analytical reasoning,"Advanced analytical skills using scientific methods, mathematical reasoning, and systematic investigation to identify, evaluate, and resolve complex technical challenges in chemical and laboratory contexts",1.0,2,,False +scientific problem solving,scientific diagnostic techniques,"Advanced analytical skills using scientific methods, mathematical reasoning, and systematic investigation to identify, evaluate, and resolve complex technical challenges in chemical and laboratory contexts",1.0,2,,False +research and development methodology,research and development methodology,"Comprehensive skills in designing research protocols, conducting systematic investigations, analyzing data, testing technologies, and developing innovative engineering solutions",0.97,1,,True +research and development methodology,technical research techniques,"Comprehensive skills in designing research protocols, conducting systematic investigations, analyzing data, testing technologies, and developing innovative engineering solutions",0.97,1,,False +research and development methodology,innovation development,"Comprehensive skills in designing research protocols, conducting systematic investigations, analyzing data, testing technologies, and developing innovative engineering solutions",0.97,1,,False +research and development methodology,experimental design,"Comprehensive skills in designing research protocols, conducting systematic investigations, analyzing data, testing technologies, and developing innovative engineering solutions",0.97,1,,False +facility maintenance,facility maintenance,"Comprehensive skills in cleaning, organizing, and maintaining workplace environments, including waste disposal, surface cleaning, equipment maintenance, and ensuring occupant safety",0.95,1,,True +facility maintenance,workplace cleaning,"Comprehensive skills in cleaning, organizing, and maintaining workplace environments, including waste disposal, surface cleaning, equipment maintenance, and ensuring occupant safety",0.95,1,,False +facility maintenance,site maintenance,"Comprehensive skills in cleaning, organizing, and maintaining workplace environments, including waste disposal, surface cleaning, equipment maintenance, and ensuring occupant safety",0.95,1,,False +facility maintenance,facility upkeep,"Comprehensive skills in cleaning, organizing, and maintaining workplace environments, including waste disposal, surface cleaning, equipment maintenance, and ensuring occupant safety",0.95,1,,False +equipment operation,equipment operation,"Proficient skills in operating, managing, and maintaining diverse machinery and vehicles, including grounds maintenance equipment, trucks, and specialized cleaning tools",0.94,1,,True +equipment operation,machinery management,"Proficient skills in operating, managing, and maintaining diverse machinery and vehicles, including grounds maintenance equipment, trucks, and specialized cleaning tools",0.94,1,,False +equipment operation,vehicle navigation,"Proficient skills in operating, managing, and maintaining diverse machinery and vehicles, including grounds maintenance equipment, trucks, and specialized cleaning tools",0.94,1,,False +equipment operation,tool operation,"Proficient skills in operating, managing, and maintaining diverse machinery and vehicles, including grounds maintenance equipment, trucks, and specialized cleaning tools",0.94,1,,False +safety and sanitation,safety and sanitation,"Advanced skills in maintaining workplace safety, monitoring premises, preparing cleaning chemicals, eliminating pests, and ensuring hygienic work environments",0.96,1,,True +safety and sanitation,workplace safety,"Advanced skills in maintaining workplace safety, monitoring premises, preparing cleaning chemicals, eliminating pests, and ensuring hygienic work environments",0.96,1,,False +psychological assessment,psychological assessment,"Advanced clinical skills for systematically evaluating mental health, cognitive functioning, and psychological conditions through standardized testing, observation, and diagnostic reasoning",0.99,1,,True +psychological assessment,mental health evaluation,"Advanced clinical skills for systematically evaluating mental health, cognitive functioning, and psychological conditions through standardized testing, observation, and diagnostic reasoning",0.99,1,,False +psychological assessment,psychological diagnostic reasoning,"Advanced clinical skills for systematically evaluating mental health, cognitive functioning, and psychological conditions through standardized testing, observation, and diagnostic reasoning",0.99,1,,False +psychological assessment,clinical psychological testing,"Advanced clinical skills for systematically evaluating mental health, cognitive functioning, and psychological conditions through standardized testing, observation, and diagnostic reasoning",0.99,1,,False +clinical counseling,clinical counseling,"Comprehensive interpersonal skills for providing therapeutic support, mental health guidance, personalized treatment strategies, and holistic psychological intervention",0.98,1,,True +clinical counseling,psychological counseling,"Comprehensive interpersonal skills for providing therapeutic support, mental health guidance, personalized treatment strategies, and holistic psychological intervention",0.98,1,,False +clinical counseling,mental health support,"Comprehensive interpersonal skills for providing therapeutic support, mental health guidance, personalized treatment strategies, and holistic psychological intervention",0.98,1,,False +clinical counseling,therapeutic patient guidance,"Comprehensive interpersonal skills for providing therapeutic support, mental health guidance, personalized treatment strategies, and holistic psychological intervention",0.98,1,,False +scientific mental health research,scientific mental health research,"Advanced research capabilities in investigating psychological phenomena, developing evidence-based treatment approaches, and expanding scientific understanding of mental health and neurological conditions",0.97,1,,True +scientific mental health research,neurological science investigation,"Advanced research capabilities in investigating psychological phenomena, developing evidence-based treatment approaches, and expanding scientific understanding of mental health and neurological conditions",0.97,1,,False +professional healthcare collaboration,professional healthcare collaboration,"Advanced interprofessional skills for coordinating comprehensive patient care, facilitating knowledge sharing, and ensuring integrated treatment approaches across diverse healthcare professional teams",0.99,1,,True +professional healthcare collaboration,interdisciplinary medical coordination,"Advanced interprofessional skills for coordinating comprehensive patient care, facilitating knowledge sharing, and ensuring integrated treatment approaches across diverse healthcare professional teams",0.99,1,,False +professional healthcare collaboration,healthcare team communication,"Advanced interprofessional skills for coordinating comprehensive patient care, facilitating knowledge sharing, and ensuring integrated treatment approaches across diverse healthcare professional teams",0.99,1,,False +neuropsychological diagnostic reasoning,neuropsychological diagnostic reasoning,"Advanced analytical skills for systematically interpreting complex neurological and psychological data, diagnosing intricate mental health conditions, and developing precise, evidence-based treatment strategies",1.0,1,,True +neuropsychological diagnostic reasoning,clinical diagnostic analysis,"Advanced analytical skills for systematically interpreting complex neurological and psychological data, diagnosing intricate mental health conditions, and developing precise, evidence-based treatment strategies",1.0,1,,False +neuropsychological diagnostic reasoning,neurological condition interpretation,"Advanced analytical skills for systematically interpreting complex neurological and psychological data, diagnosing intricate mental health conditions, and developing precise, evidence-based treatment strategies",1.0,1,,False +mortuary operations management,mortuary operations management,"Comprehensive skills in managing crematory processes, handling human remains, maintaining facility operations, and ensuring professional, respectful treatment of deceased individuals",0.98,1,,True +mortuary operations management,funeral service management,"Comprehensive skills in managing crematory processes, handling human remains, maintaining facility operations, and ensuring professional, respectful treatment of deceased individuals",0.98,1,,False +mortuary operations management,cremation process coordination,"Comprehensive skills in managing crematory processes, handling human remains, maintaining facility operations, and ensuring professional, respectful treatment of deceased individuals",0.98,1,,False +deceased care preparation,deceased care preparation,"Advanced technical skills in preparing, cleaning, positioning, and treating human remains with precision, dignity, and professional standards",0.97,1,,True +deceased care preparation,body preparation techniques,"Advanced technical skills in preparing, cleaning, positioning, and treating human remains with precision, dignity, and professional standards",0.97,1,,False +deceased care preparation,mortuary hygiene management,"Advanced technical skills in preparing, cleaning, positioning, and treating human remains with precision, dignity, and professional standards",0.97,1,,False +grief support communication,grief support communication,"Advanced interpersonal skills for providing compassionate emotional support, counseling, and professional communication with bereaved families during sensitive funeral service interactions",0.96,1,,True +grief support communication,bereavement counseling,"Advanced interpersonal skills for providing compassionate emotional support, counseling, and professional communication with bereaved families during sensitive funeral service interactions",0.96,1,,False +grief support communication,family emotional support,"Advanced interpersonal skills for providing compassionate emotional support, counseling, and professional communication with bereaved families during sensitive funeral service interactions",0.96,1,,False +cremation equipment operation,cremation equipment operation,"Precise technical skills in operating, monitoring, adjusting, and maintaining specialized cremation ovens and associated processing equipment",0.98,1,,True +cremation equipment operation,thermal processing management,"Precise technical skills in operating, monitoring, adjusting, and maintaining specialized cremation ovens and associated processing equipment",0.98,1,,False +cremation equipment operation,crematory machinery control,"Precise technical skills in operating, monitoring, adjusting, and maintaining specialized cremation ovens and associated processing equipment",0.98,1,,False +funeral service documentation,funeral service documentation,"Comprehensive skills in maintaining accurate records, preparing documentation, managing client information, and ensuring regulatory compliance in funeral service contexts",0.95,1,,True +funeral service documentation,memorial service recordkeeping,"Comprehensive skills in maintaining accurate records, preparing documentation, managing client information, and ensuring regulatory compliance in funeral service contexts",0.95,1,,False +funeral service documentation,client documentation management,"Comprehensive skills in maintaining accurate records, preparing documentation, managing client information, and ensuring regulatory compliance in funeral service contexts",0.95,1,,False +quality systems management,quality systems management,"Advanced skills in developing, implementing, and monitoring comprehensive quality control systems, ensuring organizational standards, process optimization, and continuous improvement",0.98,1,,True +quality systems management,quality assurance,"Advanced skills in developing, implementing, and monitoring comprehensive quality control systems, ensuring organizational standards, process optimization, and continuous improvement",0.98,1,,False +quality systems management,process quality control,"Advanced skills in developing, implementing, and monitoring comprehensive quality control systems, ensuring organizational standards, process optimization, and continuous improvement",0.98,1,,False +quality systems management,organizational quality management,"Advanced skills in developing, implementing, and monitoring comprehensive quality control systems, ensuring organizational standards, process optimization, and continuous improvement",0.98,1,,False +strategic operational decision making,strategic operational decision making,"Advanced analytical skills for evaluating complex organizational challenges, weighing potential actions, and making informed decisions that balance costs, benefits, and strategic objectives",0.97,1,,True +strategic operational decision making,organizational decision analysis,"Advanced analytical skills for evaluating complex organizational challenges, weighing potential actions, and making informed decisions that balance costs, benefits, and strategic objectives",0.97,1,,False +strategic operational decision making,comprehensive decision evaluation,"Advanced analytical skills for evaluating complex organizational challenges, weighing potential actions, and making informed decisions that balance costs, benefits, and strategic objectives",0.97,1,,False +organizational performance monitoring,organizational performance monitoring,"Systematic approach to tracking, assessing, and improving individual and organizational performance through continuous evaluation, feedback mechanisms, and corrective action strategies",0.96,1,,True +organizational performance monitoring,performance assessment,"Systematic approach to tracking, assessing, and improving individual and organizational performance through continuous evaluation, feedback mechanisms, and corrective action strategies",0.96,1,,False +organizational performance monitoring,operational effectiveness tracking,"Systematic approach to tracking, assessing, and improving individual and organizational performance through continuous evaluation, feedback mechanisms, and corrective action strategies",0.96,1,,False +organizational performance monitoring,continuous improvement monitoring,"Systematic approach to tracking, assessing, and improving individual and organizational performance through continuous evaluation, feedback mechanisms, and corrective action strategies",0.96,1,,False +technical documentation and specification development,technical documentation and specification development,"Comprehensive skills in creating, reviewing, and managing detailed technical documents, operational procedures, specifications, and compliance-related documentation",0.97,1,,True +technical documentation and specification development,operational specification management,"Comprehensive skills in creating, reviewing, and managing detailed technical documents, operational procedures, specifications, and compliance-related documentation",0.97,1,,False +personnel resource development,personnel resource development,"Advanced skills in managing, motivating, training, and directing personnel to optimize workforce performance, skill development, and organizational effectiveness",0.98,1,,True +personnel resource development,employee development,"Advanced skills in managing, motivating, training, and directing personnel to optimize workforce performance, skill development, and organizational effectiveness",0.98,1,,False +personnel resource development,human resource optimization,"Advanced skills in managing, motivating, training, and directing personnel to optimize workforce performance, skill development, and organizational effectiveness",0.98,1,,False +financial product sales,financial product sales,"Advanced skills in selling, customizing, and explaining financial products and services to potential customers, involving product knowledge, customer needs assessment, and persuasive communication",0.98,1,,True +financial product sales,insurance sales,"Advanced skills in selling, customizing, and explaining financial products and services to potential customers, involving product knowledge, customer needs assessment, and persuasive communication",0.98,1,,False +financial product sales,financial services marketing,"Advanced skills in selling, customizing, and explaining financial products and services to potential customers, involving product knowledge, customer needs assessment, and persuasive communication",0.98,1,,False +financial product sales,product consultation,"Advanced skills in selling, customizing, and explaining financial products and services to potential customers, involving product knowledge, customer needs assessment, and persuasive communication",0.98,1,,False +customer needs assessment,customer needs assessment,"Comprehensive skills in gathering customer information, identifying potential needs, analyzing client requirements, and developing tailored service or product recommendations",0.97,1,,True +customer needs assessment,client profiling,"Comprehensive skills in gathering customer information, identifying potential needs, analyzing client requirements, and developing tailored service or product recommendations",0.97,1,,False +customer needs assessment,needs analysis,"Comprehensive skills in gathering customer information, identifying potential needs, analyzing client requirements, and developing tailored service or product recommendations",0.97,1,,False +customer needs assessment,customer intelligence,"Comprehensive skills in gathering customer information, identifying potential needs, analyzing client requirements, and developing tailored service or product recommendations",0.97,1,,False +sales transaction management,sales transaction management,"Systematic skills in processing sales orders, maintaining accurate records, preparing contracts, calculating costs, and ensuring precise financial documentation",0.96,1,,True +sales transaction management,financial record keeping,"Systematic skills in processing sales orders, maintaining accurate records, preparing contracts, calculating costs, and ensuring precise financial documentation",0.96,1,,False +professional network development,professional network development,"Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, and expanding business connections through strategic networking",0.95,1,,True +professional network development,business networking,"Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, and expanding business connections through strategic networking",0.95,1,,False +professional network development,client relationship building,"Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, and expanding business connections through strategic networking",0.95,1,,False +professional network development,professional outreach,"Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, and expanding business connections through strategic networking",0.95,1,,False +product knowledge acquisition,product knowledge acquisition,"Continuous learning approach to studying product information, attending professional events, and maintaining up-to-date understanding of financial services and insurance offerings",0.94,1,,True +product knowledge acquisition,professional learning,"Continuous learning approach to studying product information, attending professional events, and maintaining up-to-date understanding of financial services and insurance offerings",0.94,1,,False +product knowledge acquisition,continuous education,"Continuous learning approach to studying product information, attending professional events, and maintaining up-to-date understanding of financial services and insurance offerings",0.94,1,,False +product knowledge acquisition,industry knowledge,"Continuous learning approach to studying product information, attending professional events, and maintaining up-to-date understanding of financial services and insurance offerings",0.94,1,,False +legal decision analysis,legal decision analysis,"Advanced analytical skills for systematically evaluating legal evidence, interpreting complex legal precedents, and rendering authoritative judicial judgments with comprehensive reasoning and procedural understanding",0.99,1,,True +legal decision analysis,judicial evidence evaluation,"Advanced analytical skills for systematically evaluating legal evidence, interpreting complex legal precedents, and rendering authoritative judicial judgments with comprehensive reasoning and procedural understanding",0.99,1,,False +conflict resolution and mediation,conflict resolution and mediation,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal and interpersonal disputes through systematic evaluation, strategic communication, and diplomatic intervention",0.97,1,,True +conflict resolution and mediation,legal dispute management,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal and interpersonal disputes through systematic evaluation, strategic communication, and diplomatic intervention",0.97,1,,False +conflict resolution and mediation,conflict mediation,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal and interpersonal disputes through systematic evaluation, strategic communication, and diplomatic intervention",0.97,1,,False +precision instrument repair,precision instrument repair,"Advanced technical skills in diagnosing, disassembling, repairing, and reassembling complex mechanical instruments with high accuracy and specialized techniques",0.98,1,,True +precision instrument repair,musical instrument maintenance,"Advanced technical skills in diagnosing, disassembling, repairing, and reassembling complex mechanical instruments with high accuracy and specialized techniques",0.98,1,,False +precision instrument repair,mechanical instrument restoration,"Advanced technical skills in diagnosing, disassembling, repairing, and reassembling complex mechanical instruments with high accuracy and specialized techniques",0.98,1,,False +technical diagnostic assessment,technical diagnostic assessment,"Comprehensive ability to systematically inspect, troubleshoot, and evaluate mechanical equipment functionality through detailed examination and performance testing",0.97,1,,True +technical diagnostic assessment,equipment condition evaluation,"Comprehensive ability to systematically inspect, troubleshoot, and evaluate mechanical equipment functionality through detailed examination and performance testing",0.97,1,,False +technical diagnostic assessment,functional performance analysis,"Comprehensive ability to systematically inspect, troubleshoot, and evaluate mechanical equipment functionality through detailed examination and performance testing",0.97,1,,False +specialized equipment maintenance,specialized equipment maintenance,"Advanced skills in performing routine maintenance, lubrication, cleaning, alignment, and parts replacement to ensure optimal equipment performance",0.96,1,,True +specialized equipment maintenance,mechanical system upkeep,"Advanced skills in performing routine maintenance, lubrication, cleaning, alignment, and parts replacement to ensure optimal equipment performance",0.96,1,,False +specialized equipment maintenance,precision maintenance techniques,"Advanced skills in performing routine maintenance, lubrication, cleaning, alignment, and parts replacement to ensure optimal equipment performance",0.96,1,,False +precision surface refinishing,precision surface refinishing,"Advanced technical skills in smoothing, preparing, painting, and refinishing mechanical components and surfaces with high-quality craftsmanship",0.95,1,,True +precision surface refinishing,mechanical surface restoration,"Advanced technical skills in smoothing, preparing, painting, and refinishing mechanical components and surfaces with high-quality craftsmanship",0.95,1,,False +energy systems operation,energy systems operation,"Comprehensive skills in operating, monitoring, and maintaining hydroelectric and sustainable energy production equipment, including system control, performance tracking, and equipment diagnostics",0.98,1,,True +energy systems operation,power plant management,"Comprehensive skills in operating, monitoring, and maintaining hydroelectric and sustainable energy production equipment, including system control, performance tracking, and equipment diagnostics",0.98,1,,False +energy systems operation,energy equipment control,"Comprehensive skills in operating, monitoring, and maintaining hydroelectric and sustainable energy production equipment, including system control, performance tracking, and equipment diagnostics",0.98,1,,False +industrial equipment maintenance,industrial equipment maintenance,"Advanced technical skills in inspecting, diagnosing, repairing, cleaning, and maintaining complex mechanical and electromechanical systems with emphasis on preventive maintenance and operational reliability",0.97,1,,True +technical safety monitoring,technical safety monitoring,"Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive maintenance protocols",0.96,1,,True +precision manual technical skills,precision manual technical skills,"Advanced proficiency in using specialized hand and power tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy across manufacturing, technical, and mechanical work environments",0.99,15,,True +precision manual technical skills,technical hand tool expertise,"Advanced proficiency in using specialized hand and power tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy across manufacturing, technical, and mechanical work environments",0.99,15,,False +operational data recording,operational data recording,"Comprehensive skills in systematically documenting, tracking, and reporting operational and production data, ensuring accurate record-keeping and performance monitoring",0.95,1,,True +operational data recording,production documentation,"Comprehensive skills in systematically documenting, tracking, and reporting operational and production data, ensuring accurate record-keeping and performance monitoring",0.95,1,,False +operational data recording,technical reporting,"Comprehensive skills in systematically documenting, tracking, and reporting operational and production data, ensuring accurate record-keeping and performance monitoring",0.95,1,,False +medical diagnostic imaging,medical diagnostic imaging,"Advanced skills in operating medical imaging equipment, creating digital patient images, and interpreting diagnostic visual data with precision and technical expertise",0.98,1,,True +medical diagnostic imaging,diagnostic visual assessment,"Advanced skills in operating medical imaging equipment, creating digital patient images, and interpreting diagnostic visual data with precision and technical expertise",0.98,1,,False +patient care coordination,patient care coordination,"Comprehensive skills in managing patient interactions, medical information collection, treatment support, and holistic healthcare workflow management",0.97,1,,True +patient care coordination,medical interaction support,"Comprehensive skills in managing patient interactions, medical information collection, treatment support, and holistic healthcare workflow management",0.97,1,,False +clinical equipment management,clinical equipment management,"Advanced skills in maintaining, sterilizing, calibrating, and ensuring optimal functionality of specialized medical diagnostic and treatment equipment",0.96,1,,True +clinical equipment management,medical instrument maintenance,"Advanced skills in maintaining, sterilizing, calibrating, and ensuring optimal functionality of specialized medical diagnostic and treatment equipment",0.96,1,,False +clinical equipment management,healthcare technology support,"Advanced skills in maintaining, sterilizing, calibrating, and ensuring optimal functionality of specialized medical diagnostic and treatment equipment",0.96,1,,False +healthcare procedural support,healthcare procedural support,"Comprehensive skills in assisting healthcare practitioners during examinations, treatments, and surgical interventions with precise technical and interpersonal support",0.97,1,,True +healthcare procedural support,medical procedure assistance,"Comprehensive skills in assisting healthcare practitioners during examinations, treatments, and surgical interventions with precise technical and interpersonal support",0.97,1,,False +healthcare procedural support,clinical intervention support,"Comprehensive skills in assisting healthcare practitioners during examinations, treatments, and surgical interventions with precise technical and interpersonal support",0.97,1,,False +religious program management,religious program management,"Comprehensive skills in developing, coordinating, and implementing educational and community programs within religious organizational contexts, involving strategic planning, event coordination, and community engagement",0.98,1,,True +religious program management,religious education leadership,"Comprehensive skills in developing, coordinating, and implementing educational and community programs within religious organizational contexts, involving strategic planning, event coordination, and community engagement",0.98,1,,False +religious program management,faith-based program development,"Comprehensive skills in developing, coordinating, and implementing educational and community programs within religious organizational contexts, involving strategic planning, event coordination, and community engagement",0.98,1,,False +spiritual counseling,spiritual counseling,"Advanced interpersonal skills for providing emotional support, guidance, and personal counseling within religious and community service contexts, involving empathetic communication, active listening, and holistic individual support",0.97,1,,True +spiritual counseling,pastoral care,"Advanced interpersonal skills for providing emotional support, guidance, and personal counseling within religious and community service contexts, involving empathetic communication, active listening, and holistic individual support",0.97,1,,False +community outreach coordination,community outreach coordination,"Comprehensive skills in developing, managing, and implementing community support initiatives, educational programs, and social service interventions across diverse community needs",0.96,1,,True +community outreach coordination,community engagement strategy,"Comprehensive skills in developing, managing, and implementing community support initiatives, educational programs, and social service interventions across diverse community needs",0.96,1,,False +interpersonal guidance,interpersonal guidance,"Advanced communication and support skills involving counseling, advising, mentoring, and providing personalized guidance to individuals and groups in professional and community service environments",0.97,1,,True +interpersonal guidance,personal support counseling,"Advanced communication and support skills involving counseling, advising, mentoring, and providing personalized guidance to individuals and groups in professional and community service environments",0.97,1,,False +interpersonal guidance,individual mentorship,"Advanced communication and support skills involving counseling, advising, mentoring, and providing personalized guidance to individuals and groups in professional and community service environments",0.97,1,,False +organizational religious leadership,organizational religious leadership,"Comprehensive skills in managing, directing, and leading religious organizations, involving strategic planning, personnel management, financial coordination, and institutional development",0.98,1,,True +organizational religious leadership,religious organizational management,"Comprehensive skills in managing, directing, and leading religious organizations, involving strategic planning, personnel management, financial coordination, and institutional development",0.98,1,,False +organizational religious leadership,faith-based leadership,"Comprehensive skills in managing, directing, and leading religious organizations, involving strategic planning, personnel management, financial coordination, and institutional development",0.98,1,,False +strategic project management,strategic project management,"Advanced ability to plan, coordinate, execute, and monitor complex organizational projects involving resource allocation, stakeholder communication, and strategic implementation across diverse professional contexts",0.98,1,,True +strategic project management,organizational coordination,"Advanced ability to plan, coordinate, execute, and monitor complex organizational projects involving resource allocation, stakeholder communication, and strategic implementation across diverse professional contexts",0.98,1,,False +strategic project management,strategic implementation,"Advanced ability to plan, coordinate, execute, and monitor complex organizational projects involving resource allocation, stakeholder communication, and strategic implementation across diverse professional contexts",0.98,1,,False +advanced resource allocation,advanced resource allocation,"Comprehensive skills in managing financial, personnel, material, and operational resources through strategic planning, budgeting, and efficient distribution across complex organizational environments",0.97,1,,True +advanced resource allocation,resource optimization,"Comprehensive skills in managing financial, personnel, material, and operational resources through strategic planning, budgeting, and efficient distribution across complex organizational environments",0.97,1,,False +operational performance monitoring,operational performance monitoring,"Systematic approach to continuously evaluating organizational performance, safety standards, operational efficiency, and implementing corrective and preventive measures across diverse work environments",0.96,1,,True +operational performance monitoring,continuous improvement tracking,"Systematic approach to continuously evaluating organizational performance, safety standards, operational efficiency, and implementing corrective and preventive measures across diverse work environments",0.96,1,,False +environmental systems management,environmental systems management,"Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, green initiatives, sustainability projects, and regulatory compliance across diverse ecological contexts",0.98,1,,True +environmental systems management,green technology assessment,"Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, green initiatives, sustainability projects, and regulatory compliance across diverse ecological contexts",0.98,1,,False +environmental systems management,sustainability project coordination,"Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, green initiatives, sustainability projects, and regulatory compliance across diverse ecological contexts",0.98,1,,False +environmental systems management,environmental regulatory oversight,"Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, green initiatives, sustainability projects, and regulatory compliance across diverse ecological contexts",0.98,1,,False +strategic environmental planning,strategic environmental planning,"Advanced skills in developing, implementing, and monitoring comprehensive environmental protection strategies, remediation plans, and sustainable organizational policies",0.97,1,,True +strategic environmental planning,ecological strategy development,"Advanced skills in developing, implementing, and monitoring comprehensive environmental protection strategies, remediation plans, and sustainable organizational policies",0.97,1,,False +strategic environmental planning,green initiative management,"Advanced skills in developing, implementing, and monitoring comprehensive environmental protection strategies, remediation plans, and sustainable organizational policies",0.97,1,,False +strategic environmental planning,sustainability policy design,"Advanced skills in developing, implementing, and monitoring comprehensive environmental protection strategies, remediation plans, and sustainable organizational policies",0.97,1,,False +technical environmental analysis,technical environmental analysis,"Advanced analytical capabilities for evaluating green technologies, assessing project feasibility, conducting scientific investigations, and providing technical recommendations for environmental sustainability",0.96,1,,True +technical environmental analysis,green technology evaluation,"Advanced analytical capabilities for evaluating green technologies, assessing project feasibility, conducting scientific investigations, and providing technical recommendations for environmental sustainability",0.96,1,,False +technical environmental analysis,environmental data assessment,"Advanced analytical capabilities for evaluating green technologies, assessing project feasibility, conducting scientific investigations, and providing technical recommendations for environmental sustainability",0.96,1,,False +technical environmental analysis,sustainability technical analysis,"Advanced analytical capabilities for evaluating green technologies, assessing project feasibility, conducting scientific investigations, and providing technical recommendations for environmental sustainability",0.96,1,,False +professional environmental communication,professional environmental communication,"Advanced interpersonal skills for presenting sustainable technologies, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information",0.97,1,,True +professional environmental communication,green technology presentation,"Advanced interpersonal skills for presenting sustainable technologies, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information",0.97,1,,False +professional environmental communication,environmental stakeholder engagement,"Advanced interpersonal skills for presenting sustainable technologies, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information",0.97,1,,False +professional environmental communication,sustainability communication,"Advanced interpersonal skills for presenting sustainable technologies, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information",0.97,1,,False +operational environmental monitoring,operational environmental monitoring,"Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational records",0.96,1,,True +operational environmental monitoring,regulatory compliance tracking,"Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational records",0.96,1,,False +operational environmental monitoring,environmental performance documentation,"Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational records",0.96,1,,False +operational environmental monitoring,organizational sustainability oversight,"Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational records",0.96,1,,False +manufacturing equipment operation,manufacturing equipment operation,"Comprehensive skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment across diverse manufacturing contexts",0.98,1,,True +manufacturing equipment operation,industrial machinery operation,"Comprehensive skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment across diverse manufacturing contexts",0.98,1,,False +quality inspection and verification,quality inspection and verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications",0.97,1,,True +operational safety and compliance,operational safety and compliance,"Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures",0.96,1,,True +operational safety and compliance,safety protocol enforcement,"Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures",0.96,1,,False +operational safety and compliance,operational hazard mitigation,"Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures",0.96,1,,False +food production management,food production management,"Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes",0.98,1,,True +food production management,culinary equipment operation,"Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes",0.98,1,,False +food production management,production food processing,"Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes",0.98,1,,False +ingredient precision handling,ingredient precision handling,"Advanced skills in measuring, weighing, preparing, and manipulating food ingredients with high accuracy, ensuring consistent quality and precise recipe execution",0.97,1,,True +ingredient precision handling,culinary ingredient management,"Advanced skills in measuring, weighing, preparing, and manipulating food ingredients with high accuracy, ensuring consistent quality and precise recipe execution",0.97,1,,False +ingredient precision handling,food measurement techniques,"Advanced skills in measuring, weighing, preparing, and manipulating food ingredients with high accuracy, ensuring consistent quality and precise recipe execution",0.97,1,,False +operational quality control,operational quality control,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications in food science and laboratory environments",1.0,16,,True +operational quality control,quality verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications in food science and laboratory environments",1.0,16,,False +operational quality control,technical inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications in food science and laboratory environments",1.0,16,,False +operational quality control,product compliance assessment,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications in food science and laboratory environments",1.0,16,,False +equipment temperature management,equipment temperature management,"Precise skills in monitoring, adjusting, and controlling equipment temperature settings to ensure optimal food preparation and production conditions",0.96,1,,True +equipment temperature management,thermal equipment control,"Precise skills in monitoring, adjusting, and controlling equipment temperature settings to ensure optimal food preparation and production conditions",0.96,1,,False +equipment temperature management,cooking temperature regulation,"Precise skills in monitoring, adjusting, and controlling equipment temperature settings to ensure optimal food preparation and production conditions",0.96,1,,False +culinary safety protocols,culinary safety protocols,"Comprehensive skills in maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines",0.97,1,,True +culinary safety protocols,food hygiene management,"Comprehensive skills in maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines",0.97,1,,False +culinary safety protocols,kitchen safety procedures,"Comprehensive skills in maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines",0.97,1,,False +architectural design planning,architectural design planning,"Advanced skills in creating graphical representations, designing structures, preparing detailed work plans, and incorporating innovative design features",0.98,1,,True +architectural design planning,structural design,"Advanced skills in creating graphical representations, designing structures, preparing detailed work plans, and incorporating innovative design features",0.98,1,,False +architectural design planning,facility planning,"Advanced skills in creating graphical representations, designing structures, preparing detailed work plans, and incorporating innovative design features",0.98,1,,False +technical project management,technical project management,"Comprehensive ability to direct design activities, supervise technical personnel, prepare contracts, and manage complex technical projects",0.97,1,,True +technical project management,design coordination,"Comprehensive ability to direct design activities, supervise technical personnel, prepare contracts, and manage complex technical projects",0.97,1,,False +professional design communication,professional design communication,"Advanced communication skills for discussing designs with clients, documenting technical details, and presenting professional design proposals",0.96,1,,True +professional design communication,client design interaction,"Advanced communication skills for discussing designs with clients, documenting technical details, and presenting professional design proposals",0.96,1,,False +professional design communication,technical presentation,"Advanced communication skills for discussing designs with clients, documenting technical details, and presenting professional design proposals",0.96,1,,False +environmental design integration,environmental design integration,"Comprehensive skills in investigating environmental impacts, incorporating green features, and designing sustainable infrastructure solutions",0.95,1,,True +environmental design integration,sustainable design,"Comprehensive skills in investigating environmental impacts, incorporating green features, and designing sustainable infrastructure solutions",0.95,1,,False +environmental design integration,green infrastructure planning,"Comprehensive skills in investigating environmental impacts, incorporating green features, and designing sustainable infrastructure solutions",0.95,1,,False +analytical design evaluation,analytical design evaluation,"Advanced analytical skills for assessing design costs, benefits, performance, and implementing strategic design solutions",0.96,1,,True +analytical design evaluation,design cost analysis,"Advanced analytical skills for assessing design costs, benefits, performance, and implementing strategic design solutions",0.96,1,,False +analytical design evaluation,performance optimization,"Advanced analytical skills for assessing design costs, benefits, performance, and implementing strategic design solutions",0.96,1,,False +production equipment operation,production equipment operation,"Comprehensive skills in operating, monitoring, controlling, and maintaining specialized industrial machinery and production equipment with precision and systematic approach",0.98,1,,True +production equipment operation,machine operation,"Comprehensive skills in operating, monitoring, controlling, and maintaining specialized industrial machinery and production equipment with precision and systematic approach",0.98,1,,False +production equipment operation,equipment control,"Comprehensive skills in operating, monitoring, controlling, and maintaining specialized industrial machinery and production equipment with precision and systematic approach",0.98,1,,False +technical documentation reading,technical documentation reading,"Advanced ability to comprehend, interpret, and apply written instructions, work orders, technical specifications, and operational documentation with high precision",0.97,1,,True +technical documentation reading,instruction comprehension,"Advanced ability to comprehend, interpret, and apply written instructions, work orders, technical specifications, and operational documentation with high precision",0.97,1,,False +technical documentation reading,technical reading skills,"Advanced ability to comprehend, interpret, and apply written instructions, work orders, technical specifications, and operational documentation with high precision",0.97,1,,False +technical documentation reading,procedural document interpretation,"Advanced ability to comprehend, interpret, and apply written instructions, work orders, technical specifications, and operational documentation with high precision",0.97,1,,False +strategic organizational leadership,strategic organizational leadership,"Advanced skills in directing, coordinating, and managing complex organizational operations, personnel, resources, and strategic decision-making across diverse business environments",1.0,1,,True +strategic organizational leadership,comprehensive operational governance,"Advanced skills in directing, coordinating, and managing complex organizational operations, personnel, resources, and strategic decision-making across diverse business environments",1.0,1,,False +advanced resource management,advanced resource management,"Comprehensive skills in strategically allocating, coordinating, and optimizing financial, material, personnel, and operational resources across organizational contexts",1.0,1,,True +advanced resource management,resource allocation,"Comprehensive skills in strategically allocating, coordinating, and optimizing financial, material, personnel, and operational resources across organizational contexts",1.0,1,,False +traffic systems analysis,traffic systems analysis,"Advanced ability to analyze traffic data, identify operational inefficiencies, and develop strategic improvements in transportation infrastructure and traffic management",0.98,1,,True +traffic systems analysis,traffic flow evaluation,"Advanced ability to analyze traffic data, identify operational inefficiencies, and develop strategic improvements in transportation infrastructure and traffic management",0.98,1,,False +traffic systems analysis,transportation system optimization,"Advanced ability to analyze traffic data, identify operational inefficiencies, and develop strategic improvements in transportation infrastructure and traffic management",0.98,1,,False +technical equipment monitoring,technical equipment monitoring,"Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques",0.97,2,,True +technical equipment monitoring,technical diagnostic observation,"Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques",0.97,2,,False +operational documentation management,operational documentation management,"Systematic skills in preparing, recording, and maintaining detailed operational records, travel logs, and technical documentation",0.96,1,,True +operational documentation management,operational record keeping,"Systematic skills in preparing, recording, and maintaining detailed operational records, travel logs, and technical documentation",0.96,1,,False +operational documentation management,technical documentation preparation,"Systematic skills in preparing, recording, and maintaining detailed operational records, travel logs, and technical documentation",0.96,1,,False +infrastructure marking and visualization,infrastructure marking and visualization,"Advanced skills in creating precise guide lines, markings, diagrams, and visual representations of transportation infrastructure and operational details",0.95,1,,True +infrastructure marking and visualization,technical diagramming,"Advanced skills in creating precise guide lines, markings, diagrams, and visual representations of transportation infrastructure and operational details",0.95,1,,False +infrastructure marking and visualization,operational visualization,"Advanced skills in creating precise guide lines, markings, diagrams, and visual representations of transportation infrastructure and operational details",0.95,1,,False +administrative communication,administrative communication,"Advanced skills in managing communication channels, processing information, scheduling, and coordinating administrative tasks across professional environments",0.98,1,,True +administrative communication,information routing,"Advanced skills in managing communication channels, processing information, scheduling, and coordinating administrative tasks across professional environments",0.98,1,,False +administrative communication,office communication management,"Advanced skills in managing communication channels, processing information, scheduling, and coordinating administrative tasks across professional environments",0.98,1,,False +operational documentation processing,operational documentation processing,"Systematic skills in collecting, verifying, recording, and managing diverse professional and administrative documentation with precision and accuracy",0.96,1,,True +technical problem solving,technical problem solving,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, software development, and information technology environments",0.97,1,,True +technical problem solving,it problem resolution,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, software development, and information technology environments",0.97,1,,False +web technology management,web technology management,"Comprehensive skills in designing, developing, maintaining, and updating web applications, websites, and digital platforms with focus on performance, functionality, and user experience",0.96,1,,True +web technology management,web development,"Comprehensive skills in designing, developing, maintaining, and updating web applications, websites, and digital platforms with focus on performance, functionality, and user experience",0.96,1,,False +web technology management,digital platform engineering,"Comprehensive skills in designing, developing, maintaining, and updating web applications, websites, and digital platforms with focus on performance, functionality, and user experience",0.96,1,,False +digital systems security,digital systems security,"Advanced capabilities in implementing, monitoring, and maintaining comprehensive security measures for digital information systems, protecting against potential cyber threats and vulnerabilities",0.97,1,,True +digital systems security,cybersecurity,"Advanced capabilities in implementing, monitoring, and maintaining comprehensive security measures for digital information systems, protecting against potential cyber threats and vulnerabilities",0.97,1,,False +digital systems security,information protection,"Advanced capabilities in implementing, monitoring, and maintaining comprehensive security measures for digital information systems, protecting against potential cyber threats and vulnerabilities",0.97,1,,False +library resource management,library resource management,"Comprehensive skills in processing, organizing, maintaining, and distributing library materials, managing inventory, and supporting library operational workflows",0.98,1,,True +library resource management,library materials processing,"Comprehensive skills in processing, organizing, maintaining, and distributing library materials, managing inventory, and supporting library operational workflows",0.98,1,,False +library resource management,library inventory control,"Comprehensive skills in processing, organizing, maintaining, and distributing library materials, managing inventory, and supporting library operational workflows",0.98,1,,False +administrative information processing,administrative information processing,"Advanced skills in collecting, entering, verifying, and managing administrative and clerical information across diverse organizational contexts",0.97,1,,True +administrative information processing,data entry,"Advanced skills in collecting, entering, verifying, and managing administrative and clerical information across diverse organizational contexts",0.97,1,,False +customer service coordination,customer service coordination,"Comprehensive interpersonal skills for managing customer interactions, providing information, directing inquiries, and ensuring positive service experiences",0.96,1,,True +customer service coordination,client support,"Comprehensive interpersonal skills for managing customer interactions, providing information, directing inquiries, and ensuring positive service experiences",0.96,1,,False +customer service coordination,service interaction management,"Comprehensive interpersonal skills for managing customer interactions, providing information, directing inquiries, and ensuring positive service experiences",0.96,1,,False +precision material fabrication,precision material fabrication,"Advanced skills in cutting, measuring, positioning, and preparing materials with high accuracy across diverse manufacturing and production contexts",0.98,1,,True +precision material fabrication,precision cutting,"Advanced skills in cutting, measuring, positioning, and preparing materials with high accuracy across diverse manufacturing and production contexts",0.98,1,,False +precision material fabrication,dimensional accuracy,"Advanced skills in cutting, measuring, positioning, and preparing materials with high accuracy across diverse manufacturing and production contexts",0.98,1,,False +textile manipulation skills,textile manipulation skills,"Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail",0.97,1,,True +textile manipulation skills,fabric processing,"Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail",0.97,1,,False +textile manipulation skills,upholstery techniques,"Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail",0.97,1,,False +textile manipulation skills,textile assembly,"Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail",0.97,1,,False +geological sample analysis,geological sample analysis,"Advanced skills in collecting, processing, examining, and interpreting geological samples through systematic scientific techniques and precise measurement",0.98,1,,True +geological sample analysis,geological specimen processing,"Advanced skills in collecting, processing, examining, and interpreting geological samples through systematic scientific techniques and precise measurement",0.98,1,,False +geological sample analysis,earth material examination,"Advanced skills in collecting, processing, examining, and interpreting geological samples through systematic scientific techniques and precise measurement",0.98,1,,False +field data collection,field data collection,"Comprehensive skills in gathering, recording, and compiling scientific and environmental data through systematic field research techniques",0.97,1,,True +field data collection,environmental data gathering,"Comprehensive skills in gathering, recording, and compiling scientific and environmental data through systematic field research techniques",0.97,1,,False +geospatial resource mapping,geospatial resource mapping,"Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies and environmental data interpretation",0.96,1,,True +geospatial resource mapping,resource location mapping,"Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies and environmental data interpretation",0.96,1,,False +geospatial resource mapping,environmental data visualization,"Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies and environmental data interpretation",0.96,1,,False +environmental site preparation,environmental site preparation,"Comprehensive skills in preparing, assessing, and managing research and extraction sites with emphasis on environmental considerations and operational safety",0.96,1,,True +environmental site preparation,site assessment techniques,"Comprehensive skills in preparing, assessing, and managing research and extraction sites with emphasis on environmental considerations and operational safety",0.96,1,,False +environmental site preparation,research location management,"Comprehensive skills in preparing, assessing, and managing research and extraction sites with emphasis on environmental considerations and operational safety",0.96,1,,False +construction project management,construction project management,"Comprehensive skills in planning, coordinating, supervising, and executing complex construction projects, involving resource allocation, workflow management, and strategic implementation",0.98,1,,True +construction project management,construction operations coordination,"Comprehensive skills in planning, coordinating, supervising, and executing complex construction projects, involving resource allocation, workflow management, and strategic implementation",0.98,1,,False +construction project management,project execution management,"Comprehensive skills in planning, coordinating, supervising, and executing complex construction projects, involving resource allocation, workflow management, and strategic implementation",0.98,1,,False +strategic resource coordination,strategic resource coordination,"Advanced ability to manage personnel, financial, and material resources, develop operational strategies, and optimize workforce performance across organizational contexts",0.97,1,,True +strategic resource coordination,strategic personnel allocation,"Advanced ability to manage personnel, financial, and material resources, develop operational strategies, and optimize workforce performance across organizational contexts",0.97,1,,False +regulatory compliance and safety,regulatory compliance and safety,"Systematic approach to ensuring workplace safety, monitoring operational standards, implementing preventive measures, and maintaining adherence to complex regulatory requirements",0.96,1,,True +regulatory compliance and safety,regulatory standard enforcement,"Systematic approach to ensuring workplace safety, monitoring operational standards, implementing preventive measures, and maintaining adherence to complex regulatory requirements",0.96,1,,False +electronic systems design,electronic systems design,"Comprehensive expertise in designing, analyzing, and developing complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation",0.97,1,,True +electronic systems design,electrical system engineering,"Comprehensive expertise in designing, analyzing, and developing complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation",0.97,1,,False +electronic systems design,electronic circuit design,"Comprehensive expertise in designing, analyzing, and developing complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation",0.97,1,,False +technical communication,technical communication,"Advanced interpersonal skills for precise information exchange, documentation, and professional interaction in technical and engineering contexts",0.96,1,,True +technical communication,technical information relay,"Advanced interpersonal skills for precise information exchange, documentation, and professional interaction in technical and engineering contexts",0.96,1,,False +fiberglass material processing,fiberglass material processing,"Advanced skills in preparing, molding, laminating, and finishing fiberglass materials with precision and technical expertise",0.98,1,,True +fiberglass material processing,composite material fabrication,"Advanced skills in preparing, molding, laminating, and finishing fiberglass materials with precision and technical expertise",0.98,1,,False +fiberglass material processing,resin and fiber manipulation,"Advanced skills in preparing, molding, laminating, and finishing fiberglass materials with precision and technical expertise",0.98,1,,False +mold preparation and management,mold preparation and management,"Comprehensive skills in creating, treating, positioning, and maintaining production molds for manufacturing processes",0.97,1,,True +mold preparation and management,mold construction,"Comprehensive skills in creating, treating, positioning, and maintaining production molds for manufacturing processes",0.97,1,,False +mold preparation and management,production tooling,"Comprehensive skills in creating, treating, positioning, and maintaining production molds for manufacturing processes",0.97,1,,False +surface treatment techniques,surface treatment techniques,"Advanced skills in smoothing, cleaning, coating, and finishing surfaces using specialized tools and chemical solutions",0.96,1,,True +surface treatment techniques,material finishing,"Advanced skills in smoothing, cleaning, coating, and finishing surfaces using specialized tools and chemical solutions",0.96,1,,False +medical diagnostic expertise,medical diagnostic expertise,"Advanced clinical skills for systematic patient assessment, medical testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of medical imaging and diagnostic data",1.0,3,,True +medical diagnostic expertise,medical assessment,"Advanced clinical skills for systematic patient assessment, medical testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of medical imaging and diagnostic data",1.0,3,,False +medical diagnostic expertise,comprehensive health evaluation,"Advanced clinical skills for systematic patient assessment, medical testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of medical imaging and diagnostic data",1.0,3,,False +scientific laboratory management,scientific laboratory management,"Comprehensive skills in operating, maintaining, and coordinating complex scientific laboratory processes, including specimen analysis, research protocols, and precision equipment management",0.99,1,,True +scientific laboratory management,laboratory operations,"Comprehensive skills in operating, maintaining, and coordinating complex scientific laboratory processes, including specimen analysis, research protocols, and precision equipment management",0.99,1,,False +scientific laboratory management,scientific research coordination,"Comprehensive skills in operating, maintaining, and coordinating complex scientific laboratory processes, including specimen analysis, research protocols, and precision equipment management",0.99,1,,False +scientific laboratory management,specimen processing,"Comprehensive skills in operating, maintaining, and coordinating complex scientific laboratory processes, including specimen analysis, research protocols, and precision equipment management",0.99,1,,False +professional medical communication,professional medical communication,"Advanced interpersonal skills for precise medical information exchange, collaborative healthcare communication, and comprehensive professional dialogue across medical contexts",0.98,1,,True +professional medical communication,medical information relay,"Advanced interpersonal skills for precise medical information exchange, collaborative healthcare communication, and comprehensive professional dialogue across medical contexts",0.98,1,,False +professional medical communication,healthcare professional interaction,"Advanced interpersonal skills for precise medical information exchange, collaborative healthcare communication, and comprehensive professional dialogue across medical contexts",0.98,1,,False +professional medical communication,clinical communication,"Advanced interpersonal skills for precise medical information exchange, collaborative healthcare communication, and comprehensive professional dialogue across medical contexts",0.98,1,,False +pathological analysis,pathological analysis,"Advanced technical skills in examining, interpreting, and diagnosing medical conditions through comprehensive analysis of biological specimens, laboratory tests, and clinical data",1.0,1,,True +pathological analysis,medical specimen evaluation,"Advanced technical skills in examining, interpreting, and diagnosing medical conditions through comprehensive analysis of biological specimens, laboratory tests, and clinical data",1.0,1,,False +pathological analysis,pathology investigation,"Advanced technical skills in examining, interpreting, and diagnosing medical conditions through comprehensive analysis of biological specimens, laboratory tests, and clinical data",1.0,1,,False +technical systems engineering,technical systems engineering,"Comprehensive ability to design, analyze, install, configure, and maintain complex technical systems across telecommunications, computer networks, and information technology environments",0.98,1,,True +technical systems engineering,systems integration,"Comprehensive ability to design, analyze, install, configure, and maintain complex technical systems across telecommunications, computer networks, and information technology environments",0.98,1,,False +technical systems engineering,technical infrastructure management,"Comprehensive ability to design, analyze, install, configure, and maintain complex technical systems across telecommunications, computer networks, and information technology environments",0.98,1,,False +technical systems engineering,network systems design,"Comprehensive ability to design, analyze, install, configure, and maintain complex technical systems across telecommunications, computer networks, and information technology environments",0.98,1,,False +information security management,information security management,"Advanced skills in implementing, monitoring, and maintaining comprehensive security measures for computer and information systems, focusing on threat prevention, data protection, and cybersecurity protocols",0.97,1,,True +information security management,digital systems defense,"Advanced skills in implementing, monitoring, and maintaining comprehensive security measures for computer and information systems, focusing on threat prevention, data protection, and cybersecurity protocols",0.97,1,,False +collaborative technical problem solving,collaborative technical problem solving,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges through systematic investigation, interdisciplinary communication, and strategic intervention",0.97,1,,True +collaborative technical problem solving,collaborative systems analysis,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges through systematic investigation, interdisciplinary communication, and strategic intervention",0.97,1,,False +collaborative technical problem solving,integrated problem resolution,"Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges through systematic investigation, interdisciplinary communication, and strategic intervention",0.97,1,,False +technology project coordination,technology project coordination,"Advanced ability to plan, execute, monitor, and control complex technology projects involving resource allocation, stakeholder communication, and strategic implementation across telecommunications and IT environments",0.98,1,,True +technology project coordination,technology workflow coordination,"Advanced ability to plan, execute, monitor, and control complex technology projects involving resource allocation, stakeholder communication, and strategic implementation across telecommunications and IT environments",0.98,1,,False +technology project coordination,it project execution,"Advanced ability to plan, execute, monitor, and control complex technology projects involving resource allocation, stakeholder communication, and strategic implementation across telecommunications and IT environments",0.98,1,,False +vehicle damage assessment,vehicle damage assessment,"Comprehensive skills in inspecting, evaluating, and documenting damage to automotive vehicles, including precise visual examination, cost estimation, and technical damage analysis",0.98,1,,True +vehicle damage assessment,auto damage evaluation,"Comprehensive skills in inspecting, evaluating, and documenting damage to automotive vehicles, including precise visual examination, cost estimation, and technical damage analysis",0.98,1,,False +vehicle damage assessment,vehicle condition inspection,"Comprehensive skills in inspecting, evaluating, and documenting damage to automotive vehicles, including precise visual examination, cost estimation, and technical damage analysis",0.98,1,,False +insurance claims documentation,insurance claims documentation,"Advanced skills in preparing, processing, and managing detailed insurance documentation, including damage reports, cost estimates, and comprehensive claims preparation",0.97,1,,True +insurance claims documentation,claims processing,"Advanced skills in preparing, processing, and managing detailed insurance documentation, including damage reports, cost estimates, and comprehensive claims preparation",0.97,1,,False +insurance claims documentation,insurance documentation management,"Advanced skills in preparing, processing, and managing detailed insurance documentation, including damage reports, cost estimates, and comprehensive claims preparation",0.97,1,,False +technical cost estimation,technical cost estimation,"Precise analytical skills for calculating, verifying, and documenting repair and replacement costs across technical and mechanical contexts",0.96,1,,True +technical cost estimation,repair cost analysis,"Precise analytical skills for calculating, verifying, and documenting repair and replacement costs across technical and mechanical contexts",0.96,1,,False +technical cost estimation,technical financial assessment,"Precise analytical skills for calculating, verifying, and documenting repair and replacement costs across technical and mechanical contexts",0.96,1,,False +gas systems operation,gas systems operation,"Advanced skills in operating, monitoring, and controlling natural gas distribution and generation equipment with precise technical control and safety protocols",0.98,1,,True +gas systems operation,gas equipment management,"Advanced skills in operating, monitoring, and controlling natural gas distribution and generation equipment with precise technical control and safety protocols",0.98,1,,False +gas systems operation,natural gas system control,"Advanced skills in operating, monitoring, and controlling natural gas distribution and generation equipment with precise technical control and safety protocols",0.98,1,,False +industrial equipment monitoring,industrial equipment monitoring,"Comprehensive ability to inspect, assess, and maintain operational functionality of complex industrial machinery through systematic observation, performance tracking, and diagnostic techniques",0.97,1,,True +industrial equipment monitoring,technical system diagnostics,"Comprehensive ability to inspect, assess, and maintain operational functionality of complex industrial machinery through systematic observation, performance tracking, and diagnostic techniques",0.97,1,,False +operational safety protocols,operational safety protocols,"Systematic approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance measures in technical environments",0.96,1,,True +operational safety protocols,safety compliance management,"Systematic approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance measures in technical environments",0.96,1,,False +operational safety protocols,workplace risk mitigation,"Systematic approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance measures in technical environments",0.96,1,,False +early childhood education,early childhood education,"Comprehensive skills in designing, implementing, and managing educational strategies specifically for young children, involving developmental support, learning activities, and holistic child development",0.98,1,,True +early childhood education,preschool teaching,"Comprehensive skills in designing, implementing, and managing educational strategies specifically for young children, involving developmental support, learning activities, and holistic child development",0.98,1,,False +early childhood education,child learning management,"Comprehensive skills in designing, implementing, and managing educational strategies specifically for young children, involving developmental support, learning activities, and holistic child development",0.98,1,,False +early childhood education,early learning support,"Comprehensive skills in designing, implementing, and managing educational strategies specifically for young children, involving developmental support, learning activities, and holistic child development",0.98,1,,False +child safety management,child safety management,"Advanced skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.99,1,,True +child safety management,child protection,"Advanced skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.99,1,,False +child safety management,developmental safety oversight,"Advanced skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.99,1,,False +child safety management,child care security,"Advanced skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.99,1,,False +developmental instructional adaptation,developmental instructional adaptation,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse child learning needs, developmental stages, and individual capabilities",0.97,1,,True +developmental instructional adaptation,adaptive teaching,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse child learning needs, developmental stages, and individual capabilities",0.97,1,,False +parent-educator communication,parent-educator communication,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing developmental insights, collaborative child support strategies, and comprehensive progress reporting",0.98,1,,True +parent-educator communication,family engagement,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing developmental insights, collaborative child support strategies, and comprehensive progress reporting",0.98,1,,False +parent-educator communication,parental collaboration,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing developmental insights, collaborative child support strategies, and comprehensive progress reporting",0.98,1,,False +parent-educator communication,child progress communication,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing developmental insights, collaborative child support strategies, and comprehensive progress reporting",0.98,1,,False +classroom behavioral management,classroom behavioral management,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive, safe, and supportive learning environment for young children",0.96,1,,True +classroom behavioral management,child behavior guidance,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive, safe, and supportive learning environment for young children",0.96,1,,False +classroom behavioral management,learning environment regulation,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive, safe, and supportive learning environment for young children",0.96,1,,False +classroom behavioral management,classroom discipline,"Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive, safe, and supportive learning environment for young children",0.96,1,,False +nuclear systems control,nuclear systems control,"Advanced skills in operating, monitoring, and controlling complex nuclear power reactor systems, involving precise equipment management, safety protocols, and operational efficiency",0.99,1,,True +nuclear systems control,reactor operations,"Advanced skills in operating, monitoring, and controlling complex nuclear power reactor systems, involving precise equipment management, safety protocols, and operational efficiency",0.99,1,,False +nuclear systems control,nuclear power management,"Advanced skills in operating, monitoring, and controlling complex nuclear power reactor systems, involving precise equipment management, safety protocols, and operational efficiency",0.99,1,,False +nuclear systems control,reactor system control,"Advanced skills in operating, monitoring, and controlling complex nuclear power reactor systems, involving precise equipment management, safety protocols, and operational efficiency",0.99,1,,False +complex equipment diagnostics,complex equipment diagnostics,"Advanced analytical skills for systematically identifying, troubleshooting, and resolving operational performance issues across complex technical systems and specialized equipment",0.97,1,,True +complex equipment diagnostics,equipment malfunction analysis,"Advanced analytical skills for systematically identifying, troubleshooting, and resolving operational performance issues across complex technical systems and specialized equipment",0.97,1,,False +operational performance optimization,operational performance optimization,"Advanced skills in monitoring, analyzing, and improving operational efficiency, workflow processes, and system performance through systematic evaluation and strategic interventions",0.96,1,,True +operational performance optimization,performance enhancement,"Advanced skills in monitoring, analyzing, and improving operational efficiency, workflow processes, and system performance through systematic evaluation and strategic interventions",0.96,1,,False +operational performance optimization,operational efficiency management,"Advanced skills in monitoring, analyzing, and improving operational efficiency, workflow processes, and system performance through systematic evaluation and strategic interventions",0.96,1,,False +critical decision making,critical decision making,"Advanced analytical skills for evaluating complex operational scenarios, weighing potential actions, and making informed decisions that balance safety, efficiency, and strategic objectives",0.98,1,,True +critical decision making,strategic operational reasoning,"Advanced analytical skills for evaluating complex operational scenarios, weighing potential actions, and making informed decisions that balance safety, efficiency, and strategic objectives",0.98,1,,False +critical decision making,high-stakes decision management,"Advanced analytical skills for evaluating complex operational scenarios, weighing potential actions, and making informed decisions that balance safety, efficiency, and strategic objectives",0.98,1,,False +technical writing proficiency,technical writing proficiency,"Advanced skills in creating, editing, and communicating complex technical information with clarity, precision, and audience-appropriate style across diverse professional contexts",0.99,1,,True +technical writing proficiency,documentation skills,"Advanced skills in creating, editing, and communicating complex technical information with clarity, precision, and audience-appropriate style across diverse professional contexts",0.99,1,,False +technical writing proficiency,professional writing,"Advanced skills in creating, editing, and communicating complex technical information with clarity, precision, and audience-appropriate style across diverse professional contexts",0.99,1,,False +information processing,information processing,"Comprehensive ability to comprehend, analyze, synthesize, and communicate complex written and verbal information across professional environments",0.98,1,,True +information processing,comprehension skills,"Comprehensive ability to comprehend, analyze, synthesize, and communicate complex written and verbal information across professional environments",0.98,1,,False +information processing,analytical reading,"Comprehensive ability to comprehend, analyze, synthesize, and communicate complex written and verbal information across professional environments",0.98,1,,False +professional communication strategy,professional communication strategy,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and adaptive interaction across diverse professional contexts",0.99,1,,True +professional communication strategy,communication management,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and adaptive interaction across diverse professional contexts",0.99,1,,False +professional communication strategy,interpersonal engagement,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and adaptive interaction across diverse professional contexts",0.99,1,,False +critical analysis and decision making,critical analysis and decision making,"Advanced analytical skills for systematically evaluating information, identifying strengths and weaknesses, reasoning logically, and making informed strategic decisions",0.99,1,,True +critical analysis and decision making,comprehensive evaluation,"Advanced analytical skills for systematically evaluating information, identifying strengths and weaknesses, reasoning logically, and making informed strategic decisions",0.99,1,,False +continuous learning management,continuous learning management,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills",0.98,1,,True +continuous learning management,professional development,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills",0.98,1,,False +continuous learning management,adaptive learning,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills",0.98,1,,False +continuous learning management,knowledge expansion,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills",0.98,1,,False +broadcast technical operations,broadcast technical operations,"Comprehensive skills in operating, monitoring, and managing broadcasting equipment, control consoles, audio/video recording systems, and ensuring proper technical functionality of media production environments",0.98,1,,True +broadcast technical operations,media technical control,"Comprehensive skills in operating, monitoring, and managing broadcasting equipment, control consoles, audio/video recording systems, and ensuring proper technical functionality of media production environments",0.98,1,,False +broadcast technical operations,production technical support,"Comprehensive skills in operating, monitoring, and managing broadcasting equipment, control consoles, audio/video recording systems, and ensuring proper technical functionality of media production environments",0.98,1,,False +production coordination,production coordination,"Advanced skills in coordinating production activities, managing personnel, directing technical workflows, and ensuring systematic operational efficiency in media and broadcasting contexts",0.97,1,,True +production coordination,technical production management,"Advanced skills in coordinating production activities, managing personnel, directing technical workflows, and ensuring systematic operational efficiency in media and broadcasting contexts",0.97,1,,False +production coordination,media workflow coordination,"Advanced skills in coordinating production activities, managing personnel, directing technical workflows, and ensuring systematic operational efficiency in media and broadcasting contexts",0.97,1,,False +technical communication management,technical communication management,"Advanced interpersonal and communication skills specific to technical broadcasting environments, involving precise information exchange, equipment notification, and professional interaction",0.96,1,,True +technical communication management,technical operational communication,"Advanced interpersonal and communication skills specific to technical broadcasting environments, involving precise information exchange, equipment notification, and professional interaction",0.96,1,,False +technical communication management,broadcasting information relay,"Advanced interpersonal and communication skills specific to technical broadcasting environments, involving precise information exchange, equipment notification, and professional interaction",0.96,1,,False +emergency medical care,emergency medical care,"Advanced skills in providing immediate medical assistance, patient assessment, treatment, and stabilization in critical and time-sensitive healthcare emergencies",0.99,1,,True +emergency medical care,emergency response,"Advanced skills in providing immediate medical assistance, patient assessment, treatment, and stabilization in critical and time-sensitive healthcare emergencies",0.99,1,,False +emergency medical care,urgent medical intervention,"Advanced skills in providing immediate medical assistance, patient assessment, treatment, and stabilization in critical and time-sensitive healthcare emergencies",0.99,1,,False +emergency medical care,prehospital care,"Advanced skills in providing immediate medical assistance, patient assessment, treatment, and stabilization in critical and time-sensitive healthcare emergencies",0.99,1,,False +patient transportation management,patient transportation management,"Comprehensive skills in safely transporting patients, operating emergency vehicles, managing patient care during transit, and coordinating medical transportation logistics",0.98,1,,True +patient transportation management,medical vehicle operation,"Comprehensive skills in safely transporting patients, operating emergency vehicles, managing patient care during transit, and coordinating medical transportation logistics",0.98,1,,False +patient transportation management,patient transit care,"Comprehensive skills in safely transporting patients, operating emergency vehicles, managing patient care during transit, and coordinating medical transportation logistics",0.98,1,,False +healthcare team collaboration,healthcare team collaboration,"Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated emergency medical treatment approaches",0.99,1,,True +healthcare team collaboration,medical team communication,"Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated emergency medical treatment approaches",0.99,1,,False +healthcare team collaboration,interdisciplinary healthcare coordination,"Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated emergency medical treatment approaches",0.99,1,,False +emergency medical documentation,emergency medical documentation,"Systematic skills in recording patient medical histories, documenting treatment procedures, maintaining precise medical records, and ensuring comprehensive emergency medical documentation",0.96,1,,True +emergency medical documentation,medical record management,"Systematic skills in recording patient medical histories, documenting treatment procedures, maintaining precise medical records, and ensuring comprehensive emergency medical documentation",0.96,1,,False +emergency medical documentation,emergency care reporting,"Systematic skills in recording patient medical histories, documenting treatment procedures, maintaining precise medical records, and ensuring comprehensive emergency medical documentation",0.96,1,,False +technical problem analysis,technical problem analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges in engineering and industrial environments",0.98,1,,True +technical problem analysis,engineering problem resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges in engineering and industrial environments",0.98,1,,False +industrial process management,industrial process management,"Comprehensive skills in designing, monitoring, coordinating, and optimizing complex industrial production workflows and operational sequences",0.97,1,,True +industrial process management,production system coordination,"Comprehensive skills in designing, monitoring, coordinating, and optimizing complex industrial production workflows and operational sequences",0.97,1,,False +industrial process management,operational workflow control,"Comprehensive skills in designing, monitoring, coordinating, and optimizing complex industrial production workflows and operational sequences",0.97,1,,False +technical documentation interpretation,technical documentation interpretation,"Advanced ability to comprehend, analyze, and apply complex technical documentation, specifications, blueprints, and operational instructions with high precision",0.96,1,,True +technical documentation interpretation,technical reading comprehension,"Advanced ability to comprehend, analyze, and apply complex technical documentation, specifications, blueprints, and operational instructions with high precision",0.96,1,,False +technical documentation interpretation,operational specification analysis,"Advanced ability to comprehend, analyze, and apply complex technical documentation, specifications, blueprints, and operational instructions with high precision",0.96,1,,False +quality control engineering,quality control engineering,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance, and ensuring conformance to precise engineering and manufacturing standards",0.98,1,,True +quality control engineering,precision manufacturing assessment,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance, and ensuring conformance to precise engineering and manufacturing standards",0.98,1,,False +engineering design visualization,engineering design visualization,"Advanced skills in creating graphical representations, technical models, and visual documentation of complex engineering systems, design specifications, and industrial processes",0.97,1,,True +engineering design visualization,technical design modeling,"Advanced skills in creating graphical representations, technical models, and visual documentation of complex engineering systems, design specifications, and industrial processes",0.97,1,,False +engineering design visualization,engineering graphic communication,"Advanced skills in creating graphical representations, technical models, and visual documentation of complex engineering systems, design specifications, and industrial processes",0.97,1,,False +laboratory sample management,laboratory sample management,"Comprehensive skills in collecting, preparing, processing, analyzing, and documenting biological and medical samples using advanced scientific techniques and precision measurement",0.97,1,,True +laboratory sample management,scientific sample processing,"Comprehensive skills in collecting, preparing, processing, analyzing, and documenting biological and medical samples using advanced scientific techniques and precision measurement",0.97,1,,False +laboratory sample management,biological specimen handling,"Comprehensive skills in collecting, preparing, processing, analyzing, and documenting biological and medical samples using advanced scientific techniques and precision measurement",0.97,1,,False +laboratory sample management,medical laboratory techniques,"Comprehensive skills in collecting, preparing, processing, analyzing, and documenting biological and medical samples using advanced scientific techniques and precision measurement",0.97,1,,False +technical troubleshooting,technical troubleshooting,"Advanced analytical skills for systematically diagnosing, identifying, and resolving complex technical equipment and system performance issues",0.97,1,,True +technical troubleshooting,systematic fault analysis,"Advanced analytical skills for systematically diagnosing, identifying, and resolving complex technical equipment and system performance issues",0.97,1,,False +operational equipment coordination,operational equipment coordination,"Advanced ability to select, prepare, manage, and coordinate tools and equipment for complex electrical installation and maintenance tasks",0.96,1,,True +operational equipment coordination,tool selection and coordination,"Advanced ability to select, prepare, manage, and coordinate tools and equipment for complex electrical installation and maintenance tasks",0.96,1,,False +operational equipment coordination,operational equipment preparation,"Advanced ability to select, prepare, manage, and coordinate tools and equipment for complex electrical installation and maintenance tasks",0.96,1,,False +recreational facility management,recreational facility management,"Comprehensive skills in coordinating, operating, and maintaining recreational venues, ensuring patron safety, managing operational workflows, and delivering high-quality entertainment experiences",0.97,1,,True +recreational facility management,attraction operations,"Comprehensive skills in coordinating, operating, and maintaining recreational venues, ensuring patron safety, managing operational workflows, and delivering high-quality entertainment experiences",0.97,1,,False +recreational facility management,entertainment venue coordination,"Comprehensive skills in coordinating, operating, and maintaining recreational venues, ensuring patron safety, managing operational workflows, and delivering high-quality entertainment experiences",0.97,1,,False +financial record management,financial record management,"Comprehensive skills in maintaining, verifying, and processing financial documents, transactions, and accounting records with precision and systematic accuracy",0.98,1,,True +financial record management,financial documentation,"Comprehensive skills in maintaining, verifying, and processing financial documents, transactions, and accounting records with precision and systematic accuracy",0.98,1,,False +financial record management,accounting record keeping,"Comprehensive skills in maintaining, verifying, and processing financial documents, transactions, and accounting records with precision and systematic accuracy",0.98,1,,False +legal reasoning,legal reasoning,"Advanced analytical skills for systematically interpreting legal evidence, applying precedents, and rendering authoritative judicial judgments with comprehensive reasoning",1.0,1,,True +legal reasoning,legal analysis,"Advanced analytical skills for systematically interpreting legal evidence, applying precedents, and rendering authoritative judicial judgments with comprehensive reasoning",1.0,1,,False +legal reasoning,judicial interpretation,"Advanced analytical skills for systematically interpreting legal evidence, applying precedents, and rendering authoritative judicial judgments with comprehensive reasoning",1.0,1,,False +legal dispute resolution,legal dispute resolution,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal conflicts through systematic evaluation and strategic intervention",0.96,1,,True +legal dispute resolution,legal negotiation,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal conflicts through systematic evaluation and strategic intervention",0.96,1,,False +legal dispute resolution,dispute settlement,"Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal conflicts through systematic evaluation and strategic intervention",0.96,1,,False +client legal representation,client legal representation,"Comprehensive skills in advocating for clients' interests, providing legal counsel, managing client interactions, and ensuring professional legal support",0.97,1,,True +client legal representation,legal advocacy,"Comprehensive skills in advocating for clients' interests, providing legal counsel, managing client interactions, and ensuring professional legal support",0.97,1,,False +client legal representation,client counseling,"Comprehensive skills in advocating for clients' interests, providing legal counsel, managing client interactions, and ensuring professional legal support",0.97,1,,False +client legal representation,legal advisory,"Comprehensive skills in advocating for clients' interests, providing legal counsel, managing client interactions, and ensuring professional legal support",0.97,1,,False +public safety management,public safety management,"Comprehensive skills in maintaining public order, investigating incidents, enforcing regulations, and ensuring community safety through systematic intervention and professional protocols",0.98,1,,True +public safety management,community protection,"Comprehensive skills in maintaining public order, investigating incidents, enforcing regulations, and ensuring community safety through systematic intervention and professional protocols",0.98,1,,False +public safety management,regulatory enforcement,"Comprehensive skills in maintaining public order, investigating incidents, enforcing regulations, and ensuring community safety through systematic intervention and professional protocols",0.98,1,,False +public safety management,public security,"Comprehensive skills in maintaining public order, investigating incidents, enforcing regulations, and ensuring community safety through systematic intervention and professional protocols",0.98,1,,False +animal care and control,animal care and control,"Advanced skills in managing, monitoring, and providing care for animals, including assessment, intervention, and ensuring animal welfare in diverse environmental contexts",0.97,1,,True +animal care and control,animal welfare,"Advanced skills in managing, monitoring, and providing care for animals, including assessment, intervention, and ensuring animal welfare in diverse environmental contexts",0.97,1,,False +animal care and control,wildlife management,"Advanced skills in managing, monitoring, and providing care for animals, including assessment, intervention, and ensuring animal welfare in diverse environmental contexts",0.97,1,,False +animal care and control,veterinary support,"Advanced skills in managing, monitoring, and providing care for animals, including assessment, intervention, and ensuring animal welfare in diverse environmental contexts",0.97,1,,False +investigative documentation,investigative documentation,"Comprehensive skills in collecting, recording, analyzing, and maintaining precise documentation for legal, regulatory, and investigative purposes",0.96,1,,True +investigative documentation,evidence collection,"Comprehensive skills in collecting, recording, analyzing, and maintaining precise documentation for legal, regulatory, and investigative purposes",0.96,1,,False +investigative documentation,procedural reporting,"Comprehensive skills in collecting, recording, analyzing, and maintaining precise documentation for legal, regulatory, and investigative purposes",0.96,1,,False +investigative documentation,forensic documentation,"Comprehensive skills in collecting, recording, analyzing, and maintaining precise documentation for legal, regulatory, and investigative purposes",0.96,1,,False +cybersecurity risk management,cybersecurity risk management,"Advanced skills in identifying, assessing, investigating, and mitigating digital security risks, including threat prevention, system protection, and comprehensive security strategy development",0.99,1,,True +cybersecurity risk management,digital threat mitigation,"Advanced skills in identifying, assessing, investigating, and mitigating digital security risks, including threat prevention, system protection, and comprehensive security strategy development",0.99,1,,False +cybersecurity risk management,cybersecurity strategy,"Advanced skills in identifying, assessing, investigating, and mitigating digital security risks, including threat prevention, system protection, and comprehensive security strategy development",0.99,1,,False +professional information processing,professional information processing,"Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional environments",0.99,1,,True +professional information processing,information comprehension,"Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional environments",0.99,1,,False +professional information processing,professional communication analysis,"Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional environments",0.99,1,,False +continuous professional learning,continuous professional learning,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills",0.97,1,,True +continuous professional learning,adaptive learning strategy,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills",0.97,1,,False +vehicle component maintenance,vehicle component maintenance,"Comprehensive ability to inspect, repair, replace, and maintain automotive and vehicle mechanical components with precision and technical expertise",0.98,1,,True +vehicle component maintenance,auto repair skills,"Comprehensive ability to inspect, repair, replace, and maintain automotive and vehicle mechanical components with precision and technical expertise",0.98,1,,False +vehicle component maintenance,vehicle system diagnostics,"Comprehensive ability to inspect, repair, replace, and maintain automotive and vehicle mechanical components with precision and technical expertise",0.98,1,,False +vehicle component maintenance,mechanical component servicing,"Comprehensive ability to inspect, repair, replace, and maintain automotive and vehicle mechanical components with precision and technical expertise",0.98,1,,False +equipment operation and safety,equipment operation and safety,"Proficient skills in operating, managing, and maintaining specialized machinery, vehicles, and equipment with emphasis on workplace safety and operational protocols",0.97,1,,True +equipment operation and safety,safety equipment management,"Proficient skills in operating, managing, and maintaining specialized machinery, vehicles, and equipment with emphasis on workplace safety and operational protocols",0.97,1,,False +geospatial data analysis,geospatial data analysis,"Advanced skills in collecting, processing, measuring, and interpreting geographic survey data using mathematical and scientific methods",0.98,1,,True +geospatial data analysis,geographic measurement,"Advanced skills in collecting, processing, measuring, and interpreting geographic survey data using mathematical and scientific methods",0.98,1,,False +geospatial data analysis,survey data interpretation,"Advanced skills in collecting, processing, measuring, and interpreting geographic survey data using mathematical and scientific methods",0.98,1,,False +geospatial data analysis,spatial calculation,"Advanced skills in collecting, processing, measuring, and interpreting geographic survey data using mathematical and scientific methods",0.98,1,,False +technical field documentation,technical field documentation,"Comprehensive skills in preparing, recording, and maintaining detailed technical reports, survey records, and operational documentation",0.96,1,,True +technical field documentation,field research reporting,"Comprehensive skills in preparing, recording, and maintaining detailed technical reports, survey records, and operational documentation",0.96,1,,False +technical field documentation,survey documentation,"Comprehensive skills in preparing, recording, and maintaining detailed technical reports, survey records, and operational documentation",0.96,1,,False +technical field documentation,technical record management,"Comprehensive skills in preparing, recording, and maintaining detailed technical reports, survey records, and operational documentation",0.96,1,,False +scientific instrumentation operation,scientific instrumentation operation,"Advanced ability to operate, calibrate, and maintain specialized surveying and measurement equipment with technical precision",0.97,1,,True +scientific instrumentation operation,survey equipment management,"Advanced ability to operate, calibrate, and maintain specialized surveying and measurement equipment with technical precision",0.97,1,,False +scientific instrumentation operation,technical instrument calibration,"Advanced ability to operate, calibrate, and maintain specialized surveying and measurement equipment with technical precision",0.97,1,,False +environmental site analysis,environmental site analysis,"Comprehensive skills in assessing, measuring, and documenting geographic and environmental characteristics during survey operations",0.96,1,,True +environmental site analysis,terrain evaluation,"Comprehensive skills in assessing, measuring, and documenting geographic and environmental characteristics during survey operations",0.96,1,,False +environmental site analysis,geographic site assessment,"Comprehensive skills in assessing, measuring, and documenting geographic and environmental characteristics during survey operations",0.96,1,,False +academic instruction design,academic instruction design,"Comprehensive skills in developing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational environments",0.98,1,,True +academic instruction design,educational strategy design,"Comprehensive skills in developing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational environments",0.98,1,,False +academic instruction design,postsecondary teaching methods,"Comprehensive skills in developing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational environments",0.98,1,,False +scholarly research management,scholarly research management,"Advanced capabilities in conducting academic research, publishing scholarly materials, developing original content, and contributing to academic knowledge domains",0.97,1,,True +scholarly research management,academic publication,"Advanced capabilities in conducting academic research, publishing scholarly materials, developing original content, and contributing to academic knowledge domains",0.97,1,,False +scholarly research management,research development,"Advanced capabilities in conducting academic research, publishing scholarly materials, developing original content, and contributing to academic knowledge domains",0.97,1,,False +scholarly research management,knowledge generation,"Advanced capabilities in conducting academic research, publishing scholarly materials, developing original content, and contributing to academic knowledge domains",0.97,1,,False +professional academic communication,professional academic communication,"Advanced interpersonal communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",0.99,1,,True +professional academic communication,academic dialogue,"Advanced interpersonal communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",0.99,1,,False +professional academic communication,educational discourse,"Advanced interpersonal communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",0.99,1,,False +institutional academic governance,institutional academic governance,"Advanced skills in managing departmental activities, serving on committees, coordinating institutional processes, contributing to strategic planning, and maintaining professional academic standards",0.96,1,,True +institutional academic governance,educational institutional management,"Advanced skills in managing departmental activities, serving on committees, coordinating institutional processes, contributing to strategic planning, and maintaining professional academic standards",0.96,1,,False +healthcare patient assessment,healthcare patient assessment,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring in medical and athletic contexts",0.99,1,,True +healthcare patient assessment,patient health screening,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring in medical and athletic contexts",0.99,1,,False +healthcare patient assessment,comprehensive physical assessment,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring in medical and athletic contexts",0.99,1,,False +therapeutic physical intervention,therapeutic physical intervention,"Advanced skills in applying physical therapy techniques, rehabilitation strategies, injury treatment, and movement restoration for athletes and patients",0.97,1,,True +therapeutic physical intervention,injury rehabilitation,"Advanced skills in applying physical therapy techniques, rehabilitation strategies, injury treatment, and movement restoration for athletes and patients",0.97,1,,False +therapeutic physical intervention,physical recovery management,"Advanced skills in applying physical therapy techniques, rehabilitation strategies, injury treatment, and movement restoration for athletes and patients",0.97,1,,False +therapeutic physical intervention,movement restoration,"Advanced skills in applying physical therapy techniques, rehabilitation strategies, injury treatment, and movement restoration for athletes and patients",0.97,1,,False +medical equipment management,medical equipment management,"Comprehensive skills in operating, maintaining, cleaning, and ensuring proper functionality of medical diagnostic and treatment equipment in healthcare and athletic training environments",0.96,1,,True +medical equipment management,healthcare equipment maintenance,"Comprehensive skills in operating, maintaining, cleaning, and ensuring proper functionality of medical diagnostic and treatment equipment in healthcare and athletic training environments",0.96,1,,False +medical equipment management,clinical instrument management,"Comprehensive skills in operating, maintaining, cleaning, and ensuring proper functionality of medical diagnostic and treatment equipment in healthcare and athletic training environments",0.96,1,,False +professional healthcare coordination,professional healthcare coordination,"Advanced interprofessional skills for collaborating with medical professionals, coordinating patient care, facilitating treatment planning, and ensuring comprehensive healthcare support",0.98,1,,True +professional healthcare coordination,healthcare workflow management,"Advanced interprofessional skills for collaborating with medical professionals, coordinating patient care, facilitating treatment planning, and ensuring comprehensive healthcare support",0.98,1,,False +professional healthcare coordination,interdisciplinary patient care,"Advanced interprofessional skills for collaborating with medical professionals, coordinating patient care, facilitating treatment planning, and ensuring comprehensive healthcare support",0.98,1,,False +food production operations,food production operations,"Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes",0.98,1,,True +food production operations,food processing management,"Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes",0.98,1,,False +food production operations,food manufacturing control,"Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes",0.98,1,,False +equipment temperature control,equipment temperature control,"Precise skills in monitoring, adjusting, and maintaining equipment temperature settings to ensure optimal production and safety conditions",0.96,1,,True +equipment temperature control,thermal equipment management,"Precise skills in monitoring, adjusting, and maintaining equipment temperature settings to ensure optimal production and safety conditions",0.96,1,,False +equipment temperature control,production temperature regulation,"Precise skills in monitoring, adjusting, and maintaining equipment temperature settings to ensure optimal production and safety conditions",0.96,1,,False +surface leveling and preparation,surface leveling and preparation,"Advanced skills in creating level bases, spreading materials, and preparing surfaces for construction and installation tasks",0.95,1,,True +surface leveling and preparation,ground preparation,"Advanced skills in creating level bases, spreading materials, and preparing surfaces for construction and installation tasks",0.95,1,,False +surface leveling and preparation,surface alignment,"Advanced skills in creating level bases, spreading materials, and preparing surfaces for construction and installation tasks",0.95,1,,False +surface leveling and preparation,base leveling,"Advanced skills in creating level bases, spreading materials, and preparing surfaces for construction and installation tasks",0.95,1,,False +masonry material installation,masonry material installation,"Comprehensive skills in aligning, cutting, and installing masonry materials with precision and technical expertise",0.96,1,,True +masonry material installation,stone and tile installation,"Comprehensive skills in aligning, cutting, and installing masonry materials with precision and technical expertise",0.96,1,,False +masonry material installation,masonry positioning,"Comprehensive skills in aligning, cutting, and installing masonry materials with precision and technical expertise",0.96,1,,False +masonry material installation,construction material assembly,"Comprehensive skills in aligning, cutting, and installing masonry materials with precision and technical expertise",0.96,1,,False +financial analysis,financial analysis,"Advanced skills in examining, interpreting, and evaluating financial records, data, and information to support business decision-making and strategic planning",0.99,1,,True +financial analysis,financial reporting,"Advanced skills in examining, interpreting, and evaluating financial records, data, and information to support business decision-making and strategic planning",0.99,1,,False +financial analysis,fiscal assessment,"Advanced skills in examining, interpreting, and evaluating financial records, data, and information to support business decision-making and strategic planning",0.99,1,,False +financial analysis,accounting evaluation,"Advanced skills in examining, interpreting, and evaluating financial records, data, and information to support business decision-making and strategic planning",0.99,1,,False +professional documentation,professional documentation,"Comprehensive skills in creating, maintaining, and managing precise professional documents, including real estate contracts, property records, transaction reports, and comprehensive legal documentation with systematic accuracy.",0.98,2,,True +professional documentation,transaction record management,"Comprehensive skills in creating, maintaining, and managing precise professional documents, including real estate contracts, property records, transaction reports, and comprehensive legal documentation with systematic accuracy.",0.98,2,,False +professional documentation,contract preparation,"Comprehensive skills in creating, maintaining, and managing precise professional documents, including real estate contracts, property records, transaction reports, and comprehensive legal documentation with systematic accuracy.",0.98,2,,False +professional documentation,legal documentation,"Comprehensive skills in creating, maintaining, and managing precise professional documents, including real estate contracts, property records, transaction reports, and comprehensive legal documentation with systematic accuracy.",0.98,2,,False +strategic business advisory,strategic business advisory,"Advanced interpersonal and analytical skills for providing professional guidance, strategic recommendations, and comprehensive business insights to support organizational decision-making",0.96,1,,True +strategic business advisory,business consultation,"Advanced interpersonal and analytical skills for providing professional guidance, strategic recommendations, and comprehensive business insights to support organizational decision-making",0.96,1,,False +strategic business advisory,strategic counseling,"Advanced interpersonal and analytical skills for providing professional guidance, strategic recommendations, and comprehensive business insights to support organizational decision-making",0.96,1,,False +strategic business advisory,organizational guidance,"Advanced interpersonal and analytical skills for providing professional guidance, strategic recommendations, and comprehensive business insights to support organizational decision-making",0.96,1,,False +utility service monitoring,utility service monitoring,"Systematic skills in tracking, inspecting, and verifying utility meter readings, equipment functionality, and service delivery across diverse utility infrastructure contexts",0.95,1,,True +utility service monitoring,meter reading,"Systematic skills in tracking, inspecting, and verifying utility meter readings, equipment functionality, and service delivery across diverse utility infrastructure contexts",0.95,1,,False +utility service monitoring,utility infrastructure inspection,"Systematic skills in tracking, inspecting, and verifying utility meter readings, equipment functionality, and service delivery across diverse utility infrastructure contexts",0.95,1,,False +utility service monitoring,service verification,"Systematic skills in tracking, inspecting, and verifying utility meter readings, equipment functionality, and service delivery across diverse utility infrastructure contexts",0.95,1,,False +material preparation and handling,material preparation and handling,"Comprehensive skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes",0.97,1,,True +material preparation and handling,precision material management,"Comprehensive skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes",0.97,1,,False +material preparation and handling,industrial material manipulation,"Comprehensive skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes",0.97,1,,False +precision measurement and layout,precision measurement and layout,"Advanced skills in measuring work site dimensions, marking reference points, creating installation diagrams, and ensuring accurate spatial positioning",0.97,1,,True +precision measurement and layout,technical layout,"Advanced skills in measuring work site dimensions, marking reference points, creating installation diagrams, and ensuring accurate spatial positioning",0.97,1,,False +precision measurement and layout,precision spatial planning,"Advanced skills in measuring work site dimensions, marking reference points, creating installation diagrams, and ensuring accurate spatial positioning",0.97,1,,False +installation quality control,installation quality control,"Systematic approach to inspecting work sites, evaluating material conditions, ensuring precise installation standards, and maintaining high-quality craftsmanship",0.96,1,,True +installation quality control,installation verification,"Systematic approach to inspecting work sites, evaluating material conditions, ensuring precise installation standards, and maintaining high-quality craftsmanship",0.96,1,,False +installation quality control,craftsmanship assessment,"Systematic approach to inspecting work sites, evaluating material conditions, ensuring precise installation standards, and maintaining high-quality craftsmanship",0.96,1,,False +installation quality control,technical quality assurance,"Systematic approach to inspecting work sites, evaluating material conditions, ensuring precise installation standards, and maintaining high-quality craftsmanship",0.96,1,,False +specialized material manipulation,specialized material manipulation,"Proficient skills in cutting, positioning, and installing flexible materials like carpet and vinyl with technical precision and attention to detail",0.95,1,,True +specialized material manipulation,flexible material handling,"Proficient skills in cutting, positioning, and installing flexible materials like carpet and vinyl with technical precision and attention to detail",0.95,1,,False +specialized material manipulation,precision installation,"Proficient skills in cutting, positioning, and installing flexible materials like carpet and vinyl with technical precision and attention to detail",0.95,1,,False +specialized material manipulation,technical material cutting,"Proficient skills in cutting, positioning, and installing flexible materials like carpet and vinyl with technical precision and attention to detail",0.95,1,,False +technical equipment installation,technical equipment installation,"Comprehensive ability to install, configure, connect, and set up complex telecommunications and electrical equipment with precision and systematic approach",0.98,1,,True +technical equipment installation,technical deployment,"Comprehensive ability to install, configure, connect, and set up complex telecommunications and electrical equipment with precision and systematic approach",0.98,1,,False +diagnostic technical troubleshooting,diagnostic technical troubleshooting,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex equipment and system performance issues through precise diagnostic techniques",0.97,1,,True +diagnostic technical troubleshooting,system fault analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex equipment and system performance issues through precise diagnostic techniques",0.97,1,,False +operational safety verification,operational safety verification,"Systematic approach to ensuring equipment functionality, workplace safety, conducting quality inspections, and implementing preventive maintenance protocols",0.96,1,,True +operational safety verification,equipment inspection,"Systematic approach to ensuring equipment functionality, workplace safety, conducting quality inspections, and implementing preventive maintenance protocols",0.96,1,,False +human factors engineering,human factors engineering,"Advanced analytical skills for evaluating human interaction with systems, equipment, and environments to optimize performance, safety, and usability",0.98,1,,True +human factors engineering,ergonomic design,"Advanced analytical skills for evaluating human interaction with systems, equipment, and environments to optimize performance, safety, and usability",0.98,1,,False +human factors engineering,human-system interaction,"Advanced analytical skills for evaluating human interaction with systems, equipment, and environments to optimize performance, safety, and usability",0.98,1,,False +human factors engineering,usability analysis,"Advanced analytical skills for evaluating human interaction with systems, equipment, and environments to optimize performance, safety, and usability",0.98,1,,False +technical design optimization,technical design optimization,"Comprehensive skills in analyzing, evaluating, and improving technical designs to enhance functionality, efficiency, and user experience",0.97,1,,True +technical design optimization,design performance enhancement,"Comprehensive skills in analyzing, evaluating, and improving technical designs to enhance functionality, efficiency, and user experience",0.97,1,,False +technical design optimization,system improvement,"Comprehensive skills in analyzing, evaluating, and improving technical designs to enhance functionality, efficiency, and user experience",0.97,1,,False +technical design optimization,technical refinement,"Comprehensive skills in analyzing, evaluating, and improving technical designs to enhance functionality, efficiency, and user experience",0.97,1,,False +learner needs assessment,learner needs assessment,"Advanced skills in identifying, evaluating, and addressing individual student learning requirements, developmental challenges, and educational support needs",0.96,1,,True +learner needs assessment,educational needs evaluation,"Advanced skills in identifying, evaluating, and addressing individual student learning requirements, developmental challenges, and educational support needs",0.96,1,,False +learner needs assessment,student support identification,"Advanced skills in identifying, evaluating, and addressing individual student learning requirements, developmental challenges, and educational support needs",0.96,1,,False +learner needs assessment,learning requirement analysis,"Advanced skills in identifying, evaluating, and addressing individual student learning requirements, developmental challenges, and educational support needs",0.96,1,,False +customer transaction management,customer transaction management,"Comprehensive skills in processing sales, calculating costs, managing financial transactions, maintaining accurate records, and ensuring precise customer service interactions",0.98,1,,True +customer transaction management,sales processing,"Comprehensive skills in processing sales, calculating costs, managing financial transactions, maintaining accurate records, and ensuring precise customer service interactions",0.98,1,,False +customer transaction management,financial transaction handling,"Comprehensive skills in processing sales, calculating costs, managing financial transactions, maintaining accurate records, and ensuring precise customer service interactions",0.98,1,,False +product information communication,product information communication,"Advanced interpersonal skills for explaining product details, advising customers, answering inquiries, and providing comprehensive product-related guidance",0.97,1,,True +product information communication,customer product consultation,"Advanced interpersonal skills for explaining product details, advising customers, answering inquiries, and providing comprehensive product-related guidance",0.97,1,,False +product information communication,service information exchange,"Advanced interpersonal skills for explaining product details, advising customers, answering inquiries, and providing comprehensive product-related guidance",0.97,1,,False +operational customer interaction,operational customer interaction,"Comprehensive interpersonal skills involving greeting, engaging, understanding customer needs, and providing personalized professional service across diverse interaction contexts",0.96,1,,True +operational customer interaction,professional service communication,"Comprehensive interpersonal skills involving greeting, engaging, understanding customer needs, and providing personalized professional service across diverse interaction contexts",0.96,1,,False +market intelligence,market intelligence,"Comprehensive ability to monitor market conditions, identify trends, assess product effectiveness, and develop strategic insights for sales and business development",0.98,1,,True +market intelligence,market analysis,"Comprehensive ability to monitor market conditions, identify trends, assess product effectiveness, and develop strategic insights for sales and business development",0.98,1,,False +market intelligence,trend monitoring,"Comprehensive ability to monitor market conditions, identify trends, assess product effectiveness, and develop strategic insights for sales and business development",0.98,1,,False +market intelligence,business intelligence,"Comprehensive ability to monitor market conditions, identify trends, assess product effectiveness, and develop strategic insights for sales and business development",0.98,1,,False +professional product knowledge,professional product knowledge,"Continuous learning approach to studying product information, attending professional events, maintaining up-to-date understanding of service offerings, and developing comprehensive product expertise",0.95,1,,True +professional product knowledge,product expertise,"Continuous learning approach to studying product information, attending professional events, maintaining up-to-date understanding of service offerings, and developing comprehensive product expertise",0.95,1,,False +professional product knowledge,service knowledge acquisition,"Continuous learning approach to studying product information, attending professional events, maintaining up-to-date understanding of service offerings, and developing comprehensive product expertise",0.95,1,,False +professional product knowledge,continuous learning,"Continuous learning approach to studying product information, attending professional events, maintaining up-to-date understanding of service offerings, and developing comprehensive product expertise",0.95,1,,False +technical equipment setup,technical equipment setup,"Comprehensive ability to position, configure, calibrate, and prepare specialized technical equipment for operational use across diverse work environments",0.98,1,,True +technical equipment setup,technical configuration,"Comprehensive ability to position, configure, calibrate, and prepare specialized technical equipment for operational use across diverse work environments",0.98,1,,False +technical equipment setup,precision equipment preparation,"Comprehensive ability to position, configure, calibrate, and prepare specialized technical equipment for operational use across diverse work environments",0.98,1,,False +technical control systems operation,technical control systems operation,"Advanced skills in operating control consoles, managing technical equipment, monitoring system performance, and ensuring precise operational control across production environments",0.96,1,,True +technical control systems operation,control console management,"Advanced skills in operating control consoles, managing technical equipment, monitoring system performance, and ensuring precise operational control across production environments",0.96,1,,False +technical control systems operation,technical system monitoring,"Advanced skills in operating control consoles, managing technical equipment, monitoring system performance, and ensuring precise operational control across production environments",0.96,1,,False +technical control systems operation,operational control,"Advanced skills in operating control consoles, managing technical equipment, monitoring system performance, and ensuring precise operational control across production environments",0.96,1,,False +surface finishing techniques,surface finishing techniques,"Comprehensive skills in smoothing, cleaning, treating, and preparing surfaces using specialized tools, abrasive materials, and technical methods to achieve desired quality and appearance",0.96,1,,True +surface finishing techniques,finishing preparation,"Comprehensive skills in smoothing, cleaning, treating, and preparing surfaces using specialized tools, abrasive materials, and technical methods to achieve desired quality and appearance",0.96,1,,False +surface finishing techniques,surface refinement,"Comprehensive skills in smoothing, cleaning, treating, and preparing surfaces using specialized tools, abrasive materials, and technical methods to achieve desired quality and appearance",0.96,1,,False +precision manual construction skills,precision manual construction skills,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely position, align, cut, and install construction materials with high technical accuracy",0.97,1,,True +precision manual construction skills,construction tool manipulation,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely position, align, cut, and install construction materials with high technical accuracy",0.97,1,,False +precision manual construction skills,precise material installation,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely position, align, cut, and install construction materials with high technical accuracy",0.97,1,,False +precision manual construction skills,technical construction techniques,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely position, align, cut, and install construction materials with high technical accuracy",0.97,1,,False +creative design conceptualization,creative design conceptualization,"Advanced ability to develop, visualize, and create original artistic and technical design concepts for commercial, decorative, and exhibition purposes, involving innovative ideation and strategic design thinking",0.98,1,,True +creative design conceptualization,design ideation,"Advanced ability to develop, visualize, and create original artistic and technical design concepts for commercial, decorative, and exhibition purposes, involving innovative ideation and strategic design thinking",0.98,1,,False +creative design conceptualization,artistic concept development,"Advanced ability to develop, visualize, and create original artistic and technical design concepts for commercial, decorative, and exhibition purposes, involving innovative ideation and strategic design thinking",0.98,1,,False +creative design conceptualization,creative visualization,"Advanced ability to develop, visualize, and create original artistic and technical design concepts for commercial, decorative, and exhibition purposes, involving innovative ideation and strategic design thinking",0.98,1,,False +trend and market research,trend and market research,"Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work, professional practice, and commercial design strategies",0.96,1,,True +trend and market research,design trend analysis,"Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work, professional practice, and commercial design strategies",0.96,1,,False +trend and market research,creative market intelligence,"Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work, professional practice, and commercial design strategies",0.96,1,,False +therapeutic patient counseling,therapeutic patient counseling,"Comprehensive interpersonal skills for providing professional psychological support, therapeutic interventions, personalized treatment strategies, and holistic mental health guidance",0.98,1,,True +therapeutic patient counseling,psychological intervention,"Comprehensive interpersonal skills for providing professional psychological support, therapeutic interventions, personalized treatment strategies, and holistic mental health guidance",0.98,1,,False +aviation safety inspection,aviation safety inspection,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance in aviation environments, involving detailed equipment inspection, regulatory adherence, and risk mitigation",0.99,1,,True +aviation safety inspection,aircraft safety assessment,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance in aviation environments, involving detailed equipment inspection, regulatory adherence, and risk mitigation",0.99,1,,False +aviation safety inspection,regulatory compliance verification,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance in aviation environments, involving detailed equipment inspection, regulatory adherence, and risk mitigation",0.99,1,,False +technical performance verification,technical performance verification,"Advanced analytical skills for systematically testing, evaluating, and validating the operational performance and functionality of complex technical systems and equipment",0.98,1,,True +technical performance verification,equipment performance testing,"Advanced analytical skills for systematically testing, evaluating, and validating the operational performance and functionality of complex technical systems and equipment",0.98,1,,False +technical performance verification,operational functionality assessment,"Advanced analytical skills for systematically testing, evaluating, and validating the operational performance and functionality of complex technical systems and equipment",0.98,1,,False +technical performance verification,technical diagnostic evaluation,"Advanced analytical skills for systematically testing, evaluating, and validating the operational performance and functionality of complex technical systems and equipment",0.98,1,,False +medical precision intervention,medical precision intervention,"Advanced clinical skills for systematic patient assessment, precise diagnostic procedures, and specialized medical interventions in dental and prosthetic contexts",0.99,1,,True +medical precision intervention,dental diagnostic precision,"Advanced clinical skills for systematic patient assessment, precise diagnostic procedures, and specialized medical interventions in dental and prosthetic contexts",0.99,1,,False +medical precision intervention,medical procedure accuracy,"Advanced clinical skills for systematic patient assessment, precise diagnostic procedures, and specialized medical interventions in dental and prosthetic contexts",0.99,1,,False +healthcare equipment customization,healthcare equipment customization,"Specialized skills in designing, adjusting, and fitting medical devices, prostheses, and assistive technologies to meet individual patient needs",0.98,1,,True +healthcare equipment customization,medical device adaptation,"Specialized skills in designing, adjusting, and fitting medical devices, prostheses, and assistive technologies to meet individual patient needs",0.98,1,,False +healthcare equipment customization,personalized medical equipment,"Specialized skills in designing, adjusting, and fitting medical devices, prostheses, and assistive technologies to meet individual patient needs",0.98,1,,False +business intelligence analysis,business intelligence analysis,"Advanced analytical skills for collecting, processing, interpreting, and presenting complex business data to support strategic decision-making across organizational contexts",0.99,1,,True +business intelligence analysis,data-driven decision making,"Advanced analytical skills for collecting, processing, interpreting, and presenting complex business data to support strategic decision-making across organizational contexts",0.99,1,,False +business intelligence analysis,strategic business insights,"Advanced analytical skills for collecting, processing, interpreting, and presenting complex business data to support strategic decision-making across organizational contexts",0.99,1,,False +business intelligence analysis,analytical business reporting,"Advanced analytical skills for collecting, processing, interpreting, and presenting complex business data to support strategic decision-making across organizational contexts",0.99,1,,False +information systems management,information systems management,"Comprehensive skills in managing, updating, creating, and maintaining electronic databases, communication systems, and technical information repositories",0.98,1,,True +information systems management,database administration,"Comprehensive skills in managing, updating, creating, and maintaining electronic databases, communication systems, and technical information repositories",0.98,1,,False +information systems management,technical information coordination,"Comprehensive skills in managing, updating, creating, and maintaining electronic databases, communication systems, and technical information repositories",0.98,1,,False +analytical problem solving,analytical problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts",1.0,2,,True +analytical problem solving,scientific reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts",1.0,2,,False +analytical problem solving,critical analytical thinking,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts",1.0,2,,False +precision technical diagnostics,precision technical diagnostics,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex equipment and system performance issues through precise diagnostic techniques and troubleshooting methodologies",0.97,1,,True +precision technical diagnostics,equipment performance analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex equipment and system performance issues through precise diagnostic techniques and troubleshooting methodologies",0.97,1,,False +precision technical diagnostics,system diagnostic evaluation,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex equipment and system performance issues through precise diagnostic techniques and troubleshooting methodologies",0.97,1,,False +legislative policy development,legislative policy development,"Advanced skills in drafting, analyzing, and creating comprehensive legislative proposals, regulations, and policy frameworks with systematic approach and strategic reasoning",0.99,1,,True +legislative policy development,policy crafting,"Advanced skills in drafting, analyzing, and creating comprehensive legislative proposals, regulations, and policy frameworks with systematic approach and strategic reasoning",0.99,1,,False +legislative policy development,regulatory formulation,"Advanced skills in drafting, analyzing, and creating comprehensive legislative proposals, regulations, and policy frameworks with systematic approach and strategic reasoning",0.99,1,,False +legislative policy development,legislative strategy,"Advanced skills in drafting, analyzing, and creating comprehensive legislative proposals, regulations, and policy frameworks with systematic approach and strategic reasoning",0.99,1,,False +public governance coordination,public governance coordination,"Comprehensive skills in managing organizational activities, coordinating external relations, representing institutional interests, and facilitating complex administrative workflows",0.98,1,,True +public governance coordination,institutional management,"Comprehensive skills in managing organizational activities, coordinating external relations, representing institutional interests, and facilitating complex administrative workflows",0.98,1,,False +public governance coordination,stakeholder coordination,"Comprehensive skills in managing organizational activities, coordinating external relations, representing institutional interests, and facilitating complex administrative workflows",0.98,1,,False +public governance coordination,organizational representation,"Comprehensive skills in managing organizational activities, coordinating external relations, representing institutional interests, and facilitating complex administrative workflows",0.98,1,,False +strategic hearing management,strategic hearing management,"Advanced skills in conducting investigative hearings, gathering critical information, evaluating legal and regulatory implications, and systematically documenting complex procedural findings",0.97,1,,True +strategic hearing management,procedural inquiry,"Advanced skills in conducting investigative hearings, gathering critical information, evaluating legal and regulatory implications, and systematically documenting complex procedural findings",0.97,1,,False +strategic hearing management,regulatory examination,"Advanced skills in conducting investigative hearings, gathering critical information, evaluating legal and regulatory implications, and systematically documenting complex procedural findings",0.97,1,,False +professional development leadership,professional development leadership,"Comprehensive skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for organizational skill advancement",0.96,1,,True +professional development leadership,talent cultivation,"Comprehensive skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for organizational skill advancement",0.96,1,,False +professional development leadership,workforce enhancement,"Comprehensive skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for organizational skill advancement",0.96,1,,False +regulatory impact analysis,regulatory impact analysis,"Advanced analytical capabilities for systematically evaluating legal and regulatory changes, assessing potential organizational and societal implications, and developing strategic response strategies",0.98,1,,True +regulatory impact analysis,legal consequence assessment,"Advanced analytical capabilities for systematically evaluating legal and regulatory changes, assessing potential organizational and societal implications, and developing strategic response strategies",0.98,1,,False +regulatory impact analysis,regulatory trend analysis,"Advanced analytical capabilities for systematically evaluating legal and regulatory changes, assessing potential organizational and societal implications, and developing strategic response strategies",0.98,1,,False +regulatory impact analysis,policy impact evaluation,"Advanced analytical capabilities for systematically evaluating legal and regulatory changes, assessing potential organizational and societal implications, and developing strategic response strategies",0.98,1,,False +engineering systems design,engineering systems design,"Advanced capability to conceptualize, analyze, develop, and optimize complex technical and engineering systems across diverse technological domains",0.99,1,,True +engineering systems design,technical system architecture,"Advanced capability to conceptualize, analyze, develop, and optimize complex technical and engineering systems across diverse technological domains",0.99,1,,False +engineering systems design,engineering design innovation,"Advanced capability to conceptualize, analyze, develop, and optimize complex technical and engineering systems across diverse technological domains",0.99,1,,False +scientific problem resolution,scientific problem resolution,"Advanced analytical skills using scientific methods, mathematical reasoning, and systematic investigation to identify, evaluate, and resolve complex technical challenges",0.98,1,,True +scientific problem resolution,scientific diagnostic methodology,"Advanced analytical skills using scientific methods, mathematical reasoning, and systematic investigation to identify, evaluate, and resolve complex technical challenges",0.98,1,,False +technical performance optimization,technical performance optimization,"Comprehensive skills in monitoring, analyzing, and improving operational efficiency, system performance, and technological workflows through systematic evaluation and strategic interventions",0.97,1,,True +technical performance optimization,operational performance enhancement,"Comprehensive skills in monitoring, analyzing, and improving operational efficiency, system performance, and technological workflows through systematic evaluation and strategic interventions",0.97,1,,False +technical performance optimization,technical system improvement,"Comprehensive skills in monitoring, analyzing, and improving operational efficiency, system performance, and technological workflows through systematic evaluation and strategic interventions",0.97,1,,False +performance arts management,performance arts management,"Advanced skills in coordinating, preparing, and executing artistic performances, including talent development, creative collaboration, and production coordination",0.95,1,,True +expressive communication,expressive communication,"Comprehensive interpersonal skills involving precise verbal communication, emotional expression, active listening, and strategic interaction in performance and artistic contexts",0.96,1,,True +expressive communication,artistic communication,"Comprehensive interpersonal skills involving precise verbal communication, emotional expression, active listening, and strategic interaction in performance and artistic contexts",0.96,1,,False +expressive communication,performance dialogue,"Comprehensive interpersonal skills involving precise verbal communication, emotional expression, active listening, and strategic interaction in performance and artistic contexts",0.96,1,,False +creative skill development,creative skill development,"Advanced abilities in practicing, refining, and enhancing artistic and performance skills through systematic training, self-improvement, and professional development",0.94,1,,True +creative skill development,artistic skill cultivation,"Advanced abilities in practicing, refining, and enhancing artistic and performance skills through systematic training, self-improvement, and professional development",0.94,1,,False +creative skill development,performance technique mastery,"Advanced abilities in practicing, refining, and enhancing artistic and performance skills through systematic training, self-improvement, and professional development",0.94,1,,False +professional talent representation,professional talent representation,"Comprehensive skills in managing professional careers, negotiating contracts, identifying opportunities, and strategically developing artistic and performance potential",0.95,1,,True +professional talent representation,career management,"Comprehensive skills in managing professional careers, negotiating contracts, identifying opportunities, and strategically developing artistic and performance potential",0.95,1,,False +professional talent representation,artistic talent development,"Comprehensive skills in managing professional careers, negotiating contracts, identifying opportunities, and strategically developing artistic and performance potential",0.95,1,,False +artistic audition and casting,artistic audition and casting,"Advanced skills in preparing for, participating in, and successfully navigating professional audition processes across various performance and artistic domains",0.93,1,,True +artistic audition and casting,performance casting,"Advanced skills in preparing for, participating in, and successfully navigating professional audition processes across various performance and artistic domains",0.93,1,,False +artistic audition and casting,talent selection,"Advanced skills in preparing for, participating in, and successfully navigating professional audition processes across various performance and artistic domains",0.93,1,,False +animal training and care,animal training and care,"Comprehensive skills in managing, training, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, learning techniques, and holistic animal welfare",0.98,1,,True +animal training and care,animal behavior management,"Comprehensive skills in managing, training, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, learning techniques, and holistic animal welfare",0.98,1,,False +animal training and care,veterinary support skills,"Comprehensive skills in managing, training, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, learning techniques, and holistic animal welfare",0.98,1,,False +performance instruction,performance instruction,"Advanced skills in teaching, guiding, and developing performance capabilities through systematic instructional methods, active learning strategies, and personalized skill development approaches",0.97,1,,True +performance instruction,skill transfer techniques,"Advanced skills in teaching, guiding, and developing performance capabilities through systematic instructional methods, active learning strategies, and personalized skill development approaches",0.97,1,,False +performance instruction,educational performance coaching,"Advanced skills in teaching, guiding, and developing performance capabilities through systematic instructional methods, active learning strategies, and personalized skill development approaches",0.97,1,,False +administrative coordination,administrative coordination,"Advanced skills in managing complex administrative workflows, coordinating operational activities, scheduling, and supporting executive-level organizational processes",0.99,1,,True +administrative coordination,executive support,"Advanced skills in managing complex administrative workflows, coordinating operational activities, scheduling, and supporting executive-level organizational processes",0.99,1,,False +administrative coordination,administrative management,"Advanced skills in managing complex administrative workflows, coordinating operational activities, scheduling, and supporting executive-level organizational processes",0.99,1,,False +administrative coordination,organizational workflow coordination,"Advanced skills in managing complex administrative workflows, coordinating operational activities, scheduling, and supporting executive-level organizational processes",0.99,1,,False +social research methodology,social research methodology,"Advanced scientific skills for designing, conducting, and analyzing systematic social research involving data collection, interpretation, and evidence-based problem solving",0.98,1,,True +social research methodology,social scientific investigation,"Advanced scientific skills for designing, conducting, and analyzing systematic social research involving data collection, interpretation, and evidence-based problem solving",0.98,1,,False +social research methodology,empirical social analysis,"Advanced scientific skills for designing, conducting, and analyzing systematic social research involving data collection, interpretation, and evidence-based problem solving",0.98,1,,False +professional knowledge communication,professional knowledge communication,"Advanced interpersonal skills for effectively presenting, explaining, and disseminating complex professional and scientific information across diverse audiences and contexts",0.97,1,,True +professional knowledge communication,scientific information transfer,"Advanced interpersonal skills for effectively presenting, explaining, and disseminating complex professional and scientific information across diverse audiences and contexts",0.97,1,,False +professional knowledge communication,expert knowledge sharing,"Advanced interpersonal skills for effectively presenting, explaining, and disseminating complex professional and scientific information across diverse audiences and contexts",0.97,1,,False +systematic analytical reasoning,systematic analytical reasoning,"Advanced cognitive skills for logically evaluating complex information, identifying patterns, drawing evidence-based conclusions, and making strategic decisions",0.98,1,,True +systematic analytical reasoning,logical problem decomposition,"Advanced cognitive skills for logically evaluating complex information, identifying patterns, drawing evidence-based conclusions, and making strategic decisions",0.98,1,,False +interpersonal observation skills,interpersonal observation skills,"Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions",0.96,1,,True +interpersonal observation skills,social perception,"Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions",0.96,1,,False +interpersonal observation skills,behavioral interpretation,"Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions",0.96,1,,False +academic and policy consultation,academic and policy consultation,"Comprehensive skills in providing expert guidance, interpreting research findings, and advising on complex social and public policy matters",0.97,1,,True +academic and policy consultation,policy advisory services,"Comprehensive skills in providing expert guidance, interpreting research findings, and advising on complex social and public policy matters",0.97,1,,False +academic and policy consultation,research-driven consultation,"Comprehensive skills in providing expert guidance, interpreting research findings, and advising on complex social and public policy matters",0.97,1,,False +vehicle operation management,vehicle operation management,"Comprehensive skills in operating, maintaining, and navigating light trucks and delivery vehicles, ensuring safe and efficient transportation of goods and materials",0.98,1,,True +vehicle operation management,truck driving,"Comprehensive skills in operating, maintaining, and navigating light trucks and delivery vehicles, ensuring safe and efficient transportation of goods and materials",0.98,1,,False +vehicle operation management,commercial vehicle navigation,"Comprehensive skills in operating, maintaining, and navigating light trucks and delivery vehicles, ensuring safe and efficient transportation of goods and materials",0.98,1,,False +vehicle operation management,delivery vehicle control,"Comprehensive skills in operating, maintaining, and navigating light trucks and delivery vehicles, ensuring safe and efficient transportation of goods and materials",0.98,1,,False +logistics documentation,logistics documentation,"Comprehensive skills in recording delivery details, processing customer payments, maintaining accurate shipment records, and managing administrative documentation for transportation and delivery operations",0.96,1,,True +logistics documentation,delivery record keeping,"Comprehensive skills in recording delivery details, processing customer payments, maintaining accurate shipment records, and managing administrative documentation for transportation and delivery operations",0.96,1,,False +logistics documentation,shipment documentation,"Comprehensive skills in recording delivery details, processing customer payments, maintaining accurate shipment records, and managing administrative documentation for transportation and delivery operations",0.96,1,,False +logistics documentation,transportation administrative management,"Comprehensive skills in recording delivery details, processing customer payments, maintaining accurate shipment records, and managing administrative documentation for transportation and delivery operations",0.96,1,,False +insurance claims processing,insurance claims processing,"Comprehensive skills in managing insurance policy documentation, verifying customer information, processing claims, and ensuring accurate financial transactions related to insurance services",0.98,1,,True +insurance claims processing,claims management,"Comprehensive skills in managing insurance policy documentation, verifying customer information, processing claims, and ensuring accurate financial transactions related to insurance services",0.98,1,,False +insurance claims processing,policy documentation,"Comprehensive skills in managing insurance policy documentation, verifying customer information, processing claims, and ensuring accurate financial transactions related to insurance services",0.98,1,,False +insurance claims processing,insurance transaction processing,"Comprehensive skills in managing insurance policy documentation, verifying customer information, processing claims, and ensuring accurate financial transactions related to insurance services",0.98,1,,False +administrative information management,administrative information management,"Advanced skills in collecting, verifying, entering, maintaining, and processing complex administrative and procedural information across professional environments",0.97,1,,True +customer information verification,customer information verification,"Systematic skills in interviewing, collecting, validating, and documenting personal and financial information from customers or applicants through professional interaction",0.96,1,,True +customer information verification,client data validation,"Systematic skills in interviewing, collecting, validating, and documenting personal and financial information from customers or applicants through professional interaction",0.96,1,,False +customer information verification,information authentication,"Systematic skills in interviewing, collecting, validating, and documenting personal and financial information from customers or applicants through professional interaction",0.96,1,,False +customer information verification,customer information screening,"Systematic skills in interviewing, collecting, validating, and documenting personal and financial information from customers or applicants through professional interaction",0.96,1,,False +sales persuasion,sales persuasion,"Advanced interpersonal skills for convincing potential customers, demonstrating product value, and effectively converting sales opportunities through strategic communication and persuasive techniques",0.98,1,,True +sales persuasion,customer conversion,"Advanced interpersonal skills for convincing potential customers, demonstrating product value, and effectively converting sales opportunities through strategic communication and persuasive techniques",0.98,1,,False +sales persuasion,persuasive selling,"Advanced interpersonal skills for convincing potential customers, demonstrating product value, and effectively converting sales opportunities through strategic communication and persuasive techniques",0.98,1,,False +customer engagement strategy,customer engagement strategy,"Comprehensive skills in identifying potential customers, initiating interactions, explaining product details, and maintaining professional customer relationships across diverse sales contexts",0.97,1,,True +customer engagement strategy,sales interaction management,"Comprehensive skills in identifying potential customers, initiating interactions, explaining product details, and maintaining professional customer relationships across diverse sales contexts",0.97,1,,False +product demonstration skills,product demonstration skills,"Advanced abilities in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques",0.96,1,,True +product demonstration skills,sales demonstration,"Advanced abilities in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques",0.96,1,,False +product demonstration skills,technical product explanation,"Advanced abilities in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques",0.96,1,,False +safety and hazard management,safety and hazard management,"Comprehensive ability to identify potential risks, implement preventive measures, monitor operational conditions, and ensure workplace and environmental safety across diverse work contexts",0.99,1,,True +operational documentation and reporting,operational documentation and reporting,"Systematic skills in recording, maintaining, and communicating detailed operational information, travel logs, incident reports, and technical documentation with precision and accuracy",0.97,1,,True +operational documentation and reporting,operational logging,"Systematic skills in recording, maintaining, and communicating detailed operational information, travel logs, incident reports, and technical documentation with precision and accuracy",0.97,1,,False +operational documentation and reporting,performance documentation,"Systematic skills in recording, maintaining, and communicating detailed operational information, travel logs, incident reports, and technical documentation with precision and accuracy",0.97,1,,False +scientific laboratory procedures,scientific laboratory procedures,"Advanced skills in conducting scientific experiments, preparing chemical compounds, analyzing samples, and following precise laboratory protocols and safety standards",0.98,1,,True +scientific laboratory procedures,lab research methods,"Advanced skills in conducting scientific experiments, preparing chemical compounds, analyzing samples, and following precise laboratory protocols and safety standards",0.98,1,,False +scientific laboratory procedures,chemical analysis techniques,"Advanced skills in conducting scientific experiments, preparing chemical compounds, analyzing samples, and following precise laboratory protocols and safety standards",0.98,1,,False +scientific laboratory procedures,scientific experimental procedures,"Advanced skills in conducting scientific experiments, preparing chemical compounds, analyzing samples, and following precise laboratory protocols and safety standards",0.98,1,,False +quality control analysis,quality control analysis,"Systematic approach to conducting detailed inspections, testing materials, evaluating product characteristics, and ensuring conformance to scientific and technical specifications",0.98,1,,True +quality control analysis,product performance verification,"Systematic approach to conducting detailed inspections, testing materials, evaluating product characteristics, and ensuring conformance to scientific and technical specifications",0.98,1,,False +quality control analysis,technical inspection methodology,"Systematic approach to conducting detailed inspections, testing materials, evaluating product characteristics, and ensuring conformance to scientific and technical specifications",0.98,1,,False +chemical substance management,chemical substance management,"Comprehensive skills in identifying, handling, preparing, and processing chemical compounds with precision, safety, and adherence to scientific protocols",0.97,1,,True +chemical substance management,chemical compound preparation,"Comprehensive skills in identifying, handling, preparing, and processing chemical compounds with precision, safety, and adherence to scientific protocols",0.97,1,,False +chemical substance management,hazardous material handling,"Comprehensive skills in identifying, handling, preparing, and processing chemical compounds with precision, safety, and adherence to scientific protocols",0.97,1,,False +software quality assurance,software quality assurance,"Comprehensive skills in testing, analyzing, and ensuring the quality, performance, and reliability of software systems through systematic evaluation and verification processes",0.98,1,,True +software quality assurance,software testing,"Comprehensive skills in testing, analyzing, and ensuring the quality, performance, and reliability of software systems through systematic evaluation and verification processes",0.98,1,,False +software quality assurance,system validation,"Comprehensive skills in testing, analyzing, and ensuring the quality, performance, and reliability of software systems through systematic evaluation and verification processes",0.98,1,,False +technical problem diagnostics,technical problem diagnostics,"Advanced analytical skills for systematically identifying, troubleshooting, and resolving complex technical issues in computer applications and information systems",0.97,1,,True +technical problem diagnostics,problem resolution,"Advanced analytical skills for systematically identifying, troubleshooting, and resolving complex technical issues in computer applications and information systems",0.97,1,,False +performance monitoring and analysis,performance monitoring and analysis,"Advanced skills in systematically evaluating system performance, identifying operational inefficiencies, developing performance metrics, and implementing improvement strategies",0.97,1,,True +performance monitoring and analysis,operational efficiency analysis,"Advanced skills in systematically evaluating system performance, identifying operational inefficiencies, developing performance metrics, and implementing improvement strategies",0.97,1,,False +collaborative technical communication,collaborative technical communication,"Advanced interpersonal skills for precise information exchange, problem-solving, and professional interaction in technical and software development environments",0.96,1,,True +collaborative technical communication,technical team communication,"Advanced interpersonal skills for precise information exchange, problem-solving, and professional interaction in technical and software development environments",0.96,1,,False +collaborative technical communication,professional collaboration,"Advanced interpersonal skills for precise information exchange, problem-solving, and professional interaction in technical and software development environments",0.96,1,,False +academic research and instruction,academic research and instruction,"Comprehensive skills in designing, delivering, and managing educational content, conducting scholarly research, developing original academic materials, and contributing to knowledge domains in postsecondary educational environments",0.99,1,,True +academic research and instruction,scholarly knowledge development,"Comprehensive skills in designing, delivering, and managing educational content, conducting scholarly research, developing original academic materials, and contributing to knowledge domains in postsecondary educational environments",0.99,1,,False +academic research and instruction,higher education expertise,"Comprehensive skills in designing, delivering, and managing educational content, conducting scholarly research, developing original academic materials, and contributing to knowledge domains in postsecondary educational environments",0.99,1,,False +academic research and instruction,academic content creation,"Comprehensive skills in designing, delivering, and managing educational content, conducting scholarly research, developing original academic materials, and contributing to knowledge domains in postsecondary educational environments",0.99,1,,False +professional academic development,professional academic development,"Continuous approach to maintaining and expanding professional expertise through training, research, professional meetings, collaborative learning, and systematic skill enhancement in academic contexts",0.97,1,,True +professional academic development,academic skill advancement,"Continuous approach to maintaining and expanding professional expertise through training, research, professional meetings, collaborative learning, and systematic skill enhancement in academic contexts",0.97,1,,False +professional academic development,scholarly continuous learning,"Continuous approach to maintaining and expanding professional expertise through training, research, professional meetings, collaborative learning, and systematic skill enhancement in academic contexts",0.97,1,,False +professional academic development,professional knowledge expansion,"Continuous approach to maintaining and expanding professional expertise through training, research, professional meetings, collaborative learning, and systematic skill enhancement in academic contexts",0.97,1,,False +special needs education support,special needs education support,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,True +special needs education support,special education instruction,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,False +special needs education support,adaptive learning support,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,False +special needs education support,individualized student care,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,False +developmental behavioral management,developmental behavioral management,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting, intervention techniques, and supportive guidance",0.97,1,,True +developmental behavioral management,classroom behavior coordination,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting, intervention techniques, and supportive guidance",0.97,1,,False +developmental behavioral management,student conduct management,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting, intervention techniques, and supportive guidance",0.97,1,,False +developmental behavioral management,developmental behavior intervention,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting, intervention techniques, and supportive guidance",0.97,1,,False +educational assessment and monitoring,educational assessment and monitoring,"Comprehensive skills in designing, administering, and analyzing educational assessments, tracking student performance, documenting progress, and implementing targeted improvement strategies",0.96,1,,True +educational assessment and monitoring,academic progress tracking,"Comprehensive skills in designing, administering, and analyzing educational assessments, tracking student performance, documenting progress, and implementing targeted improvement strategies",0.96,1,,False +educational assessment and monitoring,learning outcome assessment,"Comprehensive skills in designing, administering, and analyzing educational assessments, tracking student performance, documenting progress, and implementing targeted improvement strategies",0.96,1,,False +collaborative educational planning,collaborative educational planning,"Advanced interprofessional skills for coordinating with teaching professionals, parents, supervisors, and institutional committees to develop comprehensive educational programs and support strategies",0.97,1,,True +collaborative educational planning,educational program coordination,"Advanced interprofessional skills for coordinating with teaching professionals, parents, supervisors, and institutional committees to develop comprehensive educational programs and support strategies",0.97,1,,False +collaborative educational planning,interdisciplinary learning support,"Advanced interprofessional skills for coordinating with teaching professionals, parents, supervisors, and institutional committees to develop comprehensive educational programs and support strategies",0.97,1,,False +collaborative educational planning,professional educational collaboration,"Advanced interprofessional skills for coordinating with teaching professionals, parents, supervisors, and institutional committees to develop comprehensive educational programs and support strategies",0.97,1,,False +adaptive instructional technology,adaptive instructional technology,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,True +adaptive instructional technology,educational technology integration,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,False +adaptive instructional technology,digital learning design,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,False +adaptive instructional technology,technological instructional support,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,False +mechanical repair expertise,mechanical repair expertise,"Advanced skills in diagnosing, repairing, maintaining, and replacing mechanical components and systems using specialized tools and technical knowledge",0.98,1,,True +mechanical repair expertise,technical repair skills,"Advanced skills in diagnosing, repairing, maintaining, and replacing mechanical components and systems using specialized tools and technical knowledge",0.98,1,,False +precision equipment manipulation,precision equipment manipulation,"Advanced manual dexterity and technical skills for precisely handling, adjusting, aligning, and installing mechanical and technical components",0.97,1,,True +precision equipment manipulation,technical positioning,"Advanced manual dexterity and technical skills for precisely handling, adjusting, aligning, and installing mechanical and technical components",0.97,1,,False +precision equipment manipulation,precise manual skills,"Advanced manual dexterity and technical skills for precisely handling, adjusting, aligning, and installing mechanical and technical components",0.97,1,,False +precision equipment manipulation,equipment configuration,"Advanced manual dexterity and technical skills for precisely handling, adjusting, aligning, and installing mechanical and technical components",0.97,1,,False +technical problem resolution,technical problem resolution,"Systematic analytical skills for identifying, diagnosing, and resolving complex technical challenges through logical reasoning and strategic troubleshooting",0.96,1,,True +technical problem resolution,equipment troubleshooting,"Systematic analytical skills for identifying, diagnosing, and resolving complex technical challenges through logical reasoning and strategic troubleshooting",0.96,1,,False +technical problem resolution,technical diagnostic skills,"Systematic analytical skills for identifying, diagnosing, and resolving complex technical challenges through logical reasoning and strategic troubleshooting",0.96,1,,False +equipment maintenance and safety,equipment maintenance and safety,"Comprehensive skills in performing routine maintenance, ensuring operational safety, conducting quality inspections, and preventing equipment failures",0.96,1,,True +equipment maintenance and safety,preventive maintenance,"Comprehensive skills in performing routine maintenance, ensuring operational safety, conducting quality inspections, and preventing equipment failures",0.96,1,,False +rehabilitation case management,rehabilitation case management,"Comprehensive skills in managing client rehabilitation, monitoring progress, coordinating services, and supporting individual behavioral and social reintegration",0.98,1,,True +rehabilitation case management,client support coordination,"Comprehensive skills in managing client rehabilitation, monitoring progress, coordinating services, and supporting individual behavioral and social reintegration",0.98,1,,False +rehabilitation case management,correctional rehabilitation planning,"Comprehensive skills in managing client rehabilitation, monitoring progress, coordinating services, and supporting individual behavioral and social reintegration",0.98,1,,False +forensic social intervention,forensic social intervention,"Advanced skills in legal assessment, client monitoring, risk evaluation, and implementing targeted interventions within criminal justice and social support contexts",0.97,1,,True +forensic social intervention,legal social support,"Advanced skills in legal assessment, client monitoring, risk evaluation, and implementing targeted interventions within criminal justice and social support contexts",0.97,1,,False +forensic social intervention,judicial client management,"Advanced skills in legal assessment, client monitoring, risk evaluation, and implementing targeted interventions within criminal justice and social support contexts",0.97,1,,False +therapeutic client counseling,therapeutic client counseling,"Advanced interpersonal skills for providing professional psychological support, substance abuse counseling, emotional guidance, and personalized treatment strategies",0.98,1,,True +therapeutic client counseling,psychological support intervention,"Advanced interpersonal skills for providing professional psychological support, substance abuse counseling, emotional guidance, and personalized treatment strategies",0.98,1,,False +therapeutic client counseling,client mental health guidance,"Advanced interpersonal skills for providing professional psychological support, substance abuse counseling, emotional guidance, and personalized treatment strategies",0.98,1,,False +community resource navigation,community resource navigation,"Comprehensive skills in identifying, accessing, coordinating, and connecting clients with essential support services, educational programs, and systemic assistance",0.97,1,,True +community resource navigation,client resource coordination,"Comprehensive skills in identifying, accessing, coordinating, and connecting clients with essential support services, educational programs, and systemic assistance",0.97,1,,False +community resource navigation,social service referral,"Comprehensive skills in identifying, accessing, coordinating, and connecting clients with essential support services, educational programs, and systemic assistance",0.97,1,,False +legal compliance monitoring,legal compliance monitoring,"Advanced skills in investigating legal requirements, recommending actions, monitoring client compliance, and ensuring adherence to judicial and rehabilitation protocols",0.96,1,,True +legal compliance monitoring,judicial oversight,"Advanced skills in investigating legal requirements, recommending actions, monitoring client compliance, and ensuring adherence to judicial and rehabilitation protocols",0.96,1,,False +legal compliance monitoring,legal status management,"Advanced skills in investigating legal requirements, recommending actions, monitoring client compliance, and ensuring adherence to judicial and rehabilitation protocols",0.96,1,,False +hazardous environment management,hazardous environment management,"Advanced skills in working safely with toxic substances, managing contamination risks, and performing specialized cleaning and decontamination procedures in challenging work environments",0.95,1,,True +hazardous environment management,hazardous site operations,"Advanced skills in working safely with toxic substances, managing contamination risks, and performing specialized cleaning and decontamination procedures in challenging work environments",0.95,1,,False +hazardous environment management,contamination control,"Advanced skills in working safely with toxic substances, managing contamination risks, and performing specialized cleaning and decontamination procedures in challenging work environments",0.95,1,,False +hazardous environment management,safety in extreme environments,"Advanced skills in working safely with toxic substances, managing contamination risks, and performing specialized cleaning and decontamination procedures in challenging work environments",0.95,1,,False +precision manual infrastructure skills,precision manual infrastructure skills,"Advanced technical skills in measuring, cutting, digging, positioning, and preparing materials for infrastructure installation, maintenance, and repair tasks",0.95,1,,True +precision manual infrastructure skills,infrastructure preparation,"Advanced technical skills in measuring, cutting, digging, positioning, and preparing materials for infrastructure installation, maintenance, and repair tasks",0.95,1,,False +precision manual infrastructure skills,precise construction techniques,"Advanced technical skills in measuring, cutting, digging, positioning, and preparing materials for infrastructure installation, maintenance, and repair tasks",0.95,1,,False +precision manual infrastructure skills,site preparation skills,"Advanced technical skills in measuring, cutting, digging, positioning, and preparing materials for infrastructure installation, maintenance, and repair tasks",0.95,1,,False +strategic organizational communication,strategic organizational communication,"Comprehensive interpersonal skills for precise information exchange, stakeholder engagement, and professional communication across complex organizational environments",0.98,1,,True +strategic organizational communication,organizational dialogue,"Comprehensive interpersonal skills for precise information exchange, stakeholder engagement, and professional communication across complex organizational environments",0.98,1,,False +strategic organizational communication,professional messaging,"Comprehensive interpersonal skills for precise information exchange, stakeholder engagement, and professional communication across complex organizational environments",0.98,1,,False +strategic decision making,strategic decision making,"Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed decisions that balance organizational objectives, costs, and strategic implications",1.0,2,,True +strategic decision making,strategic reasoning,"Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed decisions that balance organizational objectives, costs, and strategic implications",1.0,2,,False +strategic decision making,comprehensive decision analysis,"Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed decisions that balance organizational objectives, costs, and strategic implications",1.0,2,,False +strategic decision making,organizational strategy development,"Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed decisions that balance organizational objectives, costs, and strategic implications",1.0,2,,False +computational bioinformatics,computational bioinformatics,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,True +computational bioinformatics,biological data analysis,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,False +computational bioinformatics,computational research techniques,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,False +computational bioinformatics,genetic information processing,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,False +human resources management,human resources management,"Comprehensive skills in managing personnel resources, recruiting, training, developing, and coordinating workforce activities across organizational contexts",0.99,1,,True +human resources management,workforce development,"Comprehensive skills in managing personnel resources, recruiting, training, developing, and coordinating workforce activities across organizational contexts",0.99,1,,False +human resources management,talent management,"Comprehensive skills in managing personnel resources, recruiting, training, developing, and coordinating workforce activities across organizational contexts",0.99,1,,False +strategic interpersonal communication,strategic interpersonal communication,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific application to human resources, compensation, and organizational communication contexts",1.0,3,,True +strategic interpersonal communication,hr communication,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific application to human resources, compensation, and organizational communication contexts",1.0,3,,False +strategic interpersonal communication,organizational communication,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific application to human resources, compensation, and organizational communication contexts",1.0,3,,False +strategic interpersonal communication,strategic workforce interaction,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific application to human resources, compensation, and organizational communication contexts",1.0,3,,False +compliance and regulatory management,compliance and regulatory management,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards",0.98,1,,True +compliance and regulatory management,regulatory compliance,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards",0.98,1,,False +compliance and regulatory management,legal standards enforcement,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards",0.98,1,,False +forensic evidence analysis,forensic evidence analysis,"Advanced scientific skills for systematically collecting, examining, documenting, and interpreting physical evidence to support criminal investigations and legal proceedings",0.99,1,,True +forensic evidence analysis,crime scene investigation,"Advanced scientific skills for systematically collecting, examining, documenting, and interpreting physical evidence to support criminal investigations and legal proceedings",0.99,1,,False +forensic evidence analysis,evidence processing,"Advanced scientific skills for systematically collecting, examining, documenting, and interpreting physical evidence to support criminal investigations and legal proceedings",0.99,1,,False +forensic evidence analysis,forensic scientific reasoning,"Advanced scientific skills for systematically collecting, examining, documenting, and interpreting physical evidence to support criminal investigations and legal proceedings",0.99,1,,False +scientific documentation,scientific documentation,"Comprehensive skills in preparing precise technical reports, recording operational data, documenting findings, and communicating scientific information with accuracy and clarity",0.98,1,,True +curriculum development,curriculum development,"Advanced skills in creating, designing, and implementing comprehensive educational strategies, learning objectives, and instructional materials tailored to specific academic contexts and student needs",0.98,1,,True +curriculum development,educational program design,"Advanced skills in creating, designing, and implementing comprehensive educational strategies, learning objectives, and instructional materials tailored to specific academic contexts and student needs",0.98,1,,False +nutritional assessment,nutritional assessment,"Advanced skills in analyzing patient data, evaluating nutritional needs, developing personalized dietary strategies, and monitoring health outcomes through comprehensive nutritional assessment techniques",0.98,1,,True +nutritional assessment,patient nutrition evaluation,"Advanced skills in analyzing patient data, evaluating nutritional needs, developing personalized dietary strategies, and monitoring health outcomes through comprehensive nutritional assessment techniques",0.98,1,,False +nutritional assessment,dietary needs analysis,"Advanced skills in analyzing patient data, evaluating nutritional needs, developing personalized dietary strategies, and monitoring health outcomes through comprehensive nutritional assessment techniques",0.98,1,,False +nutritional assessment,nutritional health monitoring,"Advanced skills in analyzing patient data, evaluating nutritional needs, developing personalized dietary strategies, and monitoring health outcomes through comprehensive nutritional assessment techniques",0.98,1,,False +healthcare nutrition counseling,healthcare nutrition counseling,"Comprehensive interpersonal skills for providing personalized nutrition guidance, health education, wellness advice, and strategic dietary intervention across diverse patient populations",0.97,1,,True +healthcare nutrition counseling,nutrition education,"Comprehensive interpersonal skills for providing personalized nutrition guidance, health education, wellness advice, and strategic dietary intervention across diverse patient populations",0.97,1,,False +healthcare nutrition counseling,dietary counseling,"Comprehensive interpersonal skills for providing personalized nutrition guidance, health education, wellness advice, and strategic dietary intervention across diverse patient populations",0.97,1,,False +dietary program management,dietary program management,"Advanced skills in designing, implementing, and coordinating specialized dietary programs, menu planning, meal preparation strategies, and institutional nutrition services",0.96,1,,True +dietary program management,nutrition program development,"Advanced skills in designing, implementing, and coordinating specialized dietary programs, menu planning, meal preparation strategies, and institutional nutrition services",0.96,1,,False +dietary program management,institutional meal planning,"Advanced skills in designing, implementing, and coordinating specialized dietary programs, menu planning, meal preparation strategies, and institutional nutrition services",0.96,1,,False +dietary program management,dietary service coordination,"Advanced skills in designing, implementing, and coordinating specialized dietary programs, menu planning, meal preparation strategies, and institutional nutrition services",0.96,1,,False +scientific nutrition research,scientific nutrition research,"Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health",0.97,1,,True +scientific nutrition research,nutritional science investigation,"Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health",0.97,1,,False +scientific nutrition research,health research methodology,"Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health",0.97,1,,False +scientific nutrition research,dietary science analysis,"Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health",0.97,1,,False +interdisciplinary healthcare collaboration,interdisciplinary healthcare collaboration,"Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated nutritional treatment approaches",0.98,1,,True +interdisciplinary healthcare collaboration,medical team coordination,"Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated nutritional treatment approaches",0.98,1,,False +interdisciplinary healthcare collaboration,collaborative patient care,"Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated nutritional treatment approaches",0.98,1,,False +professional client interaction,professional client interaction,"Comprehensive interpersonal skills for interviewing, gathering information, providing advisory services, and maintaining professional communication with clients across diverse financial and service contexts",0.97,1,,True +professional client interaction,client communication,"Comprehensive interpersonal skills for interviewing, gathering information, providing advisory services, and maintaining professional communication with clients across diverse financial and service contexts",0.97,1,,False +professional client interaction,professional consultation,"Comprehensive interpersonal skills for interviewing, gathering information, providing advisory services, and maintaining professional communication with clients across diverse financial and service contexts",0.97,1,,False +regulatory compliance and interpretation,regulatory compliance and interpretation,"Advanced skills in understanding, explaining, and applying complex financial regulations, tax policies, and professional guidelines with systematic precision and comprehensive reasoning",0.96,1,,True +regulatory compliance and interpretation,tax regulation understanding,"Advanced skills in understanding, explaining, and applying complex financial regulations, tax policies, and professional guidelines with systematic precision and comprehensive reasoning",0.96,1,,False +regulatory compliance and interpretation,professional policy interpretation,"Advanced skills in understanding, explaining, and applying complex financial regulations, tax policies, and professional guidelines with systematic precision and comprehensive reasoning",0.96,1,,False +regulatory compliance and interpretation,regulatory guidance,"Advanced skills in understanding, explaining, and applying complex financial regulations, tax policies, and professional guidelines with systematic precision and comprehensive reasoning",0.96,1,,False +geospatial data collection,geospatial data collection,"Advanced skills in gathering, measuring, and documenting geographic survey data using precise mathematical and scientific methods",0.98,1,,True +geospatial data collection,survey data acquisition,"Advanced skills in gathering, measuring, and documenting geographic survey data using precise mathematical and scientific methods",0.98,1,,False +geospatial data collection,spatial information gathering,"Advanced skills in gathering, measuring, and documenting geographic survey data using precise mathematical and scientific methods",0.98,1,,False +cartographic visualization,cartographic visualization,"Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information",0.97,1,,True +cartographic visualization,map creation,"Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information",0.97,1,,False +cartographic visualization,spatial graphic representation,"Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information",0.97,1,,False +cartographic visualization,geographic visualization,"Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information",0.97,1,,False +medical records management,medical records management,"Comprehensive skills in processing, classifying, maintaining, and organizing medical documentation, patient records, and healthcare paperwork with precision and systematic accuracy",0.98,1,,True +medical records management,patient record coordination,"Comprehensive skills in processing, classifying, maintaining, and organizing medical documentation, patient records, and healthcare paperwork with precision and systematic accuracy",0.98,1,,False +medical records management,medical information processing,"Comprehensive skills in processing, classifying, maintaining, and organizing medical documentation, patient records, and healthcare paperwork with precision and systematic accuracy",0.98,1,,False +healthcare administrative communication,healthcare administrative communication,"Advanced interpersonal communication skills specific to medical settings, involving precise information exchange, patient interaction, stakeholder coordination, and professional medical documentation",0.97,1,,True +healthcare administrative communication,medical office communication,"Advanced interpersonal communication skills specific to medical settings, involving precise information exchange, patient interaction, stakeholder coordination, and professional medical documentation",0.97,1,,False +healthcare administrative communication,healthcare interaction management,"Advanced interpersonal communication skills specific to medical settings, involving precise information exchange, patient interaction, stakeholder coordination, and professional medical documentation",0.97,1,,False +medical facility operational coordination,medical facility operational coordination,"Advanced skills in managing medical facility workflows, scheduling, processing administrative tasks, ensuring regulatory compliance, and maintaining operational efficiency in healthcare environments",0.96,1,,True +medical facility operational coordination,medical office operations,"Advanced skills in managing medical facility workflows, scheduling, processing administrative tasks, ensuring regulatory compliance, and maintaining operational efficiency in healthcare environments",0.96,1,,False +pedagogical assessment and monitoring,pedagogical assessment and monitoring,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, administering tests, tracking academic progress, and providing targeted educational feedback",0.98,1,,True +pedagogical assessment and monitoring,educational progress tracking,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, administering tests, tracking academic progress, and providing targeted educational feedback",0.98,1,,False +technical validation engineering,technical validation engineering,"Comprehensive skills in conducting systematic testing, verification, and quality assessment of technical systems, equipment, and processes to ensure performance, reliability, and compliance",0.98,1,,True +technical validation engineering,technical testing,"Comprehensive skills in conducting systematic testing, verification, and quality assessment of technical systems, equipment, and processes to ensure performance, reliability, and compliance",0.98,1,,False +complex problem analysis,complex problem analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",0.98,1,,True +complex problem analysis,systematic troubleshooting,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",0.98,1,,False +forensic evidence management,forensic evidence management,"Comprehensive skills in collecting, processing, analyzing, and documenting physical evidence for legal and investigative purposes, involving systematic evidence collection, scientific reasoning, and precise documentation",0.98,1,,True +legal documentation and testimony,legal documentation and testimony,"Advanced skills in preparing, organizing, and presenting precise legal documentation, maintaining comprehensive records, and providing expert testimony in legal or legislative proceedings",0.97,1,,True +investigative information management,investigative information management,"Comprehensive skills in gathering, verifying, analyzing, and systematically documenting information from interviews, databases, and multiple sources to support criminal investigations and legal proceedings",0.96,1,,True +investigative information management,information gathering,"Comprehensive skills in gathering, verifying, analyzing, and systematically documenting information from interviews, databases, and multiple sources to support criminal investigations and legal proceedings",0.96,1,,False +investigative information management,investigative research,"Comprehensive skills in gathering, verifying, analyzing, and systematically documenting information from interviews, databases, and multiple sources to support criminal investigations and legal proceedings",0.96,1,,False +investigative information management,source verification,"Comprehensive skills in gathering, verifying, analyzing, and systematically documenting information from interviews, databases, and multiple sources to support criminal investigations and legal proceedings",0.96,1,,False +emergency response documentation,emergency response documentation,"Advanced skills in recording, documenting, and maintaining precise records of emergency incidents, crime scenes, and critical events with systematic attention to detail and legal requirements",0.95,1,,True +emergency response documentation,incident reporting,"Advanced skills in recording, documenting, and maintaining precise records of emergency incidents, crime scenes, and critical events with systematic attention to detail and legal requirements",0.95,1,,False +emergency response documentation,emergency record keeping,"Advanced skills in recording, documenting, and maintaining precise records of emergency incidents, crime scenes, and critical events with systematic attention to detail and legal requirements",0.95,1,,False +emergency response documentation,critical event documentation,"Advanced skills in recording, documenting, and maintaining precise records of emergency incidents, crime scenes, and critical events with systematic attention to detail and legal requirements",0.95,1,,False +pattern design and fabrication,pattern design and fabrication,"Advanced skills in creating, measuring, positioning, and manipulating templates, patterns, and materials for precise garment and textile production",0.98,1,,True +pattern design and fabrication,pattern making,"Advanced skills in creating, measuring, positioning, and manipulating templates, patterns, and materials for precise garment and textile production",0.98,1,,False +pattern design and fabrication,textile template creation,"Advanced skills in creating, measuring, positioning, and manipulating templates, patterns, and materials for precise garment and textile production",0.98,1,,False +pattern design and fabrication,garment design precision,"Advanced skills in creating, measuring, positioning, and manipulating templates, patterns, and materials for precise garment and textile production",0.98,1,,False +technical measurement and layout,technical measurement and layout,"Comprehensive ability to calculate, measure, mark, and position materials and workpieces with high precision across manufacturing and design contexts",0.97,1,,True +technical measurement and layout,precision spatial positioning,"Comprehensive ability to calculate, measure, mark, and position materials and workpieces with high precision across manufacturing and design contexts",0.97,1,,False +technical measurement and layout,technical dimensional analysis,"Comprehensive ability to calculate, measure, mark, and position materials and workpieces with high precision across manufacturing and design contexts",0.97,1,,False +production equipment programming,production equipment programming,"Advanced skills in configuring, controlling, and operating specialized manufacturing equipment for precise production tasks",0.96,1,,True +risk assessment management,risk assessment management,"Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across operational, safety, legal, and strategic contexts",0.99,1,,True +risk assessment management,risk evaluation,"Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across operational, safety, legal, and strategic contexts",0.99,1,,False +risk assessment management,organizational threat analysis,"Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across operational, safety, legal, and strategic contexts",0.99,1,,False +risk assessment management,strategic risk mitigation,"Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across operational, safety, legal, and strategic contexts",0.99,1,,False +technical specification development,technical specification development,"Advanced skills in creating precise technical documentation, system specifications, operational guidelines, and comprehensive procedural frameworks across diverse professional environments",0.98,1,,True +technical specification development,technical requirements specification,"Advanced skills in creating precise technical documentation, system specifications, operational guidelines, and comprehensive procedural frameworks across diverse professional environments",0.98,1,,False +operational compliance monitoring,operational compliance monitoring,"Systematic approach to ensuring adherence to regulatory standards, safety protocols, quality requirements, and organizational policies through continuous inspection and strategic intervention",0.99,1,,True +strategic investigative analysis,strategic investigative analysis,"Advanced analytical skills for conducting comprehensive investigations, gathering evidence, interviewing subjects, documenting findings, and providing systematic evaluation across legal and organizational contexts",0.98,1,,True +strategic investigative analysis,investigative reasoning,"Advanced analytical skills for conducting comprehensive investigations, gathering evidence, interviewing subjects, documenting findings, and providing systematic evaluation across legal and organizational contexts",0.98,1,,False +strategic investigative analysis,systematic evidence collection,"Advanced analytical skills for conducting comprehensive investigations, gathering evidence, interviewing subjects, documenting findings, and providing systematic evaluation across legal and organizational contexts",0.98,1,,False +forestry equipment operation,forestry equipment operation,"Advanced skills in operating, controlling, and maintaining specialized logging and forestry machinery with precision and safety focus",0.98,1,,True +forestry equipment operation,logging machinery management,"Advanced skills in operating, controlling, and maintaining specialized logging and forestry machinery with precision and safety focus",0.98,1,,False +forestry equipment operation,forestry equipment control,"Advanced skills in operating, controlling, and maintaining specialized logging and forestry machinery with precision and safety focus",0.98,1,,False +field operations safety,field operations safety,"Comprehensive skills in maintaining workplace safety, conducting risk assessments, and implementing preventive measures in outdoor and forestry work environments",0.96,1,,True +field operations safety,outdoor work risk mitigation,"Comprehensive skills in maintaining workplace safety, conducting risk assessments, and implementing preventive measures in outdoor and forestry work environments",0.96,1,,False +water systems management,water systems management,"Comprehensive skills in operating, monitoring, controlling, and maintaining water and wastewater treatment systems, including equipment operation, quality control, and process optimization",0.98,1,,True +water systems management,water treatment operations,"Comprehensive skills in operating, monitoring, controlling, and maintaining water and wastewater treatment systems, including equipment operation, quality control, and process optimization",0.98,1,,False +water systems management,utility systems control,"Comprehensive skills in operating, monitoring, controlling, and maintaining water and wastewater treatment systems, including equipment operation, quality control, and process optimization",0.98,1,,False +chemical processing control,chemical processing control,"Advanced skills in managing chemical processing systems, conducting material testing, monitoring chemical characteristics, and ensuring precise operational quality",0.97,1,,True +chemical processing control,chemical system management,"Advanced skills in managing chemical processing systems, conducting material testing, monitoring chemical characteristics, and ensuring precise operational quality",0.97,1,,False +chemical processing control,process chemical analysis,"Advanced skills in managing chemical processing systems, conducting material testing, monitoring chemical characteristics, and ensuring precise operational quality",0.97,1,,False +precision operational documentation,precision operational documentation,"Advanced skills in recording, tracking, and documenting operational data, production activities, equipment performance, and quality control measurements with systematic accuracy",0.96,1,,True +information management,information management,"Comprehensive skills in collecting, processing, organizing, retrieving, and maintaining digital and physical information across professional contexts",0.98,1,,True +information management,data processing,"Comprehensive skills in collecting, processing, organizing, retrieving, and maintaining digital and physical information across professional contexts",0.98,1,,False +information management,document control,"Comprehensive skills in collecting, processing, organizing, retrieving, and maintaining digital and physical information across professional contexts",0.98,1,,False +procedural documentation,procedural documentation,"Advanced skills in creating, maintaining, and managing precise operational, technical, and administrative documentation with systematic accuracy",0.97,1,,True +digital systems management,digital systems management,"Comprehensive abilities in managing electronic information systems, developing procedures, implementing security measures, and maintaining digital infrastructure",0.96,1,,True +digital systems management,information systems control,"Comprehensive abilities in managing electronic information systems, developing procedures, implementing security measures, and maintaining digital infrastructure",0.96,1,,False +digital systems management,digital infrastructure management,"Comprehensive abilities in managing electronic information systems, developing procedures, implementing security measures, and maintaining digital infrastructure",0.96,1,,False +precision manufacturing skills,precision manufacturing skills,"Advanced technical abilities in measuring, cutting, shaping, and manipulating materials with high accuracy across diverse production and medical device manufacturing environments",0.98,3,,True +precision manufacturing skills,technical precision fabrication,"Advanced technical abilities in measuring, cutting, shaping, and manipulating materials with high accuracy across diverse production and medical device manufacturing environments",0.98,3,,False +precision manufacturing skills,dimensional accuracy manufacturing,"Advanced technical abilities in measuring, cutting, shaping, and manipulating materials with high accuracy across diverse production and medical device manufacturing environments",0.98,3,,False +equipment diagnostic monitoring,equipment diagnostic monitoring,"Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques",0.97,1,,True +equipment diagnostic monitoring,technical equipment assessment,"Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques",0.97,1,,False +equipment diagnostic monitoring,operational performance inspection,"Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques",0.97,1,,False +equipment diagnostic monitoring,machinery diagnostic analysis,"Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques",0.97,1,,False +technical quality verification,technical quality verification,"Comprehensive approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications",0.96,1,,True +technical quality verification,dimensional inspection,"Comprehensive approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications",0.96,1,,False +technical quality verification,product specification verification,"Comprehensive approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications",0.96,1,,False +machine operation control,machine operation control,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment with precision and systematic approach",0.98,1,,True +machine operation control,production system operation,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment with precision and systematic approach",0.98,1,,False +technical quality inspection,technical quality inspection,"Comprehensive ability to conduct detailed product inspections, measure dimensions, evaluate product characteristics, and ensure conformance to precise manufacturing specifications",0.97,1,,True +technical quality inspection,product compliance monitoring,"Comprehensive ability to conduct detailed product inspections, measure dimensions, evaluate product characteristics, and ensure conformance to precise manufacturing specifications",0.97,1,,False +technical documentation comprehension,technical documentation comprehension,"Advanced ability to read, interpret, and apply technical instructions, work orders, blueprints, and operational documentation with high precision and systematic understanding",0.97,1,,True +technical documentation comprehension,operational instruction interpretation,"Advanced ability to read, interpret, and apply technical instructions, work orders, blueprints, and operational documentation with high precision and systematic understanding",0.97,1,,False +technical documentation comprehension,procedural documentation analysis,"Advanced ability to read, interpret, and apply technical instructions, work orders, blueprints, and operational documentation with high precision and systematic understanding",0.97,1,,False +precision material handling,precision material handling,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes with high accuracy and attention to detail",0.96,1,,True +precision material handling,operational material management,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes with high accuracy and attention to detail",0.96,1,,False +vision care technical skills,vision care technical skills,"Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating medical devices for eye care",0.98,1,,True +vision care technical skills,optometric device preparation,"Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating medical devices for eye care",0.98,1,,False +vision care technical skills,vision correction technical expertise,"Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating medical devices for eye care",0.98,1,,False +medical device customization,medical device customization,"Specialized skills in measuring patient attributes, recommending assistive devices, fitting eyewear, and personalizing medical equipment to individual patient needs",0.97,1,,True +medical device customization,precision medical equipment fitting,"Specialized skills in measuring patient attributes, recommending assistive devices, fitting eyewear, and personalizing medical equipment to individual patient needs",0.97,1,,False +medical device customization,patient-specific device adaptation,"Specialized skills in measuring patient attributes, recommending assistive devices, fitting eyewear, and personalizing medical equipment to individual patient needs",0.97,1,,False +performance arts coordination,performance arts coordination,"Advanced skills in managing, preparing, and executing artistic performances, including talent development, choreography, and creative collaboration across performance contexts",0.95,1,,True +performance arts coordination,artistic performance skills,"Advanced skills in managing, preparing, and executing artistic performances, including talent development, choreography, and creative collaboration across performance contexts",0.95,1,,False +performance arts coordination,stage coordination,"Advanced skills in managing, preparing, and executing artistic performances, including talent development, choreography, and creative collaboration across performance contexts",0.95,1,,False +creative movement technique,creative movement technique,"Specialized ability to design, execute, and refine complex physical movements and choreographic sequences with precision and artistic expression",0.94,1,,True +creative movement technique,dance choreography,"Specialized ability to design, execute, and refine complex physical movements and choreographic sequences with precision and artistic expression",0.94,1,,False +creative movement technique,movement design,"Specialized ability to design, execute, and refine complex physical movements and choreographic sequences with precision and artistic expression",0.94,1,,False +creative movement technique,artistic physical expression,"Specialized ability to design, execute, and refine complex physical movements and choreographic sequences with precision and artistic expression",0.94,1,,False +professional performance preparation,professional performance preparation,"Comprehensive skills in practicing, training, auditioning, and developing artistic and performance capabilities through systematic skill enhancement",0.93,1,,True +professional performance preparation,performance skill development,"Comprehensive skills in practicing, training, auditioning, and developing artistic and performance capabilities through systematic skill enhancement",0.93,1,,False +professional performance preparation,artistic training,"Comprehensive skills in practicing, training, auditioning, and developing artistic and performance capabilities through systematic skill enhancement",0.93,1,,False +professional performance preparation,professional performance readiness,"Comprehensive skills in practicing, training, auditioning, and developing artistic and performance capabilities through systematic skill enhancement",0.93,1,,False +web design and development,web design and development,"Comprehensive skills in designing, creating, and maintaining websites and web applications, involving user interface design, technical implementation, and digital platform optimization",0.98,1,,True +web design and development,web interface design,"Comprehensive skills in designing, creating, and maintaining websites and web applications, involving user interface design, technical implementation, and digital platform optimization",0.98,1,,False +web design and development,digital platform creation,"Comprehensive skills in designing, creating, and maintaining websites and web applications, involving user interface design, technical implementation, and digital platform optimization",0.98,1,,False +web design and development,interactive web solutions,"Comprehensive skills in designing, creating, and maintaining websites and web applications, involving user interface design, technical implementation, and digital platform optimization",0.98,1,,False +digital visual communication,digital visual communication,"Advanced skills in creating, manipulating, and presenting visual content for digital interfaces, including graphic design, image creation, and visual storytelling",0.97,1,,True +digital visual communication,digital graphic design,"Advanced skills in creating, manipulating, and presenting visual content for digital interfaces, including graphic design, image creation, and visual storytelling",0.97,1,,False +digital visual communication,visual content production,"Advanced skills in creating, manipulating, and presenting visual content for digital interfaces, including graphic design, image creation, and visual storytelling",0.97,1,,False +digital visual communication,interactive visual communication,"Advanced skills in creating, manipulating, and presenting visual content for digital interfaces, including graphic design, image creation, and visual storytelling",0.97,1,,False +technical project collaboration,technical project collaboration,"Advanced interpersonal and technical skills for collaborating across teams, resolving technical challenges, developing specifications, and coordinating complex digital projects",0.96,1,,True +technical project collaboration,cross-team technical coordination,"Advanced interpersonal and technical skills for collaborating across teams, resolving technical challenges, developing specifications, and coordinating complex digital projects",0.96,1,,False +technical project collaboration,digital project management,"Advanced interpersonal and technical skills for collaborating across teams, resolving technical challenges, developing specifications, and coordinating complex digital projects",0.96,1,,False +digital systems testing,digital systems testing,"Comprehensive skills in developing, implementing, and executing testing routines, performance evaluations, and quality assurance processes for web and digital systems",0.97,1,,True +digital systems testing,software performance verification,"Comprehensive skills in developing, implementing, and executing testing routines, performance evaluations, and quality assurance processes for web and digital systems",0.97,1,,False +digital systems testing,digital system quality control,"Comprehensive skills in developing, implementing, and executing testing routines, performance evaluations, and quality assurance processes for web and digital systems",0.97,1,,False +digital systems testing,web application testing,"Comprehensive skills in developing, implementing, and executing testing routines, performance evaluations, and quality assurance processes for web and digital systems",0.97,1,,False +emerging technology adaptation,emerging technology adaptation,"Proactive approach to continuously learning, researching, and integrating emerging industry trends, technological innovations, and cutting-edge digital design practices",0.96,1,,True +emerging technology adaptation,technology trend monitoring,"Proactive approach to continuously learning, researching, and integrating emerging industry trends, technological innovations, and cutting-edge digital design practices",0.96,1,,False +emerging technology adaptation,digital innovation integration,"Proactive approach to continuously learning, researching, and integrating emerging industry trends, technological innovations, and cutting-edge digital design practices",0.96,1,,False +operational problem resolution,operational problem resolution,"Advanced analytical skills for systematically identifying complex operational challenges, evaluating alternative solutions, and implementing strategic problem-solving techniques",0.97,1,,True +operational problem resolution,operational troubleshooting,"Advanced analytical skills for systematically identifying complex operational challenges, evaluating alternative solutions, and implementing strategic problem-solving techniques",0.97,1,,False +operational problem resolution,strategic problem analysis,"Advanced analytical skills for systematically identifying complex operational challenges, evaluating alternative solutions, and implementing strategic problem-solving techniques",0.97,1,,False +quantitative technical analysis,quantitative technical analysis,"Advanced analytical skills using mathematical and scientific methods to diagnose, evaluate, and resolve complex technical challenges",0.97,1,,True +quantitative technical analysis,quantitative technical diagnostics,"Advanced analytical skills using mathematical and scientific methods to diagnose, evaluate, and resolve complex technical challenges",0.97,1,,False +educational instruction management,educational instruction management,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments",1.0,1,,True +educational instruction management,academic teaching,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments",1.0,1,,False +educational instruction management,postsecondary education delivery,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments",1.0,1,,False +student performance evaluation,student performance evaluation,"Advanced skills in assessing student progress, designing comprehensive assessment methods, administering tests, tracking academic development, and providing targeted educational feedback",0.97,1,,True +student performance evaluation,academic performance monitoring,"Advanced skills in assessing student progress, designing comprehensive assessment methods, administering tests, tracking academic development, and providing targeted educational feedback",0.97,1,,False +research and scholarly contribution,research and scholarly contribution,"Comprehensive skills in conducting academic research, publishing scholarly materials, developing original content, and contributing to knowledge domains in postsecondary educational contexts",0.96,1,,True +research and scholarly contribution,academic research development,"Comprehensive skills in conducting academic research, publishing scholarly materials, developing original content, and contributing to knowledge domains in postsecondary educational contexts",0.96,1,,False +research and scholarly contribution,scholarly knowledge expansion,"Comprehensive skills in conducting academic research, publishing scholarly materials, developing original content, and contributing to knowledge domains in postsecondary educational contexts",0.96,1,,False +research and scholarly contribution,scientific publication,"Comprehensive skills in conducting academic research, publishing scholarly materials, developing original content, and contributing to knowledge domains in postsecondary educational contexts",0.96,1,,False +health education strategy,health education strategy,"Comprehensive skills in developing, implementing, and managing educational programs focused on community health awareness, wellness guidance, and targeted health interventions",0.98,1,,True +health education strategy,community health education,"Comprehensive skills in developing, implementing, and managing educational programs focused on community health awareness, wellness guidance, and targeted health interventions",0.98,1,,False +health education strategy,public health communication,"Comprehensive skills in developing, implementing, and managing educational programs focused on community health awareness, wellness guidance, and targeted health interventions",0.98,1,,False +health education strategy,wellness program development,"Comprehensive skills in developing, implementing, and managing educational programs focused on community health awareness, wellness guidance, and targeted health interventions",0.98,1,,False +social services coordination,social services coordination,"Advanced skills in managing social service programs, assessing community needs, developing support tools, and facilitating comprehensive community interventions",0.97,1,,True +social services coordination,community support management,"Advanced skills in managing social service programs, assessing community needs, developing support tools, and facilitating comprehensive community interventions",0.97,1,,False +social services coordination,social program development,"Advanced skills in managing social service programs, assessing community needs, developing support tools, and facilitating comprehensive community interventions",0.97,1,,False +social services coordination,needs assessment coordination,"Advanced skills in managing social service programs, assessing community needs, developing support tools, and facilitating comprehensive community interventions",0.97,1,,False +professional health communication,professional health communication,"Advanced interpersonal communication skills specific to health education contexts, involving precise information exchange, active listening, and strategic health messaging across diverse community environments",0.99,1,,True +professional health communication,health information dissemination,"Advanced interpersonal communication skills specific to health education contexts, involving precise information exchange, active listening, and strategic health messaging across diverse community environments",0.99,1,,False +professional health communication,wellness communication,"Advanced interpersonal communication skills specific to health education contexts, involving precise information exchange, active listening, and strategic health messaging across diverse community environments",0.99,1,,False +professional health communication,public health dialogue,"Advanced interpersonal communication skills specific to health education contexts, involving precise information exchange, active listening, and strategic health messaging across diverse community environments",0.99,1,,False +community needs assessment,community needs assessment,"Comprehensive skills in systematically identifying, analyzing, and diagnosing individual and community health and educational service requirements through structured evaluation techniques",0.98,1,,True +community needs assessment,diagnostic community analysis,"Comprehensive skills in systematically identifying, analyzing, and diagnosing individual and community health and educational service requirements through structured evaluation techniques",0.98,1,,False +community needs assessment,service needs identification,"Comprehensive skills in systematically identifying, analyzing, and diagnosing individual and community health and educational service requirements through structured evaluation techniques",0.98,1,,False +community needs assessment,population health evaluation,"Comprehensive skills in systematically identifying, analyzing, and diagnosing individual and community health and educational service requirements through structured evaluation techniques",0.98,1,,False +organizational health program management,organizational health program management,"Advanced skills in developing, implementing, evaluating, and coordinating comprehensive health education programs, policies, and organizational strategies to support community wellness",0.97,1,,True +organizational health program management,wellness strategy implementation,"Advanced skills in developing, implementing, evaluating, and coordinating comprehensive health education programs, policies, and organizational strategies to support community wellness",0.97,1,,False +organizational health program management,community health leadership,"Advanced skills in developing, implementing, evaluating, and coordinating comprehensive health education programs, policies, and organizational strategies to support community wellness",0.97,1,,False +textile equipment operation,textile equipment operation,"Advanced skills in operating, monitoring, controlling, and maintaining specialized textile cutting and production machinery with precision and systematic approach",0.98,1,,True +textile equipment operation,textile machinery management,"Advanced skills in operating, monitoring, controlling, and maintaining specialized textile cutting and production machinery with precision and systematic approach",0.98,1,,False +textile equipment operation,production equipment handling,"Advanced skills in operating, monitoring, controlling, and maintaining specialized textile cutting and production machinery with precision and systematic approach",0.98,1,,False +precision material cutting,precision material cutting,"Comprehensive skills in measuring, positioning, cutting, and preparing textile materials with high accuracy and technical expertise",0.97,1,,True +precision material cutting,fabric manipulation,"Comprehensive skills in measuring, positioning, cutting, and preparing textile materials with high accuracy and technical expertise",0.97,1,,False +precision material cutting,textile fabrication,"Comprehensive skills in measuring, positioning, cutting, and preparing textile materials with high accuracy and technical expertise",0.97,1,,False +precision material cutting,precision cutting techniques,"Comprehensive skills in measuring, positioning, cutting, and preparing textile materials with high accuracy and technical expertise",0.97,1,,False +production quality inspection,production quality inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to textile manufacturing specifications",0.96,1,,True +equipment setup and calibration,equipment setup and calibration,"Advanced skills in preparing, configuring, adjusting, and programming textile cutting and production equipment to meet specific operational requirements",0.95,1,,True +equipment setup and calibration,production equipment preparation,"Advanced skills in preparing, configuring, adjusting, and programming textile cutting and production equipment to meet specific operational requirements",0.95,1,,False +equipment setup and calibration,technical equipment adjustment,"Advanced skills in preparing, configuring, adjusting, and programming textile cutting and production equipment to meet specific operational requirements",0.95,1,,False +operational pattern management,operational pattern management,"Comprehensive ability to interpret technical instructions, position patterns, and ensure precise alignment of materials during textile production processes",0.96,1,,True +operational pattern management,pattern positioning,"Comprehensive ability to interpret technical instructions, position patterns, and ensure precise alignment of materials during textile production processes",0.96,1,,False +operational pattern management,technical instruction interpretation,"Comprehensive ability to interpret technical instructions, position patterns, and ensure precise alignment of materials during textile production processes",0.96,1,,False +operational pattern management,material alignment,"Comprehensive ability to interpret technical instructions, position patterns, and ensure precise alignment of materials during textile production processes",0.96,1,,False +precision medical intervention,precision medical intervention,"Advanced clinical skills for performing specialized medical procedures, patient assessment, treatment planning, and precise medical interventions across dental and healthcare contexts",0.98,1,,True +precision medical intervention,surgical precision,"Advanced clinical skills for performing specialized medical procedures, patient assessment, treatment planning, and precise medical interventions across dental and healthcare contexts",0.98,1,,False +precision medical intervention,medical procedure execution,"Advanced clinical skills for performing specialized medical procedures, patient assessment, treatment planning, and precise medical interventions across dental and healthcare contexts",0.98,1,,False +healthcare professional communication,healthcare professional communication,"Advanced interpersonal communication skills specific to medical and dental contexts, involving precise information exchange, patient counseling, professional dialogue, emotional support, and comprehensive patient-centered communication",1.0,3,,True +healthcare professional communication,healthcare interpersonal interaction,"Advanced interpersonal communication skills specific to medical and dental contexts, involving precise information exchange, patient counseling, professional dialogue, emotional support, and comprehensive patient-centered communication",1.0,3,,False +customer service communication,customer service communication,"Advanced interpersonal skills for engaging with customers, understanding needs, providing information, resolving issues, and ensuring positive service experiences through active listening, empathy, and professional interaction",0.99,1,,True +customer service communication,customer interaction,"Advanced interpersonal skills for engaging with customers, understanding needs, providing information, resolving issues, and ensuring positive service experiences through active listening, empathy, and professional interaction",0.99,1,,False +customer service communication,client engagement,"Advanced interpersonal skills for engaging with customers, understanding needs, providing information, resolving issues, and ensuring positive service experiences through active listening, empathy, and professional interaction",0.99,1,,False +problem resolution strategy,problem resolution strategy,"Advanced analytical skills for systematically identifying customer financial challenges, evaluating alternative solutions, applying critical thinking, and implementing effective problem-solving techniques",0.98,2,,True +problem resolution strategy,customer issue resolution,"Advanced analytical skills for systematically identifying customer financial challenges, evaluating alternative solutions, applying critical thinking, and implementing effective problem-solving techniques",0.98,2,,False +chemical analysis and synthesis,chemical analysis and synthesis,"Comprehensive skills in analyzing chemical compounds, preparing solutions, conducting laboratory tests, developing new products, and applying scientific methods to investigate and resolve complex chemical challenges",0.99,1,,True +chemical analysis and synthesis,chemical compound investigation,"Comprehensive skills in analyzing chemical compounds, preparing solutions, conducting laboratory tests, developing new products, and applying scientific methods to investigate and resolve complex chemical challenges",0.99,1,,False +chemical analysis and synthesis,laboratory chemical processing,"Comprehensive skills in analyzing chemical compounds, preparing solutions, conducting laboratory tests, developing new products, and applying scientific methods to investigate and resolve complex chemical challenges",0.99,1,,False +chemical analysis and synthesis,scientific chemical evaluation,"Comprehensive skills in analyzing chemical compounds, preparing solutions, conducting laboratory tests, developing new products, and applying scientific methods to investigate and resolve complex chemical challenges",0.99,1,,False +technical quality control,technical quality control,"Systematic approach to conducting detailed product and process inspections, measuring dimensions, evaluating characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications",0.98,1,,True +technical quality control,scientific quality verification,"Systematic approach to conducting detailed product and process inspections, measuring dimensions, evaluating characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications",0.98,1,,False +technical quality control,technical standards compliance,"Systematic approach to conducting detailed product and process inspections, measuring dimensions, evaluating characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications",0.98,1,,False +technical quality control,precision inspection,"Systematic approach to conducting detailed product and process inspections, measuring dimensions, evaluating characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications",0.98,1,,False +laboratory equipment management,laboratory equipment management,"Advanced skills in maintaining, calibrating, operating, and ensuring proper functionality of complex scientific and technical laboratory equipment with precision and systematic safety protocols",0.97,1,,True +laboratory equipment management,scientific instrumentation control,"Advanced skills in maintaining, calibrating, operating, and ensuring proper functionality of complex scientific and technical laboratory equipment with precision and systematic safety protocols",0.97,1,,False +laboratory equipment management,laboratory instrument calibration,"Advanced skills in maintaining, calibrating, operating, and ensuring proper functionality of complex scientific and technical laboratory equipment with precision and systematic safety protocols",0.97,1,,False +postal operations management,postal operations management,"Comprehensive skills in managing mail sorting, routing, delivery, administrative processes, staff coordination, and operational efficiency in postal service environments",0.98,1,,True +postal operations management,mail service coordination,"Comprehensive skills in managing mail sorting, routing, delivery, administrative processes, staff coordination, and operational efficiency in postal service environments",0.98,1,,False +postal operations management,postal workflow management,"Comprehensive skills in managing mail sorting, routing, delivery, administrative processes, staff coordination, and operational efficiency in postal service environments",0.98,1,,False +postal operations management,postal administrative leadership,"Comprehensive skills in managing mail sorting, routing, delivery, administrative processes, staff coordination, and operational efficiency in postal service environments",0.98,1,,False +personnel resource coordination,personnel resource coordination,"Advanced skills in managing, directing, developing, and motivating personnel, including scheduling, training, performance evaluation, and workforce optimization",0.99,1,,True +personnel resource coordination,staff management,"Advanced skills in managing, directing, developing, and motivating personnel, including scheduling, training, performance evaluation, and workforce optimization",0.99,1,,False +personnel resource coordination,human resource leadership,"Advanced skills in managing, directing, developing, and motivating personnel, including scheduling, training, performance evaluation, and workforce optimization",0.99,1,,False +operational communication strategy,operational communication strategy,"Advanced interpersonal skills for precise information exchange, coordination of work activities, active listening, and professional interaction across diverse organizational contexts",0.98,1,,True +operational communication strategy,professional interaction coordination,"Advanced interpersonal skills for precise information exchange, coordination of work activities, active listening, and professional interaction across diverse organizational contexts",0.98,1,,False +operational communication strategy,organizational dialogue facilitation,"Advanced interpersonal skills for precise information exchange, coordination of work activities, active listening, and professional interaction across diverse organizational contexts",0.98,1,,False +strategic problem resolution,strategic problem resolution,"Advanced analytical skills for systematically identifying complex professional challenges, evaluating alternative solutions, applying critical thinking, and implementing effective problem-solving techniques",0.99,1,,True +strategic problem resolution,complex challenge management,"Advanced analytical skills for systematically identifying complex professional challenges, evaluating alternative solutions, applying critical thinking, and implementing effective problem-solving techniques",0.99,1,,False +strategic problem resolution,strategic operational troubleshooting,"Advanced analytical skills for systematically identifying complex professional challenges, evaluating alternative solutions, applying critical thinking, and implementing effective problem-solving techniques",0.99,1,,False +administrative documentation management,administrative documentation management,"Comprehensive skills in preparing, processing, maintaining, and managing diverse administrative documents, records, and operational paperwork with precision and systematic accuracy",0.97,1,,True +administrative documentation management,systematic document management,"Comprehensive skills in preparing, processing, maintaining, and managing diverse administrative documents, records, and operational paperwork with precision and systematic accuracy",0.97,1,,False +operational monitoring and control,operational monitoring and control,"Comprehensive skill in monitoring equipment performance, controlling operational systems, adjusting equipment settings, and ensuring precise functional efficiency across technical work environments",0.97,1,,True +operational monitoring and control,equipment performance management,"Comprehensive skill in monitoring equipment performance, controlling operational systems, adjusting equipment settings, and ensuring precise functional efficiency across technical work environments",0.97,1,,False +operational monitoring and control,system control techniques,"Comprehensive skill in monitoring equipment performance, controlling operational systems, adjusting equipment settings, and ensuring precise functional efficiency across technical work environments",0.97,1,,False +operational monitoring and control,operational parameter adjustment,"Comprehensive skill in monitoring equipment performance, controlling operational systems, adjusting equipment settings, and ensuring precise functional efficiency across technical work environments",0.97,1,,False +site dimensional management,site dimensional management,"Advanced ability to measure, assess, prepare, and manage work site dimensions, spatial layouts, and operational positioning with precision and technical accuracy",0.96,1,,True +site dimensional management,spatial work site preparation,"Advanced ability to measure, assess, prepare, and manage work site dimensions, spatial layouts, and operational positioning with precision and technical accuracy",0.96,1,,False +site dimensional management,dimensional operational planning,"Advanced ability to measure, assess, prepare, and manage work site dimensions, spatial layouts, and operational positioning with precision and technical accuracy",0.96,1,,False +material handling and coordination,material handling and coordination,"Comprehensive skills in directing, loading, positioning, transferring, and managing material movement activities with systematic operational coordination",0.97,1,,True +material handling and coordination,material transfer control,"Comprehensive skills in directing, loading, positioning, transferring, and managing material movement activities with systematic operational coordination",0.97,1,,False +pumping and hydraulic systems management,pumping and hydraulic systems management,"Advanced proficiency in operating, controlling, and maintaining pumping equipment and hydraulic systems with precise technical control and operational efficiency",0.96,1,,True +pumping and hydraulic systems management,hydraulic equipment operation,"Advanced proficiency in operating, controlling, and maintaining pumping equipment and hydraulic systems with precise technical control and operational efficiency",0.96,1,,False +pumping and hydraulic systems management,pumping system control,"Advanced proficiency in operating, controlling, and maintaining pumping equipment and hydraulic systems with precise technical control and operational efficiency",0.96,1,,False +pumping and hydraulic systems management,technical fluid management,"Advanced proficiency in operating, controlling, and maintaining pumping equipment and hydraulic systems with precise technical control and operational efficiency",0.96,1,,False +recreational program management,recreational program management,"Comprehensive skills in organizing, coordinating, and facilitating recreational activities, events, and experiences for diverse participant groups",0.98,1,,True +recreational program management,activity coordination,"Comprehensive skills in organizing, coordinating, and facilitating recreational activities, events, and experiences for diverse participant groups",0.98,1,,False +recreational program management,event planning,"Comprehensive skills in organizing, coordinating, and facilitating recreational activities, events, and experiences for diverse participant groups",0.98,1,,False +recreational program management,recreational services,"Comprehensive skills in organizing, coordinating, and facilitating recreational activities, events, and experiences for diverse participant groups",0.98,1,,False +client engagement and support,client engagement and support,"Advanced interpersonal skills for understanding individual needs, providing personalized assistance, ensuring participant safety, and delivering comprehensive support services",0.97,1,,True +client engagement and support,client interaction,"Advanced interpersonal skills for understanding individual needs, providing personalized assistance, ensuring participant safety, and delivering comprehensive support services",0.97,1,,False +client engagement and support,personal support,"Advanced interpersonal skills for understanding individual needs, providing personalized assistance, ensuring participant safety, and delivering comprehensive support services",0.97,1,,False +client engagement and support,participant care,"Advanced interpersonal skills for understanding individual needs, providing personalized assistance, ensuring participant safety, and delivering comprehensive support services",0.97,1,,False +operational safety and rule enforcement,operational safety and rule enforcement,"Systematic approach to maintaining safety standards, enforcing regulations, monitoring activities, and implementing preventive measures in recreational and service environments",0.96,1,,True +operational safety and rule enforcement,activity monitoring,"Systematic approach to maintaining safety standards, enforcing regulations, monitoring activities, and implementing preventive measures in recreational and service environments",0.96,1,,False +genetic research methodology,genetic research methodology,"Advanced scientific skills for designing, conducting, and analyzing genetic research, involving systematic investigation, sample preparation, genetic analysis, and evidence-based problem solving",0.98,1,,True +genetic research methodology,genetic investigation,"Advanced scientific skills for designing, conducting, and analyzing genetic research, involving systematic investigation, sample preparation, genetic analysis, and evidence-based problem solving",0.98,1,,False +genetic research methodology,molecular research techniques,"Advanced scientific skills for designing, conducting, and analyzing genetic research, involving systematic investigation, sample preparation, genetic analysis, and evidence-based problem solving",0.98,1,,False +genetic research methodology,genetic study design,"Advanced scientific skills for designing, conducting, and analyzing genetic research, involving systematic investigation, sample preparation, genetic analysis, and evidence-based problem solving",0.98,1,,False +scientific literature review,scientific literature review,"Comprehensive skills in systematically reviewing, analyzing, and integrating professional scientific literature to maintain and expand professional knowledge across research domains",0.97,1,,True +scientific literature review,research knowledge maintenance,"Comprehensive skills in systematically reviewing, analyzing, and integrating professional scientific literature to maintain and expand professional knowledge across research domains",0.97,1,,False +scientific literature review,academic literature synthesis,"Comprehensive skills in systematically reviewing, analyzing, and integrating professional scientific literature to maintain and expand professional knowledge across research domains",0.97,1,,False +scientific literature review,professional knowledge update,"Comprehensive skills in systematically reviewing, analyzing, and integrating professional scientific literature to maintain and expand professional knowledge across research domains",0.97,1,,False +research collaboration management,research collaboration management,"Advanced interprofessional skills for coordinating research activities, collaborating with scientific specialists, facilitating knowledge sharing, and ensuring integrated research approaches",0.98,1,,True +research collaboration management,scientific team coordination,"Advanced interprofessional skills for coordinating research activities, collaborating with scientific specialists, facilitating knowledge sharing, and ensuring integrated research approaches",0.98,1,,False +research collaboration management,research partnership development,"Advanced interprofessional skills for coordinating research activities, collaborating with scientific specialists, facilitating knowledge sharing, and ensuring integrated research approaches",0.98,1,,False +biological sample analysis,biological sample analysis,"Comprehensive skills in preparing, processing, examining, and analyzing complex biological samples using advanced scientific techniques, precision measurement, and systematic laboratory protocols",0.98,1,,True +biological sample analysis,biological specimen examination,"Comprehensive skills in preparing, processing, examining, and analyzing complex biological samples using advanced scientific techniques, precision measurement, and systematic laboratory protocols",0.98,1,,False +biological sample analysis,scientific sample evaluation,"Comprehensive skills in preparing, processing, examining, and analyzing complex biological samples using advanced scientific techniques, precision measurement, and systematic laboratory protocols",0.98,1,,False +scientific proposal development,scientific proposal development,"Advanced skills in preparing comprehensive research proposal documents, grant applications, and scientific project planning with systematic approach and strategic reasoning",0.97,1,,True +scientific proposal development,research funding acquisition,"Advanced skills in preparing comprehensive research proposal documents, grant applications, and scientific project planning with systematic approach and strategic reasoning",0.97,1,,False +scientific proposal development,grant writing,"Advanced skills in preparing comprehensive research proposal documents, grant applications, and scientific project planning with systematic approach and strategic reasoning",0.97,1,,False +scientific proposal development,scientific project proposal,"Advanced skills in preparing comprehensive research proposal documents, grant applications, and scientific project planning with systematic approach and strategic reasoning",0.97,1,,False +organizational research methodology,organizational research methodology,"Advanced scientific skills for designing, conducting, and analyzing systematic social and organizational research involving comprehensive data collection, interpretation, and evidence-based problem solving",0.98,1,,True +organizational research methodology,social research design,"Advanced scientific skills for designing, conducting, and analyzing systematic social and organizational research involving comprehensive data collection, interpretation, and evidence-based problem solving",0.98,1,,False +organizational research methodology,organizational inquiry,"Advanced scientific skills for designing, conducting, and analyzing systematic social and organizational research involving comprehensive data collection, interpretation, and evidence-based problem solving",0.98,1,,False +professional counseling,professional counseling,"Advanced interpersonal skills for providing therapeutic support, mental health guidance, personalized treatment strategies, and holistic psychological intervention across diverse professional contexts",0.98,1,,True +interpersonal observation,interpersonal observation,"Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions in professional and clinical settings",0.97,1,,True +interpersonal observation,behavioral analysis,"Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions in professional and clinical settings",0.97,1,,False +interpersonal observation,emotional intelligence,"Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions in professional and clinical settings",0.97,1,,False +research communication,research communication,"Advanced skills in presenting, explaining, and disseminating complex professional and scientific research findings across diverse audiences and academic contexts",0.97,1,,True +research communication,scientific knowledge transfer,"Advanced skills in presenting, explaining, and disseminating complex professional and scientific research findings across diverse audiences and academic contexts",0.97,1,,False +research communication,academic communication,"Advanced skills in presenting, explaining, and disseminating complex professional and scientific research findings across diverse audiences and academic contexts",0.97,1,,False +research communication,research presentation,"Advanced skills in presenting, explaining, and disseminating complex professional and scientific research findings across diverse audiences and academic contexts",0.97,1,,False +patient care communication,patient care communication,"Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication",0.99,1,,True +patient care communication,medical interpersonal skills,"Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication",0.99,1,,False +patient care communication,patient interaction management,"Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication",0.99,1,,False +medical procedure support,medical procedure support,"Comprehensive skills in assisting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and surgical interventions with precise technical and interpersonal support",0.98,1,,True +medical procedure support,clinical procedural assistance,"Comprehensive skills in assisting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and surgical interventions with precise technical and interpersonal support",0.98,1,,False +medical procedure support,medical intervention support,"Comprehensive skills in assisting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and surgical interventions with precise technical and interpersonal support",0.98,1,,False +medical procedure support,healthcare practitioner collaboration,"Comprehensive skills in assisting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and surgical interventions with precise technical and interpersonal support",0.98,1,,False +remote sensing analysis,remote sensing analysis,"Comprehensive skills in collecting, processing, and interpreting geographical and environmental data using advanced technological tools and scientific methodologies",0.97,1,,True +remote sensing analysis,environmental data interpretation,"Comprehensive skills in collecting, processing, and interpreting geographical and environmental data using advanced technological tools and scientific methodologies",0.97,1,,False +remote sensing analysis,spatial information processing,"Comprehensive skills in collecting, processing, and interpreting geographical and environmental data using advanced technological tools and scientific methodologies",0.97,1,,False +remote sensing analysis,technological survey techniques,"Comprehensive skills in collecting, processing, and interpreting geographical and environmental data using advanced technological tools and scientific methodologies",0.97,1,,False +educational leadership,educational leadership,"Advanced skills in managing educational programs, developing policies, supervising personnel, and providing strategic direction for educational institutions",0.99,1,,True +educational leadership,educational program management,"Advanced skills in managing educational programs, developing policies, supervising personnel, and providing strategic direction for educational institutions",0.99,1,,False +organizational compliance management,organizational compliance management,"Comprehensive skills in ensuring adherence to regulations, developing policies, monitoring standards, and maintaining institutional effectiveness across educational contexts",0.98,1,,True +organizational compliance management,standards enforcement,"Comprehensive skills in ensuring adherence to regulations, developing policies, monitoring standards, and maintaining institutional effectiveness across educational contexts",0.98,1,,False +professional development coordination,professional development coordination,"Advanced skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for continuous learning",0.97,1,,True +professional development coordination,staff training,"Advanced skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for continuous learning",0.97,1,,False +professional development coordination,career enhancement,"Advanced skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for continuous learning",0.97,1,,False +professional development coordination,skill advancement,"Advanced skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for continuous learning",0.97,1,,False +interpersonal guidance and support,interpersonal guidance and support,"Advanced communication and support skills involving counseling, advising, mentoring, and providing personalized professional development across educational environments",0.97,1,,True +interpersonal guidance and support,career counseling,"Advanced communication and support skills involving counseling, advising, mentoring, and providing personalized professional development across educational environments",0.97,1,,False +landscape design planning,landscape design planning,"Advanced skills in creating graphical representations, designing outdoor spaces, preparing detailed work plans, and incorporating innovative environmental features",0.98,1,,True +landscape design planning,landscape architecture,"Advanced skills in creating graphical representations, designing outdoor spaces, preparing detailed work plans, and incorporating innovative environmental features",0.98,1,,False +landscape design planning,environmental design,"Advanced skills in creating graphical representations, designing outdoor spaces, preparing detailed work plans, and incorporating innovative environmental features",0.98,1,,False +landscape design planning,outdoor space planning,"Advanced skills in creating graphical representations, designing outdoor spaces, preparing detailed work plans, and incorporating innovative environmental features",0.98,1,,False +green infrastructure development,green infrastructure development,"Comprehensive skills in integrating sustainable design features, environmental conservation strategies, and ecological considerations in landscape and structural projects",0.97,1,,True +green infrastructure development,ecological design,"Comprehensive skills in integrating sustainable design features, environmental conservation strategies, and ecological considerations in landscape and structural projects",0.97,1,,False +green infrastructure development,environmental integration,"Comprehensive skills in integrating sustainable design features, environmental conservation strategies, and ecological considerations in landscape and structural projects",0.97,1,,False +site analysis and preparation,site analysis and preparation,"Comprehensive skills in analyzing physical, survey, and geographic data, inspecting facilities, evaluating site specifications, and preparing detailed work plans",0.97,1,,True +site analysis and preparation,geographic assessment,"Comprehensive skills in analyzing physical, survey, and geographic data, inspecting facilities, evaluating site specifications, and preparing detailed work plans",0.97,1,,False +site analysis and preparation,site evaluation,"Comprehensive skills in analyzing physical, survey, and geographic data, inspecting facilities, evaluating site specifications, and preparing detailed work plans",0.97,1,,False +site analysis and preparation,spatial data analysis,"Comprehensive skills in analyzing physical, survey, and geographic data, inspecting facilities, evaluating site specifications, and preparing detailed work plans",0.97,1,,False +technical project coordination,technical project coordination,"Advanced ability to supervise technical personnel, prepare detailed work plans, confer with technical teams, and manage complex design and implementation processes",0.96,1,,True +technical project coordination,design team management,"Advanced ability to supervise technical personnel, prepare detailed work plans, confer with technical teams, and manage complex design and implementation processes",0.96,1,,False +technical project coordination,technical workflow coordination,"Advanced ability to supervise technical personnel, prepare detailed work plans, confer with technical teams, and manage complex design and implementation processes",0.96,1,,False +technical project coordination,project implementation,"Advanced ability to supervise technical personnel, prepare detailed work plans, confer with technical teams, and manage complex design and implementation processes",0.96,1,,False +complex problem solving,complex problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts",1.0,163,,True +complex problem solving,technical challenge management,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts",1.0,163,,False +mathematical problem analysis,mathematical problem analysis,"Advanced skills in applying mathematical principles, statistical approaches, and quantitative reasoning to solve complex technical challenges specific to design, drafting, and engineering contexts.",1.0,2,,True +mathematical problem analysis,design mathematical reasoning,"Advanced skills in applying mathematical principles, statistical approaches, and quantitative reasoning to solve complex technical challenges specific to design, drafting, and engineering contexts.",1.0,2,,False +mathematical problem analysis,technical quantitative analysis,"Advanced skills in applying mathematical principles, statistical approaches, and quantitative reasoning to solve complex technical challenges specific to design, drafting, and engineering contexts.",1.0,2,,False +advanced learning strategies,advanced learning strategies,"Proactive approach to understanding new information, adapting to emerging scientific challenges, continuously developing professional knowledge, and implementing innovative learning techniques",0.98,1,,True +mining equipment operation,mining equipment operation,"Advanced skills in operating, controlling, positioning, and managing specialized continuous mining machinery and extraction equipment with precision and safety focus",0.98,1,,True +mining equipment operation,mining machine control,"Advanced skills in operating, controlling, positioning, and managing specialized continuous mining machinery and extraction equipment with precision and safety focus",0.98,1,,False +mining equipment operation,extraction equipment management,"Advanced skills in operating, controlling, positioning, and managing specialized continuous mining machinery and extraction equipment with precision and safety focus",0.98,1,,False +geological site management,geological site management,"Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, air quality testing, and environmental considerations",0.97,1,,True +geological site management,mining site preparation,"Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, air quality testing, and environmental considerations",0.97,1,,False +geological site management,extraction environment control,"Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, air quality testing, and environmental considerations",0.97,1,,False +extraction workflow coordination,extraction workflow coordination,"Advanced skills in managing complex mining operational workflows, coordinating personnel activities, adjusting actions in relation to others, and ensuring systematic operational efficiency in extraction environments",0.96,1,,True +extraction workflow coordination,mining operations management,"Advanced skills in managing complex mining operational workflows, coordinating personnel activities, adjusting actions in relation to others, and ensuring systematic operational efficiency in extraction environments",0.96,1,,False +extraction workflow coordination,extraction team coordination,"Advanced skills in managing complex mining operational workflows, coordinating personnel activities, adjusting actions in relation to others, and ensuring systematic operational efficiency in extraction environments",0.96,1,,False +mental health patient care,mental health patient care,"Comprehensive skills in providing specialized care for patients with mental health conditions, involving patient assessment, treatment support, psychological intervention, and holistic mental health management",0.99,1,,True +mental health patient care,psychiatric patient support,"Comprehensive skills in providing specialized care for patients with mental health conditions, involving patient assessment, treatment support, psychological intervention, and holistic mental health management",0.99,1,,False +mental health patient care,mental health treatment,"Comprehensive skills in providing specialized care for patients with mental health conditions, involving patient assessment, treatment support, psychological intervention, and holistic mental health management",0.99,1,,False +mental health patient care,psychological care management,"Comprehensive skills in providing specialized care for patients with mental health conditions, involving patient assessment, treatment support, psychological intervention, and holistic mental health management",0.99,1,,False +therapeutic communication,therapeutic communication,"Advanced interpersonal skills for providing empathetic, professional psychological support, involving active listening, emotional guidance, and personalized communication in mental health and counseling contexts",0.98,1,,True +therapeutic communication,empathetic patient interaction,"Advanced interpersonal skills for providing empathetic, professional psychological support, involving active listening, emotional guidance, and personalized communication in mental health and counseling contexts",0.98,1,,False +therapeutic communication,mental health communication,"Advanced interpersonal skills for providing empathetic, professional psychological support, involving active listening, emotional guidance, and personalized communication in mental health and counseling contexts",0.98,1,,False +clinical behavioral intervention,clinical behavioral intervention,"Advanced skills in assessing, diagnosing, and implementing targeted interventions for patients with complex behavioral and psychological challenges",0.97,1,,True +clinical behavioral intervention,behavioral treatment strategy,"Advanced skills in assessing, diagnosing, and implementing targeted interventions for patients with complex behavioral and psychological challenges",0.97,1,,False +clinical behavioral intervention,psychological intervention planning,"Advanced skills in assessing, diagnosing, and implementing targeted interventions for patients with complex behavioral and psychological challenges",0.97,1,,False +patient emotional support,patient emotional support,"Comprehensive interpersonal skills for providing compassionate, personalized emotional support, psychological guidance, and holistic care for patients with mental health needs",0.96,1,,True +patient emotional support,emotional care management,"Comprehensive interpersonal skills for providing compassionate, personalized emotional support, psychological guidance, and holistic care for patients with mental health needs",0.96,1,,False +patient emotional support,psychological support techniques,"Comprehensive interpersonal skills for providing compassionate, personalized emotional support, psychological guidance, and holistic care for patients with mental health needs",0.96,1,,False +medical psychiatric documentation,medical psychiatric documentation,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, and treatment documentation in psychiatric and mental health settings",0.95,1,,True +medical psychiatric documentation,psychiatric record management,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, and treatment documentation in psychiatric and mental health settings",0.95,1,,False +medical psychiatric documentation,clinical documentation precision,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, and treatment documentation in psychiatric and mental health settings",0.95,1,,False +maritime navigation skills,maritime navigation skills,"Advanced ability to operate, control, and navigate water vessels, including route planning, safety protocols, and operational management in maritime environments",0.98,1,,True +maritime navigation skills,water vessel operation,"Advanced ability to operate, control, and navigate water vessels, including route planning, safety protocols, and operational management in maritime environments",0.98,1,,False +maritime navigation skills,maritime operational control,"Advanced ability to operate, control, and navigate water vessels, including route planning, safety protocols, and operational management in maritime environments",0.98,1,,False +emergency maritime response,emergency maritime response,"Comprehensive skills in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based transportation contexts",0.97,1,,True +emergency maritime response,water emergency management,"Comprehensive skills in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based transportation contexts",0.97,1,,False +emergency maritime response,maritime safety intervention,"Comprehensive skills in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based transportation contexts",0.97,1,,False +vessel equipment maintenance,vessel equipment maintenance,"Systematic skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of watercraft engines, machinery, and marine equipment",0.96,1,,True +vessel equipment maintenance,marine equipment upkeep,"Systematic skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of watercraft engines, machinery, and marine equipment",0.96,1,,False +transportation logistics coordination,transportation logistics coordination,"Advanced skills in directing passenger and freight transport activities, managing complex operational workflows, and coordinating maritime transportation logistics",0.95,1,,True +transportation logistics coordination,maritime transport management,"Advanced skills in directing passenger and freight transport activities, managing complex operational workflows, and coordinating maritime transportation logistics",0.95,1,,False +transportation logistics coordination,vessel operational coordination,"Advanced skills in directing passenger and freight transport activities, managing complex operational workflows, and coordinating maritime transportation logistics",0.95,1,,False +marine communication protocols,marine communication protocols,"Advanced communication skills specific to maritime environments, involving precise information exchange, safety notifications, and professional interaction during water vessel operations",0.97,1,,True +marine communication protocols,nautical communication,"Advanced communication skills specific to maritime environments, involving precise information exchange, safety notifications, and professional interaction during water vessel operations",0.97,1,,False +marine communication protocols,water vessel signaling,"Advanced communication skills specific to maritime environments, involving precise information exchange, safety notifications, and professional interaction during water vessel operations",0.97,1,,False +vegetation management,vegetation management,"Comprehensive skills in treating, maintaining, and protecting plant life through systematic chemical application, inspection, and environmental conservation techniques",0.98,1,,True +vegetation management,plant care,"Comprehensive skills in treating, maintaining, and protecting plant life through systematic chemical application, inspection, and environmental conservation techniques",0.98,1,,False +vegetation management,vegetation treatment,"Comprehensive skills in treating, maintaining, and protecting plant life through systematic chemical application, inspection, and environmental conservation techniques",0.98,1,,False +vegetation management,green space maintenance,"Comprehensive skills in treating, maintaining, and protecting plant life through systematic chemical application, inspection, and environmental conservation techniques",0.98,1,,False +chemical application safety,chemical application safety,"Advanced skills in preparing, handling, and applying chemical substances with precise safety protocols, environmental considerations, and regulatory compliance",0.97,1,,True +chemical application safety,pesticide handling,"Advanced skills in preparing, handling, and applying chemical substances with precise safety protocols, environmental considerations, and regulatory compliance",0.97,1,,False +chemical application safety,chemical safety management,"Advanced skills in preparing, handling, and applying chemical substances with precise safety protocols, environmental considerations, and regulatory compliance",0.97,1,,False +chemical application safety,protective substance application,"Advanced skills in preparing, handling, and applying chemical substances with precise safety protocols, environmental considerations, and regulatory compliance",0.97,1,,False +equipment maintenance and operation,equipment maintenance and operation,"Comprehensive skills in operating, inspecting, cleaning, and maintaining specialized grounds maintenance and agricultural equipment with precision and safety focus",0.96,1,,True +equipment maintenance and operation,field equipment handling,"Comprehensive skills in operating, inspecting, cleaning, and maintaining specialized grounds maintenance and agricultural equipment with precision and safety focus",0.96,1,,False +animal research methodology,animal research methodology,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving livestock, genetic characteristics, and agricultural scientific investigation",0.98,1,,True +animal research methodology,agricultural scientific research,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving livestock, genetic characteristics, and agricultural scientific investigation",0.98,1,,False +animal research methodology,livestock research techniques,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving livestock, genetic characteristics, and agricultural scientific investigation",0.98,1,,False +agricultural systems analysis,agricultural systems analysis,"Comprehensive analytical capabilities for evaluating complex agricultural methods, genetic characteristics, and livestock management systems through systematic scientific approaches",0.97,1,,True +agricultural systems analysis,livestock management evaluation,"Comprehensive analytical capabilities for evaluating complex agricultural methods, genetic characteristics, and livestock management systems through systematic scientific approaches",0.97,1,,False +agricultural systems analysis,agricultural method assessment,"Comprehensive analytical capabilities for evaluating complex agricultural methods, genetic characteristics, and livestock management systems through systematic scientific approaches",0.97,1,,False +scientific agricultural communication,scientific agricultural communication,"Advanced communication skills specific to agricultural and scientific contexts, involving precise technical writing, research documentation, and professional knowledge exchange",0.96,1,,True +scientific agricultural communication,agricultural research reporting,"Advanced communication skills specific to agricultural and scientific contexts, involving precise technical writing, research documentation, and professional knowledge exchange",0.96,1,,False +scientific agricultural communication,scientific method communication,"Advanced communication skills specific to agricultural and scientific contexts, involving precise technical writing, research documentation, and professional knowledge exchange",0.96,1,,False +livestock breeding expertise,livestock breeding expertise,"Specialized skills in performing animal breeding procedures, analyzing genetic characteristics, and implementing advanced reproductive management techniques",0.98,1,,True +livestock breeding expertise,animal reproductive management,"Specialized skills in performing animal breeding procedures, analyzing genetic characteristics, and implementing advanced reproductive management techniques",0.98,1,,False +livestock breeding expertise,genetic breeding techniques,"Specialized skills in performing animal breeding procedures, analyzing genetic characteristics, and implementing advanced reproductive management techniques",0.98,1,,False +agricultural process management,agricultural process management,"Comprehensive skills in developing, coordinating, and implementing agricultural methods, research protocols, and operational strategies in livestock and agricultural environments",0.97,1,,True +agricultural process management,agricultural method development,"Comprehensive skills in developing, coordinating, and implementing agricultural methods, research protocols, and operational strategies in livestock and agricultural environments",0.97,1,,False +agricultural process management,livestock operational coordination,"Comprehensive skills in developing, coordinating, and implementing agricultural methods, research protocols, and operational strategies in livestock and agricultural environments",0.97,1,,False +healthcare information systems,healthcare information systems,"Advanced skills in managing, updating, creating, and maintaining electronic medical databases, communication systems, and technical information repositories specific to healthcare environments",0.97,1,,True +healthcare information systems,medical data management,"Advanced skills in managing, updating, creating, and maintaining electronic medical databases, communication systems, and technical information repositories specific to healthcare environments",0.97,1,,False +healthcare information systems,electronic health records,"Advanced skills in managing, updating, creating, and maintaining electronic medical databases, communication systems, and technical information repositories specific to healthcare environments",0.97,1,,False +healthcare information systems,healthcare digital systems,"Advanced skills in managing, updating, creating, and maintaining electronic medical databases, communication systems, and technical information repositories specific to healthcare environments",0.97,1,,False +clinical documentation processing,clinical documentation processing,"Systematic skills in collecting, verifying, coding, and managing complex medical information, patient histories, and healthcare administrative documentation",0.96,1,,True +clinical documentation processing,medical information coding,"Systematic skills in collecting, verifying, coding, and managing complex medical information, patient histories, and healthcare administrative documentation",0.96,1,,False +clinical documentation processing,healthcare administrative processing,"Systematic skills in collecting, verifying, coding, and managing complex medical information, patient histories, and healthcare administrative documentation",0.96,1,,False +mechanical equipment maintenance,mechanical equipment maintenance,"Comprehensive ability to inspect, diagnose, repair, lubricate, and maintain complex mechanical equipment and systems using specialized tools and techniques",0.98,1,,True +mechanical equipment maintenance,mechanical system servicing,"Comprehensive ability to inspect, diagnose, repair, lubricate, and maintain complex mechanical equipment and systems using specialized tools and techniques",0.98,1,,False +mechanical equipment maintenance,technical maintenance,"Comprehensive ability to inspect, diagnose, repair, lubricate, and maintain complex mechanical equipment and systems using specialized tools and techniques",0.98,1,,False +precision technical installation,precision technical installation,"Advanced skills in positioning, aligning, assembling, and installing complex mechanical and electrical equipment according to technical specifications",0.97,1,,True +precision technical installation,technical component installation,"Advanced skills in positioning, aligning, assembling, and installing complex mechanical and electrical equipment according to technical specifications",0.97,1,,False +precision technical installation,precision equipment positioning,"Advanced skills in positioning, aligning, assembling, and installing complex mechanical and electrical equipment according to technical specifications",0.97,1,,False +technical design documentation,technical design documentation,"Advanced skills in creating, interpreting, and communicating detailed technical drawings, schematics, and design specifications",0.97,1,,True +technical design documentation,technical illustration,"Advanced skills in creating, interpreting, and communicating detailed technical drawings, schematics, and design specifications",0.97,1,,False +technical design documentation,design specification writing,"Advanced skills in creating, interpreting, and communicating detailed technical drawings, schematics, and design specifications",0.97,1,,False +precision equipment calibration,precision equipment calibration,"Advanced technical skills in measuring, adjusting, and fine-tuning electronic and mechanical equipment to ensure optimal performance",0.96,1,,True +precision equipment calibration,equipment precision adjustment,"Advanced technical skills in measuring, adjusting, and fine-tuning electronic and mechanical equipment to ensure optimal performance",0.96,1,,False +precision equipment calibration,technical measurement calibration,"Advanced technical skills in measuring, adjusting, and fine-tuning electronic and mechanical equipment to ensure optimal performance",0.96,1,,False +wood product fabrication,wood product fabrication,"Advanced skills in measuring, cutting, shaping, assembling, and finishing wood materials and workpieces with precision and technical accuracy",0.98,1,,True +wood product fabrication,wood crafting,"Advanced skills in measuring, cutting, shaping, assembling, and finishing wood materials and workpieces with precision and technical accuracy",0.98,1,,False +wood product fabrication,woodworking techniques,"Advanced skills in measuring, cutting, shaping, assembling, and finishing wood materials and workpieces with precision and technical accuracy",0.98,1,,False +wood product fabrication,precision wood manufacturing,"Advanced skills in measuring, cutting, shaping, assembling, and finishing wood materials and workpieces with precision and technical accuracy",0.98,1,,False +technical blueprint interpretation,technical blueprint interpretation,"Comprehensive ability to read, understand, and apply technical instructions, blueprints, and design specifications with high precision",0.97,1,,True +technical blueprint interpretation,design specification reading,"Comprehensive ability to read, understand, and apply technical instructions, blueprints, and design specifications with high precision",0.97,1,,False +technical blueprint interpretation,technical instruction comprehension,"Comprehensive ability to read, understand, and apply technical instructions, blueprints, and design specifications with high precision",0.97,1,,False +counseling and guidance,counseling and guidance,"Advanced interpersonal skills for providing professional psychological support, career guidance, personal counseling, and comprehensive individual development across diverse professional and educational contexts",0.99,1,,True +counseling and guidance,personal guidance,"Advanced interpersonal skills for providing professional psychological support, career guidance, personal counseling, and comprehensive individual development across diverse professional and educational contexts",0.99,1,,False +counseling and guidance,professional support,"Advanced interpersonal skills for providing professional psychological support, career guidance, personal counseling, and comprehensive individual development across diverse professional and educational contexts",0.99,1,,False +client needs assessment,client needs assessment,"Comprehensive skills in systematically identifying, analyzing, and evaluating individual client requirements, developmental challenges, and personalized support strategies",0.98,1,,True +client needs assessment,individual needs evaluation,"Comprehensive skills in systematically identifying, analyzing, and evaluating individual client requirements, developmental challenges, and personalized support strategies",0.98,1,,False +client needs assessment,client requirement analysis,"Comprehensive skills in systematically identifying, analyzing, and evaluating individual client requirements, developmental challenges, and personalized support strategies",0.98,1,,False +educational resource coordination,educational resource coordination,"Advanced skills in identifying, accessing, connecting, and managing educational and support resources to facilitate comprehensive client development and opportunities",0.97,1,,True +educational resource coordination,resource navigation,"Advanced skills in identifying, accessing, connecting, and managing educational and support resources to facilitate comprehensive client development and opportunities",0.97,1,,False +educational resource coordination,support service management,"Advanced skills in identifying, accessing, connecting, and managing educational and support resources to facilitate comprehensive client development and opportunities",0.97,1,,False +professional communication and intervention,professional communication and intervention,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and targeted professional interventions across diverse counseling and advisory contexts",0.99,1,,True +professional communication and intervention,strategic professional communication,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and targeted professional interventions across diverse counseling and advisory contexts",0.99,1,,False +professional communication and intervention,intervention communication,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and targeted professional interventions across diverse counseling and advisory contexts",0.99,1,,False +holistic client development,holistic client development,"Comprehensive approach to supporting individual growth through systematic assessment, personalized guidance, resource coordination, and comprehensive developmental strategies",0.98,1,,True +holistic client development,individual growth support,"Comprehensive approach to supporting individual growth through systematic assessment, personalized guidance, resource coordination, and comprehensive developmental strategies",0.98,1,,False +holistic client development,comprehensive client development,"Comprehensive approach to supporting individual growth through systematic assessment, personalized guidance, resource coordination, and comprehensive developmental strategies",0.98,1,,False +strategic communication management,strategic communication management,"Advanced interpersonal skills for developing, coordinating, and executing comprehensive communication strategies across organizational and public relations contexts",0.98,1,,True +strategic communication management,public relations communication,"Advanced interpersonal skills for developing, coordinating, and executing comprehensive communication strategies across organizational and public relations contexts",0.98,1,,False +strategic communication management,organizational messaging,"Advanced interpersonal skills for developing, coordinating, and executing comprehensive communication strategies across organizational and public relations contexts",0.98,1,,False +strategic communication management,strategic narrative development,"Advanced interpersonal skills for developing, coordinating, and executing comprehensive communication strategies across organizational and public relations contexts",0.98,1,,False +media relations coordination,media relations coordination,"Comprehensive skills in managing relationships with media outlets, developing press materials, facilitating information exchange, and maintaining positive organizational public image",0.97,1,,True +media relations coordination,press interaction,"Comprehensive skills in managing relationships with media outlets, developing press materials, facilitating information exchange, and maintaining positive organizational public image",0.97,1,,False +media relations coordination,media engagement,"Comprehensive skills in managing relationships with media outlets, developing press materials, facilitating information exchange, and maintaining positive organizational public image",0.97,1,,False +media relations coordination,promotional communication,"Comprehensive skills in managing relationships with media outlets, developing press materials, facilitating information exchange, and maintaining positive organizational public image",0.97,1,,False +event and program management,event and program management,"Advanced skills in conceptualizing, planning, coordinating, and executing organizational events, special programs, and promotional initiatives",0.96,1,,True +event and program management,promotional event planning,"Advanced skills in conceptualizing, planning, coordinating, and executing organizational events, special programs, and promotional initiatives",0.96,1,,False +event and program management,program coordination,"Advanced skills in conceptualizing, planning, coordinating, and executing organizational events, special programs, and promotional initiatives",0.96,1,,False +event and program management,organizational event strategy,"Advanced skills in conceptualizing, planning, coordinating, and executing organizational events, special programs, and promotional initiatives",0.96,1,,False +organizational narrative development,organizational narrative development,"Strategic ability to craft, communicate, and manage organizational messaging, brand storytelling, and public perception across diverse communication channels",0.97,1,,True +organizational narrative development,brand communication,"Strategic ability to craft, communicate, and manage organizational messaging, brand storytelling, and public perception across diverse communication channels",0.97,1,,False +organizational narrative development,organizational storytelling,"Strategic ability to craft, communicate, and manage organizational messaging, brand storytelling, and public perception across diverse communication channels",0.97,1,,False +organizational narrative development,public image management,"Strategic ability to craft, communicate, and manage organizational messaging, brand storytelling, and public perception across diverse communication channels",0.97,1,,False +stakeholder engagement strategy,stakeholder engagement strategy,"Comprehensive interpersonal skills for identifying, developing, and maintaining professional relationships with diverse organizational stakeholders, including internal and external parties",0.98,1,,True +equipment diagnostic assessment,equipment diagnostic assessment,"Systematic ability to inspect, test, evaluate, and diagnose mechanical and technical equipment functionality through comprehensive performance testing and troubleshooting",0.97,1,,True +equipment diagnostic assessment,technical problem diagnosis,"Systematic ability to inspect, test, evaluate, and diagnose mechanical and technical equipment functionality through comprehensive performance testing and troubleshooting",0.97,1,,False +equipment diagnostic assessment,equipment performance evaluation,"Systematic ability to inspect, test, evaluate, and diagnose mechanical and technical equipment functionality through comprehensive performance testing and troubleshooting",0.97,1,,False +equipment diagnostic assessment,mechanical system analysis,"Systematic ability to inspect, test, evaluate, and diagnose mechanical and technical equipment functionality through comprehensive performance testing and troubleshooting",0.97,1,,False +precision machine operation,precision machine operation,"Advanced skills in operating, controlling, and monitoring specialized industrial machinery with high accuracy, precision setup, and systematic performance management",0.98,1,,True +precision machine operation,machine tool control,"Advanced skills in operating, controlling, and monitoring specialized industrial machinery with high accuracy, precision setup, and systematic performance management",0.98,1,,False +operational quality verification,operational quality verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications",0.97,1,,True +operational quality verification,dimensional measurement,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications",0.97,1,,False +operational quality verification,product specification compliance,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications",0.97,1,,False +medical device fabrication,medical device fabrication,"Advanced skills in designing, measuring, fabricating, and customizing medical devices and assistive equipment with precision and patient-specific customization",0.98,1,,True +medical device fabrication,prosthetic device creation,"Advanced skills in designing, measuring, fabricating, and customizing medical devices and assistive equipment with precision and patient-specific customization",0.98,1,,False +medical device fabrication,assistive technology fabrication,"Advanced skills in designing, measuring, fabricating, and customizing medical devices and assistive equipment with precision and patient-specific customization",0.98,1,,False +medical device fabrication,medical equipment customization,"Advanced skills in designing, measuring, fabricating, and customizing medical devices and assistive equipment with precision and patient-specific customization",0.98,1,,False +patient assessment and measurement,patient assessment and measurement,"Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition",0.99,1,,True +patient assessment and measurement,medical physical evaluation,"Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition",0.99,1,,False +patient assessment and measurement,clinical patient examination,"Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition",0.99,1,,False +patient assessment and measurement,healthcare diagnostic measurement,"Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition",0.99,1,,False +electrical systems maintenance,electrical systems maintenance,"Comprehensive ability to inspect, diagnose, repair, and maintain complex electrical and electronic systems in transportation equipment",0.98,1,,True +electrical systems maintenance,electrical repair,"Comprehensive ability to inspect, diagnose, repair, and maintain complex electrical and electronic systems in transportation equipment",0.98,1,,False +electrical systems maintenance,electronic equipment servicing,"Comprehensive ability to inspect, diagnose, repair, and maintain complex electrical and electronic systems in transportation equipment",0.98,1,,False +electrical systems maintenance,transportation equipment electrical maintenance,"Comprehensive ability to inspect, diagnose, repair, and maintain complex electrical and electronic systems in transportation equipment",0.98,1,,False +technical diagnostic troubleshooting,technical diagnostic troubleshooting,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,True +technical diagnostic troubleshooting,equipment problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,False +technical diagnostic troubleshooting,technical fault detection,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,False +technical diagnostic troubleshooting,systematic equipment diagnostics,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,False +academic instruction and research,academic instruction and research,"Comprehensive skills in designing, delivering, and managing educational content, conducting scholarly research, developing original academic materials, and contributing to knowledge domains in postsecondary educational environments",1.0,1,,True +pedagogical assessment and mentorship,pedagogical assessment and mentorship,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student growth and development",0.99,1,,True +pedagogical assessment and mentorship,educational support strategies,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student growth and development",0.99,1,,False +pedagogical assessment and mentorship,learning progress evaluation,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student growth and development",0.99,1,,False +continuous professional development,continuous professional development,"Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, and collaborative learning",0.97,1,,True +continuous professional development,lifelong learning,"Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, and collaborative learning",0.97,1,,False +continuous professional development,professional skill enhancement,"Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, and collaborative learning",0.97,1,,False +continuous professional development,adaptive knowledge acquisition,"Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, and collaborative learning",0.97,1,,False +electrical installation skills,electrical installation skills,"Comprehensive ability to install, configure, test, and maintain electrical components, systems, and equipment with precision and technical expertise",0.98,1,,True +electrical installation skills,electrical system setup,"Comprehensive ability to install, configure, test, and maintain electrical components, systems, and equipment with precision and technical expertise",0.98,1,,False +electrical installation skills,electrical component installation,"Comprehensive ability to install, configure, test, and maintain electrical components, systems, and equipment with precision and technical expertise",0.98,1,,False +precision manual technical work,precision manual technical work,"Advanced proficiency in using specialized hand and power tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy across woodworking, manufacturing, and technical work environments",0.98,2,,True +precision manual technical work,precision craftsmanship,"Advanced proficiency in using specialized hand and power tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy across woodworking, manufacturing, and technical work environments",0.98,2,,False +precision manual technical work,technical manual skills,"Advanced proficiency in using specialized hand and power tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy across woodworking, manufacturing, and technical work environments",0.98,2,,False +resource and schedule management,resource and schedule management,"Comprehensive skills in managing time, personnel, and operational resources, including scheduling, coordination, and efficient workflow optimization",0.96,1,,True +resource and schedule management,time allocation,"Comprehensive skills in managing time, personnel, and operational resources, including scheduling, coordination, and efficient workflow optimization",0.96,1,,False +resource and schedule management,workforce scheduling,"Comprehensive skills in managing time, personnel, and operational resources, including scheduling, coordination, and efficient workflow optimization",0.96,1,,False +information processing and documentation,information processing and documentation,"Advanced skills in collecting, verifying, recording, maintaining, and managing diverse professional and administrative documentation with precision and systematic accuracy",0.97,1,,True +problem analysis and resolution,problem analysis and resolution,"Advanced analytical skills for systematically identifying complex professional challenges, evaluating alternative solutions, and implementing strategic problem-solving techniques",0.98,1,,True +surgical patient care,surgical patient care,"Advanced clinical skills for patient preparation, positioning, monitoring, and comprehensive support during surgical and medical procedures",0.99,1,,True +surgical patient care,patient surgical support,"Advanced clinical skills for patient preparation, positioning, monitoring, and comprehensive support during surgical and medical procedures",0.99,1,,False +surgical patient care,perioperative patient management,"Advanced clinical skills for patient preparation, positioning, monitoring, and comprehensive support during surgical and medical procedures",0.99,1,,False +healthcare safety protocol,healthcare safety protocol,"Advanced ability to implement, monitor, and ensure patient and staff safety through systematic protective measures, equipment verification, and risk mitigation",0.99,1,,True +healthcare safety protocol,medical safety management,"Advanced ability to implement, monitor, and ensure patient and staff safety through systematic protective measures, equipment verification, and risk mitigation",0.99,1,,False +healthcare safety protocol,patient protection protocols,"Advanced ability to implement, monitor, and ensure patient and staff safety through systematic protective measures, equipment verification, and risk mitigation",0.99,1,,False +personal resource management,personal resource management,"Advanced skills in managing personal belongings, distributing resources, and maintaining organized storage environments with systematic approach and attention to individual patron needs",0.95,1,,True +personal resource management,personal item coordination,"Advanced skills in managing personal belongings, distributing resources, and maintaining organized storage environments with systematic approach and attention to individual patron needs",0.95,1,,False +personal resource management,patron belongings management,"Advanced skills in managing personal belongings, distributing resources, and maintaining organized storage environments with systematic approach and attention to individual patron needs",0.95,1,,False +service environment maintenance,service environment maintenance,"Comprehensive skills in cleaning, organizing, and maintaining service areas, ensuring hygienic, orderly, and functional spaces for patrons and staff",0.96,1,,True +service environment maintenance,facility cleanliness,"Comprehensive skills in cleaning, organizing, and maintaining service areas, ensuring hygienic, orderly, and functional spaces for patrons and staff",0.96,1,,False +service environment maintenance,service space management,"Comprehensive skills in cleaning, organizing, and maintaining service areas, ensuring hygienic, orderly, and functional spaces for patrons and staff",0.96,1,,False +service environment maintenance,operational area upkeep,"Comprehensive skills in cleaning, organizing, and maintaining service areas, ensuring hygienic, orderly, and functional spaces for patrons and staff",0.96,1,,False +patron safety and support,patron safety and support,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,True +patron safety and support,customer safety monitoring,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,False +patron safety and support,patron assistance,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,False +patron safety and support,service environment protection,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,False +photographic process management,photographic process management,"Comprehensive skills in operating, monitoring, and controlling photographic developing and printing equipment, managing production workflows, and ensuring quality standards in image processing",0.98,1,,True +photographic process management,photo production operations,"Comprehensive skills in operating, monitoring, and controlling photographic developing and printing equipment, managing production workflows, and ensuring quality standards in image processing",0.98,1,,False +photographic process management,image processing control,"Comprehensive skills in operating, monitoring, and controlling photographic developing and printing equipment, managing production workflows, and ensuring quality standards in image processing",0.98,1,,False +technical material preparation,technical material preparation,"Advanced skills in measuring, mixing, loading, and preparing chemical solutions and materials for precise production and processing tasks",0.97,1,,True +technical material preparation,chemical solution handling,"Advanced skills in measuring, mixing, loading, and preparing chemical solutions and materials for precise production and processing tasks",0.97,1,,False +technical material preparation,production material setup,"Advanced skills in measuring, mixing, loading, and preparing chemical solutions and materials for precise production and processing tasks",0.97,1,,False +medical anesthesia support,medical anesthesia support,"Advanced clinical skills for assisting healthcare practitioners during anesthesia administration, patient monitoring, emergency response, and comprehensive medical support in surgical and medical contexts",0.99,1,,True +medical anesthesia support,anesthesia patient care,"Advanced clinical skills for assisting healthcare practitioners during anesthesia administration, patient monitoring, emergency response, and comprehensive medical support in surgical and medical contexts",0.99,1,,False +medical anesthesia support,surgical assistance,"Advanced clinical skills for assisting healthcare practitioners during anesthesia administration, patient monitoring, emergency response, and comprehensive medical support in surgical and medical contexts",0.99,1,,False +advanced life support management,advanced life support management,"Comprehensive skills in implementing emergency medical interventions, monitoring critical patient conditions, administering fluids and medications, and providing rapid, strategic medical response",0.98,1,,True +advanced life support management,critical patient care,"Comprehensive skills in implementing emergency medical interventions, monitoring critical patient conditions, administering fluids and medications, and providing rapid, strategic medical response",0.98,1,,False +advanced life support management,life-saving procedures,"Comprehensive skills in implementing emergency medical interventions, monitoring critical patient conditions, administering fluids and medications, and providing rapid, strategic medical response",0.98,1,,False +medical equipment precision management,medical equipment precision management,"Advanced technical skills in operating, adjusting, maintaining, and ensuring optimal functionality of specialized medical anesthesia and diagnostic equipment with strict safety protocols",0.97,1,,True +medical equipment precision management,anesthesia equipment control,"Advanced technical skills in operating, adjusting, maintaining, and ensuring optimal functionality of specialized medical anesthesia and diagnostic equipment with strict safety protocols",0.97,1,,False +medical equipment precision management,technical medical support,"Advanced technical skills in operating, adjusting, maintaining, and ensuring optimal functionality of specialized medical anesthesia and diagnostic equipment with strict safety protocols",0.97,1,,False +clinical documentation and reporting,clinical documentation and reporting,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and precise healthcare documentation",0.98,1,,True +clinical documentation and reporting,patient information processing,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and precise healthcare documentation",0.98,1,,False +student safety management,student safety management,"Comprehensive skills in ensuring physical, emotional, and developmental safety of students through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.98,1,,True +student safety management,student welfare,"Comprehensive skills in ensuring physical, emotional, and developmental safety of students through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.98,1,,False +student safety management,safety supervision,"Comprehensive skills in ensuring physical, emotional, and developmental safety of students through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.98,1,,False +passenger transportation support,passenger transportation support,"Advanced skills in assisting passengers during transportation, ensuring comfort, safety, and coordinating vehicle movement with emphasis on special needs populations",0.97,1,,True +passenger transportation support,transit assistance,"Advanced skills in assisting passengers during transportation, ensuring comfort, safety, and coordinating vehicle movement with emphasis on special needs populations",0.97,1,,False +passenger transportation support,passenger care,"Advanced skills in assisting passengers during transportation, ensuring comfort, safety, and coordinating vehicle movement with emphasis on special needs populations",0.97,1,,False +passenger transportation support,transportation support,"Advanced skills in assisting passengers during transportation, ensuring comfort, safety, and coordinating vehicle movement with emphasis on special needs populations",0.97,1,,False +behavioral conflict mediation,behavioral conflict mediation,"Advanced interpersonal skills for identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,True +behavioral conflict mediation,conflict management,"Advanced interpersonal skills for identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,False +behavioral conflict mediation,communication mediation,"Advanced interpersonal skills for identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, and diplomatic intervention",0.96,1,,False +healthcare regulatory compliance,healthcare regulatory compliance,"Comprehensive skills in maintaining documentation, monitoring adherence to medical regulations, ensuring patient safety standards, and managing complex administrative and legal requirements in clinical research environments",0.97,1,,True +healthcare regulatory compliance,research compliance,"Comprehensive skills in maintaining documentation, monitoring adherence to medical regulations, ensuring patient safety standards, and managing complex administrative and legal requirements in clinical research environments",0.97,1,,False +healthcare regulatory compliance,medical regulatory management,"Comprehensive skills in maintaining documentation, monitoring adherence to medical regulations, ensuring patient safety standards, and managing complex administrative and legal requirements in clinical research environments",0.97,1,,False +healthcare regulatory compliance,clinical documentation standards,"Comprehensive skills in maintaining documentation, monitoring adherence to medical regulations, ensuring patient safety standards, and managing complex administrative and legal requirements in clinical research environments",0.97,1,,False +research data management,research data management,"Systematic skills in collecting, processing, organizing, verifying, and maintaining complex medical and research data with high precision, ensuring data integrity, confidentiality, and comprehensive documentation",0.97,1,,True +research data management,clinical data processing,"Systematic skills in collecting, processing, organizing, verifying, and maintaining complex medical and research data with high precision, ensuring data integrity, confidentiality, and comprehensive documentation",0.97,1,,False +research data management,research information management,"Systematic skills in collecting, processing, organizing, verifying, and maintaining complex medical and research data with high precision, ensuring data integrity, confidentiality, and comprehensive documentation",0.97,1,,False +research data management,medical record coordination,"Systematic skills in collecting, processing, organizing, verifying, and maintaining complex medical and research data with high precision, ensuring data integrity, confidentiality, and comprehensive documentation",0.97,1,,False +interdisciplinary research collaboration,interdisciplinary research collaboration,"Advanced interprofessional skills for coordinating comprehensive research activities, facilitating knowledge sharing, communicating effectively across diverse research teams, and ensuring integrated research approaches",0.96,1,,True +interdisciplinary research collaboration,research team coordination,"Advanced interprofessional skills for coordinating comprehensive research activities, facilitating knowledge sharing, communicating effectively across diverse research teams, and ensuring integrated research approaches",0.96,1,,False +interdisciplinary research collaboration,multidisciplinary research management,"Advanced interprofessional skills for coordinating comprehensive research activities, facilitating knowledge sharing, communicating effectively across diverse research teams, and ensuring integrated research approaches",0.96,1,,False +interdisciplinary research collaboration,scientific collaboration,"Advanced interprofessional skills for coordinating comprehensive research activities, facilitating knowledge sharing, communicating effectively across diverse research teams, and ensuring integrated research approaches",0.96,1,,False +chemical solution preparation,chemical solution preparation,"Advanced skills in measuring, mixing, preparing, and applying chemical solutions for industrial cleaning, washing, and metal pickling processes",0.96,1,,True +chemical solution preparation,chemical handling,"Advanced skills in measuring, mixing, preparing, and applying chemical solutions for industrial cleaning, washing, and metal pickling processes",0.96,1,,False +chemical solution preparation,solution mixing,"Advanced skills in measuring, mixing, preparing, and applying chemical solutions for industrial cleaning, washing, and metal pickling processes",0.96,1,,False +chemical solution preparation,industrial chemical management,"Advanced skills in measuring, mixing, preparing, and applying chemical solutions for industrial cleaning, washing, and metal pickling processes",0.96,1,,False +production monitoring and quality control,production monitoring and quality control,"Systematic approach to observing equipment performance, monitoring production conditions, collecting samples, and ensuring operational quality and safety standards",0.97,1,,True +production monitoring and quality control,operational inspection,"Systematic approach to observing equipment performance, monitoring production conditions, collecting samples, and ensuring operational quality and safety standards",0.97,1,,False +production monitoring and quality control,process monitoring,"Systematic approach to observing equipment performance, monitoring production conditions, collecting samples, and ensuring operational quality and safety standards",0.97,1,,False +retail leadership,retail leadership,"Advanced skills in supervising, managing, and coordinating retail sales personnel, operational activities, and store performance",0.98,1,,True +retail leadership,retail supervision,"Advanced skills in supervising, managing, and coordinating retail sales personnel, operational activities, and store performance",0.98,1,,False +retail leadership,store operations leadership,"Advanced skills in supervising, managing, and coordinating retail sales personnel, operational activities, and store performance",0.98,1,,False +merchandise display strategy,merchandise display strategy,"Advanced skills in designing, arranging, and managing product displays to optimize visual appeal and sales potential",0.96,1,,True +merchandise display strategy,retail visual merchandising,"Advanced skills in designing, arranging, and managing product displays to optimize visual appeal and sales potential",0.96,1,,False +retail inventory management,retail inventory management,"Comprehensive skills in monitoring, tracking, purchasing, and maintaining product inventories to ensure optimal stock levels",0.98,1,,True +retail inventory management,stock control,"Comprehensive skills in monitoring, tracking, purchasing, and maintaining product inventories to ensure optimal stock levels",0.98,1,,False +retail inventory management,product inventory coordination,"Comprehensive skills in monitoring, tracking, purchasing, and maintaining product inventories to ensure optimal stock levels",0.98,1,,False +creative design management,creative design management,"Advanced ability to develop, conceptualize, and manage artistic and technical design projects, involving strategic creative thinking, visual conceptualization, and comprehensive design coordination",0.98,1,,True +creative design management,design conceptualization,"Advanced ability to develop, conceptualize, and manage artistic and technical design projects, involving strategic creative thinking, visual conceptualization, and comprehensive design coordination",0.98,1,,False +creative design management,artistic project management,"Advanced ability to develop, conceptualize, and manage artistic and technical design projects, involving strategic creative thinking, visual conceptualization, and comprehensive design coordination",0.98,1,,False +creative design management,creative strategy development,"Advanced ability to develop, conceptualize, and manage artistic and technical design projects, involving strategic creative thinking, visual conceptualization, and comprehensive design coordination",0.98,1,,False +professional visual communication,professional visual communication,"Advanced skills in creating, presenting, and communicating visual design concepts, technical illustrations, and artistic representations across commercial, technical, and creative domains",0.97,1,,True +professional visual communication,design presentation,"Advanced skills in creating, presenting, and communicating visual design concepts, technical illustrations, and artistic representations across commercial, technical, and creative domains",0.97,1,,False +professional visual communication,visual narrative creation,"Advanced skills in creating, presenting, and communicating visual design concepts, technical illustrations, and artistic representations across commercial, technical, and creative domains",0.97,1,,False +professional visual communication,technical illustration communication,"Advanced skills in creating, presenting, and communicating visual design concepts, technical illustrations, and artistic representations across commercial, technical, and creative domains",0.97,1,,False +artistic collaboration and coordination,artistic collaboration and coordination,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic and design productions",0.96,1,,True +artistic collaboration and coordination,creative team management,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic and design productions",0.96,1,,False +artistic collaboration and coordination,artistic project collaboration,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic and design productions",0.96,1,,False +artistic collaboration and coordination,design team coordination,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic and design productions",0.96,1,,False +network systems support,network systems support,"Advanced technical skills in troubleshooting, configuring, maintaining, and resolving complex computer network problems with systematic diagnostic approach",0.99,1,,True +network systems support,network troubleshooting,"Advanced technical skills in troubleshooting, configuring, maintaining, and resolving complex computer network problems with systematic diagnostic approach",0.99,1,,False +network systems support,computer network management,"Advanced technical skills in troubleshooting, configuring, maintaining, and resolving complex computer network problems with systematic diagnostic approach",0.99,1,,False +network systems support,it infrastructure support,"Advanced technical skills in troubleshooting, configuring, maintaining, and resolving complex computer network problems with systematic diagnostic approach",0.99,1,,False +technical security implementation,technical security implementation,"Comprehensive skills in analyzing, implementing, and monitoring security measures for computer and information systems to prevent potential breaches and protect organizational data",0.98,1,,True +technical security implementation,cybersecurity protocols,"Comprehensive skills in analyzing, implementing, and monitoring security measures for computer and information systems to prevent potential breaches and protect organizational data",0.98,1,,False +technical security implementation,information system protection,"Comprehensive skills in analyzing, implementing, and monitoring security measures for computer and information systems to prevent potential breaches and protect organizational data",0.98,1,,False +technical security implementation,network security management,"Comprehensive skills in analyzing, implementing, and monitoring security measures for computer and information systems to prevent potential breaches and protect organizational data",0.98,1,,False +operational technical documentation,operational technical documentation,"Advanced skills in creating, maintaining, and documenting technical activities, network-related tasks, and operational procedures with precision and systematic accuracy",0.97,1,,True +operational technical documentation,network activity documentation,"Advanced skills in creating, maintaining, and documenting technical activities, network-related tasks, and operational procedures with precision and systematic accuracy",0.97,1,,False +border security operations,border security operations,"Comprehensive skills in managing border entry processes, examining documentation, interviewing individuals, and ensuring national security through systematic inspection and regulatory enforcement",0.99,1,,True +border security operations,border control,"Comprehensive skills in managing border entry processes, examining documentation, interviewing individuals, and ensuring national security through systematic inspection and regulatory enforcement",0.99,1,,False +border security operations,immigration enforcement,"Comprehensive skills in managing border entry processes, examining documentation, interviewing individuals, and ensuring national security through systematic inspection and regulatory enforcement",0.99,1,,False +border security operations,customs inspection,"Comprehensive skills in managing border entry processes, examining documentation, interviewing individuals, and ensuring national security through systematic inspection and regulatory enforcement",0.99,1,,False +investigative risk assessment,investigative risk assessment,"Advanced analytical skills for systematically identifying, evaluating, and mitigating potential security risks through comprehensive investigation, evidence collection, and strategic decision-making",0.98,1,,True +investigative risk assessment,security threat analysis,"Advanced analytical skills for systematically identifying, evaluating, and mitigating potential security risks through comprehensive investigation, evidence collection, and strategic decision-making",0.98,1,,False +legal compliance enforcement,legal compliance enforcement,"Comprehensive skills in interpreting, applying, and enforcing complex legal regulations, immigration policies, and national security protocols with systematic precision and professional judgment",0.99,1,,True +legal compliance enforcement,policy implementation,"Comprehensive skills in interpreting, applying, and enforcing complex legal regulations, immigration policies, and national security protocols with systematic precision and professional judgment",0.99,1,,False +legal compliance enforcement,legal standards monitoring,"Comprehensive skills in interpreting, applying, and enforcing complex legal regulations, immigration policies, and national security protocols with systematic precision and professional judgment",0.99,1,,False +interpersonal threat detection,interpersonal threat detection,"Advanced perceptive and communication skills for identifying potential security risks through careful observation, strategic questioning, and comprehensive behavioral analysis during interactions",0.97,1,,True +interpersonal threat detection,behavioral risk assessment,"Advanced perceptive and communication skills for identifying potential security risks through careful observation, strategic questioning, and comprehensive behavioral analysis during interactions",0.97,1,,False +interpersonal threat detection,interaction screening,"Advanced perceptive and communication skills for identifying potential security risks through careful observation, strategic questioning, and comprehensive behavioral analysis during interactions",0.97,1,,False +interpersonal threat detection,interpersonal threat evaluation,"Advanced perceptive and communication skills for identifying potential security risks through careful observation, strategic questioning, and comprehensive behavioral analysis during interactions",0.97,1,,False +postsecondary educational instruction,postsecondary educational instruction,"Advanced skills in designing, delivering, and managing comprehensive educational content, curriculum development, student assessment, and learning experiences in higher education environments",1.0,1,,True +postsecondary educational instruction,college teaching,"Advanced skills in designing, delivering, and managing comprehensive educational content, curriculum development, student assessment, and learning experiences in higher education environments",1.0,1,,False +postsecondary educational instruction,higher education pedagogy,"Advanced skills in designing, delivering, and managing comprehensive educational content, curriculum development, student assessment, and learning experiences in higher education environments",1.0,1,,False +academic research and scholarship,academic research and scholarship,"Comprehensive capabilities in conducting scholarly research, publishing academic materials, developing original content, and contributing to knowledge domains in specialized academic fields",0.99,1,,True +interdisciplinary academic communication,interdisciplinary academic communication,"Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",1.0,1,,True +interdisciplinary academic communication,professional academic interaction,"Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",1.0,1,,False +energy systems control,energy systems control,"Advanced skills in operating, monitoring, and managing complex energy distribution and transmission systems with emphasis on safety, precision, and operational efficiency",0.99,1,,True +energy systems control,power grid management,"Advanced skills in operating, monitoring, and managing complex energy distribution and transmission systems with emphasis on safety, precision, and operational efficiency",0.99,1,,False +energy systems control,electrical distribution control,"Advanced skills in operating, monitoring, and managing complex energy distribution and transmission systems with emphasis on safety, precision, and operational efficiency",0.99,1,,False +energy systems control,energy infrastructure monitoring,"Advanced skills in operating, monitoring, and managing complex energy distribution and transmission systems with emphasis on safety, precision, and operational efficiency",0.99,1,,False +equipment performance monitoring,equipment performance monitoring,"Comprehensive skills in inspecting, assessing, tracking, and maintaining operational functionality of complex technical equipment through systematic observation, diagnostic techniques, and performance optimization",0.99,1,,True +equipment performance monitoring,operational equipment assessment,"Comprehensive skills in inspecting, assessing, tracking, and maintaining operational functionality of complex technical equipment through systematic observation, diagnostic techniques, and performance optimization",0.99,1,,False +equipment performance monitoring,performance tracking,"Comprehensive skills in inspecting, assessing, tracking, and maintaining operational functionality of complex technical equipment through systematic observation, diagnostic techniques, and performance optimization",0.99,1,,False +pedagogical assessment and development,pedagogical assessment and development,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.99,1,,True +pedagogical assessment and development,educational skill evaluation,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.99,1,,False +pedagogical assessment and development,learning progress tracking,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.99,1,,False +scientific knowledge communication,scientific knowledge communication,"Advanced interpersonal skills for presenting, explaining, and disseminating complex scientific and academic information across diverse audiences and professional contexts",0.98,1,,True +scientific knowledge communication,academic knowledge exchange,"Advanced interpersonal skills for presenting, explaining, and disseminating complex scientific and academic information across diverse audiences and professional contexts",0.98,1,,False +scientific knowledge communication,research presentation skills,"Advanced interpersonal skills for presenting, explaining, and disseminating complex scientific and academic information across diverse audiences and professional contexts",0.98,1,,False +professional development and learning,professional development and learning,"Proactive approach to continuous learning, adapting to emerging challenges, expanding professional knowledge through training, research, collaborative learning, and systematic skill enhancement",0.97,1,,True +professional development and learning,lifelong skill development,"Proactive approach to continuous learning, adapting to emerging challenges, expanding professional knowledge through training, research, collaborative learning, and systematic skill enhancement",0.97,1,,False +spiritual guidance,spiritual guidance,"Advanced interpersonal skills for providing emotional, psychological, and spiritual support through counseling, mentoring, and compassionate communication in religious and community service contexts",0.98,1,,True +spiritual guidance,religious counseling,"Advanced interpersonal skills for providing emotional, psychological, and spiritual support through counseling, mentoring, and compassionate communication in religious and community service contexts",0.98,1,,False +spiritual guidance,spiritual mentorship,"Advanced interpersonal skills for providing emotional, psychological, and spiritual support through counseling, mentoring, and compassionate communication in religious and community service contexts",0.98,1,,False +community religious leadership,community religious leadership,"Comprehensive skills in managing, coordinating, and leading religious organizations, developing community programs, providing spiritual guidance, and facilitating social service interventions",0.97,1,,True +community religious leadership,organizational spiritual leadership,"Comprehensive skills in managing, coordinating, and leading religious organizations, developing community programs, providing spiritual guidance, and facilitating social service interventions",0.97,1,,False +interpersonal empathetic support,interpersonal empathetic support,"Advanced communication skills involving active listening, emotional understanding, personalized guidance, and compassionate intervention across professional counseling and support service contexts",0.98,1,,True +interpersonal empathetic support,compassionate communication,"Advanced communication skills involving active listening, emotional understanding, personalized guidance, and compassionate intervention across professional counseling and support service contexts",0.98,1,,False +interpersonal empathetic support,emotional support counseling,"Advanced communication skills involving active listening, emotional understanding, personalized guidance, and compassionate intervention across professional counseling and support service contexts",0.98,1,,False +religious educational programming,religious educational programming,"Comprehensive skills in developing, implementing, and managing educational and community programs within religious organizational contexts, involving curriculum design, event coordination, and community engagement",0.96,1,,True +religious educational programming,religious education management,"Comprehensive skills in developing, implementing, and managing educational and community programs within religious organizational contexts, involving curriculum design, event coordination, and community engagement",0.96,1,,False +religious educational programming,community learning initiatives,"Comprehensive skills in developing, implementing, and managing educational and community programs within religious organizational contexts, involving curriculum design, event coordination, and community engagement",0.96,1,,False +holistic community support,holistic community support,"Advanced skills in identifying community needs, developing support strategies, coordinating social services, and providing comprehensive assistance through religious and community-based interventions",0.97,1,,True +precision material measurement,precision material measurement,"Advanced skills in measuring, inspecting, and verifying dimensional accuracy of workpieces and materials using specialized tools and techniques",0.98,1,,True +precision material measurement,precision measurement,"Advanced skills in measuring, inspecting, and verifying dimensional accuracy of workpieces and materials using specialized tools and techniques",0.98,1,,False +creative design visualization,creative design visualization,"Advanced ability to conceptualize, illustrate, and develop artistic and technical design concepts for commercial, exhibition, and decorative purposes",0.98,1,,True +creative design visualization,visual design development,"Advanced ability to conceptualize, illustrate, and develop artistic and technical design concepts for commercial, exhibition, and decorative purposes",0.98,1,,False +market and trend analysis,market and trend analysis,"Comprehensive ability to research, monitor, and integrate current artistic, design, and commercial trends into professional creative work",0.96,1,,True +collaborative design production,collaborative design production,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop and execute design projects",0.96,1,,True +collaborative design production,creative collaboration,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop and execute design projects",0.96,1,,False +collaborative design production,interdisciplinary design management,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop and execute design projects",0.96,1,,False +client interaction management,client interaction management,"Advanced interpersonal skills for understanding client needs, providing personalized service, building rapport, and maintaining professional customer relationships",0.97,1,,True +precision manual skill application,precision manual skill application,"Advanced technical skills in using specialized tools and techniques for precise manual manipulation, treatment, and service delivery",0.96,1,,True +precision manual skill application,detailed manual craftsmanship,"Advanced technical skills in using specialized tools and techniques for precise manual manipulation, treatment, and service delivery",0.96,1,,False +precision manual skill application,precise service execution,"Advanced technical skills in using specialized tools and techniques for precise manual manipulation, treatment, and service delivery",0.96,1,,False +broadcast media performance,broadcast media performance,"Advanced skills in presenting, hosting, and delivering engaging audio/visual content across broadcasting platforms, involving vocal performance, audience interaction, and professional communication",0.98,1,,True +broadcast media performance,radio announcing,"Advanced skills in presenting, hosting, and delivering engaging audio/visual content across broadcasting platforms, involving vocal performance, audience interaction, and professional communication",0.98,1,,False +broadcast media performance,media presentation,"Advanced skills in presenting, hosting, and delivering engaging audio/visual content across broadcasting platforms, involving vocal performance, audience interaction, and professional communication",0.98,1,,False +broadcast media performance,broadcast hosting,"Advanced skills in presenting, hosting, and delivering engaging audio/visual content across broadcasting platforms, involving vocal performance, audience interaction, and professional communication",0.98,1,,False +media production coordination,media production coordination,"Comprehensive skills in managing technical and creative aspects of media production, including equipment operation, content preparation, and workflow coordination",0.97,1,,True +media production coordination,broadcast operations,"Comprehensive skills in managing technical and creative aspects of media production, including equipment operation, content preparation, and workflow coordination",0.97,1,,False +media production coordination,media technical management,"Comprehensive skills in managing technical and creative aspects of media production, including equipment operation, content preparation, and workflow coordination",0.97,1,,False +news and information gathering,news and information gathering,"Advanced skills in researching, interviewing, collecting, and preparing informational content for broadcast and media platforms",0.96,1,,True +news and information gathering,journalistic research,"Advanced skills in researching, interviewing, collecting, and preparing informational content for broadcast and media platforms",0.96,1,,False +classroom management,classroom management,"Advanced skills in establishing, maintaining, and enforcing effective classroom rules, behavioral standards, and learning environment strategies",0.98,1,,True +classroom management,student behavior coordination,"Advanced skills in establishing, maintaining, and enforcing effective classroom rules, behavioral standards, and learning environment strategies",0.98,1,,False +instructional strategy development,instructional strategy development,"Comprehensive ability to design, adapt, and implement diverse teaching methods, learning objectives, and educational approaches tailored to student needs",0.99,1,,True +instructional strategy development,educational method adaptation,"Comprehensive ability to design, adapt, and implement diverse teaching methods, learning objectives, and educational approaches tailored to student needs",0.99,1,,False +instructional strategy development,pedagogical technique design,"Comprehensive ability to design, adapt, and implement diverse teaching methods, learning objectives, and educational approaches tailored to student needs",0.99,1,,False +student performance monitoring,student performance monitoring,"Systematic approach to tracking, assessing, evaluating, and supporting student academic progress through comprehensive assessment and intervention strategies",0.98,1,,True +educational communication,educational communication,"Advanced interpersonal communication skills specific to educational contexts, involving precise information exchange, active listening, and strategic interaction with students, parents, and educational professionals",1.0,1,,True +educational communication,pedagogical communication,"Advanced interpersonal communication skills specific to educational contexts, involving precise information exchange, active listening, and strategic interaction with students, parents, and educational professionals",1.0,1,,False +educational communication,educational dialogue management,"Advanced interpersonal communication skills specific to educational contexts, involving precise information exchange, active listening, and strategic interaction with students, parents, and educational professionals",1.0,1,,False +developmental learning support,developmental learning support,"Comprehensive skills in identifying, addressing, and supporting individual student learning needs, developmental challenges, and personalized educational interventions",0.97,1,,True +developmental learning support,individual learning adaptation,"Comprehensive skills in identifying, addressing, and supporting individual student learning needs, developmental challenges, and personalized educational interventions",0.97,1,,False +operational food service management,operational food service management,"Comprehensive skills in coordinating food and beverage service activities, managing seating arrangements, processing transactions, and ensuring customer satisfaction in restaurant and hospitality settings",0.98,1,,True +operational food service management,restaurant operations,"Comprehensive skills in coordinating food and beverage service activities, managing seating arrangements, processing transactions, and ensuring customer satisfaction in restaurant and hospitality settings",0.98,1,,False +operational food service management,dining service coordination,"Comprehensive skills in coordinating food and beverage service activities, managing seating arrangements, processing transactions, and ensuring customer satisfaction in restaurant and hospitality settings",0.98,1,,False +professional communication and coordination,professional communication and coordination,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific emphasis on medical and healthcare contexts",1.0,2,,True +professional communication and coordination,interprofessional communication,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific emphasis on medical and healthcare contexts",1.0,2,,False +professional communication and coordination,healthcare dialogue,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific emphasis on medical and healthcare contexts",1.0,2,,False +professional communication and coordination,strategic professional interaction,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific emphasis on medical and healthcare contexts",1.0,2,,False +textile material manipulation,textile material manipulation,"Advanced skills in cutting, measuring, positioning, and preparing textile materials with precision and technical expertise",0.98,1,,True +textile material manipulation,fabric handling,"Advanced skills in cutting, measuring, positioning, and preparing textile materials with precision and technical expertise",0.98,1,,False +textile material manipulation,textile cutting,"Advanced skills in cutting, measuring, positioning, and preparing textile materials with precision and technical expertise",0.98,1,,False +precision garment production,precision garment production,"Comprehensive abilities in measuring, designing, assembling, and finishing clothing and textile products with high technical accuracy",0.97,1,,True +precision garment production,clothing fabrication,"Comprehensive abilities in measuring, designing, assembling, and finishing clothing and textile products with high technical accuracy",0.97,1,,False +precision garment production,garment manufacturing,"Comprehensive abilities in measuring, designing, assembling, and finishing clothing and textile products with high technical accuracy",0.97,1,,False +pattern design and layout,pattern design and layout,"Advanced skills in creating, interpreting, and positioning templates and patterns for textile and garment production",0.96,1,,True +pattern design and layout,template creation,"Advanced skills in creating, interpreting, and positioning templates and patterns for textile and garment production",0.96,1,,False +pattern design and layout,pattern interpretation,"Advanced skills in creating, interpreting, and positioning templates and patterns for textile and garment production",0.96,1,,False +pattern design and layout,design positioning,"Advanced skills in creating, interpreting, and positioning templates and patterns for textile and garment production",0.96,1,,False +agricultural systems engineering,agricultural systems engineering,"Advanced technical skills in designing, analyzing, and implementing agricultural engineering solutions, including equipment design, environmental impact assessment, and sustainable agricultural technologies",0.98,1,,True +agricultural systems engineering,agricultural design,"Advanced technical skills in designing, analyzing, and implementing agricultural engineering solutions, including equipment design, environmental impact assessment, and sustainable agricultural technologies",0.98,1,,False +agricultural systems engineering,engineering agricultural solutions,"Advanced technical skills in designing, analyzing, and implementing agricultural engineering solutions, including equipment design, environmental impact assessment, and sustainable agricultural technologies",0.98,1,,False +complex problem solving in engineering,complex problem solving in engineering,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques",1.0,1,,True +operational systems analysis,operational systems analysis,"Comprehensive skills in determining system performance, evaluating operational conditions, analyzing changes, and developing strategic improvements in technical and agricultural engineering contexts",0.97,1,,True +operational systems analysis,systems performance evaluation,"Comprehensive skills in determining system performance, evaluating operational conditions, analyzing changes, and developing strategic improvements in technical and agricultural engineering contexts",0.97,1,,False +operational systems analysis,operational optimization,"Comprehensive skills in determining system performance, evaluating operational conditions, analyzing changes, and developing strategic improvements in technical and agricultural engineering contexts",0.97,1,,False +equipment diagnostic troubleshooting,equipment diagnostic troubleshooting,"Advanced systematic skills for identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques and problem-solving methodologies",0.98,1,,True +equipment diagnostic troubleshooting,mechanical systems diagnostics,"Advanced systematic skills for identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques and problem-solving methodologies",0.98,1,,False +precision technical maintenance,precision technical maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex mechanical and electronic equipment using specialized tools and systematic techniques",0.97,1,,True +precision technical maintenance,equipment repair skills,"Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex mechanical and electronic equipment using specialized tools and systematic techniques",0.97,1,,False +precision technical maintenance,technical system restoration,"Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex mechanical and electronic equipment using specialized tools and systematic techniques",0.97,1,,False +biomedical engineering design,biomedical engineering design,"Advanced skills in designing medical devices, appliances, and technical solutions for healthcare applications, involving systematic problem-solving and innovative engineering approaches",0.98,1,,True +biomedical engineering design,medical device engineering,"Advanced skills in designing medical devices, appliances, and technical solutions for healthcare applications, involving systematic problem-solving and innovative engineering approaches",0.98,1,,False +biomedical engineering design,healthcare technology design,"Advanced skills in designing medical devices, appliances, and technical solutions for healthcare applications, involving systematic problem-solving and innovative engineering approaches",0.98,1,,False +systems engineering analysis,systems engineering analysis,"Advanced analytical capabilities for evaluating complex systems, determining operational performance, analyzing changes, and developing strategic improvements",0.97,1,,True +systems engineering analysis,operational performance analysis,"Advanced analytical capabilities for evaluating complex systems, determining operational performance, analyzing changes, and developing strategic improvements",0.97,1,,False +professional technical communication,professional technical communication,"Advanced interpersonal skills for precise information exchange, technical consultation, and professional interaction in engineering and scientific environments",0.98,1,,True +professional technical communication,technical dialogue,"Advanced interpersonal skills for precise information exchange, technical consultation, and professional interaction in engineering and scientific environments",0.98,1,,False +technical systems design,technical systems design,"Advanced capability to conceptualize, analyze, develop, and optimize complex technical systems across engineering and hardware domains",0.99,1,,True +technical systems design,engineering system development,"Advanced capability to conceptualize, analyze, develop, and optimize complex technical systems across engineering and hardware domains",0.99,1,,False +technical systems design,technical design engineering,"Advanced capability to conceptualize, analyze, develop, and optimize complex technical systems across engineering and hardware domains",0.99,1,,False +equipment performance diagnostics,equipment performance diagnostics,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,True +technical measurement and verification,technical measurement and verification,"Advanced skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high precision",0.98,1,,True +vehicle diagnostic assessment,vehicle diagnostic assessment,"Advanced skills in systematically inspecting, testing, and diagnosing automotive vehicle mechanical and electrical systems to identify performance issues and required repairs",0.98,1,,True +vehicle diagnostic assessment,vehicle troubleshooting,"Advanced skills in systematically inspecting, testing, and diagnosing automotive vehicle mechanical and electrical systems to identify performance issues and required repairs",0.98,1,,False +vehicle diagnostic assessment,automotive system analysis,"Advanced skills in systematically inspecting, testing, and diagnosing automotive vehicle mechanical and electrical systems to identify performance issues and required repairs",0.98,1,,False +vehicle diagnostic assessment,vehicle performance evaluation,"Advanced skills in systematically inspecting, testing, and diagnosing automotive vehicle mechanical and electrical systems to identify performance issues and required repairs",0.98,1,,False +mechanical repair precision,mechanical repair precision,"Advanced technical skills in precisely disassembling, repairing, replacing, and reassembling automotive mechanical components using specialized tools and techniques",0.97,1,,True +mechanical repair precision,automotive component repair,"Advanced technical skills in precisely disassembling, repairing, replacing, and reassembling automotive mechanical components using specialized tools and techniques",0.97,1,,False +mechanical repair precision,precision vehicle maintenance,"Advanced technical skills in precisely disassembling, repairing, replacing, and reassembling automotive mechanical components using specialized tools and techniques",0.97,1,,False +equipment maintenance strategy,equipment maintenance strategy,"Comprehensive approach to systematically inspecting, maintaining, and optimizing vehicle and mechanical equipment functionality through preventive maintenance and strategic repair techniques",0.96,1,,True +equipment maintenance strategy,preventive maintenance planning,"Comprehensive approach to systematically inspecting, maintaining, and optimizing vehicle and mechanical equipment functionality through preventive maintenance and strategic repair techniques",0.96,1,,False +equipment maintenance strategy,equipment performance optimization,"Comprehensive approach to systematically inspecting, maintaining, and optimizing vehicle and mechanical equipment functionality through preventive maintenance and strategic repair techniques",0.96,1,,False +equipment maintenance strategy,systematic repair management,"Comprehensive approach to systematically inspecting, maintaining, and optimizing vehicle and mechanical equipment functionality through preventive maintenance and strategic repair techniques",0.96,1,,False +technical safety verification,technical safety verification,"Systematic skills in ensuring vehicle and equipment operational safety through comprehensive inspections, quality control, and adherence to technical and regulatory standards",0.97,1,,True +technical safety verification,safety compliance monitoring,"Systematic skills in ensuring vehicle and equipment operational safety through comprehensive inspections, quality control, and adherence to technical and regulatory standards",0.97,1,,False +technical safety verification,equipment safety assessment,"Systematic skills in ensuring vehicle and equipment operational safety through comprehensive inspections, quality control, and adherence to technical and regulatory standards",0.97,1,,False +technical safety verification,technical operational verification,"Systematic skills in ensuring vehicle and equipment operational safety through comprehensive inspections, quality control, and adherence to technical and regulatory standards",0.97,1,,False +precision manual tool manipulation,precision manual tool manipulation,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex automotive and mechanical repair tasks with high technical accuracy",0.96,1,,True +precision manual tool manipulation,technical tool expertise,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex automotive and mechanical repair tasks with high technical accuracy",0.96,1,,False +precision manual tool manipulation,specialized equipment handling,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex automotive and mechanical repair tasks with high technical accuracy",0.96,1,,False +precision manual tool manipulation,precision mechanical tooling,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex automotive and mechanical repair tasks with high technical accuracy",0.96,1,,False +patient treatment and counseling,patient treatment and counseling,"Advanced interpersonal skills for patient engagement, providing medical guidance, explaining procedures, treatment planning, and comprehensive patient-centered care",0.98,1,,True +patient treatment and counseling,medical patient support,"Advanced interpersonal skills for patient engagement, providing medical guidance, explaining procedures, treatment planning, and comprehensive patient-centered care",0.98,1,,False +patient treatment and counseling,clinical communication strategy,"Advanced interpersonal skills for patient engagement, providing medical guidance, explaining procedures, treatment planning, and comprehensive patient-centered care",0.98,1,,False +medical procedure and equipment management,medical procedure and equipment management,"Comprehensive skills in operating, maintaining, and ensuring proper functionality of medical diagnostic and treatment equipment with strict safety protocols",0.97,1,,True +medical procedure and equipment management,medical equipment maintenance,"Comprehensive skills in operating, maintaining, and ensuring proper functionality of medical diagnostic and treatment equipment with strict safety protocols",0.97,1,,False +medical procedure and equipment management,clinical instrumentation control,"Comprehensive skills in operating, maintaining, and ensuring proper functionality of medical diagnostic and treatment equipment with strict safety protocols",0.97,1,,False +training program development,training program development,"Comprehensive skills in designing, creating, and implementing targeted training materials and educational programs to enhance professional skills and organizational capabilities",0.98,1,,True +training program development,instructional design,"Comprehensive skills in designing, creating, and implementing targeted training materials and educational programs to enhance professional skills and organizational capabilities",0.98,1,,False +training program development,learning content creation,"Comprehensive skills in designing, creating, and implementing targeted training materials and educational programs to enhance professional skills and organizational capabilities",0.98,1,,False +training program development,professional skills training,"Comprehensive skills in designing, creating, and implementing targeted training materials and educational programs to enhance professional skills and organizational capabilities",0.98,1,,False +organizational learning strategy,organizational learning strategy,"Advanced ability to assess skill gaps, develop comprehensive learning approaches, and implement systematic professional development initiatives across organizational contexts",0.97,1,,True +organizational learning strategy,skills gap analysis,"Advanced ability to assess skill gaps, develop comprehensive learning approaches, and implement systematic professional development initiatives across organizational contexts",0.97,1,,False +organizational learning strategy,workforce learning management,"Advanced ability to assess skill gaps, develop comprehensive learning approaches, and implement systematic professional development initiatives across organizational contexts",0.97,1,,False +organizational learning strategy,professional development planning,"Advanced ability to assess skill gaps, develop comprehensive learning approaches, and implement systematic professional development initiatives across organizational contexts",0.97,1,,False +performance evaluation and monitoring,performance evaluation and monitoring,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,True +performance evaluation and monitoring,skills assessment,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,False +performance evaluation and monitoring,workforce performance tracking,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,False +performance evaluation and monitoring,professional growth monitoring,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,False +performance evaluation and monitoring,monitoring,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,False +interpersonal learning facilitation,interpersonal learning facilitation,"Advanced communication and instructional skills for effectively teaching, guiding, and supporting professional skill development through active learning strategies",0.97,1,,True +interpersonal learning facilitation,learning coaching,"Advanced communication and instructional skills for effectively teaching, guiding, and supporting professional skill development through active learning strategies",0.97,1,,False +organizational training coordination,organizational training coordination,"Comprehensive skills in managing, scheduling, and coordinating complex training activities, resources, and personnel development programs across diverse organizational environments",0.96,1,,True +organizational training coordination,training logistics management,"Comprehensive skills in managing, scheduling, and coordinating complex training activities, resources, and personnel development programs across diverse organizational environments",0.96,1,,False +organizational training coordination,learning program coordination,"Comprehensive skills in managing, scheduling, and coordinating complex training activities, resources, and personnel development programs across diverse organizational environments",0.96,1,,False +organizational training coordination,professional development administration,"Comprehensive skills in managing, scheduling, and coordinating complex training activities, resources, and personnel development programs across diverse organizational environments",0.96,1,,False +investigative evidence analysis,investigative evidence analysis,"Advanced skills in systematically collecting, examining, documenting, and interpreting physical and financial evidence to support legal and fraud investigations",0.98,1,,True +investigative evidence analysis,legal evidence processing,"Advanced skills in systematically collecting, examining, documenting, and interpreting physical and financial evidence to support legal and fraud investigations",0.98,1,,False +regulatory compliance investigation,regulatory compliance investigation,"Comprehensive skills in examining organizational records, identifying potential legal and financial violations, and ensuring adherence to complex regulatory standards",0.97,1,,True +financial fraud detection,financial fraud detection,"Advanced analytical skills for identifying, tracing, and documenting potential financial misconduct, fraudulent activities, and economic irregularities",0.98,1,,True +financial fraud detection,fraud examination,"Advanced analytical skills for identifying, tracing, and documenting potential financial misconduct, fraudulent activities, and economic irregularities",0.98,1,,False +financial fraud detection,financial crime analysis,"Advanced analytical skills for identifying, tracing, and documenting potential financial misconduct, fraudulent activities, and economic irregularities",0.98,1,,False +professional interviewing,professional interviewing,"Advanced interpersonal skills for conducting systematic, strategic interviews with witnesses, suspects, and claimants to gather critical information",0.97,1,,True +professional interviewing,investigative questioning,"Advanced interpersonal skills for conducting systematic, strategic interviews with witnesses, suspects, and claimants to gather critical information",0.97,1,,False +professional interviewing,information extraction,"Advanced interpersonal skills for conducting systematic, strategic interviews with witnesses, suspects, and claimants to gather critical information",0.97,1,,False +professional procedural communication,professional procedural communication,"Advanced communication skills for precise verbal and written information exchange in formal professional contexts, involving active listening, documentation, and strategic interaction",0.97,1,,True +professional procedural communication,formal communication,"Advanced communication skills for precise verbal and written information exchange in formal professional contexts, involving active listening, documentation, and strategic interaction",0.97,1,,False +professional procedural communication,procedural interaction,"Advanced communication skills for precise verbal and written information exchange in formal professional contexts, involving active listening, documentation, and strategic interaction",0.97,1,,False +interpersonal conflict management,interpersonal conflict management,"Advanced skills in identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, empathy, and diplomatic intervention",0.96,1,,True +interpersonal conflict management,conflict resolution,"Advanced skills in identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, empathy, and diplomatic intervention",0.96,1,,False +interpersonal conflict management,mediation skills,"Advanced skills in identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, empathy, and diplomatic intervention",0.96,1,,False +interpersonal conflict management,professional diplomacy,"Advanced skills in identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, empathy, and diplomatic intervention",0.96,1,,False +technical illustration skills,technical illustration skills,"Comprehensive ability to create detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques",0.97,1,,True +technical illustration skills,detailed graphic representation,"Comprehensive ability to create detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques",0.97,1,,False +technical illustration skills,precision visualization,"Comprehensive ability to create detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques",0.97,1,,False +exhibition and display design,exhibition and display design,"Advanced skills in designing, planning, and creating visual displays, exhibits, and promotional materials with strategic aesthetic and functional considerations",0.97,1,,True +exhibition and display design,visual display planning,"Advanced skills in designing, planning, and creating visual displays, exhibits, and promotional materials with strategic aesthetic and functional considerations",0.97,1,,False +exhibition and display design,exhibit design,"Advanced skills in designing, planning, and creating visual displays, exhibits, and promotional materials with strategic aesthetic and functional considerations",0.97,1,,False +exhibition and display design,promotional layout creation,"Advanced skills in designing, planning, and creating visual displays, exhibits, and promotional materials with strategic aesthetic and functional considerations",0.97,1,,False +design material preparation,design material preparation,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of design and artistic works",0.95,1,,True +design material preparation,artistic material management,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of design and artistic works",0.95,1,,False +design material preparation,design resource preparation,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of design and artistic works",0.95,1,,False +design material preparation,creative material handling,"Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of design and artistic works",0.95,1,,False +visual presentation skills,visual presentation skills,"Advanced ability to arrange, display, and present visual elements for commercial, promotional, and artistic purposes, involving aesthetic composition and strategic visual communication",0.95,1,,True +visual presentation skills,aesthetic arrangement,"Advanced ability to arrange, display, and present visual elements for commercial, promotional, and artistic purposes, involving aesthetic composition and strategic visual communication",0.95,1,,False +visual presentation skills,promotional styling,"Advanced ability to arrange, display, and present visual elements for commercial, promotional, and artistic purposes, involving aesthetic composition and strategic visual communication",0.95,1,,False +professional image modeling,professional image modeling,"Comprehensive skills in representing products, clothing, or brands through physical presentation, body positioning, and professional image communication",0.96,1,,True +professional image modeling,commercial modeling,"Comprehensive skills in representing products, clothing, or brands through physical presentation, body positioning, and professional image communication",0.96,1,,False +professional image modeling,product representation,"Comprehensive skills in representing products, clothing, or brands through physical presentation, body positioning, and professional image communication",0.96,1,,False +professional image modeling,brand presentation,"Comprehensive skills in representing products, clothing, or brands through physical presentation, body positioning, and professional image communication",0.96,1,,False +career opportunity identification,career opportunity identification,"Advanced skills in researching, evaluating, and identifying potential employment and professional development opportunities across diverse industries",0.94,1,,True +career opportunity identification,job market analysis,"Advanced skills in researching, evaluating, and identifying potential employment and professional development opportunities across diverse industries",0.94,1,,False +career opportunity identification,career exploration,"Advanced skills in researching, evaluating, and identifying potential employment and professional development opportunities across diverse industries",0.94,1,,False +career opportunity identification,professional opportunity mapping,"Advanced skills in researching, evaluating, and identifying potential employment and professional development opportunities across diverse industries",0.94,1,,False +data management,data management,"Comprehensive skills in collecting, processing, organizing, evaluating, and maintaining electronic data across complex professional environments",0.99,1,,True +data management,electronic information management,"Comprehensive skills in collecting, processing, organizing, evaluating, and maintaining electronic data across complex professional environments",0.99,1,,False +data management,data quality control,"Comprehensive skills in collecting, processing, organizing, evaluating, and maintaining electronic data across complex professional environments",0.99,1,,False +systematic problem analysis,systematic problem analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex professional challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,True +therapeutic art intervention,therapeutic art intervention,"Advanced skills in using art as a therapeutic tool for psychological healing, emotional support, and patient treatment across clinical and counseling contexts",0.98,1,,True +therapeutic art intervention,art therapy techniques,"Advanced skills in using art as a therapeutic tool for psychological healing, emotional support, and patient treatment across clinical and counseling contexts",0.98,1,,False +therapeutic art intervention,creative healing approaches,"Advanced skills in using art as a therapeutic tool for psychological healing, emotional support, and patient treatment across clinical and counseling contexts",0.98,1,,False +empathetic professional communication,empathetic professional communication,"Advanced interpersonal skills for providing compassionate, supportive, and precise communication in therapeutic, healthcare, and counseling environments",0.98,1,,True +empathetic professional communication,emotional support communication,"Advanced interpersonal skills for providing compassionate, supportive, and precise communication in therapeutic, healthcare, and counseling environments",0.98,1,,False +treatment plan development,treatment plan development,"Advanced skills in creating, implementing, and adapting personalized therapeutic and treatment strategies across diverse psychological and medical contexts",0.97,1,,True +treatment plan development,personalized intervention planning,"Advanced skills in creating, implementing, and adapting personalized therapeutic and treatment strategies across diverse psychological and medical contexts",0.97,1,,False +treatment plan development,holistic treatment strategy,"Advanced skills in creating, implementing, and adapting personalized therapeutic and treatment strategies across diverse psychological and medical contexts",0.97,1,,False +creative psychological intervention,creative psychological intervention,"Specialized skills in using creative and artistic approaches to support psychological healing, emotional expression, and therapeutic treatment",0.96,1,,True +creative psychological intervention,artistic therapeutic techniques,"Specialized skills in using creative and artistic approaches to support psychological healing, emotional expression, and therapeutic treatment",0.96,1,,False +creative psychological intervention,creative healing methods,"Specialized skills in using creative and artistic approaches to support psychological healing, emotional expression, and therapeutic treatment",0.96,1,,False +equipment operation and control,equipment operation and control,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment across diverse manufacturing environments",0.98,1,,True +equipment operation and control,technical system operation,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment across diverse manufacturing environments",0.98,1,,False +equipment operation and control,operation and control,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment across diverse manufacturing environments",0.98,1,,False +technical safety and compliance,technical safety and compliance,"Comprehensive skills in ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance and safety protocols",0.96,1,,True +patron safety management,patron safety management,"Advanced skills in monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,True +patron safety management,customer protection,"Advanced skills in monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,False +patron safety management,visitor safety coordination,"Advanced skills in monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,False +patron safety management,emergency response support,"Advanced skills in monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,False +professional communication and interaction,professional communication and interaction,"Advanced interpersonal skills for engaging with customers, providing information, resolving inquiries, and creating positive service experiences through active listening and strategic communication",0.99,1,,True +professional communication and interaction,active listening,"Advanced interpersonal skills for engaging with customers, providing information, resolving inquiries, and creating positive service experiences through active listening and strategic communication",0.99,1,,False +operational information management,operational information management,"Comprehensive skills in collecting, processing, recording, and maintaining operational information, documentation, and administrative records with precision and systematic accuracy",0.97,1,,True +inventory management,inventory management,"Comprehensive skills in tracking, sorting, storing, and coordinating the movement of materials and products through systematic operational processes",0.98,1,,True +inventory management,product tracking,"Comprehensive skills in tracking, sorting, storing, and coordinating the movement of materials and products through systematic operational processes",0.98,1,,False +inventory management,supply chain coordination,"Comprehensive skills in tracking, sorting, storing, and coordinating the movement of materials and products through systematic operational processes",0.98,1,,False +material handling,material handling,"Proficient skills in loading, positioning, measuring, and transferring materials through complex operational workflows",0.96,1,,True +material handling,product movement,"Proficient skills in loading, positioning, measuring, and transferring materials through complex operational workflows",0.96,1,,False +material handling,resource positioning,"Proficient skills in loading, positioning, measuring, and transferring materials through complex operational workflows",0.96,1,,False +quality inspection,quality inspection,"Systematic approach to examining products, verifying order accuracy, identifying damage or defects, and ensuring operational quality standards",0.98,1,,True +quality inspection,product verification,"Systematic approach to examining products, verifying order accuracy, identifying damage or defects, and ensuring operational quality standards",0.98,1,,False +quality inspection,order accuracy check,"Systematic approach to examining products, verifying order accuracy, identifying damage or defects, and ensuring operational quality standards",0.98,1,,False +quality inspection,defect detection,"Systematic approach to examining products, verifying order accuracy, identifying damage or defects, and ensuring operational quality standards",0.98,1,,False +infrastructure design,infrastructure design,"Advanced skills in creating graphical representations, designing civil structures, preparing technical plans, and incorporating innovative engineering features with emphasis on systematic design methodology",0.98,1,,True +infrastructure design,civil engineering design,"Advanced skills in creating graphical representations, designing civil structures, preparing technical plans, and incorporating innovative engineering features with emphasis on systematic design methodology",0.98,1,,False +infrastructure design,technical planning,"Advanced skills in creating graphical representations, designing civil structures, preparing technical plans, and incorporating innovative engineering features with emphasis on systematic design methodology",0.98,1,,False +environmental systems analysis,environmental systems analysis,"Comprehensive skills in investigating environmental impacts, assessing project sustainability, evaluating ecological considerations, and implementing green design strategies across engineering and infrastructure projects",0.97,1,,True +environmental systems analysis,ecological impact assessment,"Comprehensive skills in investigating environmental impacts, assessing project sustainability, evaluating ecological considerations, and implementing green design strategies across engineering and infrastructure projects",0.97,1,,False +environmental systems analysis,sustainability engineering,"Comprehensive skills in investigating environmental impacts, assessing project sustainability, evaluating ecological considerations, and implementing green design strategies across engineering and infrastructure projects",0.97,1,,False +site evaluation and preparation,site evaluation and preparation,"Advanced skills in surveying land, inspecting facilities, measuring geographic features, assessing site specifications, and preparing comprehensive technical work plans",0.98,1,,True +site evaluation and preparation,site analysis,"Advanced skills in surveying land, inspecting facilities, measuring geographic features, assessing site specifications, and preparing comprehensive technical work plans",0.98,1,,False +site evaluation and preparation,geographic survey management,"Advanced skills in surveying land, inspecting facilities, measuring geographic features, assessing site specifications, and preparing comprehensive technical work plans",0.98,1,,False +vehicle mechanical diagnostics,vehicle mechanical diagnostics,"Advanced skills in systematically inspecting, testing, and diagnosing automotive and heavy vehicle mechanical systems to identify performance issues, repair needs, and ensure optimal functionality",0.98,1,,True +vehicle mechanical diagnostics,vehicle system analysis,"Advanced skills in systematically inspecting, testing, and diagnosing automotive and heavy vehicle mechanical systems to identify performance issues, repair needs, and ensure optimal functionality",0.98,1,,False +vehicle mechanical diagnostics,mechanical fault detection,"Advanced skills in systematically inspecting, testing, and diagnosing automotive and heavy vehicle mechanical systems to identify performance issues, repair needs, and ensure optimal functionality",0.98,1,,False +specialized tool operation,specialized tool operation,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks with high technical accuracy",0.96,1,,True +specialized tool operation,precision tool manipulation,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks with high technical accuracy",0.96,1,,False +specialized tool operation,technical equipment handling,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks with high technical accuracy",0.96,1,,False +specialized tool operation,specialized mechanical tooling,"Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks with high technical accuracy",0.96,1,,False +patient care support,patient care support,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for patients with diverse needs",0.99,1,,True +patient care support,healthcare assistance,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for patients with diverse needs",0.99,1,,False +patient care support,patient assistance,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for patients with diverse needs",0.99,1,,False +patient care support,medical support,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for patients with diverse needs",0.99,1,,False +healthcare procedural assistance,healthcare procedural assistance,"Advanced skills in supporting medical professionals, documenting patient information, administering basic treatments, and facilitating comprehensive patient care delivery",0.98,1,,True +healthcare procedural assistance,clinical assistance,"Advanced skills in supporting medical professionals, documenting patient information, administering basic treatments, and facilitating comprehensive patient care delivery",0.98,1,,False +interpersonal patient interaction,interpersonal patient interaction,"Advanced communication skills involving empathy, active listening, emotional support, and precise information exchange in healthcare and patient care contexts",0.99,1,,True +interpersonal patient interaction,compassionate care interaction,"Advanced communication skills involving empathy, active listening, emotional support, and precise information exchange in healthcare and patient care contexts",0.99,1,,False +interpersonal patient interaction,healthcare engagement,"Advanced communication skills involving empathy, active listening, emotional support, and precise information exchange in healthcare and patient care contexts",0.99,1,,False +personal care and safety management,personal care and safety management,"Comprehensive skills in assisting patients with daily activities, ensuring proper positioning, monitoring health conditions, and maintaining patient safety and comfort",0.99,1,,True +personal care and safety management,patient mobility support,"Comprehensive skills in assisting patients with daily activities, ensuring proper positioning, monitoring health conditions, and maintaining patient safety and comfort",0.99,1,,False +personal care and safety management,healthcare safety assistance,"Comprehensive skills in assisting patients with daily activities, ensuring proper positioning, monitoring health conditions, and maintaining patient safety and comfort",0.99,1,,False +agricultural data analysis,agricultural data analysis,"Advanced skills in collecting, processing, analyzing, and interpreting geographical, environmental, and agricultural data using scientific methods and technical tools",0.98,1,,True +agricultural data analysis,precision agriculture analytics,"Advanced skills in collecting, processing, analyzing, and interpreting geographical, environmental, and agricultural data using scientific methods and technical tools",0.98,1,,False +agricultural data analysis,agricultural research data processing,"Advanced skills in collecting, processing, analyzing, and interpreting geographical, environmental, and agricultural data using scientific methods and technical tools",0.98,1,,False +environmental field operations,environmental field operations,"Comprehensive skills in conducting field research, collecting geological and environmental samples, preparing sites, and managing technical operations in outdoor work environments",0.97,1,,True +environmental field operations,field research management,"Comprehensive skills in conducting field research, collecting geological and environmental samples, preparing sites, and managing technical operations in outdoor work environments",0.97,1,,False +environmental field operations,technical site preparation,"Comprehensive skills in conducting field research, collecting geological and environmental samples, preparing sites, and managing technical operations in outdoor work environments",0.97,1,,False +precision agricultural technology,precision agricultural technology,"Advanced technical skills in operating, maintaining, and managing specialized agricultural equipment, monitoring crop management methods, and applying technological innovations in agricultural contexts",0.98,1,,True +precision agricultural technology,agricultural equipment management,"Advanced technical skills in operating, maintaining, and managing specialized agricultural equipment, monitoring crop management methods, and applying technological innovations in agricultural contexts",0.98,1,,False +precision agricultural technology,crop technology integration,"Advanced technical skills in operating, maintaining, and managing specialized agricultural equipment, monitoring crop management methods, and applying technological innovations in agricultural contexts",0.98,1,,False +scientific operational documentation,scientific operational documentation,"Comprehensive skills in preparing, recording, maintaining, and communicating detailed technical reports, research findings, operational data, and scientific documentation with precision and systematic accuracy",0.97,1,,True +scientific operational documentation,technical research reporting,"Comprehensive skills in preparing, recording, maintaining, and communicating detailed technical reports, research findings, operational data, and scientific documentation with precision and systematic accuracy",0.97,1,,False +scientific operational documentation,scientific record management,"Comprehensive skills in preparing, recording, maintaining, and communicating detailed technical reports, research findings, operational data, and scientific documentation with precision and systematic accuracy",0.97,1,,False +geospatial survey techniques,geospatial survey techniques,"Advanced skills in using mathematical and scientific methods to collect, process, measure, and interpret geographical survey data with precision and technical expertise",0.98,1,,True +geospatial survey techniques,geographic data mapping,"Advanced skills in using mathematical and scientific methods to collect, process, measure, and interpret geographical survey data with precision and technical expertise",0.98,1,,False +geospatial survey techniques,spatial survey analysis,"Advanced skills in using mathematical and scientific methods to collect, process, measure, and interpret geographical survey data with precision and technical expertise",0.98,1,,False +vehicle body repair,vehicle body repair,"Advanced technical skills in diagnosing, repairing, and restoring automotive body components, including damage assessment, surface preparation, and precision restoration techniques",0.98,1,,True +vehicle body repair,auto body repair,"Advanced technical skills in diagnosing, repairing, and restoring automotive body components, including damage assessment, surface preparation, and precision restoration techniques",0.98,1,,False +vehicle body repair,automotive restoration,"Advanced technical skills in diagnosing, repairing, and restoring automotive body components, including damage assessment, surface preparation, and precision restoration techniques",0.98,1,,False +vehicle body repair,vehicle damage repair,"Advanced technical skills in diagnosing, repairing, and restoring automotive body components, including damage assessment, surface preparation, and precision restoration techniques",0.98,1,,False +welding and fabrication,welding and fabrication,"Advanced technical skills in operating welding equipment, cutting materials, and fabricating or repairing vehicle components with precision and technical expertise",0.96,1,,True +welding and fabrication,metal fabrication,"Advanced technical skills in operating welding equipment, cutting materials, and fabricating or repairing vehicle components with precision and technical expertise",0.96,1,,False +welding and fabrication,automotive welding,"Advanced technical skills in operating welding equipment, cutting materials, and fabricating or repairing vehicle components with precision and technical expertise",0.96,1,,False +welding and fabrication,component repair,"Advanced technical skills in operating welding equipment, cutting materials, and fabricating or repairing vehicle components with precision and technical expertise",0.96,1,,False +automotive parts replacement,automotive parts replacement,"Comprehensive ability to remove, inspect, replace, and install vehicle parts and accessories with systematic precision and technical accuracy",0.97,1,,True +automotive parts replacement,vehicle component installation,"Comprehensive ability to remove, inspect, replace, and install vehicle parts and accessories with systematic precision and technical accuracy",0.97,1,,False +automotive parts replacement,automotive part replacement,"Comprehensive ability to remove, inspect, replace, and install vehicle parts and accessories with systematic precision and technical accuracy",0.97,1,,False +automotive parts replacement,vehicle repair,"Comprehensive ability to remove, inspect, replace, and install vehicle parts and accessories with systematic precision and technical accuracy",0.97,1,,False +creative writing skills,creative writing skills,"Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes",0.98,1,,True +creative writing skills,artistic writing,"Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes",0.98,1,,False +creative writing skills,literary composition,"Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes",0.98,1,,False +artistic collaboration,artistic collaboration,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic productions",0.97,1,,True +research and conceptualization,research and conceptualization,"Comprehensive skills in conducting research to inform artistic work, determining presentation subjects, and developing original creative concepts",0.96,1,,True +research and conceptualization,creative research,"Comprehensive skills in conducting research to inform artistic work, determining presentation subjects, and developing original creative concepts",0.96,1,,False +research and conceptualization,conceptual development,"Comprehensive skills in conducting research to inform artistic work, determining presentation subjects, and developing original creative concepts",0.96,1,,False +professional creative communication,professional creative communication,"Advanced communication skills for discussing production content, coordinating artistic activities, and effectively exchanging creative ideas",0.97,1,,True +professional creative communication,artistic dialogue,"Advanced communication skills for discussing production content, coordinating artistic activities, and effectively exchanging creative ideas",0.97,1,,False +professional creative communication,creative interaction,"Advanced communication skills for discussing production content, coordinating artistic activities, and effectively exchanging creative ideas",0.97,1,,False +professional creative communication,professional creative discourse,"Advanced communication skills for discussing production content, coordinating artistic activities, and effectively exchanging creative ideas",0.97,1,,False +intellectual property management,intellectual property management,"Advanced skills in obtaining copyrights, managing legal permissions, and protecting creative intellectual property",0.95,1,,True +intellectual property management,creative rights management,"Advanced skills in obtaining copyrights, managing legal permissions, and protecting creative intellectual property",0.95,1,,False +intellectual property management,legal content protection,"Advanced skills in obtaining copyrights, managing legal permissions, and protecting creative intellectual property",0.95,1,,False +criminal investigation skills,criminal investigation skills,"Advanced capabilities in conducting systematic investigations, gathering evidence, interviewing subjects, analyzing crime scenes, and preparing comprehensive legal documentation for criminal proceedings",0.99,1,,True +criminal investigation skills,investigative procedure,"Advanced capabilities in conducting systematic investigations, gathering evidence, interviewing subjects, analyzing crime scenes, and preparing comprehensive legal documentation for criminal proceedings",0.99,1,,False +criminal investigation skills,criminal evidence collection,"Advanced capabilities in conducting systematic investigations, gathering evidence, interviewing subjects, analyzing crime scenes, and preparing comprehensive legal documentation for criminal proceedings",0.99,1,,False +criminal investigation skills,legal investigation techniques,"Advanced capabilities in conducting systematic investigations, gathering evidence, interviewing subjects, analyzing crime scenes, and preparing comprehensive legal documentation for criminal proceedings",0.99,1,,False +strategic information gathering,strategic information gathering,"Advanced interpersonal and analytical skills for systematically collecting, verifying, and analyzing information through interviews, observations, and multiple investigative techniques",0.96,1,,True +strategic information gathering,intelligence collection,"Advanced interpersonal and analytical skills for systematically collecting, verifying, and analyzing information through interviews, observations, and multiple investigative techniques",0.96,1,,False +strategic information gathering,investigative interviewing,"Advanced interpersonal and analytical skills for systematically collecting, verifying, and analyzing information through interviews, observations, and multiple investigative techniques",0.96,1,,False +administrative documentation processing,administrative documentation processing,"Comprehensive skills in preparing, reviewing, tracking, and managing administrative documents, paperwork, payments, and regulatory compliance across professional service environments",0.97,1,,True +administrative documentation processing,paperwork processing,"Comprehensive skills in preparing, reviewing, tracking, and managing administrative documents, paperwork, payments, and regulatory compliance across professional service environments",0.97,1,,False +administrative documentation processing,administrative record keeping,"Comprehensive skills in preparing, reviewing, tracking, and managing administrative documents, paperwork, payments, and regulatory compliance across professional service environments",0.97,1,,False +operational communication management,operational communication management,"Advanced communication skills involving precise information exchange, active listening, professional interaction, and strategic coordination of work activities across diverse service environments",0.96,1,,True +operational communication management,workplace information exchange,"Advanced communication skills involving precise information exchange, active listening, professional interaction, and strategic coordination of work activities across diverse service environments",0.96,1,,False +operational communication management,operational dialogue,"Advanced communication skills involving precise information exchange, active listening, professional interaction, and strategic coordination of work activities across diverse service environments",0.96,1,,False +clinical procedure support,clinical procedure support,"Comprehensive skills in assisting healthcare practitioners during medical procedures, maintaining sterile environments, preparing medical supplies, and providing precise technical and interpersonal support across medical settings",0.99,5,,True +clinical procedure support,clinical technical support,"Comprehensive skills in assisting healthcare practitioners during medical procedures, maintaining sterile environments, preparing medical supplies, and providing precise technical and interpersonal support across medical settings",0.99,5,,False +clinical procedure support,healthcare procedural aid,"Comprehensive skills in assisting healthcare practitioners during medical procedures, maintaining sterile environments, preparing medical supplies, and providing precise technical and interpersonal support across medical settings",0.99,5,,False +patient assessment,patient assessment,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across medical contexts",0.99,1,,True +patient assessment,healthcare condition assessment,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across medical contexts",0.99,1,,False +project management in technology,project management in technology,"Comprehensive ability to plan, coordinate, execute, and monitor complex information technology projects involving resource allocation, stakeholder communication, and strategic implementation",0.97,1,,True +project management in technology,technology project leadership,"Comprehensive ability to plan, coordinate, execute, and monitor complex information technology projects involving resource allocation, stakeholder communication, and strategic implementation",0.97,1,,False +systems design and integration,systems design and integration,"Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives",0.96,1,,True +systems design and integration,enterprise technology architecture,"Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives",0.96,1,,False +systems design and integration,systems engineering,"Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives",0.96,1,,False +scientific communication,scientific communication,"Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange",0.98,1,,True +scientific communication,scientific information dissemination,"Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange",0.98,1,,False +scientific communication,technical knowledge communication,"Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange",0.98,1,,False +quantitative risk analysis,quantitative risk analysis,"Advanced mathematical and statistical skills for systematically evaluating, calculating, and managing complex probabilistic risks and financial uncertainties across professional contexts",0.99,1,,True +quantitative risk analysis,mathematical risk assessment,"Advanced mathematical and statistical skills for systematically evaluating, calculating, and managing complex probabilistic risks and financial uncertainties across professional contexts",0.99,1,,False +quantitative risk analysis,probabilistic modeling,"Advanced mathematical and statistical skills for systematically evaluating, calculating, and managing complex probabilistic risks and financial uncertainties across professional contexts",0.99,1,,False +quantitative risk analysis,financial risk evaluation,"Advanced mathematical and statistical skills for systematically evaluating, calculating, and managing complex probabilistic risks and financial uncertainties across professional contexts",0.99,1,,False +strategic financial modeling,strategic financial modeling,"Comprehensive skills in developing complex mathematical models to predict financial outcomes, analyze trends, and support organizational decision-making",0.98,1,,True +strategic financial modeling,financial predictive analysis,"Comprehensive skills in developing complex mathematical models to predict financial outcomes, analyze trends, and support organizational decision-making",0.98,1,,False +strategic financial modeling,actuarial forecasting,"Comprehensive skills in developing complex mathematical models to predict financial outcomes, analyze trends, and support organizational decision-making",0.98,1,,False +strategic financial modeling,mathematical financial planning,"Comprehensive skills in developing complex mathematical models to predict financial outcomes, analyze trends, and support organizational decision-making",0.98,1,,False +complex problem reasoning,complex problem reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate professional challenges through logical reasoning, critical thinking, and comprehensive strategic approaches",1.0,1,,True +complex problem reasoning,critical challenge resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate professional challenges through logical reasoning, critical thinking, and comprehensive strategic approaches",1.0,1,,False +professional data interpretation,professional data interpretation,"Advanced skills in analyzing, synthesizing, and deriving meaningful insights from complex numerical and statistical information across professional contexts",0.99,1,,True +professional data interpretation,data analysis,"Advanced skills in analyzing, synthesizing, and deriving meaningful insights from complex numerical and statistical information across professional contexts",0.99,1,,False +professional data interpretation,statistical reasoning,"Advanced skills in analyzing, synthesizing, and deriving meaningful insights from complex numerical and statistical information across professional contexts",0.99,1,,False +professional data interpretation,numerical information processing,"Advanced skills in analyzing, synthesizing, and deriving meaningful insights from complex numerical and statistical information across professional contexts",0.99,1,,False +food service operations,food service operations,"Comprehensive skills in managing food preparation, service activities, kitchen workflows, equipment operation, and ensuring quality food delivery across culinary environments",0.98,1,,True +food service operations,kitchen management,"Comprehensive skills in managing food preparation, service activities, kitchen workflows, equipment operation, and ensuring quality food delivery across culinary environments",0.98,1,,False +food service operations,culinary service coordination,"Comprehensive skills in managing food preparation, service activities, kitchen workflows, equipment operation, and ensuring quality food delivery across culinary environments",0.98,1,,False +food service operations,food preparation workflow,"Comprehensive skills in managing food preparation, service activities, kitchen workflows, equipment operation, and ensuring quality food delivery across culinary environments",0.98,1,,False +sanitation and hygiene management,sanitation and hygiene management,"Advanced skills in maintaining cleanliness, preventing contamination, following food safety protocols, and ensuring hygienic conditions in food preparation and service environments",0.97,1,,True +sanitation and hygiene management,food safety practices,"Advanced skills in maintaining cleanliness, preventing contamination, following food safety protocols, and ensuring hygienic conditions in food preparation and service environments",0.97,1,,False +sanitation and hygiene management,kitchen cleanliness,"Advanced skills in maintaining cleanliness, preventing contamination, following food safety protocols, and ensuring hygienic conditions in food preparation and service environments",0.97,1,,False +sanitation and hygiene management,hygiene standards,"Advanced skills in maintaining cleanliness, preventing contamination, following food safety protocols, and ensuring hygienic conditions in food preparation and service environments",0.97,1,,False +resource distribution,resource distribution,"Proficient skills in managing, distributing, and coordinating supplies, equipment, and materials across operational service environments",0.96,1,,True +resource distribution,supply coordination,"Proficient skills in managing, distributing, and coordinating supplies, equipment, and materials across operational service environments",0.96,1,,False +scientific environmental assessment,scientific environmental assessment,"Advanced analytical capabilities for systematically evaluating environmental conditions, collecting field data, measuring ecological characteristics, and conducting comprehensive scientific investigations",0.96,1,,True +scientific environmental assessment,ecological data analysis,"Advanced analytical capabilities for systematically evaluating environmental conditions, collecting field data, measuring ecological characteristics, and conducting comprehensive scientific investigations",0.96,1,,False +scientific environmental assessment,scientific field monitoring,"Advanced analytical capabilities for systematically evaluating environmental conditions, collecting field data, measuring ecological characteristics, and conducting comprehensive scientific investigations",0.96,1,,False +natural resource planning,natural resource planning,"Comprehensive skills in developing, implementing, and managing conservation and restoration programs for forests, ecosystems, and renewable natural resources",0.97,1,,True +natural resource planning,resource conservation strategy,"Comprehensive skills in developing, implementing, and managing conservation and restoration programs for forests, ecosystems, and renewable natural resources",0.97,1,,False +natural resource planning,ecosystem management,"Comprehensive skills in developing, implementing, and managing conservation and restoration programs for forests, ecosystems, and renewable natural resources",0.97,1,,False +natural resource planning,sustainable resource development,"Comprehensive skills in developing, implementing, and managing conservation and restoration programs for forests, ecosystems, and renewable natural resources",0.97,1,,False +precision pattern design,precision pattern design,"Advanced skills in creating, measuring, positioning, and manipulating templates and patterns for precise manufacturing and fabrication",0.96,1,,True +precision pattern design,pattern engineering,"Advanced skills in creating, measuring, positioning, and manipulating templates and patterns for precise manufacturing and fabrication",0.96,1,,False +strategic procurement management,strategic procurement management,"Advanced skills in purchasing products, negotiating contracts, evaluating goods and services, and making strategic decisions to optimize organizational resource acquisition",0.98,1,,True +strategic procurement management,purchasing strategy,"Advanced skills in purchasing products, negotiating contracts, evaluating goods and services, and making strategic decisions to optimize organizational resource acquisition",0.98,1,,False +strategic procurement management,resource acquisition,"Advanced skills in purchasing products, negotiating contracts, evaluating goods and services, and making strategic decisions to optimize organizational resource acquisition",0.98,1,,False +financial transaction processing,financial transaction processing,"Comprehensive skills in executing sales, managing financial transactions, calculating data, and maintaining precise financial documentation across organizational contexts",0.97,1,,True +financial transaction processing,sales execution,"Comprehensive skills in executing sales, managing financial transactions, calculating data, and maintaining precise financial documentation across organizational contexts",0.97,1,,False +financial transaction processing,transaction coordination,"Comprehensive skills in executing sales, managing financial transactions, calculating data, and maintaining precise financial documentation across organizational contexts",0.97,1,,False +operational communication and coordination,operational communication and coordination,"Advanced interpersonal skills for communicating with government agencies, coordinating logistics, advising on business matters, and ensuring effective interdepartmental information exchange",0.96,1,,True +operational communication and coordination,inter-agency communication,"Advanced interpersonal skills for communicating with government agencies, coordinating logistics, advising on business matters, and ensuring effective interdepartmental information exchange",0.96,1,,False +operational communication and coordination,business advisory,"Advanced interpersonal skills for communicating with government agencies, coordinating logistics, advising on business matters, and ensuring effective interdepartmental information exchange",0.96,1,,False +geospatial data visualization,geospatial data visualization,"Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information using technical mapping techniques",0.98,1,,True +geospatial data visualization,cartographic design,"Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information using technical mapping techniques",0.98,1,,False +geospatial data visualization,spatial mapping,"Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information using technical mapping techniques",0.98,1,,False +survey data collection,survey data collection,"Comprehensive skills in gathering, measuring, and documenting precise geographic and environmental survey data using mathematical and scientific methods",0.97,1,,True +survey data collection,field data acquisition,"Comprehensive skills in gathering, measuring, and documenting precise geographic and environmental survey data using mathematical and scientific methods",0.97,1,,False +survey data collection,scientific survey techniques,"Comprehensive skills in gathering, measuring, and documenting precise geographic and environmental survey data using mathematical and scientific methods",0.97,1,,False +technical measurement precision,technical measurement precision,"Advanced ability to measure, calculate, inspect, and verify dimensional specifications, performance parameters, and technical characteristics with high accuracy",0.98,1,,True +technical measurement precision,technical specification analysis,"Advanced ability to measure, calculate, inspect, and verify dimensional specifications, performance parameters, and technical characteristics with high accuracy",0.98,1,,False +collection management,collection management,"Advanced skills in organizing, preserving, evaluating, and maintaining archival materials, library resources, and historical collections with systematic preservation techniques",0.98,1,,True +collection management,resource curation,"Advanced skills in organizing, preserving, evaluating, and maintaining archival materials, library resources, and historical collections with systematic preservation techniques",0.98,1,,False +collection management,archival preservation,"Advanced skills in organizing, preserving, evaluating, and maintaining archival materials, library resources, and historical collections with systematic preservation techniques",0.98,1,,False +research and documentation,research and documentation,"Comprehensive capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts",0.97,1,,True +research and documentation,academic writing,"Comprehensive capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts",0.97,1,,False +research and documentation,scholarly documentation,"Comprehensive capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts",0.97,1,,False +research and documentation,research compilation,"Comprehensive capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts",0.97,1,,False +community program development,community program development,"Comprehensive skills in designing, planning, and implementing public educational and cultural programs, involving strategic engagement, audience targeting, and organizational coordination",0.95,1,,True +community program development,public program management,"Comprehensive skills in designing, planning, and implementing public educational and cultural programs, involving strategic engagement, audience targeting, and organizational coordination",0.95,1,,False +institutional resource management,institutional resource management,"Advanced abilities in coordinating material resources, managing instructional or archival equipment, maintaining inventories, and ensuring operational efficiency in cultural and educational institutions",0.96,1,,True +institutional resource management,institutional logistics,"Advanced abilities in coordinating material resources, managing instructional or archival equipment, maintaining inventories, and ensuring operational efficiency in cultural and educational institutions",0.96,1,,False +professional communication,professional communication,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and comprehensive interaction across diverse professional environments, with specific emphasis on technical, scientific, and food science contexts",1.0,180,,True +professional communication,interdisciplinary information exchange,"Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and comprehensive interaction across diverse professional environments, with specific emphasis on technical, scientific, and food science contexts",1.0,180,,False +information gathering and verification,information gathering and verification,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction, critical analysis, and comprehensive intelligence collection",1.0,2,,True +information gathering and verification,comprehensive source analysis,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction, critical analysis, and comprehensive intelligence collection",1.0,2,,False +information gathering and verification,multi-source intelligence collection,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction, critical analysis, and comprehensive intelligence collection",1.0,2,,False +procedural compliance and coordination,procedural compliance and coordination,"Systematic approach to ensuring regulatory adherence, managing administrative workflows, coordinating work activities, and maintaining organizational standards",0.97,1,,True +procedural compliance and coordination,regulatory management,"Systematic approach to ensuring regulatory adherence, managing administrative workflows, coordinating work activities, and maintaining organizational standards",0.97,1,,False +procedural compliance and coordination,administrative compliance,"Systematic approach to ensuring regulatory adherence, managing administrative workflows, coordinating work activities, and maintaining organizational standards",0.97,1,,False +operational sanitation management,operational sanitation management,"Comprehensive skills in maintaining cleanliness, preventing contamination, following safety protocols, and ensuring hygienic conditions in food service and workplace environments",0.97,1,,True +operational sanitation management,workplace hygiene,"Comprehensive skills in maintaining cleanliness, preventing contamination, following safety protocols, and ensuring hygienic conditions in food service and workplace environments",0.97,1,,False +operational sanitation management,safety and cleanliness,"Comprehensive skills in maintaining cleanliness, preventing contamination, following safety protocols, and ensuring hygienic conditions in food service and workplace environments",0.97,1,,False +operational sanitation management,contamination prevention,"Comprehensive skills in maintaining cleanliness, preventing contamination, following safety protocols, and ensuring hygienic conditions in food service and workplace environments",0.97,1,,False +resource distribution and coordination,resource distribution and coordination,"Proficient skills in managing, distributing, and coordinating supplies, equipment, and materials across operational service environments",0.96,1,,True +transaction processing,transaction processing,"Comprehensive skills in executing financial transactions, calculating costs, processing payments, and maintaining precise documentation in service and retail environments",0.97,1,,True +vehicle traffic management,vehicle traffic management,"Advanced skills in directing, coordinating, and managing vehicle movement, traffic flow, and operational safety in parking and transportation environments",0.95,1,,True +vehicle traffic management,traffic control,"Advanced skills in directing, coordinating, and managing vehicle movement, traffic flow, and operational safety in parking and transportation environments",0.95,1,,False +vehicle traffic management,parking coordination,"Advanced skills in directing, coordinating, and managing vehicle movement, traffic flow, and operational safety in parking and transportation environments",0.95,1,,False +spatial measurement and marking,spatial measurement and marking,"Comprehensive ability to measure work site dimensions, mark reference points, create installation diagrams, and ensure accurate spatial positioning",0.96,1,,True +spatial measurement and marking,technical layout skills,"Comprehensive ability to measure work site dimensions, mark reference points, create installation diagrams, and ensure accurate spatial positioning",0.96,1,,False +data systems engineering,data systems engineering,"Advanced skills in designing, developing, analyzing, and maintaining complex data warehousing systems, including database creation, system architecture, and performance optimization",0.98,1,,True +data systems engineering,data infrastructure management,"Advanced skills in designing, developing, analyzing, and maintaining complex data warehousing systems, including database creation, system architecture, and performance optimization",0.98,1,,False +data systems engineering,database systems development,"Advanced skills in designing, developing, analyzing, and maintaining complex data warehousing systems, including database creation, system architecture, and performance optimization",0.98,1,,False +information technology optimization,information technology optimization,"Comprehensive skills in improving, modifying, and enhancing software programs, systems, and technological infrastructure to maximize performance, efficiency, and operational effectiveness",0.96,1,,True +information technology optimization,system performance enhancement,"Comprehensive skills in improving, modifying, and enhancing software programs, systems, and technological infrastructure to maximize performance, efficiency, and operational effectiveness",0.96,1,,False +information technology optimization,it process improvement,"Comprehensive skills in improving, modifying, and enhancing software programs, systems, and technological infrastructure to maximize performance, efficiency, and operational effectiveness",0.96,1,,False +laboratory specimen analysis,laboratory specimen analysis,"Advanced technical skills in examining, processing, and interpreting biological specimens using scientific methods and precision laboratory techniques",0.99,1,,True +laboratory specimen analysis,clinical sample processing,"Advanced technical skills in examining, processing, and interpreting biological specimens using scientific methods and precision laboratory techniques",0.99,1,,False +laboratory specimen analysis,medical specimen examination,"Advanced technical skills in examining, processing, and interpreting biological specimens using scientific methods and precision laboratory techniques",0.99,1,,False +laboratory specimen analysis,biological testing,"Advanced technical skills in examining, processing, and interpreting biological specimens using scientific methods and precision laboratory techniques",0.99,1,,False +healthcare quality control,healthcare quality control,"Systematic approach to developing, implementing, and monitoring safety procedures, quality standards, and compliance protocols in medical and clinical environments",0.97,1,,True +healthcare quality control,medical safety procedures,"Systematic approach to developing, implementing, and monitoring safety procedures, quality standards, and compliance protocols in medical and clinical environments",0.97,1,,False +healthcare quality control,clinical quality assurance,"Systematic approach to developing, implementing, and monitoring safety procedures, quality standards, and compliance protocols in medical and clinical environments",0.97,1,,False +precision scientific documentation,precision scientific documentation,"Advanced skills in recording, maintaining, and communicating detailed medical and laboratory findings, patient data, and technical research information",0.98,1,,True +precision scientific documentation,clinical record management,"Advanced skills in recording, maintaining, and communicating detailed medical and laboratory findings, patient data, and technical research information",0.98,1,,False +microbiological cultivation,microbiological cultivation,"Specialized expertise in preparing, growing, studying, and managing micro-organisms for medical research, testing, and diagnostic purposes",0.96,1,,True +microbiological cultivation,microbial culture techniques,"Specialized expertise in preparing, growing, studying, and managing micro-organisms for medical research, testing, and diagnostic purposes",0.96,1,,False +microbiological cultivation,organism cultivation,"Specialized expertise in preparing, growing, studying, and managing micro-organisms for medical research, testing, and diagnostic purposes",0.96,1,,False +construction material handling,construction material handling,"Advanced skills in measuring, cutting, positioning, and preparing masonry and construction materials for installation and assembly tasks",0.97,1,,True +construction material handling,masonry material handling,"Advanced skills in measuring, cutting, positioning, and preparing masonry and construction materials for installation and assembly tasks",0.97,1,,False +temporary structure assembly,temporary structure assembly,"Comprehensive ability to assemble, position, and secure temporary equipment and structures for construction and work site operations",0.96,1,,True +temporary structure assembly,temporary equipment setup,"Comprehensive ability to assemble, position, and secure temporary equipment and structures for construction and work site operations",0.96,1,,False +temporary structure assembly,work site structure preparation,"Comprehensive ability to assemble, position, and secure temporary equipment and structures for construction and work site operations",0.96,1,,False +construction equipment operation,construction equipment operation,"Proficient skills in operating, controlling, and managing specialized construction and material-moving equipment",0.96,1,,True +construction equipment operation,construction machinery management,"Proficient skills in operating, controlling, and managing specialized construction and material-moving equipment",0.96,1,,False +food preparation skills,food preparation skills,"Advanced technical abilities in cooking, preparing, measuring ingredients, and managing food production processes in fast-paced culinary environments",0.98,1,,True +food preparation skills,culinary production,"Advanced technical abilities in cooking, preparing, measuring ingredients, and managing food production processes in fast-paced culinary environments",0.98,1,,False +food preparation skills,food handling,"Advanced technical abilities in cooking, preparing, measuring ingredients, and managing food production processes in fast-paced culinary environments",0.98,1,,False +interpersonal healthcare communication,interpersonal healthcare communication,"Advanced communication skills involving active listening, precise information exchange, professional interaction, and comprehensive understanding in medical and pharmacy service environments",0.99,1,,True +interpersonal healthcare communication,patient interaction skills,"Advanced communication skills involving active listening, precise information exchange, professional interaction, and comprehensive understanding in medical and pharmacy service environments",0.99,1,,False +interpersonal healthcare communication,medical communication proficiency,"Advanced communication skills involving active listening, precise information exchange, professional interaction, and comprehensive understanding in medical and pharmacy service environments",0.99,1,,False +interpersonal healthcare communication,healthcare service dialogue,"Advanced communication skills involving active listening, precise information exchange, professional interaction, and comprehensive understanding in medical and pharmacy service environments",0.99,1,,False +property management,property management,"Comprehensive skills in managing real estate properties, coordinating maintenance, resolving tenant issues, and ensuring operational efficiency across community and residential environments",0.98,1,,True +property management,real estate operations,"Comprehensive skills in managing real estate properties, coordinating maintenance, resolving tenant issues, and ensuring operational efficiency across community and residential environments",0.98,1,,False +property management,community association management,"Comprehensive skills in managing real estate properties, coordinating maintenance, resolving tenant issues, and ensuring operational efficiency across community and residential environments",0.98,1,,False +financial resource coordination,financial resource coordination,"Advanced skills in preparing budgets, analyzing financial records, managing operational expenses, and making strategic financial decisions for organizational sustainability",0.97,1,,True +financial resource coordination,operational budgeting,"Advanced skills in preparing budgets, analyzing financial records, managing operational expenses, and making strategic financial decisions for organizational sustainability",0.97,1,,False +financial resource coordination,financial planning,"Advanced skills in preparing budgets, analyzing financial records, managing operational expenses, and making strategic financial decisions for organizational sustainability",0.97,1,,False +stakeholder communication,stakeholder communication,"Advanced interpersonal skills for effectively communicating with diverse stakeholders, negotiating agreements, resolving conflicts, and maintaining professional relationships across organizational contexts",0.98,1,,True +stakeholder communication,professional relationship management,"Advanced interpersonal skills for effectively communicating with diverse stakeholders, negotiating agreements, resolving conflicts, and maintaining professional relationships across organizational contexts",0.98,1,,False +stakeholder communication,interdepartmental coordination,"Advanced interpersonal skills for effectively communicating with diverse stakeholders, negotiating agreements, resolving conflicts, and maintaining professional relationships across organizational contexts",0.98,1,,False +operational compliance management,operational compliance management,"Comprehensive skills in ensuring adherence to regulatory standards, managing organizational policies, conducting performance evaluations, and maintaining comprehensive operational quality",0.97,1,,True +operational compliance management,organizational standards enforcement,"Comprehensive skills in ensuring adherence to regulatory standards, managing organizational policies, conducting performance evaluations, and maintaining comprehensive operational quality",0.97,1,,False +strategic facility management,strategic facility management,"Advanced skills in directing facility maintenance, coordinating repair activities, inspecting equipment functionality, and ensuring optimal operational conditions across diverse property environments",0.96,1,,True +strategic facility management,facility maintenance coordination,"Advanced skills in directing facility maintenance, coordinating repair activities, inspecting equipment functionality, and ensuring optimal operational conditions across diverse property environments",0.96,1,,False +strategic facility management,infrastructure oversight,"Advanced skills in directing facility maintenance, coordinating repair activities, inspecting equipment functionality, and ensuring optimal operational conditions across diverse property environments",0.96,1,,False +food science technical analysis,food science technical analysis,"Advanced scientific skills for analyzing food materials, conducting quality tests, measuring chemical and physical properties, and ensuring product safety and quality through systematic laboratory techniques",0.98,1,,True +food science technical analysis,food quality evaluation,"Advanced scientific skills for analyzing food materials, conducting quality tests, measuring chemical and physical properties, and ensuring product safety and quality through systematic laboratory techniques",0.98,1,,False +food science technical analysis,scientific food testing,"Advanced scientific skills for analyzing food materials, conducting quality tests, measuring chemical and physical properties, and ensuring product safety and quality through systematic laboratory techniques",0.98,1,,False +food science technical analysis,nutritional composition analysis,"Advanced scientific skills for analyzing food materials, conducting quality tests, measuring chemical and physical properties, and ensuring product safety and quality through systematic laboratory techniques",0.98,1,,False +scientific laboratory procedure management,scientific laboratory procedure management,"Comprehensive skills in managing complex scientific laboratory workflows, maintaining technical equipment, preparing biological samples, and ensuring systematic operational efficiency in research and testing environments",0.97,1,,True +scientific laboratory procedure management,laboratory operations coordination,"Comprehensive skills in managing complex scientific laboratory workflows, maintaining technical equipment, preparing biological samples, and ensuring systematic operational efficiency in research and testing environments",0.97,1,,False +scientific laboratory procedure management,scientific workflow management,"Comprehensive skills in managing complex scientific laboratory workflows, maintaining technical equipment, preparing biological samples, and ensuring systematic operational efficiency in research and testing environments",0.97,1,,False +scientific laboratory procedure management,technical research procedures,"Comprehensive skills in managing complex scientific laboratory workflows, maintaining technical equipment, preparing biological samples, and ensuring systematic operational efficiency in research and testing environments",0.97,1,,False +technical research and development,technical research and development,"Advanced capabilities in conducting systematic research to improve food products, developing innovative methodologies, analyzing scientific data, and implementing evidence-based product enhancement strategies",0.96,1,,True +technical research and development,food product innovation,"Advanced capabilities in conducting systematic research to improve food products, developing innovative methodologies, analyzing scientific data, and implementing evidence-based product enhancement strategies",0.96,1,,False +technical research and development,scientific research methods,"Advanced capabilities in conducting systematic research to improve food products, developing innovative methodologies, analyzing scientific data, and implementing evidence-based product enhancement strategies",0.96,1,,False +technical research and development,technical product development,"Advanced capabilities in conducting systematic research to improve food products, developing innovative methodologies, analyzing scientific data, and implementing evidence-based product enhancement strategies",0.96,1,,False +precision measurement and instrumentation,precision measurement and instrumentation,"Advanced skills in using specialized scientific instruments to measure physical and chemical properties, calibrate equipment, and ensure precise analytical accuracy in technical and research environments",0.97,1,,True +precision measurement and instrumentation,scientific instrument operation,"Advanced skills in using specialized scientific instruments to measure physical and chemical properties, calibrate equipment, and ensure precise analytical accuracy in technical and research environments",0.97,1,,False +precision measurement and instrumentation,analytical equipment management,"Advanced skills in using specialized scientific instruments to measure physical and chemical properties, calibrate equipment, and ensure precise analytical accuracy in technical and research environments",0.97,1,,False +early childhood educational administration,early childhood educational administration,"Advanced skills in managing, coordinating, and leading educational programs and administrative operations specific to preschool and daycare environments, involving strategic planning, policy development, and comprehensive child development support",0.98,1,,True +early childhood educational administration,preschool management,"Advanced skills in managing, coordinating, and leading educational programs and administrative operations specific to preschool and daycare environments, involving strategic planning, policy development, and comprehensive child development support",0.98,1,,False +early childhood educational administration,childcare program leadership,"Advanced skills in managing, coordinating, and leading educational programs and administrative operations specific to preschool and daycare environments, involving strategic planning, policy development, and comprehensive child development support",0.98,1,,False +early childhood educational administration,early learning administration,"Advanced skills in managing, coordinating, and leading educational programs and administrative operations specific to preschool and daycare environments, involving strategic planning, policy development, and comprehensive child development support",0.98,1,,False +child development program oversight,child development program oversight,"Comprehensive skills in developing, implementing, and evaluating educational goals, standards, and procedures for early childhood learning environments, with emphasis on holistic child growth and developmental support",0.97,1,,True +child development program oversight,developmental curriculum design,"Comprehensive skills in developing, implementing, and evaluating educational goals, standards, and procedures for early childhood learning environments, with emphasis on holistic child growth and developmental support",0.97,1,,False +child development program oversight,child learning strategy,"Comprehensive skills in developing, implementing, and evaluating educational goals, standards, and procedures for early childhood learning environments, with emphasis on holistic child growth and developmental support",0.97,1,,False +organizational resource allocation in education,organizational resource allocation in education,"Advanced skills in managing personnel, financial, and material resources specifically within educational and childcare administrative contexts, involving budgeting, staffing, and strategic resource optimization",0.96,1,,True +organizational resource allocation in education,educational resource management,"Advanced skills in managing personnel, financial, and material resources specifically within educational and childcare administrative contexts, involving budgeting, staffing, and strategic resource optimization",0.96,1,,False +organizational resource allocation in education,childcare operational coordination,"Advanced skills in managing personnel, financial, and material resources specifically within educational and childcare administrative contexts, involving budgeting, staffing, and strategic resource optimization",0.96,1,,False +organizational resource allocation in education,institutional resource planning,"Advanced skills in managing personnel, financial, and material resources specifically within educational and childcare administrative contexts, involving budgeting, staffing, and strategic resource optimization",0.96,1,,False +regulatory compliance in childcare,regulatory compliance in childcare,"Comprehensive skills in maintaining documentation, monitoring adherence to educational and childcare regulations, ensuring safety standards, and managing complex administrative requirements in early childhood education environments",0.97,1,,True +regulatory compliance in childcare,educational policy enforcement,"Comprehensive skills in maintaining documentation, monitoring adherence to educational and childcare regulations, ensuring safety standards, and managing complex administrative requirements in early childhood education environments",0.97,1,,False +regulatory compliance in childcare,childcare standards management,"Comprehensive skills in maintaining documentation, monitoring adherence to educational and childcare regulations, ensuring safety standards, and managing complex administrative requirements in early childhood education environments",0.97,1,,False +regulatory compliance in childcare,institutional regulatory oversight,"Comprehensive skills in maintaining documentation, monitoring adherence to educational and childcare regulations, ensuring safety standards, and managing complex administrative requirements in early childhood education environments",0.97,1,,False +professional development and staff training,professional development and staff training,"Advanced skills in recruiting, training, evaluating, and developing educational personnel, focusing on continuous professional growth, performance monitoring, and comprehensive workforce skill enhancement",0.98,1,,True +professional development and staff training,educational staff management,"Advanced skills in recruiting, training, evaluating, and developing educational personnel, focusing on continuous professional growth, performance monitoring, and comprehensive workforce skill enhancement",0.98,1,,False +professional development and staff training,workforce learning coordination,"Advanced skills in recruiting, training, evaluating, and developing educational personnel, focusing on continuous professional growth, performance monitoring, and comprehensive workforce skill enhancement",0.98,1,,False +professional development and staff training,professional skill development,"Advanced skills in recruiting, training, evaluating, and developing educational personnel, focusing on continuous professional growth, performance monitoring, and comprehensive workforce skill enhancement",0.98,1,,False +precision medical device fabrication,precision medical device fabrication,"Advanced skills in measuring, designing, fabricating, and customizing medical devices and assistive equipment with high technical accuracy and patient-specific customization",0.98,1,,True +precision medical device fabrication,medical device manufacturing,"Advanced skills in measuring, designing, fabricating, and customizing medical devices and assistive equipment with high technical accuracy and patient-specific customization",0.98,1,,False +precision medical device fabrication,ophthalmic equipment fabrication,"Advanced skills in measuring, designing, fabricating, and customizing medical devices and assistive equipment with high technical accuracy and patient-specific customization",0.98,1,,False +precision medical device fabrication,precision medical equipment production,"Advanced skills in measuring, designing, fabricating, and customizing medical devices and assistive equipment with high technical accuracy and patient-specific customization",0.98,1,,False +vision care technical expertise,vision care technical expertise,"Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating precise medical devices for eye care",0.98,1,,True +vision care technical expertise,ophthalmic technical skills,"Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating precise medical devices for eye care",0.98,1,,False +vision care technical expertise,vision correction device preparation,"Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating precise medical devices for eye care",0.98,1,,False +vision care technical expertise,medical optical equipment management,"Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating precise medical devices for eye care",0.98,1,,False +quality control inspection,quality control inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise technical specifications, with specific application to agricultural and forestry product standards",0.99,2,,True +quality control inspection,product grading,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise technical specifications, with specific application to agricultural and forestry product standards",0.99,2,,False +quality control inspection,agricultural standards verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise technical specifications, with specific application to agricultural and forestry product standards",0.99,2,,False +quality control inspection,technical quality assessment,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise technical specifications, with specific application to agricultural and forestry product standards",0.99,2,,False +medical device measurement and fitting,medical device measurement and fitting,"Comprehensive skills in patient physical assessment, precise measurement techniques, and customizing medical devices to individual patient anatomical requirements",0.97,1,,True +medical device measurement and fitting,patient-specific device customization,"Comprehensive skills in patient physical assessment, precise measurement techniques, and customizing medical devices to individual patient anatomical requirements",0.97,1,,False +medical device measurement and fitting,anatomical measurement techniques,"Comprehensive skills in patient physical assessment, precise measurement techniques, and customizing medical devices to individual patient anatomical requirements",0.97,1,,False +medical device measurement and fitting,personalized medical equipment adaptation,"Comprehensive skills in patient physical assessment, precise measurement techniques, and customizing medical devices to individual patient anatomical requirements",0.97,1,,False +drilling operations management,drilling operations management,"Advanced skills in operating, controlling, and managing specialized drilling equipment and extraction processes with emphasis on safety, precision, and operational efficiency",0.98,1,,True +drilling operations management,rotary drilling expertise,"Advanced skills in operating, controlling, and managing specialized drilling equipment and extraction processes with emphasis on safety, precision, and operational efficiency",0.98,1,,False +drilling operations management,extraction equipment control,"Advanced skills in operating, controlling, and managing specialized drilling equipment and extraction processes with emphasis on safety, precision, and operational efficiency",0.98,1,,False +site preparation and inspection,site preparation and inspection,"Comprehensive skills in assessing, measuring, preparing, and managing work sites for drilling and extraction operations, including equipment positioning, dimensional verification, and environmental considerations",0.97,1,,True +site preparation and inspection,work site management,"Comprehensive skills in assessing, measuring, preparing, and managing work sites for drilling and extraction operations, including equipment positioning, dimensional verification, and environmental considerations",0.97,1,,False +site preparation and inspection,extraction site readiness,"Comprehensive skills in assessing, measuring, preparing, and managing work sites for drilling and extraction operations, including equipment positioning, dimensional verification, and environmental considerations",0.97,1,,False +extraction equipment maintenance,extraction equipment maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex drilling and extraction machinery with emphasis on operational reliability and safety standards",0.97,1,,True +extraction equipment maintenance,drilling equipment servicing,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex drilling and extraction machinery with emphasis on operational reliability and safety standards",0.97,1,,False +spatial analysis and visualization,spatial analysis and visualization,"Advanced ability to create graphical representations, technical drawings, maps, and visual documentation of complex technical, geographical, and engineering systems",0.97,1,,True +spatial analysis and visualization,technical design,"Advanced ability to create graphical representations, technical drawings, maps, and visual documentation of complex technical, geographical, and engineering systems",0.97,1,,False +spatial analysis and visualization,graphical representation,"Advanced ability to create graphical representations, technical drawings, maps, and visual documentation of complex technical, geographical, and engineering systems",0.97,1,,False +precision measurement and verification,precision measurement and verification,"Advanced technical skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy, specifically adapted for agricultural and forestry product assessment",0.98,2,,True +precision measurement and verification,product dimensional assessment,"Advanced technical skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy, specifically adapted for agricultural and forestry product assessment",0.98,2,,False +precision measurement and verification,agricultural inventory measurement,"Advanced technical skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy, specifically adapted for agricultural and forestry product assessment",0.98,2,,False +infrastructure design and planning,infrastructure design and planning,"Comprehensive skills in designing civil structures, surveying sites, preparing technical work plans, and incorporating innovative engineering and environmental considerations",0.98,1,,True +complex problem analysis and resolution,complex problem analysis and resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,True +complex problem analysis and resolution,systematic reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +complex problem analysis and resolution,strategic challenge resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +digital marketing strategy,digital marketing strategy,"Advanced skills in developing, implementing, and optimizing comprehensive digital marketing initiatives across online platforms, involving search engine optimization, content creation, and performance analysis",0.98,1,,True +digital marketing strategy,online marketing,"Advanced skills in developing, implementing, and optimizing comprehensive digital marketing initiatives across online platforms, involving search engine optimization, content creation, and performance analysis",0.98,1,,False +digital marketing strategy,search marketing,"Advanced skills in developing, implementing, and optimizing comprehensive digital marketing initiatives across online platforms, involving search engine optimization, content creation, and performance analysis",0.98,1,,False +digital marketing strategy,digital advertising,"Advanced skills in developing, implementing, and optimizing comprehensive digital marketing initiatives across online platforms, involving search engine optimization, content creation, and performance analysis",0.98,1,,False +web analytics and insights,web analytics and insights,"Comprehensive ability to collect, analyze, interpret, and leverage digital performance data to inform marketing strategies, track trends, and optimize online engagement",0.97,1,,True +web analytics and insights,digital performance tracking,"Comprehensive ability to collect, analyze, interpret, and leverage digital performance data to inform marketing strategies, track trends, and optimize online engagement",0.97,1,,False +web analytics and insights,online trend analysis,"Comprehensive ability to collect, analyze, interpret, and leverage digital performance data to inform marketing strategies, track trends, and optimize online engagement",0.97,1,,False +strategic online communication,strategic online communication,"Advanced interpersonal skills for crafting persuasive digital messaging, engaging target audiences, and developing compelling communication strategies across online marketing channels",0.96,1,,True +strategic online communication,digital messaging,"Advanced interpersonal skills for crafting persuasive digital messaging, engaging target audiences, and developing compelling communication strategies across online marketing channels",0.96,1,,False +strategic online communication,online persuasion,"Advanced interpersonal skills for crafting persuasive digital messaging, engaging target audiences, and developing compelling communication strategies across online marketing channels",0.96,1,,False +technical marketing technology,technical marketing technology,"Proficient skills in utilizing advanced digital marketing tools, platforms, and technologies for campaign management, performance tracking, and strategic online optimization",0.95,1,,True +technical marketing technology,marketing tech stack,"Proficient skills in utilizing advanced digital marketing tools, platforms, and technologies for campaign management, performance tracking, and strategic online optimization",0.95,1,,False +technical marketing technology,digital marketing tools,"Proficient skills in utilizing advanced digital marketing tools, platforms, and technologies for campaign management, performance tracking, and strategic online optimization",0.95,1,,False +precision surface finishing,precision surface finishing,"Advanced technical skills in smoothing, polishing, cleaning, and preparing surfaces to meet specific quality and aesthetic standards using specialized tools and techniques",0.97,1,,True +precision surface finishing,material surface refinement,"Advanced technical skills in smoothing, polishing, cleaning, and preparing surfaces to meet specific quality and aesthetic standards using specialized tools and techniques",0.97,1,,False +equipment maintenance and inspection,equipment maintenance and inspection,"Comprehensive ability to inspect, clean, lubricate, adjust, and maintain production and grinding equipment to ensure optimal operational functionality and safety",0.98,1,,True +equipment maintenance and inspection,machine maintenance,"Comprehensive ability to inspect, clean, lubricate, adjust, and maintain production and grinding equipment to ensure optimal operational functionality and safety",0.98,1,,False +equipment maintenance and inspection,production equipment care,"Comprehensive ability to inspect, clean, lubricate, adjust, and maintain production and grinding equipment to ensure optimal operational functionality and safety",0.98,1,,False +quality control measurement,quality control measurement,"Systematic skills in measuring, comparing, and verifying product dimensions, characteristics, and specifications to ensure conformance to established quality standards",0.97,1,,True +manual material manipulation,manual material manipulation,"Advanced proficiency in handling, positioning, cutting, trimming, and preparing workpieces and materials using specialized hand tools and techniques",0.96,1,,True +manual material manipulation,precision manual skills,"Advanced proficiency in handling, positioning, cutting, trimming, and preparing workpieces and materials using specialized hand tools and techniques",0.96,1,,False +manual material manipulation,workpiece preparation,"Advanced proficiency in handling, positioning, cutting, trimming, and preparing workpieces and materials using specialized hand tools and techniques",0.96,1,,False +production workflow management,production workflow management,"Systematic skills in coordinating work activities, following operational instructions, loading equipment, monitoring production processes, and maintaining efficient workflow",0.97,1,,True +production workflow management,production process control,"Systematic skills in coordinating work activities, following operational instructions, loading equipment, monitoring production processes, and maintaining efficient workflow",0.97,1,,False +production workflow management,workflow optimization,"Systematic skills in coordinating work activities, following operational instructions, loading equipment, monitoring production processes, and maintaining efficient workflow",0.97,1,,False +electrical circuit maintenance,electrical circuit maintenance,"Advanced skills in inspecting, testing, diagnosing, and repairing electrical circuits and wiring systems with precision and technical expertise",0.98,1,,True +electrical circuit maintenance,electrical system repair,"Advanced skills in inspecting, testing, diagnosing, and repairing electrical circuits and wiring systems with precision and technical expertise",0.98,1,,False +electrical circuit maintenance,circuit troubleshooting,"Advanced skills in inspecting, testing, diagnosing, and repairing electrical circuits and wiring systems with precision and technical expertise",0.98,1,,False +mechanical component inspection,mechanical component inspection,"Comprehensive ability to systematically examine, test, and evaluate mechanical parts for damage, wear, defects, and proper functioning",0.97,1,,True +precision equipment lubrication,precision equipment lubrication,"Advanced technical skills in applying lubricants, maintaining equipment functionality, and ensuring optimal mechanical performance through systematic lubrication techniques",0.95,1,,True +precision equipment lubrication,equipment maintenance lubrication,"Advanced technical skills in applying lubricants, maintaining equipment functionality, and ensuring optimal mechanical performance through systematic lubrication techniques",0.95,1,,False +precision equipment lubrication,mechanical lubrication,"Advanced technical skills in applying lubricants, maintaining equipment functionality, and ensuring optimal mechanical performance through systematic lubrication techniques",0.95,1,,False +technical documentation and record keeping,technical documentation and record keeping,"Comprehensive skills in recording information about parts, materials, repair procedures, and maintaining precise operational documentation",0.97,1,,True +technical documentation and record keeping,repair process documentation,"Comprehensive skills in recording information about parts, materials, repair procedures, and maintaining precise operational documentation",0.97,1,,False +technical documentation and record keeping,technical information management,"Comprehensive skills in recording information about parts, materials, repair procedures, and maintaining precise operational documentation",0.97,1,,False +claims investigation,claims investigation,"Advanced skills in systematically investigating legal claims, gathering evidence, interviewing witnesses, and documenting findings with precision and comprehensive analytical reasoning",0.98,1,,True +claims investigation,legal evidence collection,"Advanced skills in systematically investigating legal claims, gathering evidence, interviewing witnesses, and documenting findings with precision and comprehensive analytical reasoning",0.98,1,,False +claims investigation,claim verification,"Advanced skills in systematically investigating legal claims, gathering evidence, interviewing witnesses, and documenting findings with precision and comprehensive analytical reasoning",0.98,1,,False +financial claims processing,financial claims processing,"Comprehensive skills in managing insurance claims, verifying application data, calculating charges, and processing financial transactions with systematic accuracy",0.97,1,,True +financial claims processing,insurance claim management,"Comprehensive skills in managing insurance claims, verifying application data, calculating charges, and processing financial transactions with systematic accuracy",0.97,1,,False +financial claims processing,financial transaction verification,"Comprehensive skills in managing insurance claims, verifying application data, calculating charges, and processing financial transactions with systematic accuracy",0.97,1,,False +regulatory compliance assessment,regulatory compliance assessment,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across insurance and claims processing environments",0.96,1,,True +regulatory compliance assessment,legal standard verification,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across insurance and claims processing environments",0.96,1,,False +regulatory compliance assessment,regulatory adherence monitoring,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across insurance and claims processing environments",0.96,1,,False +scientific field research,scientific field research,"Advanced skills in conducting systematic environmental and geological field investigations, collecting data, analyzing ecological conditions, and documenting scientific findings",0.97,1,,True +scientific field research,ecological field sampling,"Advanced skills in conducting systematic environmental and geological field investigations, collecting data, analyzing ecological conditions, and documenting scientific findings",0.97,1,,False +natural resource analysis,natural resource analysis,"Comprehensive analytical capabilities for evaluating environmental systems, assessing resource characteristics, and developing evidence-based conservation and management strategies",0.96,1,,True +natural resource analysis,resource evaluation,"Comprehensive analytical capabilities for evaluating environmental systems, assessing resource characteristics, and developing evidence-based conservation and management strategies",0.96,1,,False +natural resource analysis,ecological systems assessment,"Comprehensive analytical capabilities for evaluating environmental systems, assessing resource characteristics, and developing evidence-based conservation and management strategies",0.96,1,,False +geospatial environmental mapping,geospatial environmental mapping,"Advanced skills in creating precise geographical representations, mapping natural resources, analyzing spatial environmental data, and visualizing ecological characteristics",0.97,1,,True +geospatial environmental mapping,resource mapping,"Advanced skills in creating precise geographical representations, mapping natural resources, analyzing spatial environmental data, and visualizing ecological characteristics",0.97,1,,False +geospatial environmental mapping,ecological cartography,"Advanced skills in creating precise geographical representations, mapping natural resources, analyzing spatial environmental data, and visualizing ecological characteristics",0.97,1,,False +sustainable land management,sustainable land management,"Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land use practices",0.96,1,,True +sustainable land management,land conservation planning,"Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land use practices",0.96,1,,False +sustainable land management,ecological restoration,"Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land use practices",0.96,1,,False +vehicle inspection and safety,vehicle inspection and safety,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles through detailed technical inspections and regulatory adherence",0.98,1,,True +vehicle inspection and safety,vehicle safety assessment,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles through detailed technical inspections and regulatory adherence",0.98,1,,False +vehicle inspection and safety,transportation equipment verification,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles through detailed technical inspections and regulatory adherence",0.98,1,,False +vehicle inspection and safety,mechanical compliance inspection,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles through detailed technical inspections and regulatory adherence",0.98,1,,False +operational incident documentation,operational incident documentation,"Advanced skills in preparing precise reports, recording detailed incident information, and maintaining comprehensive documentation of transportation-related events and violations",0.97,1,,True +operational incident documentation,incident report preparation,"Advanced skills in preparing precise reports, recording detailed incident information, and maintaining comprehensive documentation of transportation-related events and violations",0.97,1,,False +operational incident documentation,transportation event logging,"Advanced skills in preparing precise reports, recording detailed incident information, and maintaining comprehensive documentation of transportation-related events and violations",0.97,1,,False +technical compliance monitoring,technical compliance monitoring,"Systematic approach to reviewing documents, verifying regulatory compliance, and ensuring adherence to transportation safety and operational standards",0.96,1,,True +technical compliance monitoring,regulatory standard verification,"Systematic approach to reviewing documents, verifying regulatory compliance, and ensuring adherence to transportation safety and operational standards",0.96,1,,False +technical compliance monitoring,operational policy compliance,"Systematic approach to reviewing documents, verifying regulatory compliance, and ensuring adherence to transportation safety and operational standards",0.96,1,,False +technical compliance monitoring,transportation regulation enforcement,"Systematic approach to reviewing documents, verifying regulatory compliance, and ensuring adherence to transportation safety and operational standards",0.96,1,,False +epidemiological research,epidemiological research,"Advanced scientific skills for designing, conducting, and analyzing systematic research on disease patterns, population health, and medical interventions",0.99,1,,True +epidemiological research,disease pattern analysis,"Advanced scientific skills for designing, conducting, and analyzing systematic research on disease patterns, population health, and medical interventions",0.99,1,,False +epidemiological research,population health research,"Advanced scientific skills for designing, conducting, and analyzing systematic research on disease patterns, population health, and medical interventions",0.99,1,,False +epidemiological research,medical epidemiology,"Advanced scientific skills for designing, conducting, and analyzing systematic research on disease patterns, population health, and medical interventions",0.99,1,,False +healthcare program management,healthcare program management,"Comprehensive skills in directing, coordinating, and implementing medical science and healthcare programs with strategic planning and operational oversight",0.97,1,,True +healthcare program management,medical program leadership,"Comprehensive skills in directing, coordinating, and implementing medical science and healthcare programs with strategic planning and operational oversight",0.97,1,,False +healthcare program management,healthcare intervention coordination,"Comprehensive skills in directing, coordinating, and implementing medical science and healthcare programs with strategic planning and operational oversight",0.97,1,,False +public health strategy,public health strategy,"Advanced capabilities in developing, implementing, and evaluating comprehensive strategies for disease prevention, health promotion, and population wellness",0.98,1,,True +public health strategy,health policy development,"Advanced capabilities in developing, implementing, and evaluating comprehensive strategies for disease prevention, health promotion, and population wellness",0.98,1,,False +public health strategy,population health intervention,"Advanced capabilities in developing, implementing, and evaluating comprehensive strategies for disease prevention, health promotion, and population wellness",0.98,1,,False +grant and research funding,grant and research funding,"Advanced skills in preparing research proposals, writing grant applications, and securing project funding for scientific and medical initiatives",0.96,1,,True +grant and research funding,scientific grant writing,"Advanced skills in preparing research proposals, writing grant applications, and securing project funding for scientific and medical initiatives",0.96,1,,False +healthcare technical support,healthcare technical support,"Comprehensive skills in assisting healthcare practitioners during medical procedures, providing technical and interpersonal support for patient care and medical interventions",0.97,1,,True +patient monitoring and assessment,patient monitoring and assessment,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across diverse medical contexts",0.99,1,,True +patient monitoring and assessment,clinical patient evaluation,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across diverse medical contexts",0.99,1,,False +patient monitoring and assessment,medical condition tracking,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across diverse medical contexts",0.99,1,,False +patient monitoring and assessment,comprehensive health assessment,"Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across diverse medical contexts",0.99,1,,False +cardiovascular technical expertise,cardiovascular technical expertise,"Specialized clinical skills in operating cardiovascular diagnostic equipment, performing patient tests, monitoring heart and lung functioning, and supporting cardiovascular medical procedures",0.99,1,,True +cardiovascular technical expertise,heart and lung diagnostic skills,"Specialized clinical skills in operating cardiovascular diagnostic equipment, performing patient tests, monitoring heart and lung functioning, and supporting cardiovascular medical procedures",0.99,1,,False +cardiovascular technical expertise,cardiovascular patient care,"Specialized clinical skills in operating cardiovascular diagnostic equipment, performing patient tests, monitoring heart and lung functioning, and supporting cardiovascular medical procedures",0.99,1,,False +cardiovascular technical expertise,medical imaging and testing,"Specialized clinical skills in operating cardiovascular diagnostic equipment, performing patient tests, monitoring heart and lung functioning, and supporting cardiovascular medical procedures",0.99,1,,False +operational environmental compliance,operational environmental compliance,"Advanced skills in navigating regulatory frameworks, ensuring policy adherence, monitoring green energy production protocols, and maintaining environmental sustainability standards",0.97,1,,True +operational environmental compliance,regulatory green energy management,"Advanced skills in navigating regulatory frameworks, ensuring policy adherence, monitoring green energy production protocols, and maintaining environmental sustainability standards",0.97,1,,False +operational environmental compliance,environmental standards enforcement,"Advanced skills in navigating regulatory frameworks, ensuring policy adherence, monitoring green energy production protocols, and maintaining environmental sustainability standards",0.97,1,,False +postsecondary academic instruction,postsecondary academic instruction,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in higher education environments",1.0,1,,True +postsecondary academic instruction,higher education instruction,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in higher education environments",1.0,1,,False +postsecondary academic instruction,academic course management,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in higher education environments",1.0,1,,False +scholarly research and development,scholarly research and development,"Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines",0.99,1,,True +scholarly research and development,academic research,"Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines",0.99,1,,False +scholarly research and development,scholarly knowledge creation,"Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines",0.99,1,,False +scholarly research and development,interdisciplinary scholarship,"Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines",0.99,1,,False +academic professional communication,academic professional communication,"Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",1.0,1,,True +medical anesthesia management,medical anesthesia management,"Advanced clinical skills for administering anesthesia, monitoring patient conditions, implementing life support techniques, and ensuring patient safety during medical procedures",0.99,1,,True +medical anesthesia management,anesthesia care,"Advanced clinical skills for administering anesthesia, monitoring patient conditions, implementing life support techniques, and ensuring patient safety during medical procedures",0.99,1,,False +medical anesthesia management,patient sedation management,"Advanced clinical skills for administering anesthesia, monitoring patient conditions, implementing life support techniques, and ensuring patient safety during medical procedures",0.99,1,,False +medical anesthesia management,surgical anesthesia support,"Advanced clinical skills for administering anesthesia, monitoring patient conditions, implementing life support techniques, and ensuring patient safety during medical procedures",0.99,1,,False +advanced medical intervention,advanced medical intervention,"Comprehensive clinical skills for patient assessment, diagnostic reasoning, treatment planning, and precise medical procedures across complex healthcare contexts",0.99,1,,True +advanced medical intervention,clinical procedure expertise,"Comprehensive clinical skills for patient assessment, diagnostic reasoning, treatment planning, and precise medical procedures across complex healthcare contexts",0.99,1,,False +advanced medical intervention,medical diagnostic intervention,"Comprehensive clinical skills for patient assessment, diagnostic reasoning, treatment planning, and precise medical procedures across complex healthcare contexts",0.99,1,,False +advanced medical intervention,comprehensive patient care,"Comprehensive clinical skills for patient assessment, diagnostic reasoning, treatment planning, and precise medical procedures across complex healthcare contexts",0.99,1,,False +patient safety and monitoring,patient safety and monitoring,"Systematic approach to ensuring patient well-being through continuous condition assessment, emergency response preparation, and comprehensive safety protocol implementation",0.98,1,,True +patient safety and monitoring,clinical safety management,"Systematic approach to ensuring patient well-being through continuous condition assessment, emergency response preparation, and comprehensive safety protocol implementation",0.98,1,,False +patient safety and monitoring,patient condition tracking,"Systematic approach to ensuring patient well-being through continuous condition assessment, emergency response preparation, and comprehensive safety protocol implementation",0.98,1,,False +patient safety and monitoring,medical risk mitigation,"Systematic approach to ensuring patient well-being through continuous condition assessment, emergency response preparation, and comprehensive safety protocol implementation",0.98,1,,False +medical procedural documentation,medical procedural documentation,"Comprehensive skills in recording, maintaining, and managing precise medical records, patient histories, treatment progress, and clinical observations with systematic accuracy",0.98,1,,True +medical procedural documentation,patient information tracking,"Comprehensive skills in recording, maintaining, and managing precise medical records, patient histories, treatment progress, and clinical observations with systematic accuracy",0.98,1,,False +water systems engineering,water systems engineering,"Advanced technical skills in designing, analyzing, operating, and maintaining water and wastewater treatment systems, including process optimization, environmental compliance, and infrastructure management",0.98,1,,True +water systems engineering,water infrastructure management,"Advanced technical skills in designing, analyzing, operating, and maintaining water and wastewater treatment systems, including process optimization, environmental compliance, and infrastructure management",0.98,1,,False +water systems engineering,hydraulic systems engineering,"Advanced technical skills in designing, analyzing, operating, and maintaining water and wastewater treatment systems, including process optimization, environmental compliance, and infrastructure management",0.98,1,,False +water systems engineering,water resource engineering,"Advanced technical skills in designing, analyzing, operating, and maintaining water and wastewater treatment systems, including process optimization, environmental compliance, and infrastructure management",0.98,1,,False +technical design and planning,technical design and planning,"Advanced skills in creating technical designs, preparing detailed work plans, supervising engineering personnel, and developing comprehensive project specifications",0.96,1,,True +technical design and planning,engineering project design,"Advanced skills in creating technical designs, preparing detailed work plans, supervising engineering personnel, and developing comprehensive project specifications",0.96,1,,False +operational quality management,operational quality management,"Systematic approach to monitoring performance, evaluating operational efficiency, implementing quality control measures, and ensuring compliance with technical and environmental standards",0.97,1,,True +operational quality management,quality assurance engineering,"Systematic approach to monitoring performance, evaluating operational efficiency, implementing quality control measures, and ensuring compliance with technical and environmental standards",0.97,1,,False +financial record analysis,financial record analysis,"Advanced skills in examining, interpreting, and verifying financial records, tax documents, and monetary information with systematic precision and comprehensive reasoning",0.98,1,,True +financial record analysis,financial document verification,"Advanced skills in examining, interpreting, and verifying financial records, tax documents, and monetary information with systematic precision and comprehensive reasoning",0.98,1,,False +financial record analysis,monetary record examination,"Advanced skills in examining, interpreting, and verifying financial records, tax documents, and monetary information with systematic precision and comprehensive reasoning",0.98,1,,False +systematic problem resolution,systematic problem resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex professional challenges through logical reasoning, critical thinking, and comprehensive strategic approaches",1.0,1,,True +patient communication,patient communication,"Advanced interpersonal skills for engaging patients, providing information, explaining procedures, active listening, and ensuring comprehensive patient-centered communication",0.99,1,,True +patient communication,patient interaction,"Advanced interpersonal skills for engaging patients, providing information, explaining procedures, active listening, and ensuring comprehensive patient-centered communication",0.99,1,,False +patient communication,medical dialogue,"Advanced interpersonal skills for engaging patients, providing information, explaining procedures, active listening, and ensuring comprehensive patient-centered communication",0.99,1,,False +administrative healthcare support,administrative healthcare support,"Comprehensive skills in managing medical documentation, processing patient information, coordinating administrative tasks, and ensuring regulatory compliance in healthcare settings",0.98,1,,True +administrative healthcare support,healthcare administrative coordination,"Comprehensive skills in managing medical documentation, processing patient information, coordinating administrative tasks, and ensuring regulatory compliance in healthcare settings",0.98,1,,False +precision material crafting,precision material crafting,"Advanced technical skills in measuring, cutting, shaping, and manipulating materials with high accuracy across diverse manufacturing and fabrication contexts",0.98,1,,True +precision material crafting,material precision work,"Advanced technical skills in measuring, cutting, shaping, and manipulating materials with high accuracy across diverse manufacturing and fabrication contexts",0.98,1,,False +jewelry technical fabrication,jewelry technical fabrication,"Specialized skills in designing, measuring, cutting, and assembling intricate jewelry and precious metal components with high precision and artistic craftsmanship",0.97,1,,True +jewelry technical fabrication,precious metal crafting,"Specialized skills in designing, measuring, cutting, and assembling intricate jewelry and precious metal components with high precision and artistic craftsmanship",0.97,1,,False +jewelry technical fabrication,fine jewelry production,"Specialized skills in designing, measuring, cutting, and assembling intricate jewelry and precious metal components with high precision and artistic craftsmanship",0.97,1,,False +micro-scale design engineering,micro-scale design engineering,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,True +micro-scale design engineering,nanotechnology design,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,False +micro-scale design engineering,microscale engineering,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,False +micro-scale design engineering,precision systems development,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,False +technical graphical representation,technical graphical representation,"Advanced ability to create precise technical drawings, graphical models, and visual documentation of complex engineering and mechanical systems",0.97,1,,True +emerging technology research,emerging technology research,"Comprehensive skills in exploring, investigating, and developing applications of cutting-edge technological innovations across engineering and scientific domains",0.96,1,,True +emerging technology research,technology innovation exploration,"Comprehensive skills in exploring, investigating, and developing applications of cutting-edge technological innovations across engineering and scientific domains",0.96,1,,False +emerging technology research,emerging tech applications,"Comprehensive skills in exploring, investigating, and developing applications of cutting-edge technological innovations across engineering and scientific domains",0.96,1,,False +emerging technology research,scientific technology research,"Comprehensive skills in exploring, investigating, and developing applications of cutting-edge technological innovations across engineering and scientific domains",0.96,1,,False +operational protocol development,operational protocol development,"Advanced skills in creating, documenting, and implementing systematic operational procedures, testing protocols, and technical methodologies",0.97,1,,True +operational protocol development,technical procedure design,"Advanced skills in creating, documenting, and implementing systematic operational procedures, testing protocols, and technical methodologies",0.97,1,,False +operational protocol development,operational method creation,"Advanced skills in creating, documenting, and implementing systematic operational procedures, testing protocols, and technical methodologies",0.97,1,,False +operational protocol development,research protocol engineering,"Advanced skills in creating, documenting, and implementing systematic operational procedures, testing protocols, and technical methodologies",0.97,1,,False +precision technical validation,precision technical validation,"Comprehensive skills in conducting systematic testing, verification, and quality assessment of technical systems, equipment, and processes to ensure performance, reliability, and compliance",0.98,1,,True +precision technical validation,system validation engineering,"Comprehensive skills in conducting systematic testing, verification, and quality assessment of technical systems, equipment, and processes to ensure performance, reliability, and compliance",0.98,1,,False +precision technical validation,precision quality assessment,"Comprehensive skills in conducting systematic testing, verification, and quality assessment of technical systems, equipment, and processes to ensure performance, reliability, and compliance",0.98,1,,False +mechanical equipment repair,mechanical equipment repair,"Advanced technical skills in diagnosing, disassembling, repairing, and reassembling complex mechanical equipment and systems using specialized tools and techniques",0.98,1,,True +statistical analysis,statistical analysis,"Advanced skills in applying mathematical and statistical methods to analyze complex data, identify trends, and derive meaningful insights across scientific and research contexts",1.0,1,,True +statistical analysis,quantitative research,"Advanced skills in applying mathematical and statistical methods to analyze complex data, identify trends, and derive meaningful insights across scientific and research contexts",1.0,1,,False +technical problem reasoning,technical problem reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges through logical reasoning, mathematical principles, and strategic problem-solving techniques",1.0,1,,True +technical problem reasoning,technical reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges through logical reasoning, mathematical principles, and strategic problem-solving techniques",1.0,1,,False +technical problem reasoning,complex challenge resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges through logical reasoning, mathematical principles, and strategic problem-solving techniques",1.0,1,,False +computational data processing,computational data processing,"Advanced skills in collecting, organizing, analyzing, and interpreting complex numerical and statistical information using computational tools and mathematical techniques",0.99,1,,True +computational data processing,computational analysis,"Advanced skills in collecting, organizing, analyzing, and interpreting complex numerical and statistical information using computational tools and mathematical techniques",0.99,1,,False +precision medical documentation,precision medical documentation,"Advanced skills in recording, maintaining, and communicating detailed medical histories, diagnostic findings, treatment progress, and comprehensive patient records with systematic accuracy",0.97,1,,True +precision medical documentation,clinical documentation,"Advanced skills in recording, maintaining, and communicating detailed medical histories, diagnostic findings, treatment progress, and comprehensive patient records with systematic accuracy",0.97,1,,False +archival resource management,archival resource management,"Comprehensive skills in organizing, preserving, evaluating, and maintaining historical collections, library resources, and archival materials with systematic preservation techniques",0.98,1,,True +archival resource management,collection preservation,"Comprehensive skills in organizing, preserving, evaluating, and maintaining historical collections, library resources, and archival materials with systematic preservation techniques",0.98,1,,False +archival resource management,historical document management,"Comprehensive skills in organizing, preserving, evaluating, and maintaining historical collections, library resources, and archival materials with systematic preservation techniques",0.98,1,,False +archival resource management,archival curation,"Comprehensive skills in organizing, preserving, evaluating, and maintaining historical collections, library resources, and archival materials with systematic preservation techniques",0.98,1,,False +research documentation,research documentation,"Advanced capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts",0.97,1,,True +research documentation,research record keeping,"Advanced capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts",0.97,1,,False +cultural program development,cultural program development,"Comprehensive skills in designing, planning, and implementing public educational and cultural programs, involving strategic engagement, audience targeting, and organizational coordination",0.96,1,,True +cultural program development,educational outreach,"Comprehensive skills in designing, planning, and implementing public educational and cultural programs, involving strategic engagement, audience targeting, and organizational coordination",0.96,1,,False +cultural program development,cultural engagement strategy,"Comprehensive skills in designing, planning, and implementing public educational and cultural programs, involving strategic engagement, audience targeting, and organizational coordination",0.96,1,,False +patient rehabilitation support,patient rehabilitation support,"Comprehensive skills in managing patient recovery, coordinating therapeutic interventions, monitoring progress, and providing holistic support for rehabilitation and reintegration",0.98,1,,True +patient rehabilitation support,patient recovery management,"Comprehensive skills in managing patient recovery, coordinating therapeutic interventions, monitoring progress, and providing holistic support for rehabilitation and reintegration",0.98,1,,False +patient rehabilitation support,rehabilitation care coordination,"Comprehensive skills in managing patient recovery, coordinating therapeutic interventions, monitoring progress, and providing holistic support for rehabilitation and reintegration",0.98,1,,False +therapeutic assessment and planning,therapeutic assessment and planning,"Advanced skills in systematically evaluating patient needs, developing personalized treatment strategies, implementing targeted interventions, and adapting care plans",0.99,1,,True +therapeutic assessment and planning,patient treatment strategy,"Advanced skills in systematically evaluating patient needs, developing personalized treatment strategies, implementing targeted interventions, and adapting care plans",0.99,1,,False +therapeutic patient interaction,therapeutic patient interaction,"Advanced skills in providing empathetic, professional support involving active listening, emotional guidance, and personalized communication in healthcare contexts",0.98,1,,True +therapeutic patient interaction,compassionate care,"Advanced skills in providing empathetic, professional support involving active listening, emotional guidance, and personalized communication in healthcare contexts",0.98,1,,False +medical procedural assistance,medical procedural assistance,"Comprehensive skills in supporting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and interventions with precise technical and interpersonal support",0.98,1,,True +medical procedural assistance,clinical support,"Comprehensive skills in supporting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and interventions with precise technical and interpersonal support",0.98,1,,False +medical procedural assistance,medical procedure aid,"Comprehensive skills in supporting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and interventions with precise technical and interpersonal support",0.98,1,,False +medical procedural assistance,healthcare technical assistance,"Comprehensive skills in supporting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and interventions with precise technical and interpersonal support",0.98,1,,False +patient safety management,patient safety management,"Systematic approach to ensuring patient well-being through continuous condition monitoring, positioning, safety protocols, and comprehensive protective interventions",0.99,1,,True +patient safety management,patient protection,"Systematic approach to ensuring patient well-being through continuous condition monitoring, positioning, safety protocols, and comprehensive protective interventions",0.99,1,,False +patient safety management,healthcare safety support,"Systematic approach to ensuring patient well-being through continuous condition monitoring, positioning, safety protocols, and comprehensive protective interventions",0.99,1,,False +patient safety management,clinical risk mitigation,"Systematic approach to ensuring patient well-being through continuous condition monitoring, positioning, safety protocols, and comprehensive protective interventions",0.99,1,,False +urban planning strategy,urban planning strategy,"Advanced skills in developing comprehensive urban and regional development plans, analyzing spatial data, assessing community needs, and creating sustainable infrastructure solutions",0.98,1,,True +urban planning strategy,regional development planning,"Advanced skills in developing comprehensive urban and regional development plans, analyzing spatial data, assessing community needs, and creating sustainable infrastructure solutions",0.98,1,,False +urban planning strategy,urban design strategy,"Advanced skills in developing comprehensive urban and regional development plans, analyzing spatial data, assessing community needs, and creating sustainable infrastructure solutions",0.98,1,,False +urban planning strategy,community infrastructure planning,"Advanced skills in developing comprehensive urban and regional development plans, analyzing spatial data, assessing community needs, and creating sustainable infrastructure solutions",0.98,1,,False +environmental policy analysis,environmental policy analysis,"Comprehensive skills in evaluating environmental regulations, assessing conservation initiatives, analyzing ecological impacts, and developing sustainable community strategies",0.97,1,,True +environmental policy analysis,ecological policy evaluation,"Comprehensive skills in evaluating environmental regulations, assessing conservation initiatives, analyzing ecological impacts, and developing sustainable community strategies",0.97,1,,False +environmental policy analysis,sustainability regulatory assessment,"Comprehensive skills in evaluating environmental regulations, assessing conservation initiatives, analyzing ecological impacts, and developing sustainable community strategies",0.97,1,,False +geospatial data interpretation,geospatial data interpretation,"Advanced skills in collecting, analyzing, and visualizing geographic and spatial data to support urban planning, environmental assessment, and community development decisions",0.96,1,,True +geospatial data interpretation,geographic information systems,"Advanced skills in collecting, analyzing, and visualizing geographic and spatial data to support urban planning, environmental assessment, and community development decisions",0.96,1,,False +stakeholder engagement management,stakeholder engagement management,"Advanced interpersonal skills for communicating with diverse stakeholders, mediating community interests, facilitating public consultations, and building consensus around urban development projects",0.97,1,,True +stakeholder engagement management,community consultation,"Advanced interpersonal skills for communicating with diverse stakeholders, mediating community interests, facilitating public consultations, and building consensus around urban development projects",0.97,1,,False +stakeholder engagement management,public participation strategy,"Advanced interpersonal skills for communicating with diverse stakeholders, mediating community interests, facilitating public consultations, and building consensus around urban development projects",0.97,1,,False +sustainable development planning,sustainable development planning,"Comprehensive skills in designing integrated urban strategies that balance environmental conservation, economic development, social equity, and long-term community sustainability",0.98,1,,True +sustainable development planning,holistic urban development,"Comprehensive skills in designing integrated urban strategies that balance environmental conservation, economic development, social equity, and long-term community sustainability",0.98,1,,False +sustainable development planning,integrated community planning,"Comprehensive skills in designing integrated urban strategies that balance environmental conservation, economic development, social equity, and long-term community sustainability",0.98,1,,False +educational research and scholarship,educational research and scholarship,"Comprehensive capabilities in conducting scholarly research, publishing academic materials, developing original content, and contributing to knowledge domains in specialized academic fields",0.97,1,,True +educational research and scholarship,academic research production,"Comprehensive capabilities in conducting scholarly research, publishing academic materials, developing original content, and contributing to knowledge domains in specialized academic fields",0.97,1,,False +educational research and scholarship,scholarly knowledge generation,"Comprehensive capabilities in conducting scholarly research, publishing academic materials, developing original content, and contributing to knowledge domains in specialized academic fields",0.97,1,,False +sales technical communication,sales technical communication,"Advanced interpersonal skills for effectively communicating complex technical product information, persuading potential customers, and explaining product features and benefits with precision and strategic engagement",0.98,1,,True +sales technical communication,technical sales dialogue,"Advanced interpersonal skills for effectively communicating complex technical product information, persuading potential customers, and explaining product features and benefits with precision and strategic engagement",0.98,1,,False +sales technical communication,product information persuasion,"Advanced interpersonal skills for effectively communicating complex technical product information, persuading potential customers, and explaining product features and benefits with precision and strategic engagement",0.98,1,,False +product demonstration strategy,product demonstration strategy,"Advanced skills in designing, preparing, and executing compelling product demonstrations that highlight technical features, address customer pain points, and create persuasive sales experiences",0.96,1,,True +product demonstration strategy,technical product showcasing,"Advanced skills in designing, preparing, and executing compelling product demonstrations that highlight technical features, address customer pain points, and create persuasive sales experiences",0.96,1,,False +product demonstration strategy,sales presentation techniques,"Advanced skills in designing, preparing, and executing compelling product demonstrations that highlight technical features, address customer pain points, and create persuasive sales experiences",0.96,1,,False +market intelligence gathering,market intelligence gathering,"Comprehensive ability to monitor market conditions, identify emerging trends, assess product effectiveness, and develop strategic insights for sales and business development",0.97,1,,True +market intelligence gathering,sales market research,"Comprehensive ability to monitor market conditions, identify emerging trends, assess product effectiveness, and develop strategic insights for sales and business development",0.97,1,,False +market intelligence gathering,competitive landscape analysis,"Comprehensive ability to monitor market conditions, identify emerging trends, assess product effectiveness, and develop strategic insights for sales and business development",0.97,1,,False +professional sales networking,professional sales networking,"Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, expanding business connections, and creating strategic sales opportunities",0.95,1,,True +professional sales networking,sales relationship management,"Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, expanding business connections, and creating strategic sales opportunities",0.95,1,,False +professional sales networking,professional connection development,"Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, expanding business connections, and creating strategic sales opportunities",0.95,1,,False +fundraising strategy development,fundraising strategy development,"Advanced skills in creating comprehensive fundraising plans, identifying donor opportunities, developing strategic funding approaches, and managing organizational resource acquisition",0.98,1,,True +fundraising strategy development,donor engagement,"Advanced skills in creating comprehensive fundraising plans, identifying donor opportunities, developing strategic funding approaches, and managing organizational resource acquisition",0.98,1,,False +fundraising strategy development,fundraising campaign planning,"Advanced skills in creating comprehensive fundraising plans, identifying donor opportunities, developing strategic funding approaches, and managing organizational resource acquisition",0.98,1,,False +fundraising strategy development,resource acquisition strategy,"Advanced skills in creating comprehensive fundraising plans, identifying donor opportunities, developing strategic funding approaches, and managing organizational resource acquisition",0.98,1,,False +nonprofit program development,nonprofit program development,"Advanced skills in designing, implementing, and evaluating comprehensive organizational programs, policies, and initiatives to support mission-driven objectives",0.97,1,,True +nonprofit program development,program strategy,"Advanced skills in designing, implementing, and evaluating comprehensive organizational programs, policies, and initiatives to support mission-driven objectives",0.97,1,,False +nonprofit program development,organizational initiative planning,"Advanced skills in designing, implementing, and evaluating comprehensive organizational programs, policies, and initiatives to support mission-driven objectives",0.97,1,,False +relationship management,relationship management,"Advanced interpersonal skills for building, maintaining, and expanding professional networks, donor relationships, and strategic organizational partnerships",0.98,1,,True +exercise science assessment,exercise science assessment,"Advanced clinical skills for systematically evaluating physical fitness, physiological attributes, patient capabilities, and comprehensive health and performance monitoring in exercise and medical contexts",0.99,1,,True +exercise science assessment,physical fitness evaluation,"Advanced clinical skills for systematically evaluating physical fitness, physiological attributes, patient capabilities, and comprehensive health and performance monitoring in exercise and medical contexts",0.99,1,,False +exercise science assessment,patient physiological assessment,"Advanced clinical skills for systematically evaluating physical fitness, physiological attributes, patient capabilities, and comprehensive health and performance monitoring in exercise and medical contexts",0.99,1,,False +exercise science assessment,exercise capacity testing,"Advanced clinical skills for systematically evaluating physical fitness, physiological attributes, patient capabilities, and comprehensive health and performance monitoring in exercise and medical contexts",0.99,1,,False +patient health counseling,patient health counseling,"Advanced interpersonal skills for providing personalized health guidance, wellness advice, exercise recommendations, and comprehensive patient education across medical and fitness environments",0.98,1,,True +patient health counseling,health education intervention,"Advanced interpersonal skills for providing personalized health guidance, wellness advice, exercise recommendations, and comprehensive patient education across medical and fitness environments",0.98,1,,False +patient health counseling,patient lifestyle counseling,"Advanced interpersonal skills for providing personalized health guidance, wellness advice, exercise recommendations, and comprehensive patient education across medical and fitness environments",0.98,1,,False +clinical exercise intervention,clinical exercise intervention,"Specialized skills in developing, implementing, and adapting personalized exercise treatments, rehabilitation strategies, and targeted physical interventions for diverse patient needs",0.97,1,,True +clinical exercise intervention,therapeutic exercise planning,"Specialized skills in developing, implementing, and adapting personalized exercise treatments, rehabilitation strategies, and targeted physical interventions for diverse patient needs",0.97,1,,False +clinical exercise intervention,rehabilitation program design,"Specialized skills in developing, implementing, and adapting personalized exercise treatments, rehabilitation strategies, and targeted physical interventions for diverse patient needs",0.97,1,,False +clinical exercise intervention,medical fitness intervention,"Specialized skills in developing, implementing, and adapting personalized exercise treatments, rehabilitation strategies, and targeted physical interventions for diverse patient needs",0.97,1,,False +performance physiological monitoring,performance physiological monitoring,"Advanced technical skills in measuring, tracking, and analyzing patient heart, lung, and physiological functioning during exercise and medical diagnostic procedures",0.99,1,,True +performance physiological monitoring,physiological performance tracking,"Advanced technical skills in measuring, tracking, and analyzing patient heart, lung, and physiological functioning during exercise and medical diagnostic procedures",0.99,1,,False +performance physiological monitoring,medical diagnostic measurement,"Advanced technical skills in measuring, tracking, and analyzing patient heart, lung, and physiological functioning during exercise and medical diagnostic procedures",0.99,1,,False +performance physiological monitoring,exercise condition assessment,"Advanced technical skills in measuring, tracking, and analyzing patient heart, lung, and physiological functioning during exercise and medical diagnostic procedures",0.99,1,,False +technical equipment coordination,technical equipment coordination,"Advanced ability to position, adjust, monitor, and control specialized industrial and material-moving equipment across diverse operational environments",0.96,1,,True +technical equipment coordination,equipment positioning,"Advanced ability to position, adjust, monitor, and control specialized industrial and material-moving equipment across diverse operational environments",0.96,1,,False +technical equipment coordination,operational equipment management,"Advanced ability to position, adjust, monitor, and control specialized industrial and material-moving equipment across diverse operational environments",0.96,1,,False +precision technical measurement,precision technical measurement,"Advanced skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy across diverse technical environments",0.97,1,,True +precision technical measurement,quantitative technical assessment,"Advanced skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy across diverse technical environments",0.97,1,,False +scholarly research methodology,scholarly research methodology,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement, and evidence-based problem solving",1.0,1,,True +scholarly research methodology,scientific investigation,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement, and evidence-based problem solving",1.0,1,,False +scholarly research methodology,academic research techniques,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement, and evidence-based problem solving",1.0,1,,False +hearing healthcare support,hearing healthcare support,"Specialized clinical skills in assessing hearing capabilities, fitting assistive devices, providing patient counseling, and supporting comprehensive ear care and hearing health interventions",0.98,1,,True +hearing healthcare support,auditory care support,"Specialized clinical skills in assessing hearing capabilities, fitting assistive devices, providing patient counseling, and supporting comprehensive ear care and hearing health interventions",0.98,1,,False +hearing healthcare support,hearing aid patient services,"Specialized clinical skills in assessing hearing capabilities, fitting assistive devices, providing patient counseling, and supporting comprehensive ear care and hearing health interventions",0.98,1,,False +hearing healthcare support,hearing diagnostic assistance,"Specialized clinical skills in assessing hearing capabilities, fitting assistive devices, providing patient counseling, and supporting comprehensive ear care and hearing health interventions",0.98,1,,False +patient technical consultation,patient technical consultation,"Advanced interpersonal and technical skills for explaining medical device functionality, providing usage instructions, and offering comprehensive patient education and support",0.96,1,,True +patient technical consultation,medical device patient guidance,"Advanced interpersonal and technical skills for explaining medical device functionality, providing usage instructions, and offering comprehensive patient education and support",0.96,1,,False +patient technical consultation,technical healthcare communication,"Advanced interpersonal and technical skills for explaining medical device functionality, providing usage instructions, and offering comprehensive patient education and support",0.96,1,,False +patient technical consultation,assistive technology counseling,"Advanced interpersonal and technical skills for explaining medical device functionality, providing usage instructions, and offering comprehensive patient education and support",0.96,1,,False +agricultural equipment operation,agricultural equipment operation,"Advanced skills in operating, maintaining, and controlling specialized agricultural machinery and equipment with precision and safety focus",0.98,1,,True +agricultural equipment operation,farm equipment management,"Advanced skills in operating, maintaining, and controlling specialized agricultural machinery and equipment with precision and safety focus",0.98,1,,False +agricultural equipment operation,agricultural machinery control,"Advanced skills in operating, maintaining, and controlling specialized agricultural machinery and equipment with precision and safety focus",0.98,1,,False +crop and plant management,crop and plant management,"Comprehensive skills in preparing, treating, protecting, and managing agricultural and forestry plant resources through systematic operational techniques",0.97,1,,True +crop and plant management,vegetation care,"Comprehensive skills in preparing, treating, protecting, and managing agricultural and forestry plant resources through systematic operational techniques",0.97,1,,False +crop and plant management,agricultural resource protection,"Comprehensive skills in preparing, treating, protecting, and managing agricultural and forestry plant resources through systematic operational techniques",0.97,1,,False +agricultural inventory documentation,agricultural inventory documentation,"Systematic skills in recording, tracking, evaluating, and documenting agricultural and forestry resources, operational data, and inventory information",0.95,1,,True +genetic counseling communication,genetic counseling communication,"Advanced interpersonal communication skills for explaining complex genetic information, providing emotional support, and facilitating patient understanding of medical genetic risks and implications",0.99,1,,True +genetic counseling communication,genetic risk communication,"Advanced interpersonal communication skills for explaining complex genetic information, providing emotional support, and facilitating patient understanding of medical genetic risks and implications",0.99,1,,False +genetic counseling communication,patient genetic counseling,"Advanced interpersonal communication skills for explaining complex genetic information, providing emotional support, and facilitating patient understanding of medical genetic risks and implications",0.99,1,,False +genetic counseling communication,medical genetic dialogue,"Advanced interpersonal communication skills for explaining complex genetic information, providing emotional support, and facilitating patient understanding of medical genetic risks and implications",0.99,1,,False +medical genetic assessment,medical genetic assessment,"Comprehensive clinical skills for systematically evaluating genetic risks, analyzing family medical histories, interpreting genetic test results, and developing personalized genetic health strategies",0.98,1,,True +medical genetic assessment,genetic risk evaluation,"Comprehensive clinical skills for systematically evaluating genetic risks, analyzing family medical histories, interpreting genetic test results, and developing personalized genetic health strategies",0.98,1,,False +medical genetic assessment,hereditary condition analysis,"Comprehensive clinical skills for systematically evaluating genetic risks, analyzing family medical histories, interpreting genetic test results, and developing personalized genetic health strategies",0.98,1,,False +medical genetic assessment,genetic health screening,"Comprehensive clinical skills for systematically evaluating genetic risks, analyzing family medical histories, interpreting genetic test results, and developing personalized genetic health strategies",0.98,1,,False +patient psychological support,patient psychological support,"Advanced interpersonal skills for providing empathetic counseling, emotional guidance, and comprehensive psychological support during complex medical genetic consultations",0.97,1,,True +patient psychological support,genetic counseling empathy,"Advanced interpersonal skills for providing empathetic counseling, emotional guidance, and comprehensive psychological support during complex medical genetic consultations",0.97,1,,False +patient psychological support,medical emotional support,"Advanced interpersonal skills for providing empathetic counseling, emotional guidance, and comprehensive psychological support during complex medical genetic consultations",0.97,1,,False +patient psychological support,patient psychological guidance,"Advanced interpersonal skills for providing empathetic counseling, emotional guidance, and comprehensive psychological support during complex medical genetic consultations",0.97,1,,False +forensic investigation skills,forensic investigation skills,"Advanced capabilities in systematically collecting, analyzing, and documenting physical evidence for legal and investigative purposes, involving comprehensive evidence collection, scientific reasoning, and precise documentation",0.99,1,,True +fire safety and prevention,fire safety and prevention,"Comprehensive skills in inspecting facilities, investigating fire incidents, educating the public, developing safety programs, and ensuring compliance with fire safety regulations",0.99,1,,True +fire safety and prevention,fire code enforcement,"Comprehensive skills in inspecting facilities, investigating fire incidents, educating the public, developing safety programs, and ensuring compliance with fire safety regulations",0.99,1,,False +fire safety and prevention,fire risk management,"Comprehensive skills in inspecting facilities, investigating fire incidents, educating the public, developing safety programs, and ensuring compliance with fire safety regulations",0.99,1,,False +technical investigative communication,technical investigative communication,"Advanced interpersonal skills for gathering information through interviews, documenting findings, communicating with stakeholders, and preparing comprehensive investigative reports",0.98,1,,True +regulatory compliance monitoring,regulatory compliance monitoring,"Advanced skills in systematically examining organizational practices, identifying potential violations, ensuring adherence to complex legal and safety regulations across diverse operational contexts",0.99,1,,True +regulatory compliance monitoring,compliance investigation,"Advanced skills in systematically examining organizational practices, identifying potential violations, ensuring adherence to complex legal and safety regulations across diverse operational contexts",0.99,1,,False +regulatory compliance monitoring,regulatory standards enforcement,"Advanced skills in systematically examining organizational practices, identifying potential violations, ensuring adherence to complex legal and safety regulations across diverse operational contexts",0.99,1,,False +regulatory compliance monitoring,systematic regulatory assessment,"Advanced skills in systematically examining organizational practices, identifying potential violations, ensuring adherence to complex legal and safety regulations across diverse operational contexts",0.99,1,,False +robotic systems maintenance,robotic systems maintenance,"Advanced technical skills in repairing, troubleshooting, and maintaining robotic equipment and electromechanical systems with precision and systematic approach",0.98,1,,True +robotic systems maintenance,robot equipment repair,"Advanced technical skills in repairing, troubleshooting, and maintaining robotic equipment and electromechanical systems with precision and systematic approach",0.98,1,,False +robotic systems maintenance,electromechanical system maintenance,"Advanced technical skills in repairing, troubleshooting, and maintaining robotic equipment and electromechanical systems with precision and systematic approach",0.98,1,,False +technical diagnostic reasoning,technical diagnostic reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through logical problem-solving and precise diagnostic techniques",0.97,1,,True +operational workflow coordination,operational workflow coordination,"Advanced ability to manage complex work activities, coordinate team efforts, direct operational procedures, and ensure systematic operational efficiency",0.97,1,,True +operational workflow coordination,work activity management,"Advanced ability to manage complex work activities, coordinate team efforts, direct operational procedures, and ensure systematic operational efficiency",0.97,1,,False +metal production operations,metal production operations,"Advanced skills in operating, controlling, and managing specialized metal casting and pouring equipment, including temperature regulation, mold preparation, and production workflow management",0.98,1,,True +metal production operations,metal casting techniques,"Advanced skills in operating, controlling, and managing specialized metal casting and pouring equipment, including temperature regulation, mold preparation, and production workflow management",0.98,1,,False +metal production operations,foundry equipment operation,"Advanced skills in operating, controlling, and managing specialized metal casting and pouring equipment, including temperature regulation, mold preparation, and production workflow management",0.98,1,,False +precision manufacturing inspection,precision manufacturing inspection,"Comprehensive ability to conduct detailed product inspections, measure dimensions, evaluate material characteristics, and ensure conformance to precise manufacturing specifications in metal production environments",0.97,1,,True +precision manufacturing inspection,quality control in metal fabrication,"Comprehensive ability to conduct detailed product inspections, measure dimensions, evaluate material characteristics, and ensure conformance to precise manufacturing specifications in metal production environments",0.97,1,,False +precision manufacturing inspection,manufacturing dimensional verification,"Comprehensive ability to conduct detailed product inspections, measure dimensions, evaluate material characteristics, and ensure conformance to precise manufacturing specifications in metal production environments",0.97,1,,False +emergency vehicle operations,emergency vehicle operations,"Advanced skills in safely operating emergency vehicles, managing patient transportation, navigating complex traffic scenarios, and maintaining vehicle and patient safety during medical transit",0.98,1,,True +emergency vehicle operations,medical transport management,"Advanced skills in safely operating emergency vehicles, managing patient transportation, navigating complex traffic scenarios, and maintaining vehicle and patient safety during medical transit",0.98,1,,False +emergency vehicle operations,emergency response driving,"Advanced skills in safely operating emergency vehicles, managing patient transportation, navigating complex traffic scenarios, and maintaining vehicle and patient safety during medical transit",0.98,1,,False +customer financial advisory,customer financial advisory,"Advanced interpersonal skills for providing professional financial guidance, explaining products, assessing client needs, and offering personalized financial recommendations",0.97,1,,True +customer financial advisory,financial consultation,"Advanced interpersonal skills for providing professional financial guidance, explaining products, assessing client needs, and offering personalized financial recommendations",0.97,1,,False +customer financial advisory,client financial counseling,"Advanced interpersonal skills for providing professional financial guidance, explaining products, assessing client needs, and offering personalized financial recommendations",0.97,1,,False +customer financial advisory,product recommendation,"Advanced interpersonal skills for providing professional financial guidance, explaining products, assessing client needs, and offering personalized financial recommendations",0.97,1,,False +regulatory financial compliance,regulatory financial compliance,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex financial regulations, lending standards, and organizational policies",0.96,1,,True +regulatory financial compliance,financial policy interpretation,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex financial regulations, lending standards, and organizational policies",0.96,1,,False +regulatory financial compliance,lending compliance,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex financial regulations, lending standards, and organizational policies",0.96,1,,False +regulatory financial compliance,regulatory standard management,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex financial regulations, lending standards, and organizational policies",0.96,1,,False +professional networking,professional networking,"Strategic ability to develop, maintain, and leverage professional relationships, identify potential customers, expand business connections, and create opportunities through systematic interpersonal interaction",0.97,1,,True +professional networking,business relationship management,"Strategic ability to develop, maintain, and leverage professional relationships, identify potential customers, expand business connections, and create opportunities through systematic interpersonal interaction",0.97,1,,False +professional networking,professional connection building,"Strategic ability to develop, maintain, and leverage professional relationships, identify potential customers, expand business connections, and create opportunities through systematic interpersonal interaction",0.97,1,,False +persuasive presentation,persuasive presentation,"Advanced skills in developing, delivering, and managing compelling sales presentations that effectively communicate product value, address customer needs, and drive engagement",0.97,1,,True +persuasive presentation,sales storytelling,"Advanced skills in developing, delivering, and managing compelling sales presentations that effectively communicate product value, address customer needs, and drive engagement",0.97,1,,False +customer needs analysis,customer needs analysis,"Systematic approach to gathering, evaluating, and understanding customer information, identifying potential requirements, and developing tailored service or product recommendations",0.98,1,,True +customer needs analysis,client requirement identification,"Systematic approach to gathering, evaluating, and understanding customer information, identifying potential requirements, and developing tailored service or product recommendations",0.98,1,,False +customer needs analysis,consultative needs assessment,"Systematic approach to gathering, evaluating, and understanding customer information, identifying potential requirements, and developing tailored service or product recommendations",0.98,1,,False +vehicle diagnostic repair,vehicle diagnostic repair,"Advanced technical skills in systematically inspecting, diagnosing, and repairing automotive and recreational vehicle mechanical and electrical systems",0.98,1,,True +vehicle diagnostic repair,mechanical system diagnosis,"Advanced technical skills in systematically inspecting, diagnosing, and repairing automotive and recreational vehicle mechanical and electrical systems",0.98,1,,False +pediatric surgical intervention,pediatric surgical intervention,"Specialized clinical expertise in performing surgical procedures specific to children, involving unique patient assessment, treatment planning, and age-appropriate medical interventions",0.98,1,,True +pediatric surgical intervention,child surgical care,"Specialized clinical expertise in performing surgical procedures specific to children, involving unique patient assessment, treatment planning, and age-appropriate medical interventions",0.98,1,,False +pediatric surgical intervention,pediatric surgical management,"Specialized clinical expertise in performing surgical procedures specific to children, involving unique patient assessment, treatment planning, and age-appropriate medical interventions",0.98,1,,False +pediatric surgical intervention,pediatric operative techniques,"Specialized clinical expertise in performing surgical procedures specific to children, involving unique patient assessment, treatment planning, and age-appropriate medical interventions",0.98,1,,False +pediatric patient communication,pediatric patient communication,"Advanced interpersonal skills for engaging with pediatric patients and their families, providing age-appropriate medical explanations, emotional support, and comprehensive healthcare counseling",0.98,1,,True +pediatric patient communication,child and family medical communication,"Advanced interpersonal skills for engaging with pediatric patients and their families, providing age-appropriate medical explanations, emotional support, and comprehensive healthcare counseling",0.98,1,,False +pediatric patient communication,pediatric healthcare counseling,"Advanced interpersonal skills for engaging with pediatric patients and their families, providing age-appropriate medical explanations, emotional support, and comprehensive healthcare counseling",0.98,1,,False +pediatric patient communication,family-centered patient interaction,"Advanced interpersonal skills for engaging with pediatric patients and their families, providing age-appropriate medical explanations, emotional support, and comprehensive healthcare counseling",0.98,1,,False +stakeholder engagement,stakeholder engagement,"Comprehensive interpersonal skills for identifying, developing, and maintaining professional relationships with diverse stakeholders, including internal and external parties, to support organizational objectives",0.98,1,,True +traffic safety management,traffic safety management,"Advanced skills in directing vehicle traffic, managing pedestrian movement, ensuring public safety, and coordinating complex transportation interactions",0.98,1,,True +traffic safety management,roadway interaction management,"Advanced skills in directing vehicle traffic, managing pedestrian movement, ensuring public safety, and coordinating complex transportation interactions",0.98,1,,False +situational awareness communication,situational awareness communication,"Comprehensive interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings",0.97,1,,True +situational awareness communication,safety alert communication,"Comprehensive interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings",0.97,1,,False +situational awareness communication,risk detection interaction,"Comprehensive interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings",0.97,1,,False +situational awareness communication,proactive safety messaging,"Comprehensive interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings",0.97,1,,False +operational safety signaling,operational safety signaling,"Precise skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure public and worker safety",0.96,1,,True +operational safety signaling,safety signaling techniques,"Precise skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure public and worker safety",0.96,1,,False +operational safety signaling,operational warning communication,"Precise skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure public and worker safety",0.96,1,,False +public transportation management,public transportation management,"Comprehensive skills in operating, coordinating, and managing passenger transportation vehicles, ensuring safety, route navigation, and passenger service across transit systems",0.98,1,,True +public transportation management,transit operations,"Comprehensive skills in operating, coordinating, and managing passenger transportation vehicles, ensuring safety, route navigation, and passenger service across transit systems",0.98,1,,False +public transportation management,passenger vehicle coordination,"Comprehensive skills in operating, coordinating, and managing passenger transportation vehicles, ensuring safety, route navigation, and passenger service across transit systems",0.98,1,,False +public transportation management,public transit management,"Comprehensive skills in operating, coordinating, and managing passenger transportation vehicles, ensuring safety, route navigation, and passenger service across transit systems",0.98,1,,False +passenger safety and support,passenger safety and support,"Advanced interpersonal and operational skills for ensuring passenger comfort, safety, assistance, and comprehensive support during transportation services",0.97,1,,True +passenger safety and support,transit customer service,"Advanced interpersonal and operational skills for ensuring passenger comfort, safety, assistance, and comprehensive support during transportation services",0.97,1,,False +passenger safety and support,passenger assistance,"Advanced interpersonal and operational skills for ensuring passenger comfort, safety, assistance, and comprehensive support during transportation services",0.97,1,,False +vehicle operational safety,vehicle operational safety,"Systematic approach to maintaining vehicle functionality, conducting safety inspections, monitoring performance, and implementing preventive maintenance protocols",0.96,1,,True +vehicle operational safety,vehicle safety management,"Systematic approach to maintaining vehicle functionality, conducting safety inspections, monitoring performance, and implementing preventive maintenance protocols",0.96,1,,False +vehicle operational safety,transportation equipment maintenance,"Systematic approach to maintaining vehicle functionality, conducting safety inspections, monitoring performance, and implementing preventive maintenance protocols",0.96,1,,False +route navigation and planning,route navigation and planning,"Advanced skills in reading maps, determining optimal routes, managing transportation logistics, and adapting to changing travel conditions",0.95,1,,True +route navigation and planning,transit route management,"Advanced skills in reading maps, determining optimal routes, managing transportation logistics, and adapting to changing travel conditions",0.95,1,,False +route navigation and planning,transportation logistics,"Advanced skills in reading maps, determining optimal routes, managing transportation logistics, and adapting to changing travel conditions",0.95,1,,False +customer transaction processing,customer transaction processing,"Comprehensive skills in managing financial transactions, collecting fares, processing payments, and maintaining accurate transportation service records",0.96,1,,True +customer transaction processing,fare collection,"Comprehensive skills in managing financial transactions, collecting fares, processing payments, and maintaining accurate transportation service records",0.96,1,,False +customer transaction processing,transportation financial management,"Comprehensive skills in managing financial transactions, collecting fares, processing payments, and maintaining accurate transportation service records",0.96,1,,False +safety and quality control inspection,safety and quality control inspection,"Comprehensive approach to conducting detailed equipment inspections, ensuring operational safety, monitoring performance, identifying potential hazards, and maintaining quality standards",0.97,1,,True +dental healthcare services,dental healthcare services,"Comprehensive clinical skills in providing specialized dental hygiene services, including patient assessment, oral health examination, preventive care, and professional dental treatment support",0.99,1,,True +dental healthcare services,oral healthcare provision,"Comprehensive clinical skills in providing specialized dental hygiene services, including patient assessment, oral health examination, preventive care, and professional dental treatment support",0.99,1,,False +dental healthcare services,dental patient care,"Comprehensive clinical skills in providing specialized dental hygiene services, including patient assessment, oral health examination, preventive care, and professional dental treatment support",0.99,1,,False +dental healthcare services,preventive dental services,"Comprehensive clinical skills in providing specialized dental hygiene services, including patient assessment, oral health examination, preventive care, and professional dental treatment support",0.99,1,,False +healthcare patient communication,healthcare patient communication,"Advanced interpersonal communication skills for patient engagement, precise medical information exchange, professional dialogue, emotional support, and comprehensive patient-centered communication in dental healthcare settings",0.99,1,,True +healthcare patient communication,medical interaction skills,"Advanced interpersonal communication skills for patient engagement, precise medical information exchange, professional dialogue, emotional support, and comprehensive patient-centered communication in dental healthcare settings",0.99,1,,False +preventive health education,preventive health education,"Advanced skills in providing patient education, wellness guidance, oral health risk communication, and personalized dental hygiene counseling",0.98,1,,True +preventive health education,patient health guidance,"Advanced skills in providing patient education, wellness guidance, oral health risk communication, and personalized dental hygiene counseling",0.98,1,,False +preventive health education,oral wellness education,"Advanced skills in providing patient education, wellness guidance, oral health risk communication, and personalized dental hygiene counseling",0.98,1,,False +preventive health education,dental health counseling,"Advanced skills in providing patient education, wellness guidance, oral health risk communication, and personalized dental hygiene counseling",0.98,1,,False +mold and pattern fabrication,mold and pattern fabrication,"Advanced skills in creating, preparing, positioning, and managing production molds, templates, and patterns with precision and technical accuracy",0.98,1,,True +mold and pattern fabrication,mold design,"Advanced skills in creating, preparing, positioning, and managing production molds, templates, and patterns with precision and technical accuracy",0.98,1,,False +mold and pattern fabrication,pattern creation,"Advanced skills in creating, preparing, positioning, and managing production molds, templates, and patterns with precision and technical accuracy",0.98,1,,False +material surface treatment,material surface treatment,"Comprehensive techniques for cleaning, smoothing, preparing, and finishing material surfaces using specialized tools and chemical solutions",0.97,1,,True +material surface treatment,surface conditioning,"Comprehensive techniques for cleaning, smoothing, preparing, and finishing material surfaces using specialized tools and chemical solutions",0.97,1,,False +technical material manipulation,technical material manipulation,"Proficient skills in measuring, cutting, positioning, and preparing materials for fabrication, assembly, and production across diverse manufacturing contexts",0.97,1,,True +technical material manipulation,technical preparation,"Proficient skills in measuring, cutting, positioning, and preparing materials for fabrication, assembly, and production across diverse manufacturing contexts",0.97,1,,False +production quality verification,production quality verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications",0.98,1,,True +creative performance skills,creative performance skills,"Comprehensive abilities in practicing, refining, and enhancing artistic and musical performance techniques through systematic training and professional development",0.96,1,,True +creative performance skills,artistic skill enhancement,"Comprehensive abilities in practicing, refining, and enhancing artistic and musical performance techniques through systematic training and professional development",0.96,1,,False +artistic audition and career development,artistic audition and career development,"Advanced skills in preparing for professional auditions, managing artistic careers, identifying opportunities, and strategically developing performance potential",0.95,1,,True +artistic audition and career development,performance career management,"Advanced skills in preparing for professional auditions, managing artistic careers, identifying opportunities, and strategically developing performance potential",0.95,1,,False +artistic audition and career development,professional artistic progression,"Advanced skills in preparing for professional auditions, managing artistic careers, identifying opportunities, and strategically developing performance potential",0.95,1,,False +musical composition and arrangement,musical composition and arrangement,"Comprehensive skills in creating, developing, and arranging musical compositions, scores, and artistic musical content with innovative and strategic approach",0.97,1,,True +musical composition and arrangement,creative musical design,"Comprehensive skills in creating, developing, and arranging musical compositions, scores, and artistic musical content with innovative and strategic approach",0.97,1,,False +musical composition and arrangement,artistic musical creation,"Comprehensive skills in creating, developing, and arranging musical compositions, scores, and artistic musical content with innovative and strategic approach",0.97,1,,False +professional artistic communication,professional artistic communication,"Advanced interpersonal skills for discussing artistic work, coordinating creative activities, exchanging performance ideas, and professional interaction in artistic contexts",0.96,1,,True +professional artistic communication,artistic collaboration communication,"Advanced interpersonal skills for discussing artistic work, coordinating creative activities, exchanging performance ideas, and professional interaction in artistic contexts",0.96,1,,False +professional artistic communication,creative professional dialogue,"Advanced interpersonal skills for discussing artistic work, coordinating creative activities, exchanging performance ideas, and professional interaction in artistic contexts",0.96,1,,False +legal document processing,legal document processing,"Advanced skills in examining, preparing, organizing, and managing legal and public records with systematic precision and comprehensive documentation",0.98,1,,True +legal document processing,legal records management,"Advanced skills in examining, preparing, organizing, and managing legal and public records with systematic precision and comprehensive documentation",0.98,1,,False +legal document processing,document examination,"Advanced skills in examining, preparing, organizing, and managing legal and public records with systematic precision and comprehensive documentation",0.98,1,,False +legal document processing,public record analysis,"Advanced skills in examining, preparing, organizing, and managing legal and public records with systematic precision and comprehensive documentation",0.98,1,,False +professional information verification,professional information verification,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through critical analysis and professional interaction",0.97,1,,True +professional information verification,source validation,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through critical analysis and professional interaction",0.97,1,,False +professional information verification,comprehensive data verification,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through critical analysis and professional interaction",0.97,1,,False +regulatory compliance coordination,regulatory compliance coordination,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across professional contexts",0.96,1,,True +regulatory compliance coordination,compliance oversight,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across professional contexts",0.96,1,,False +regulatory compliance coordination,procedural adherence,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across professional contexts",0.96,1,,False +patient communication and counseling,patient communication and counseling,"Advanced interpersonal skills for engaging patients, providing comprehensive medical information, explaining procedures, active listening, and ensuring patient-centered communication across healthcare environments",0.99,1,,True +patient communication and counseling,medical counseling skills,"Advanced interpersonal skills for engaging patients, providing comprehensive medical information, explaining procedures, active listening, and ensuring patient-centered communication across healthcare environments",0.99,1,,False +patient communication and counseling,empathetic patient engagement,"Advanced interpersonal skills for engaging patients, providing comprehensive medical information, explaining procedures, active listening, and ensuring patient-centered communication across healthcare environments",0.99,1,,False +diagnostic assessment and reasoning,diagnostic assessment and reasoning,"Advanced analytical skills for systematic patient evaluation, medical testing, diagnostic reasoning, comprehensive health analysis, and evidence-based clinical decision-making",0.99,1,,True +diagnostic assessment and reasoning,clinical diagnostic expertise,"Advanced analytical skills for systematic patient evaluation, medical testing, diagnostic reasoning, comprehensive health analysis, and evidence-based clinical decision-making",0.99,1,,False +diagnostic assessment and reasoning,medical reasoning skills,"Advanced analytical skills for systematic patient evaluation, medical testing, diagnostic reasoning, comprehensive health analysis, and evidence-based clinical decision-making",0.99,1,,False +specialized medical device management,specialized medical device management,"Advanced skills in operating, maintaining, calibrating, and customizing medical equipment and assistive devices with precision and patient-specific customization",0.98,1,,True +specialized medical device management,medical equipment expertise,"Advanced skills in operating, maintaining, calibrating, and customizing medical equipment and assistive devices with precision and patient-specific customization",0.98,1,,False +specialized medical device management,precision device fabrication,"Advanced skills in operating, maintaining, calibrating, and customizing medical equipment and assistive devices with precision and patient-specific customization",0.98,1,,False +professional healthcare documentation,professional healthcare documentation,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,True +professional healthcare documentation,clinical documentation skills,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,False +professional healthcare documentation,healthcare administrative support,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,False +medication management,medication management,"Comprehensive skills in preparing, verifying, dispensing, and managing pharmaceutical products with precision, safety, and patient-specific care",0.99,1,,True +medication management,pharmaceutical workflow,"Comprehensive skills in preparing, verifying, dispensing, and managing pharmaceutical products with precision, safety, and patient-specific care",0.99,1,,False +medication management,drug handling,"Comprehensive skills in preparing, verifying, dispensing, and managing pharmaceutical products with precision, safety, and patient-specific care",0.99,1,,False +medication management,medication safety,"Comprehensive skills in preparing, verifying, dispensing, and managing pharmaceutical products with precision, safety, and patient-specific care",0.99,1,,False +healthcare patient guidance,healthcare patient guidance,"Advanced interpersonal communication skills for patient education, counseling, treatment explanation, and comprehensive health information exchange",0.99,1,,True +clinical information processing,clinical information processing,"Systematic skills in collecting, verifying, documenting, and managing comprehensive medical and patient-related information with precision and regulatory compliance",0.98,1,,True +clinical information processing,medical documentation,"Systematic skills in collecting, verifying, documenting, and managing comprehensive medical and patient-related information with precision and regulatory compliance",0.98,1,,False +clinical information processing,healthcare record management,"Systematic skills in collecting, verifying, documenting, and managing comprehensive medical and patient-related information with precision and regulatory compliance",0.98,1,,False +clinical information processing,patient data processing,"Systematic skills in collecting, verifying, documenting, and managing comprehensive medical and patient-related information with precision and regulatory compliance",0.98,1,,False +pharmaceutical safety protocols,pharmaceutical safety protocols,"Comprehensive approach to ensuring medication safety, preventing errors, verifying patient information, and maintaining strict quality control in pharmaceutical environments",0.99,1,,True +pharmaceutical safety protocols,medication safety management,"Comprehensive approach to ensuring medication safety, preventing errors, verifying patient information, and maintaining strict quality control in pharmaceutical environments",0.99,1,,False +pharmaceutical safety protocols,drug verification,"Comprehensive approach to ensuring medication safety, preventing errors, verifying patient information, and maintaining strict quality control in pharmaceutical environments",0.99,1,,False +pharmaceutical safety protocols,pharmaceutical quality control,"Comprehensive approach to ensuring medication safety, preventing errors, verifying patient information, and maintaining strict quality control in pharmaceutical environments",0.99,1,,False +petroleum engineering analysis,petroleum engineering analysis,"Advanced technical skills for analyzing geological data, evaluating energy production methods, and developing comprehensive petroleum extraction strategies",0.98,1,,True +petroleum engineering analysis,energy systems evaluation,"Advanced technical skills for analyzing geological data, evaluating energy production methods, and developing comprehensive petroleum extraction strategies",0.98,1,,False +petroleum engineering analysis,petroleum resource assessment,"Advanced technical skills for analyzing geological data, evaluating energy production methods, and developing comprehensive petroleum extraction strategies",0.98,1,,False +energy production management,energy production management,"Comprehensive skills in directing, coordinating, and managing energy production activities, operational methods, and technical workflow processes",0.96,1,,True +energy production management,energy operations coordination,"Comprehensive skills in directing, coordinating, and managing energy production activities, operational methods, and technical workflow processes",0.96,1,,False +energy production management,production workflow control,"Comprehensive skills in directing, coordinating, and managing energy production activities, operational methods, and technical workflow processes",0.96,1,,False +industrial design methodology,industrial design methodology,"Advanced skills in creating technical models, developing engineering designs, preparing detailed work plans, and implementing innovative design solutions",0.97,1,,True +industrial design methodology,technical prototype development,"Advanced skills in creating technical models, developing engineering designs, preparing detailed work plans, and implementing innovative design solutions",0.97,1,,False +environmental systems engineering,environmental systems engineering,"Comprehensive expertise in designing, analyzing, and implementing environmental control systems with focus on sustainability, safety, and operational efficiency",0.96,1,,True +environmental systems engineering,green engineering design,"Comprehensive expertise in designing, analyzing, and implementing environmental control systems with focus on sustainability, safety, and operational efficiency",0.96,1,,False +environmental systems engineering,ecological systems management,"Comprehensive expertise in designing, analyzing, and implementing environmental control systems with focus on sustainability, safety, and operational efficiency",0.96,1,,False +biological specimen processing,biological specimen processing,"Advanced technical skills in preparing, collecting, testing, and analyzing biological specimens with precision and systematic laboratory techniques",0.99,1,,True +biological specimen processing,medical specimen handling,"Advanced technical skills in preparing, collecting, testing, and analyzing biological specimens with precision and systematic laboratory techniques",0.99,1,,False +medical laboratory equipment operation,medical laboratory equipment operation,"Comprehensive skills in operating, maintaining, calibrating, and managing specialized medical and scientific laboratory equipment with precision and safety protocols",0.98,1,,True +healthcare technical documentation,healthcare technical documentation,"Advanced skills in creating, maintaining, and managing precise medical records, laboratory findings, and comprehensive healthcare documentation with systematic accuracy",0.97,1,,True +scientific quality control,scientific quality control,"Systematic approach to conducting detailed specimen inspections, measuring characteristics, analyzing findings, and ensuring conformance to precise medical and scientific standards",0.98,1,,True +scientific quality control,laboratory quality verification,"Systematic approach to conducting detailed specimen inspections, measuring characteristics, analyzing findings, and ensuring conformance to precise medical and scientific standards",0.98,1,,False +medical diagnostic support,medical diagnostic support,"Comprehensive skills in assisting healthcare practitioners during medical testing, specimen analysis, diagnostic procedures, and technical laboratory interventions",0.97,1,,True +medical diagnostic support,laboratory technical support,"Comprehensive skills in assisting healthcare practitioners during medical testing, specimen analysis, diagnostic procedures, and technical laboratory interventions",0.97,1,,False +information processing and verification,information processing and verification,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.97,1,,True +information processing and verification,data verification,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.97,1,,False +information processing and verification,information validation,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.97,1,,False +information processing and verification,source credibility assessment,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.97,1,,False +legal and regulatory compliance,legal and regulatory compliance,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards",0.98,1,,True +legal and regulatory compliance,regulatory adherence,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards",0.98,1,,False +legal and regulatory compliance,compliance management,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards",0.98,1,,False +investment strategy,investment strategy,"Advanced analytical skills for identifying, evaluating, and recommending strategic investment opportunities across diverse financial and business contexts",0.97,1,,True +investment strategy,investment analysis,"Advanced analytical skills for identifying, evaluating, and recommending strategic investment opportunities across diverse financial and business contexts",0.97,1,,False +investment strategy,portfolio management,"Advanced analytical skills for identifying, evaluating, and recommending strategic investment opportunities across diverse financial and business contexts",0.97,1,,False +investment strategy,financial opportunity assessment,"Advanced analytical skills for identifying, evaluating, and recommending strategic investment opportunities across diverse financial and business contexts",0.97,1,,False +risk assessment,risk assessment,"Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across financial, operational, and strategic contexts",0.99,1,,True +risk assessment,organizational risk analysis,"Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across financial, operational, and strategic contexts",0.99,1,,False +wellness program management,wellness program management,"Comprehensive skills in designing, coordinating, and implementing fitness and health wellness programs, including program development, participant engagement, and holistic health support",0.98,1,,True +wellness program management,health program coordination,"Comprehensive skills in designing, coordinating, and implementing fitness and health wellness programs, including program development, participant engagement, and holistic health support",0.98,1,,False +wellness program management,wellness initiative leadership,"Comprehensive skills in designing, coordinating, and implementing fitness and health wellness programs, including program development, participant engagement, and holistic health support",0.98,1,,False +health education and communication,health education and communication,"Advanced interpersonal skills for providing health information, wellness guidance, risk communication, and comprehensive educational support across diverse participant populations",0.98,1,,True +health education and communication,wellness information exchange,"Advanced interpersonal skills for providing health information, wellness guidance, risk communication, and comprehensive educational support across diverse participant populations",0.98,1,,False +health education and communication,health counseling,"Advanced interpersonal skills for providing health information, wellness guidance, risk communication, and comprehensive educational support across diverse participant populations",0.98,1,,False +quality control and inspection,quality control and inspection,"Systematic approach to conducting detailed product and process inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise technical specifications",0.98,1,,True +safety and regulatory compliance,safety and regulatory compliance,"Comprehensive skills in identifying potential risks, implementing preventive measures, monitoring operational conditions, and ensuring adherence to complex safety and regulatory standards",0.99,1,,True +law enforcement operations,law enforcement operations,"Comprehensive skills in managing criminal investigations, directing law enforcement activities, ensuring public safety, and implementing strategic operational protocols",0.98,1,,True +law enforcement operations,police operations management,"Comprehensive skills in managing criminal investigations, directing law enforcement activities, ensuring public safety, and implementing strategic operational protocols",0.98,1,,False +law enforcement operations,criminal investigation coordination,"Comprehensive skills in managing criminal investigations, directing law enforcement activities, ensuring public safety, and implementing strategic operational protocols",0.98,1,,False +investigative evidence management,investigative evidence management,"Advanced capabilities in collecting, processing, documenting, and analyzing forensic and legal evidence with systematic precision and legal compliance",0.97,1,,True +investigative evidence management,forensic evidence processing,"Advanced capabilities in collecting, processing, documenting, and analyzing forensic and legal evidence with systematic precision and legal compliance",0.97,1,,False +investigative evidence management,legal documentation collection,"Advanced capabilities in collecting, processing, documenting, and analyzing forensic and legal evidence with systematic precision and legal compliance",0.97,1,,False +public safety communication,public safety communication,"Advanced interpersonal skills for precise information exchange, conflict resolution, interviewing, and strategic communication in law enforcement and public safety contexts",0.99,1,,True +public safety communication,emergency communication,"Advanced interpersonal skills for precise information exchange, conflict resolution, interviewing, and strategic communication in law enforcement and public safety contexts",0.99,1,,False +regulatory compliance enforcement,regulatory compliance enforcement,"Comprehensive skills in interpreting, applying, and monitoring complex legal regulations, ensuring adherence to professional standards and procedural requirements",0.98,1,,True +regulatory compliance enforcement,legal standard monitoring,"Comprehensive skills in interpreting, applying, and monitoring complex legal regulations, ensuring adherence to professional standards and procedural requirements",0.98,1,,False +regulatory compliance enforcement,procedural compliance,"Comprehensive skills in interpreting, applying, and monitoring complex legal regulations, ensuring adherence to professional standards and procedural requirements",0.98,1,,False +operational risk management,operational risk management,"Advanced analytical skills for identifying potential safety risks, implementing preventive measures, conducting systematic investigations, and ensuring comprehensive organizational security",0.97,1,,True +operational risk management,safety risk assessment,"Advanced analytical skills for identifying potential safety risks, implementing preventive measures, conducting systematic investigations, and ensuring comprehensive organizational security",0.97,1,,False +operational risk management,threat mitigation,"Advanced analytical skills for identifying potential safety risks, implementing preventive measures, conducting systematic investigations, and ensuring comprehensive organizational security",0.97,1,,False +audio technical operations,audio technical operations,"Advanced skills in operating, monitoring, and controlling audio recording and sound engineering equipment with precision and technical expertise",0.98,1,,True +audio technical operations,sound system management,"Advanced skills in operating, monitoring, and controlling audio recording and sound engineering equipment with precision and technical expertise",0.98,1,,False +audio technical operations,audio equipment control,"Advanced skills in operating, monitoring, and controlling audio recording and sound engineering equipment with precision and technical expertise",0.98,1,,False +audio technical operations,technical sound engineering,"Advanced skills in operating, monitoring, and controlling audio recording and sound engineering equipment with precision and technical expertise",0.98,1,,False +media technical communication,media technical communication,"Advanced interpersonal skills for precise information exchange, equipment notification, and professional interaction in audio, sound, and media production environments",0.96,1,,True +media technical communication,technical production communication,"Advanced interpersonal skills for precise information exchange, equipment notification, and professional interaction in audio, sound, and media production environments",0.96,1,,False +media technical communication,sound engineering interaction,"Advanced interpersonal skills for precise information exchange, equipment notification, and professional interaction in audio, sound, and media production environments",0.96,1,,False +digital media conversion,digital media conversion,"Advanced technical skills in converting, processing, and managing audio and video data across multiple digital and analog formats",0.97,1,,True +digital media conversion,media format transformation,"Advanced technical skills in converting, processing, and managing audio and video data across multiple digital and analog formats",0.97,1,,False +digital media conversion,digital audio processing,"Advanced technical skills in converting, processing, and managing audio and video data across multiple digital and analog formats",0.97,1,,False +performance technical support,performance technical support,"Comprehensive skills in supporting live and recorded audio productions, managing technical equipment, troubleshooting issues, and ensuring optimal sound quality",0.96,1,,True +performance technical support,sound production support,"Comprehensive skills in supporting live and recorded audio productions, managing technical equipment, troubleshooting issues, and ensuring optimal sound quality",0.96,1,,False +performance technical support,technical performance management,"Comprehensive skills in supporting live and recorded audio productions, managing technical equipment, troubleshooting issues, and ensuring optimal sound quality",0.96,1,,False +surveillance operations,surveillance operations,"Advanced skills in monitoring, observing, and gathering information through systematic investigation and technical equipment usage",0.98,1,,True +surveillance operations,investigative monitoring,"Advanced skills in monitoring, observing, and gathering information through systematic investigation and technical equipment usage",0.98,1,,False +surveillance operations,operational surveillance,"Advanced skills in monitoring, observing, and gathering information through systematic investigation and technical equipment usage",0.98,1,,False +customer information management,customer information management,"Advanced skills in collecting, verifying, processing, and maintaining customer information through systematic professional interaction and comprehensive data handling",0.97,1,,True +customer information management,customer data processing,"Advanced skills in collecting, verifying, processing, and maintaining customer information through systematic professional interaction and comprehensive data handling",0.97,1,,False +operational communication,operational communication,"Advanced interpersonal skills for precise information exchange, coordinating work activities, active listening, and professional interaction across diverse organizational contexts",0.98,1,,True +operational communication,professional information coordination,"Advanced interpersonal skills for precise information exchange, coordinating work activities, active listening, and professional interaction across diverse organizational contexts",0.98,1,,False +precision manual fabrication,precision manual fabrication,"Advanced technical skills in measuring, cutting, positioning, assembling, and manipulating materials and components with high accuracy across diverse work environments",0.97,1,,True +precision manual fabrication,precision crafting,"Advanced technical skills in measuring, cutting, positioning, assembling, and manipulating materials and components with high accuracy across diverse work environments",0.97,1,,False +precision manual fabrication,skilled manual fabrication,"Advanced technical skills in measuring, cutting, positioning, assembling, and manipulating materials and components with high accuracy across diverse work environments",0.97,1,,False +structural component installation,structural component installation,"Comprehensive skills in positioning, aligning, measuring, and installing metal, masonry, and structural components with precision and technical expertise",0.96,1,,True +structural component installation,structural assembly,"Comprehensive skills in positioning, aligning, measuring, and installing metal, masonry, and structural components with precision and technical expertise",0.96,1,,False +structural component installation,component positioning,"Comprehensive skills in positioning, aligning, measuring, and installing metal, masonry, and structural components with precision and technical expertise",0.96,1,,False +structural component installation,technical installation,"Comprehensive skills in positioning, aligning, measuring, and installing metal, masonry, and structural components with precision and technical expertise",0.96,1,,False +cnc programming,cnc programming,"Advanced skills in writing computer programs for numerically controlled machine tools, involving precise equipment instruction and operational sequence development",0.98,1,,True +cnc programming,machine tool programming,"Advanced skills in writing computer programs for numerically controlled machine tools, involving precise equipment instruction and operational sequence development",0.98,1,,False +cnc programming,numerical control programming,"Advanced skills in writing computer programs for numerically controlled machine tools, involving precise equipment instruction and operational sequence development",0.98,1,,False +professional time management,professional time management,"Advanced skills in scheduling, prioritizing tasks, coordinating multiple responsibilities, managing personal and team time efficiently, and maintaining operational productivity",0.96,1,,True +professional time management,task prioritization,"Advanced skills in scheduling, prioritizing tasks, coordinating multiple responsibilities, managing personal and team time efficiently, and maintaining operational productivity",0.96,1,,False +professional time management,time management,"Advanced skills in scheduling, prioritizing tasks, coordinating multiple responsibilities, managing personal and team time efficiently, and maintaining operational productivity",0.96,1,,False +robotic systems engineering,robotic systems engineering,"Advanced technical skills in designing, programming, maintaining, and analyzing robotic equipment and electromechanical systems with precision and systematic problem-solving",0.98,1,,True +robotic systems engineering,robotics design,"Advanced technical skills in designing, programming, maintaining, and analyzing robotic equipment and electromechanical systems with precision and systematic problem-solving",0.98,1,,False +robotic systems engineering,electromechanical system development,"Advanced technical skills in designing, programming, maintaining, and analyzing robotic equipment and electromechanical systems with precision and systematic problem-solving",0.98,1,,False +robotic systems engineering,robotic equipment management,"Advanced technical skills in designing, programming, maintaining, and analyzing robotic equipment and electromechanical systems with precision and systematic problem-solving",0.98,1,,False +visual composition,visual composition,"Advanced ability to arrange, design, and create visually compelling images and compositions through technical and artistic skills",0.98,1,,True +visual composition,image design,"Advanced ability to arrange, design, and create visually compelling images and compositions through technical and artistic skills",0.98,1,,False +visual composition,visual framing,"Advanced ability to arrange, design, and create visually compelling images and compositions through technical and artistic skills",0.98,1,,False +visual composition,artistic arrangement,"Advanced ability to arrange, design, and create visually compelling images and compositions through technical and artistic skills",0.98,1,,False +technical image processing,technical image processing,"Comprehensive skills in managing, converting, and manipulating digital and analog image formats using specialized equipment and software",0.97,1,,True +technical image processing,image conversion,"Comprehensive skills in managing, converting, and manipulating digital and analog image formats using specialized equipment and software",0.97,1,,False +technical image processing,digital media management,"Comprehensive skills in managing, converting, and manipulating digital and analog image formats using specialized equipment and software",0.97,1,,False +technical image processing,photographic workflow,"Comprehensive skills in managing, converting, and manipulating digital and analog image formats using specialized equipment and software",0.97,1,,False +creative equipment operation,creative equipment operation,"Advanced proficiency in operating specialized technical equipment for artistic, photographic, and creative production purposes",0.96,1,,True +creative equipment operation,creative technical control,"Advanced proficiency in operating specialized technical equipment for artistic, photographic, and creative production purposes",0.96,1,,False +creative equipment operation,artistic equipment management,"Advanced proficiency in operating specialized technical equipment for artistic, photographic, and creative production purposes",0.96,1,,False +professional creative documentation,professional creative documentation,"Comprehensive skills in preparing, maintaining, and managing documentation related to creative projects, including legal permissions and intellectual property",0.95,1,,True +professional creative documentation,artistic project documentation,"Comprehensive skills in preparing, maintaining, and managing documentation related to creative projects, including legal permissions and intellectual property",0.95,1,,False +technical monitoring and inspection,technical monitoring and inspection,"Advanced skills in observing, assessing, and evaluating operational performance, equipment functionality, and compliance with established standards across technical environments",0.99,1,,True +technical monitoring and inspection,operational compliance tracking,"Advanced skills in observing, assessing, and evaluating operational performance, equipment functionality, and compliance with established standards across technical environments",0.99,1,,False +technical monitoring and inspection,technical systems assessment,"Advanced skills in observing, assessing, and evaluating operational performance, equipment functionality, and compliance with established standards across technical environments",0.99,1,,False +analytical problem resolution,analytical problem resolution,"Advanced capability to systematically identify complex challenges, evaluate alternative solutions, apply logical reasoning, and implement strategic problem-solving techniques",1.0,1,,True +analytical problem resolution,strategic problem-solving,"Advanced capability to systematically identify complex challenges, evaluate alternative solutions, apply logical reasoning, and implement strategic problem-solving techniques",1.0,1,,False +analytical problem resolution,systematic challenge resolution,"Advanced capability to systematically identify complex challenges, evaluate alternative solutions, apply logical reasoning, and implement strategic problem-solving techniques",1.0,1,,False +precision documentation management,precision documentation management,"Comprehensive skills in creating, maintaining, and communicating detailed technical, operational, and quality-related documentation with systematic accuracy and comprehensive reporting",0.99,1,,True +mathematical performance analysis,mathematical performance analysis,"Advanced skills in applying mathematical principles, statistical approaches, and quantitative reasoning to solve complex technical and operational challenges",1.0,1,,True +mathematical performance analysis,statistical performance evaluation,"Advanced skills in applying mathematical principles, statistical approaches, and quantitative reasoning to solve complex technical and operational challenges",1.0,1,,False +patron safety and interaction,patron safety and interaction,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, resolving customer complaints, and ensuring comprehensive safety and support in gambling service environments",0.96,1,,True +patron safety and interaction,customer service in gaming,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, resolving customer complaints, and ensuring comprehensive safety and support in gambling service environments",0.96,1,,False +patron safety and interaction,patron engagement,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, resolving customer complaints, and ensuring comprehensive safety and support in gambling service environments",0.96,1,,False +operational resource distribution,operational resource distribution,"Proficient skills in managing personnel resources, distributing duties, assigning work schedules, and coordinating operational activities in service environments",0.95,1,,True +operational resource distribution,staff allocation,"Proficient skills in managing personnel resources, distributing duties, assigning work schedules, and coordinating operational activities in service environments",0.95,1,,False +operational resource distribution,workforce coordination,"Proficient skills in managing personnel resources, distributing duties, assigning work schedules, and coordinating operational activities in service environments",0.95,1,,False +customer interaction in service environments,customer interaction in service environments,"Advanced interpersonal skills for engaging customers, responding to inquiries, resolving issues, and providing professional service with active listening and social perceptiveness",0.97,1,,True +operational financial record maintenance,operational financial record maintenance,"Systematic skills in computing financial transactions, maintaining accurate account records, preparing operational reports, and ensuring precise financial documentation",0.96,1,,True +operational financial record maintenance,financial transaction tracking,"Systematic skills in computing financial transactions, maintaining accurate account records, preparing operational reports, and ensuring precise financial documentation",0.96,1,,False +operational financial record maintenance,gambling financial documentation,"Systematic skills in computing financial transactions, maintaining accurate account records, preparing operational reports, and ensuring precise financial documentation",0.96,1,,False +operational financial record maintenance,operational accounting,"Systematic skills in computing financial transactions, maintaining accurate account records, preparing operational reports, and ensuring precise financial documentation",0.96,1,,False +agricultural inspection skills,agricultural inspection skills,"Comprehensive ability to systematically examine, evaluate, and ensure quality and safety standards in agricultural and forestry products and operations",0.98,1,,True +agricultural inspection skills,agricultural compliance verification,"Comprehensive ability to systematically examine, evaluate, and ensure quality and safety standards in agricultural and forestry products and operations",0.98,1,,False +environmental field monitoring,environmental field monitoring,"Advanced skills in conducting systematic field investigations, collecting samples, assessing environmental conditions, and documenting agricultural and forestry resource characteristics",0.97,1,,True +environmental field monitoring,agricultural site assessment,"Advanced skills in conducting systematic field investigations, collecting samples, assessing environmental conditions, and documenting agricultural and forestry resource characteristics",0.97,1,,False +regulatory agricultural compliance,regulatory agricultural compliance,"Comprehensive skills in interpreting, applying, and ensuring adherence to complex agricultural regulations, safety standards, and operational guidelines",0.96,1,,True +regulatory agricultural compliance,agricultural safety enforcement,"Comprehensive skills in interpreting, applying, and ensuring adherence to complex agricultural regulations, safety standards, and operational guidelines",0.96,1,,False +regulatory agricultural compliance,operational regulatory management,"Comprehensive skills in interpreting, applying, and ensuring adherence to complex agricultural regulations, safety standards, and operational guidelines",0.96,1,,False +government program eligibility assessment,government program eligibility assessment,"Comprehensive skills in evaluating individual eligibility for government assistance programs through systematic information gathering, verification, and decision-making processes",0.98,1,,True +government program eligibility assessment,program qualification screening,"Comprehensive skills in evaluating individual eligibility for government assistance programs through systematic information gathering, verification, and decision-making processes",0.98,1,,False +government program eligibility assessment,benefits eligibility determination,"Comprehensive skills in evaluating individual eligibility for government assistance programs through systematic information gathering, verification, and decision-making processes",0.98,1,,False +regulatory compliance communication,regulatory compliance communication,"Advanced interpersonal skills for explaining regulations, policies, and procedural requirements with clarity, precision, and comprehensive understanding",0.97,1,,True +regulatory compliance communication,policy explanation,"Advanced interpersonal skills for explaining regulations, policies, and procedural requirements with clarity, precision, and comprehensive understanding",0.97,1,,False +financial analysis and reporting,financial analysis and reporting,"Advanced skills in examining financial data, preparing budgetary documents, analyzing accounting information, and creating comprehensive financial reports",0.99,1,,True +financial analysis and reporting,budget analysis,"Advanced skills in examining financial data, preparing budgetary documents, analyzing accounting information, and creating comprehensive financial reports",0.99,1,,False +financial analysis and reporting,fiscal reporting,"Advanced skills in examining financial data, preparing budgetary documents, analyzing accounting information, and creating comprehensive financial reports",0.99,1,,False +quantitative problem solving,quantitative problem solving,"Advanced skills in using mathematics, statistical reasoning, and analytical techniques to identify, evaluate, and resolve complex professional challenges",0.99,1,,True +quantitative problem solving,mathematical analysis,"Advanced skills in using mathematics, statistical reasoning, and analytical techniques to identify, evaluate, and resolve complex professional challenges",0.99,1,,False +quantitative problem solving,numerical reasoning,"Advanced skills in using mathematics, statistical reasoning, and analytical techniques to identify, evaluate, and resolve complex professional challenges",0.99,1,,False +correctional operations management,correctional operations management,"Advanced skills in supervising, coordinating, and managing correctional facility operations, including inmate monitoring, safety protocols, and institutional security",0.99,1,,True +correctional operations management,prison facility leadership,"Advanced skills in supervising, coordinating, and managing correctional facility operations, including inmate monitoring, safety protocols, and institutional security",0.99,1,,False +correctional operations management,correctional security management,"Advanced skills in supervising, coordinating, and managing correctional facility operations, including inmate monitoring, safety protocols, and institutional security",0.99,1,,False +emergency response and safety,emergency response and safety,"Comprehensive skills in identifying, assessing, and managing critical situations, implementing safety protocols, and providing immediate assistance in high-risk environments",0.98,1,,True +personnel performance evaluation,personnel performance evaluation,"Comprehensive skills in assessing, monitoring, and developing workforce performance through systematic observation, feedback, and professional development strategies",0.97,1,,True +personnel performance evaluation,staff performance management,"Comprehensive skills in assessing, monitoring, and developing workforce performance through systematic observation, feedback, and professional development strategies",0.97,1,,False +surface preparation skills,surface preparation skills,"Advanced technical abilities in cleaning, leveling, measuring, and preparing surfaces for installation, finishing, or construction tasks",0.95,1,,True +surface preparation skills,material surface preparation,"Advanced technical abilities in cleaning, leveling, measuring, and preparing surfaces for installation, finishing, or construction tasks",0.95,1,,False +wildlife resource management,wildlife resource management,"Comprehensive skills in locating, capturing, handling, and managing wildlife resources through systematic operational techniques and environmental conservation approaches",0.95,1,,True +wildlife resource management,animal capture techniques,"Comprehensive skills in locating, capturing, handling, and managing wildlife resources through systematic operational techniques and environmental conservation approaches",0.95,1,,False +wildlife resource management,wildlife operational control,"Comprehensive skills in locating, capturing, handling, and managing wildlife resources through systematic operational techniques and environmental conservation approaches",0.95,1,,False +wildlife resource management,resource procurement,"Comprehensive skills in locating, capturing, handling, and managing wildlife resources through systematic operational techniques and environmental conservation approaches",0.95,1,,False +outdoor equipment operation,outdoor equipment operation,"Advanced proficiency in operating, maintaining, and navigating specialized vehicles and equipment in outdoor and field work environments",0.96,1,,True +outdoor equipment operation,field vehicle management,"Advanced proficiency in operating, maintaining, and navigating specialized vehicles and equipment in outdoor and field work environments",0.96,1,,False +outdoor equipment operation,terrain transportation,"Advanced proficiency in operating, maintaining, and navigating specialized vehicles and equipment in outdoor and field work environments",0.96,1,,False +field safety and hazard management,field safety and hazard management,"Comprehensive skills in identifying potential risks, implementing safety protocols, monitoring environmental conditions, and ensuring worker protection in outdoor and remote work settings",0.97,1,,True +field safety and hazard management,occupational risk mitigation,"Comprehensive skills in identifying potential risks, implementing safety protocols, monitoring environmental conditions, and ensuring worker protection in outdoor and remote work settings",0.97,1,,False +precision metal fabrication,precision metal fabrication,"Advanced technical skills in cutting, shaping, welding, and manipulating metal materials with high accuracy and specialized techniques",0.98,1,,True +precision metal fabrication,welding techniques,"Advanced technical skills in cutting, shaping, welding, and manipulating metal materials with high accuracy and specialized techniques",0.98,1,,False +precision metal fabrication,metal shaping,"Advanced technical skills in cutting, shaping, welding, and manipulating metal materials with high accuracy and specialized techniques",0.98,1,,False +equipment safety monitoring,equipment safety monitoring,"Systematic approach to inspecting, maintaining, and ensuring safe operation of industrial equipment through continuous observation and preventive maintenance",0.97,1,,True +equipment safety monitoring,equipment functionality check,"Systematic approach to inspecting, maintaining, and ensuring safe operation of industrial equipment through continuous observation and preventive maintenance",0.97,1,,False +equipment safety monitoring,operational safety,"Systematic approach to inspecting, maintaining, and ensuring safe operation of industrial equipment through continuous observation and preventive maintenance",0.97,1,,False +technical dimensional verification,technical dimensional verification,"Precise skills in measuring, inspecting, and verifying dimensional accuracy of workpieces and completed products to ensure quality standards",0.96,1,,True +technical dimensional verification,measurement precision,"Precise skills in measuring, inspecting, and verifying dimensional accuracy of workpieces and completed products to ensure quality standards",0.96,1,,False +technical dimensional verification,quality dimensional control,"Precise skills in measuring, inspecting, and verifying dimensional accuracy of workpieces and completed products to ensure quality standards",0.96,1,,False +forestry resource assessment,forestry resource assessment,"Comprehensive skills in evaluating, measuring, and documenting log and forestry product characteristics through systematic inspection and precise documentation techniques",0.98,1,,True +forestry resource assessment,log grading,"Comprehensive skills in evaluating, measuring, and documenting log and forestry product characteristics through systematic inspection and precise documentation techniques",0.98,1,,False +forestry resource assessment,timber evaluation,"Comprehensive skills in evaluating, measuring, and documenting log and forestry product characteristics through systematic inspection and precise documentation techniques",0.98,1,,False +forestry resource assessment,forest product inspection,"Comprehensive skills in evaluating, measuring, and documenting log and forestry product characteristics through systematic inspection and precise documentation techniques",0.98,1,,False +operational field coordination,operational field coordination,"Advanced ability to coordinate work activities, communicate with team members, and manage complex outdoor work environments with emphasis on safety and efficiency",0.97,1,,True +operational field coordination,field work management,"Advanced ability to coordinate work activities, communicate with team members, and manage complex outdoor work environments with emphasis on safety and efficiency",0.97,1,,False +operational field coordination,outdoor operational coordination,"Advanced ability to coordinate work activities, communicate with team members, and manage complex outdoor work environments with emphasis on safety and efficiency",0.97,1,,False +technical measurement and marking,technical measurement and marking,"Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products",0.96,1,,True +technical measurement and marking,product dimensional verification,"Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products",0.96,1,,False +technical measurement and marking,inventory marking,"Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products",0.96,1,,False +retail transaction processing,retail transaction processing,"Comprehensive skills in executing sales transactions, calculating costs, processing payments, maintaining financial records, and ensuring accurate customer service interactions",0.98,1,,True +retail transaction processing,customer payment processing,"Comprehensive skills in executing sales transactions, calculating costs, processing payments, maintaining financial records, and ensuring accurate customer service interactions",0.98,1,,False +operational cash management,operational cash management,"Systematic skills in handling money, preparing cash for deposit, reconciling financial records, issuing credit or vouchers, and maintaining precise financial documentation",0.97,1,,True +operational cash management,cash handling,"Systematic skills in handling money, preparing cash for deposit, reconciling financial records, issuing credit or vouchers, and maintaining precise financial documentation",0.97,1,,False +operational cash management,financial record reconciliation,"Systematic skills in handling money, preparing cash for deposit, reconciling financial records, issuing credit or vouchers, and maintaining precise financial documentation",0.97,1,,False +operational cash management,monetary transaction processing,"Systematic skills in handling money, preparing cash for deposit, reconciling financial records, issuing credit or vouchers, and maintaining precise financial documentation",0.97,1,,False +logistics analysis,logistics analysis,"Advanced analytical skills for evaluating, optimizing, and managing complex logistics processes, supply chain operations, and organizational workflows",0.99,1,,True +logistics analysis,supply chain analysis,"Advanced analytical skills for evaluating, optimizing, and managing complex logistics processes, supply chain operations, and organizational workflows",0.99,1,,False +logistics analysis,operational logistics evaluation,"Advanced analytical skills for evaluating, optimizing, and managing complex logistics processes, supply chain operations, and organizational workflows",0.99,1,,False +logistics analysis,logistics process optimization,"Advanced analytical skills for evaluating, optimizing, and managing complex logistics processes, supply chain operations, and organizational workflows",0.99,1,,False +early childhood education management,early childhood education management,"Comprehensive skills in designing, implementing, and managing educational strategies, classroom management, and developmental support specifically for young children",0.98,1,,True +early childhood education management,kindergarten teaching,"Comprehensive skills in designing, implementing, and managing educational strategies, classroom management, and developmental support specifically for young children",0.98,1,,False +early childhood education management,child learning coordination,"Comprehensive skills in designing, implementing, and managing educational strategies, classroom management, and developmental support specifically for young children",0.98,1,,False +developmental behavioral guidance,developmental behavioral guidance,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting and supportive interventions",0.97,1,,True +developmental behavioral guidance,child behavior management,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting and supportive interventions",0.97,1,,False +developmental behavioral guidance,student social development,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting and supportive interventions",0.97,1,,False +developmental behavioral guidance,classroom interaction regulation,"Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting and supportive interventions",0.97,1,,False +instructional adaptation,instructional adaptation,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs and developmental stages",0.96,1,,True +instructional adaptation,teaching method customization,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs and developmental stages",0.96,1,,False +instructional adaptation,learning strategy modification,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs and developmental stages",0.96,1,,False +child safety and welfare,child safety and welfare,"Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, and protective interventions",0.99,1,,True +child safety and welfare,student protection,"Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, and protective interventions",0.99,1,,False +child safety and welfare,child development safety,"Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, and protective interventions",0.99,1,,False +child safety and welfare,educational environment management,"Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, and protective interventions",0.99,1,,False +precision surface etching,precision surface etching,"Advanced technical skills in precisely cutting, marking, engraving, and finishing materials using specialized etching and engraving techniques",0.98,1,,True +precision surface etching,surface marking,"Advanced technical skills in precisely cutting, marking, engraving, and finishing materials using specialized etching and engraving techniques",0.98,1,,False +precision surface etching,precision material engraving,"Advanced technical skills in precisely cutting, marking, engraving, and finishing materials using specialized etching and engraving techniques",0.98,1,,False +equipment control and monitoring,equipment control and monitoring,"Comprehensive ability to operate, adjust, monitor, and control specialized industrial machinery and production equipment with precision and systematic approach",0.97,1,,True +equipment control and monitoring,machine operation management,"Comprehensive ability to operate, adjust, monitor, and control specialized industrial machinery and production equipment with precision and systematic approach",0.97,1,,False +equipment control and monitoring,production system monitoring,"Comprehensive ability to operate, adjust, monitor, and control specialized industrial machinery and production equipment with precision and systematic approach",0.97,1,,False +protective finishing application,protective finishing application,"Advanced techniques for applying protective or decorative finishes to workpieces, ensuring surface quality, durability, and aesthetic standards",0.96,1,,True +protective finishing application,finish quality management,"Advanced techniques for applying protective or decorative finishes to workpieces, ensuring surface quality, durability, and aesthetic standards",0.96,1,,False +workplace safety engineering,workplace safety engineering,"Comprehensive ability to investigate, assess, and develop safety standards, policies, and procedures across diverse work environments",0.99,1,,True +workplace safety engineering,safety systems design,"Comprehensive ability to investigate, assess, and develop safety standards, policies, and procedures across diverse work environments",0.99,1,,False +financial risk analysis,financial risk analysis,"Advanced analytical skills for systematically assessing, evaluating, and mitigating financial risks across business and investment contexts",0.99,1,,True +financial risk analysis,financial modeling,"Advanced analytical skills for systematically assessing, evaluating, and mitigating financial risks across business and investment contexts",0.99,1,,False +financial risk analysis,investment risk evaluation,"Advanced analytical skills for systematically assessing, evaluating, and mitigating financial risks across business and investment contexts",0.99,1,,False +strategic business intelligence,strategic business intelligence,"Comprehensive capabilities in collecting, analyzing, and interpreting complex business and financial data to support strategic decision-making",0.98,1,,True +strategic business intelligence,business data analysis,"Comprehensive capabilities in collecting, analyzing, and interpreting complex business and financial data to support strategic decision-making",0.98,1,,False +strategic business intelligence,organizational insights,"Comprehensive capabilities in collecting, analyzing, and interpreting complex business and financial data to support strategic decision-making",0.98,1,,False +strategic business intelligence,strategic information processing,"Comprehensive capabilities in collecting, analyzing, and interpreting complex business and financial data to support strategic decision-making",0.98,1,,False +financial reporting and documentation,financial reporting and documentation,"Comprehensive skills in preparing, analyzing, and communicating detailed financial documents, reports, budgets, and regulatory documentation",0.96,1,,True +financial reporting and documentation,financial document preparation,"Comprehensive skills in preparing, analyzing, and communicating detailed financial documents, reports, budgets, and regulatory documentation",0.96,1,,False +financial reporting and documentation,comprehensive financial communication,"Comprehensive skills in preparing, analyzing, and communicating detailed financial documents, reports, budgets, and regulatory documentation",0.96,1,,False +investment strategy development,investment strategy development,"Advanced analytical capabilities for identifying, evaluating, and recommending strategic investment opportunities across diverse financial contexts",0.98,1,,True +investment strategy development,financial opportunity analysis,"Advanced analytical capabilities for identifying, evaluating, and recommending strategic investment opportunities across diverse financial contexts",0.98,1,,False +investment strategy development,strategic investment planning,"Advanced analytical capabilities for identifying, evaluating, and recommending strategic investment opportunities across diverse financial contexts",0.98,1,,False +biomass production operations,biomass production operations,"Comprehensive skills in operating, monitoring, and managing biomass and biofuel production equipment, ensuring efficient and safe production processes",0.98,1,,True +biomass production operations,biofuel equipment management,"Comprehensive skills in operating, monitoring, and managing biomass and biofuel production equipment, ensuring efficient and safe production processes",0.98,1,,False +biomass production operations,renewable energy production,"Comprehensive skills in operating, monitoring, and managing biomass and biofuel production equipment, ensuring efficient and safe production processes",0.98,1,,False +sustainable energy quality control,sustainable energy quality control,"Systematic approach to testing materials, evaluating production quality, and ensuring compliance with sustainable energy production standards",0.96,1,,True +sustainable energy quality control,renewable energy inspection,"Systematic approach to testing materials, evaluating production quality, and ensuring compliance with sustainable energy production standards",0.96,1,,False +operational data documentation,operational data documentation,"Comprehensive skills in recording, tracking, and maintaining precise operational and production data across technical work environments",0.97,1,,True +operational data documentation,production record keeping,"Comprehensive skills in recording, tracking, and maintaining precise operational and production data across technical work environments",0.97,1,,False +operational data documentation,technical operational logging,"Comprehensive skills in recording, tracking, and maintaining precise operational and production data across technical work environments",0.97,1,,False +industrial safety compliance,industrial safety compliance,"Advanced skills in maintaining workplace safety, identifying potential hazards, and implementing preventive measures in sustainable energy production environments",0.98,1,,True +special needs educational support,special needs educational support,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,True +special needs educational support,inclusive learning,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,False +special needs educational support,specialized educational adaptation,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,False +special needs educational support,individualized student support,"Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development",0.98,1,,False +guest service coordination,guest service coordination,"Advanced interpersonal skills for managing patron interactions, handling luggage, providing directions, and ensuring comprehensive customer support in hospitality and service environments",0.95,1,,True +guest service coordination,customer support management,"Advanced interpersonal skills for managing patron interactions, handling luggage, providing directions, and ensuring comprehensive customer support in hospitality and service environments",0.95,1,,False +guest service coordination,service interaction,"Advanced interpersonal skills for managing patron interactions, handling luggage, providing directions, and ensuring comprehensive customer support in hospitality and service environments",0.95,1,,False +facility maintenance and cleaning,facility maintenance and cleaning,"Comprehensive skills in maintaining clean, organized, and functional service areas, including cleaning facilities, arranging items, and ensuring hygienic work environments",0.93,1,,True +facility maintenance and cleaning,service area upkeep,"Comprehensive skills in maintaining clean, organized, and functional service areas, including cleaning facilities, arranging items, and ensuring hygienic work environments",0.93,1,,False +facility maintenance and cleaning,workplace sanitation,"Comprehensive skills in maintaining clean, organized, and functional service areas, including cleaning facilities, arranging items, and ensuring hygienic work environments",0.93,1,,False +economic analysis,economic analysis,"Advanced analytical skills for systematically examining economic, political, and social trends through comprehensive research, data interpretation, and strategic reasoning",0.99,1,,True +economic analysis,economic research,"Advanced analytical skills for systematically examining economic, political, and social trends through comprehensive research, data interpretation, and strategic reasoning",0.99,1,,False +economic analysis,trend forecasting,"Advanced analytical skills for systematically examining economic, political, and social trends through comprehensive research, data interpretation, and strategic reasoning",0.99,1,,False +economic analysis,socioeconomic analysis,"Advanced analytical skills for systematically examining economic, political, and social trends through comprehensive research, data interpretation, and strategic reasoning",0.99,1,,False +quantitative reasoning,quantitative reasoning,"Advanced mathematical and statistical skills for solving complex problems, analyzing data, and making evidence-based decisions across professional contexts",1.0,1,,True +critical analytical reasoning,critical analytical reasoning,"Advanced cognitive skills for systematically evaluating complex information systems, analyzing data relationships, interpreting technical specifications, and making strategic technological decisions",1.0,3,,True +critical analytical reasoning,technical decision making,"Advanced cognitive skills for systematically evaluating complex information systems, analyzing data relationships, interpreting technical specifications, and making strategic technological decisions",1.0,3,,False +research methodology,research methodology,"Comprehensive skills in designing, conducting, and analyzing systematic research involving precise data collection, scientific investigation, and evidence-based knowledge development",0.99,1,,True +research methodology,scientific research,"Comprehensive skills in designing, conducting, and analyzing systematic research involving precise data collection, scientific investigation, and evidence-based knowledge development",0.99,1,,False +research methodology,systematic research techniques,"Comprehensive skills in designing, conducting, and analyzing systematic research involving precise data collection, scientific investigation, and evidence-based knowledge development",0.99,1,,False +underwater technical operations,underwater technical operations,"Advanced skills in performing complex technical tasks, equipment maintenance, and operational procedures in underwater and marine environments",0.98,1,,True +underwater technical operations,marine technical expertise,"Advanced skills in performing complex technical tasks, equipment maintenance, and operational procedures in underwater and marine environments",0.98,1,,False +underwater technical operations,underwater work skills,"Advanced skills in performing complex technical tasks, equipment maintenance, and operational procedures in underwater and marine environments",0.98,1,,False +underwater technical operations,subaquatic operations,"Advanced skills in performing complex technical tasks, equipment maintenance, and operational procedures in underwater and marine environments",0.98,1,,False +safety and emergency response,safety and emergency response,"Comprehensive capabilities in identifying potential risks, implementing safety protocols, responding to critical situations, and ensuring workplace and personal safety across diverse technical environments",0.99,1,,True +safety and emergency response,emergency preparedness,"Comprehensive capabilities in identifying potential risks, implementing safety protocols, responding to critical situations, and ensuring workplace and personal safety across diverse technical environments",0.99,1,,False +safety and emergency response,critical incident response,"Comprehensive capabilities in identifying potential risks, implementing safety protocols, responding to critical situations, and ensuring workplace and personal safety across diverse technical environments",0.99,1,,False +complex problem-solving in technical environments,complex problem-solving in technical environments,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,True +complex problem-solving in technical environments,systematic technical problem resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +professional communication in technical contexts,professional communication in technical contexts,"Advanced interpersonal skills for precise information exchange, active listening, coordinating work activities, and maintaining professional interaction across technical and operational environments",0.99,1,,True +professional communication in technical contexts,professional workplace dialogue,"Advanced interpersonal skills for precise information exchange, active listening, coordinating work activities, and maintaining professional interaction across technical and operational environments",0.99,1,,False +equipment operation monitoring,equipment operation monitoring,"Systematic skill in observing, controlling, and ensuring proper functionality of production machinery and equipment through active monitoring and performance tracking",0.98,1,,True +equipment operation monitoring,machine performance tracking,"Systematic skill in observing, controlling, and ensuring proper functionality of production machinery and equipment through active monitoring and performance tracking",0.98,1,,False +mathematical problem solving,mathematical problem solving,"Advanced skills in applying mathematical principles, statistical methods, and quantitative reasoning to analyze complex problems and develop innovative solutions across scientific and technical domains",1.0,2,,True +advanced analytical reasoning,advanced analytical reasoning,"Sophisticated cognitive skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, critical thinking, and strategic problem-solving techniques",1.0,1,,True +advanced analytical reasoning,critical analysis,"Sophisticated cognitive skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, critical thinking, and strategic problem-solving techniques",1.0,1,,False +advanced analytical reasoning,complex reasoning,"Sophisticated cognitive skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, critical thinking, and strategic problem-solving techniques",1.0,1,,False +systematic documentation,systematic documentation,"Comprehensive skills in creating, maintaining, and communicating detailed technical, scientific, and operational documentation with precision, accuracy, and systematic approach",0.98,1,,True +systematic documentation,precise record keeping,"Comprehensive skills in creating, maintaining, and communicating detailed technical, scientific, and operational documentation with precision, accuracy, and systematic approach",0.98,1,,False +interpersonal needs assessment,interpersonal needs assessment,"Advanced skills in systematically identifying, analyzing, and evaluating individual client requirements, developmental challenges, and personalized support strategies",0.97,1,,True +interpersonal needs assessment,individual requirement analysis,"Advanced skills in systematically identifying, analyzing, and evaluating individual client requirements, developmental challenges, and personalized support strategies",0.97,1,,False +agricultural systems management,agricultural systems management,"Advanced skills in managing agricultural processes, crop research, plant classification, soil analysis, and sustainable agricultural development",0.97,1,,True +agricultural systems management,crop management,"Advanced skills in managing agricultural processes, crop research, plant classification, soil analysis, and sustainable agricultural development",0.97,1,,False +agricultural systems management,agricultural research,"Advanced skills in managing agricultural processes, crop research, plant classification, soil analysis, and sustainable agricultural development",0.97,1,,False +agricultural systems management,plant science,"Advanced skills in managing agricultural processes, crop research, plant classification, soil analysis, and sustainable agricultural development",0.97,1,,False +sustainable resource management,sustainable resource management,"Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land and resource management practices",0.96,1,,True +sustainable resource management,conservation planning,"Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land and resource management practices",0.96,1,,False +sustainable resource management,resource preservation,"Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land and resource management practices",0.96,1,,False +sustainable resource management,ecological sustainability,"Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land and resource management practices",0.96,1,,False +information services support,information services support,"Advanced interpersonal skills for providing comprehensive patron assistance, information retrieval, research support, and professional customer service in library and archival environments",0.97,1,,True +information services support,patron information assistance,"Advanced interpersonal skills for providing comprehensive patron assistance, information retrieval, research support, and professional customer service in library and archival environments",0.97,1,,False +information services support,research support services,"Advanced interpersonal skills for providing comprehensive patron assistance, information retrieval, research support, and professional customer service in library and archival environments",0.97,1,,False +technical documentation processing,technical documentation processing,"Systematic skills in collecting, organizing, maintaining, and managing diverse administrative and technical documentation with precision and comprehensive accuracy",0.96,1,,True +technical documentation processing,document processing,"Systematic skills in collecting, organizing, maintaining, and managing diverse administrative and technical documentation with precision and comprehensive accuracy",0.96,1,,False +computational bioinformatics analysis,computational bioinformatics analysis,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,True +computational bioinformatics analysis,bioinformatics data processing,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,False +computational bioinformatics analysis,computational biological analysis,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,False +computational bioinformatics analysis,scientific data interpretation,"Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes",0.96,1,,False +complex problem solving in scientific contexts,complex problem solving in scientific contexts,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques",1.0,1,,True +complex problem solving in scientific contexts,analytical research problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques",1.0,1,,False +safety and quality inspection,safety and quality inspection,"Systematic approach to conducting comprehensive equipment inspections, ensuring operational safety, monitoring performance, identifying potential hazards, and maintaining quality standards",0.98,1,,True +safety and quality inspection,technical compliance inspection,"Systematic approach to conducting comprehensive equipment inspections, ensuring operational safety, monitoring performance, identifying potential hazards, and maintaining quality standards",0.98,1,,False +technical equipment operation,technical equipment operation,"Advanced skills in operating, monitoring, controlling, and managing specialized machinery and equipment across diverse technical and industrial environments with precision and systematic approach",0.99,2,,True +technical equipment operation,technical systems operation,"Advanced skills in operating, monitoring, controlling, and managing specialized machinery and equipment across diverse technical and industrial environments with precision and systematic approach",0.99,2,,False +strategic resource management,strategic resource management,"Comprehensive ability to coordinate, allocate, and optimize personnel, material, and financial resources across complex organizational environments",0.99,1,,True +strategic resource management,strategic personnel management,"Comprehensive ability to coordinate, allocate, and optimize personnel, material, and financial resources across complex organizational environments",0.99,1,,False +professional communication in healthcare,professional communication in healthcare,"Advanced interpersonal communication skills specific to medical environments, involving precise information exchange, active listening, patient counseling, and comprehensive professional dialogue",0.99,1,,True +professional communication in healthcare,healthcare interaction,"Advanced interpersonal communication skills specific to medical environments, involving precise information exchange, active listening, patient counseling, and comprehensive professional dialogue",0.99,1,,False +professional communication in healthcare,patient information exchange,"Advanced interpersonal communication skills specific to medical environments, involving precise information exchange, active listening, patient counseling, and comprehensive professional dialogue",0.99,1,,False +transcription and information processing,transcription and information processing,"Advanced skills in accurately capturing, recording, and documenting verbal and written information across professional contexts with high precision and attention to detail",0.97,1,,True +transcription and information processing,accurate transcription,"Advanced skills in accurately capturing, recording, and documenting verbal and written information across professional contexts with high precision and attention to detail",0.97,1,,False +transcription and information processing,detailed documentation,"Advanced skills in accurately capturing, recording, and documenting verbal and written information across professional contexts with high precision and attention to detail",0.97,1,,False +telecommunications equipment installation,telecommunications equipment installation,"Advanced technical skills in installing, configuring, testing, and maintaining complex telecommunications and communication line systems with precision and systematic approach",0.98,1,,True +telecommunications equipment installation,telecom line setup,"Advanced technical skills in installing, configuring, testing, and maintaining complex telecommunications and communication line systems with precision and systematic approach",0.98,1,,False +telecommunications equipment installation,communication infrastructure installation,"Advanced technical skills in installing, configuring, testing, and maintaining complex telecommunications and communication line systems with precision and systematic approach",0.98,1,,False +field technical operations,field technical operations,"Comprehensive skills in performing on-site technical work, including travel to work sites, equipment installation, repair, and maintenance across diverse operational environments",0.97,1,,True +field technical operations,on-site technical services,"Comprehensive skills in performing on-site technical work, including travel to work sites, equipment installation, repair, and maintenance across diverse operational environments",0.97,1,,False +field technical operations,mobile technical deployment,"Comprehensive skills in performing on-site technical work, including travel to work sites, equipment installation, repair, and maintenance across diverse operational environments",0.97,1,,False +technical safety and equipment inspection,technical safety and equipment inspection,"Systematic approach to inspecting telecommunications equipment, identifying potential problems, ensuring operational safety, and maintaining high-quality technical standards",0.96,1,,True +technical safety and equipment inspection,equipment diagnostic verification,"Systematic approach to inspecting telecommunications equipment, identifying potential problems, ensuring operational safety, and maintaining high-quality technical standards",0.96,1,,False +technical safety and equipment inspection,technical safety compliance,"Systematic approach to inspecting telecommunications equipment, identifying potential problems, ensuring operational safety, and maintaining high-quality technical standards",0.96,1,,False +operational problem-solving,operational problem-solving,"Advanced analytical skills for systematically identifying complex technical challenges, evaluating alternative solutions, and implementing strategic troubleshooting techniques in telecommunications environments",0.98,1,,True +operational problem-solving,technical challenge resolution,"Advanced analytical skills for systematically identifying complex technical challenges, evaluating alternative solutions, and implementing strategic troubleshooting techniques in telecommunications environments",0.98,1,,False +operational problem-solving,systematic operational troubleshooting,"Advanced analytical skills for systematically identifying complex technical challenges, evaluating alternative solutions, and implementing strategic troubleshooting techniques in telecommunications environments",0.98,1,,False +print production technical skills,print production technical skills,"Advanced proficiency in operating photographic and print production equipment, including developing, inspecting, programming, and maintaining specialized imaging and printing machinery",0.98,1,,True +print production technical skills,print equipment operation,"Advanced proficiency in operating photographic and print production equipment, including developing, inspecting, programming, and maintaining specialized imaging and printing machinery",0.98,1,,False +print production technical skills,image production management,"Advanced proficiency in operating photographic and print production equipment, including developing, inspecting, programming, and maintaining specialized imaging and printing machinery",0.98,1,,False +print production technical skills,technical print processing,"Advanced proficiency in operating photographic and print production equipment, including developing, inspecting, programming, and maintaining specialized imaging and printing machinery",0.98,1,,False +technical equipment programming,technical equipment programming,"Advanced skills in entering commands, instructions, and specifications into specialized production equipment, configuring operational sequences, and managing complex machinery controls",0.97,1,,True +technical equipment programming,machinery programming,"Advanced skills in entering commands, instructions, and specifications into specialized production equipment, configuring operational sequences, and managing complex machinery controls",0.97,1,,False +technical equipment programming,technical operational setup,"Advanced skills in entering commands, instructions, and specifications into specialized production equipment, configuring operational sequences, and managing complex machinery controls",0.97,1,,False +mail processing operations,mail processing operations,"Comprehensive skills in sorting, routing, packaging, and distributing mail and postal materials with precision and systematic operational efficiency",0.98,1,,True +equipment maintenance and monitoring,equipment maintenance and monitoring,"Advanced technical skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of postal and office equipment",0.97,1,,True +equipment maintenance and monitoring,technical equipment care,"Advanced technical skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of postal and office equipment",0.97,1,,False +workplace safety and quality control,workplace safety and quality control,"Comprehensive approach to ensuring workplace safety, monitoring equipment performance, identifying potential hazards, and implementing preventive measures",0.97,1,,True +workplace safety and quality control,operational risk mitigation,"Comprehensive approach to ensuring workplace safety, monitoring equipment performance, identifying potential hazards, and implementing preventive measures",0.97,1,,False +operational coordination and communication,operational coordination and communication,"Advanced skills in coordinating work activities, communicating effectively with team members, and adjusting actions in relation to others",0.96,1,,True +operational coordination and communication,workplace collaboration,"Advanced skills in coordinating work activities, communicating effectively with team members, and adjusting actions in relation to others",0.96,1,,False +operational coordination and communication,team coordination,"Advanced skills in coordinating work activities, communicating effectively with team members, and adjusting actions in relation to others",0.96,1,,False +strategic compensation management,strategic compensation management,"Advanced skills in designing, implementing, and managing comprehensive compensation and benefits programs across organizational contexts",0.98,1,,True +strategic compensation management,benefits strategy,"Advanced skills in designing, implementing, and managing comprehensive compensation and benefits programs across organizational contexts",0.98,1,,False +strategic compensation management,employee compensation planning,"Advanced skills in designing, implementing, and managing comprehensive compensation and benefits programs across organizational contexts",0.98,1,,False +strategic compensation management,total rewards design,"Advanced skills in designing, implementing, and managing comprehensive compensation and benefits programs across organizational contexts",0.98,1,,False +regulatory compliance oversight,regulatory compliance oversight,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific human resources regulations",0.97,1,,True +regulatory compliance oversight,hr legal compliance,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific human resources regulations",0.97,1,,False +regulatory compliance oversight,regulatory hr management,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific human resources regulations",0.97,1,,False +regulatory compliance oversight,employment law adherence,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific human resources regulations",0.97,1,,False +financial resource allocation,financial resource allocation,"Advanced skills in managing financial resources, preparing budgets, analyzing expenditures, and strategically distributing organizational funds",0.98,1,,True +financial resource allocation,budget management,"Advanced skills in managing financial resources, preparing budgets, analyzing expenditures, and strategically distributing organizational funds",0.98,1,,False +equipment operation and monitoring,equipment operation and monitoring,"Proficient skills in operating, controlling, and monitoring industrial machinery, conveyor systems, and material-moving equipment with systematic precision and safety focus",0.98,1,,True +equipment operation and monitoring,operational equipment monitoring,"Proficient skills in operating, controlling, and monitoring industrial machinery, conveyor systems, and material-moving equipment with systematic precision and safety focus",0.98,1,,False +workplace safety and maintenance,workplace safety and maintenance,"Comprehensive skills in maintaining clean work areas, inspecting equipment, identifying potential hazards, and ensuring operational safety through systematic preventive measures",0.97,1,,True +material handling and movement,material handling and movement,"Proficient skills in loading, securing, sorting, moving, and transferring materials, equipment, and supplies across diverse work environments",0.98,1,,True +material handling and movement,cargo management,"Proficient skills in loading, securing, sorting, moving, and transferring materials, equipment, and supplies across diverse work environments",0.98,1,,False +material handling and movement,material transportation,"Proficient skills in loading, securing, sorting, moving, and transferring materials, equipment, and supplies across diverse work environments",0.98,1,,False +strategic conservation planning,strategic conservation planning,"Advanced capabilities in developing, implementing, and managing comprehensive environmental conservation initiatives, restoration programs, and sustainable resource management strategies",0.96,1,,True +strategic conservation planning,ecosystem restoration strategy,"Advanced capabilities in developing, implementing, and managing comprehensive environmental conservation initiatives, restoration programs, and sustainable resource management strategies",0.96,1,,False +strategic conservation planning,sustainable management planning,"Advanced capabilities in developing, implementing, and managing comprehensive environmental conservation initiatives, restoration programs, and sustainable resource management strategies",0.96,1,,False +network systems management,network systems management,"Advanced technical skills in maintaining, configuring, troubleshooting, and optimizing computer networks to enhance performance and security",0.99,1,,True +network systems management,network infrastructure support,"Advanced technical skills in maintaining, configuring, troubleshooting, and optimizing computer networks to enhance performance and security",0.99,1,,False +network systems management,computer systems administration,"Advanced technical skills in maintaining, configuring, troubleshooting, and optimizing computer networks to enhance performance and security",0.99,1,,False +network systems management,it network operations,"Advanced technical skills in maintaining, configuring, troubleshooting, and optimizing computer networks to enhance performance and security",0.99,1,,False +systems performance optimization,systems performance optimization,"Advanced analytical skills for evaluating, monitoring, and improving computer network and system performance through systematic assessment and strategic interventions",0.97,1,,True +systems performance optimization,network performance enhancement,"Advanced analytical skills for evaluating, monitoring, and improving computer network and system performance through systematic assessment and strategic interventions",0.97,1,,False +systems performance optimization,systems efficiency management,"Advanced analytical skills for evaluating, monitoring, and improving computer network and system performance through systematic assessment and strategic interventions",0.97,1,,False +systems performance optimization,technical performance improvement,"Advanced analytical skills for evaluating, monitoring, and improving computer network and system performance through systematic assessment and strategic interventions",0.97,1,,False +mortuary service management,mortuary service management,"Comprehensive skills in managing funeral service operations, coordinating administrative tasks, preparing deceased remains, and providing compassionate support to bereaved families",0.98,1,,True +mortuary service management,funeral service coordination,"Comprehensive skills in managing funeral service operations, coordinating administrative tasks, preparing deceased remains, and providing compassionate support to bereaved families",0.98,1,,False +mortuary service management,mortuary operations,"Comprehensive skills in managing funeral service operations, coordinating administrative tasks, preparing deceased remains, and providing compassionate support to bereaved families",0.98,1,,False +facility maintenance and sanitation,facility maintenance and sanitation,"Comprehensive skills in cleaning, organizing, and maintaining funeral service facilities, ensuring hygienic and respectful work environments",0.95,1,,True +facility maintenance and sanitation,service area cleaning,"Comprehensive skills in cleaning, organizing, and maintaining funeral service facilities, ensuring hygienic and respectful work environments",0.95,1,,False +facility maintenance and sanitation,mortuary facility management,"Comprehensive skills in cleaning, organizing, and maintaining funeral service facilities, ensuring hygienic and respectful work environments",0.95,1,,False +facility maintenance and sanitation,professional environment maintenance,"Comprehensive skills in cleaning, organizing, and maintaining funeral service facilities, ensuring hygienic and respectful work environments",0.95,1,,False +administrative funeral documentation,administrative funeral documentation,"Systematic skills in preparing, maintaining, and managing precise funeral service documentation, client records, and regulatory compliance paperwork",0.96,1,,True +administrative funeral documentation,funeral service records,"Systematic skills in preparing, maintaining, and managing precise funeral service documentation, client records, and regulatory compliance paperwork",0.96,1,,False +administrative funeral documentation,regulatory compliance processing,"Systematic skills in preparing, maintaining, and managing precise funeral service documentation, client records, and regulatory compliance paperwork",0.96,1,,False +sustainability strategy development,sustainability strategy development,"Advanced skills in creating, implementing, and managing comprehensive organizational sustainability policies, green initiatives, and environmental protection strategies",0.98,1,,True +sustainability strategy development,green policy planning,"Advanced skills in creating, implementing, and managing comprehensive organizational sustainability policies, green initiatives, and environmental protection strategies",0.98,1,,False +sustainability strategy development,environmental strategy management,"Advanced skills in creating, implementing, and managing comprehensive organizational sustainability policies, green initiatives, and environmental protection strategies",0.98,1,,False +sustainability strategy development,sustainable organizational design,"Advanced skills in creating, implementing, and managing comprehensive organizational sustainability policies, green initiatives, and environmental protection strategies",0.98,1,,False +organizational green innovation,organizational green innovation,"Advanced capabilities in identifying, developing, and implementing innovative sustainable technologies, processes, and operational improvements across organizational contexts",0.96,1,,True +organizational green innovation,sustainability technology development,"Advanced capabilities in identifying, developing, and implementing innovative sustainable technologies, processes, and operational improvements across organizational contexts",0.96,1,,False +organizational green innovation,green innovation management,"Advanced capabilities in identifying, developing, and implementing innovative sustainable technologies, processes, and operational improvements across organizational contexts",0.96,1,,False +stakeholder environmental communication,stakeholder environmental communication,"Advanced interpersonal skills for presenting sustainable initiatives, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information",0.97,1,,True +stakeholder environmental communication,green communication strategy,"Advanced interpersonal skills for presenting sustainable initiatives, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information",0.97,1,,False +operational sustainability monitoring,operational sustainability monitoring,"Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational sustainability records",0.96,1,,True +operational sustainability monitoring,environmental performance tracking,"Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational sustainability records",0.96,1,,False +operational sustainability monitoring,sustainability operational oversight,"Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational sustainability records",0.96,1,,False +anesthesia and life support,anesthesia and life support,"Advanced clinical skills in administering anesthesia, implementing emergency life support techniques, monitoring patient conditions, and managing critical medical interventions",0.99,1,,True +anesthesia and life support,emergency medical support,"Advanced clinical skills in administering anesthesia, implementing emergency life support techniques, monitoring patient conditions, and managing critical medical interventions",0.99,1,,False +anesthesia and life support,critical care intervention,"Advanced clinical skills in administering anesthesia, implementing emergency life support techniques, monitoring patient conditions, and managing critical medical interventions",0.99,1,,False +anesthesia and life support,advanced resuscitation,"Advanced clinical skills in administering anesthesia, implementing emergency life support techniques, monitoring patient conditions, and managing critical medical interventions",0.99,1,,False +digital document management,digital document management,"Advanced skills in formatting, entering, proofreading, and processing digital documents, data, and images with precision and technical accuracy",0.98,1,,True +digital document management,digital content processing,"Advanced skills in formatting, entering, proofreading, and processing digital documents, data, and images with precision and technical accuracy",0.98,1,,False +digital document management,electronic document handling,"Advanced skills in formatting, entering, proofreading, and processing digital documents, data, and images with precision and technical accuracy",0.98,1,,False +technical information processing,technical information processing,"Comprehensive ability to read, comprehend, interpret, and apply written instructions, work orders, and technical documentation with high precision",0.98,1,,True +technical information processing,procedural information comprehension,"Comprehensive ability to read, comprehend, interpret, and apply written instructions, work orders, and technical documentation with high precision",0.98,1,,False +resource and task management,resource and task management,"Advanced skills in selecting, preparing, and coordinating resources needed to accomplish specific work tasks efficiently",0.96,1,,True +resource and task management,task resource allocation,"Advanced skills in selecting, preparing, and coordinating resources needed to accomplish specific work tasks efficiently",0.96,1,,False +therapeutic social support,therapeutic social support,"Advanced interpersonal skills for providing comprehensive psychological counseling, emotional support, and personalized intervention strategies for individuals with mental health and substance abuse challenges",0.99,1,,True +therapeutic social support,counseling and intervention,"Advanced interpersonal skills for providing comprehensive psychological counseling, emotional support, and personalized intervention strategies for individuals with mental health and substance abuse challenges",0.99,1,,False +therapeutic social support,psychological support services,"Advanced interpersonal skills for providing comprehensive psychological counseling, emotional support, and personalized intervention strategies for individuals with mental health and substance abuse challenges",0.99,1,,False +therapeutic social support,mental health guidance,"Advanced interpersonal skills for providing comprehensive psychological counseling, emotional support, and personalized intervention strategies for individuals with mental health and substance abuse challenges",0.99,1,,False +client case management,client case management,"Comprehensive skills in assessing client needs, developing treatment plans, monitoring progress, coordinating services, and providing holistic support across social service and healthcare contexts",0.98,1,,True +client case management,comprehensive care planning,"Comprehensive skills in assessing client needs, developing treatment plans, monitoring progress, coordinating services, and providing holistic support across social service and healthcare contexts",0.98,1,,False +client case management,integrated service management,"Comprehensive skills in assessing client needs, developing treatment plans, monitoring progress, coordinating services, and providing holistic support across social service and healthcare contexts",0.98,1,,False +professional interpersonal assessment,professional interpersonal assessment,"Advanced perceptive skills for understanding human behavior, emotional responses, social dynamics, and complex interpersonal interactions to support effective counseling and intervention",0.97,1,,True +professional interpersonal assessment,social perceptiveness,"Advanced perceptive skills for understanding human behavior, emotional responses, social dynamics, and complex interpersonal interactions to support effective counseling and intervention",0.97,1,,False +professional interpersonal assessment,behavioral observation,"Advanced perceptive skills for understanding human behavior, emotional responses, social dynamics, and complex interpersonal interactions to support effective counseling and intervention",0.97,1,,False +professional interpersonal assessment,interpersonal dynamics analysis,"Advanced perceptive skills for understanding human behavior, emotional responses, social dynamics, and complex interpersonal interactions to support effective counseling and intervention",0.97,1,,False +ethical professional intervention,ethical professional intervention,"Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social work environments",0.97,1,,True +ethical professional intervention,professional ethical practice,"Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social work environments",0.97,1,,False +ethical professional intervention,compassionate client support,"Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social work environments",0.97,1,,False +ethical professional intervention,principled social work,"Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social work environments",0.97,1,,False +cybersecurity analysis,cybersecurity analysis,"Advanced skills in identifying, investigating, and mitigating digital security risks, vulnerabilities, and potential cyber threats through systematic technical assessment and strategic intervention",0.98,1,,True +cybersecurity analysis,network vulnerability analysis,"Advanced skills in identifying, investigating, and mitigating digital security risks, vulnerabilities, and potential cyber threats through systematic technical assessment and strategic intervention",0.98,1,,False +cybersecurity analysis,cyber threat investigation,"Advanced skills in identifying, investigating, and mitigating digital security risks, vulnerabilities, and potential cyber threats through systematic technical assessment and strategic intervention",0.98,1,,False +technical penetration testing,technical penetration testing,"Comprehensive skills in systematically evaluating computer systems, networks, and information security through controlled simulated cyber attacks to identify and document potential vulnerabilities",0.99,1,,True +technical penetration testing,security system probing,"Comprehensive skills in systematically evaluating computer systems, networks, and information security through controlled simulated cyber attacks to identify and document potential vulnerabilities",0.99,1,,False +technical penetration testing,vulnerability identification,"Comprehensive skills in systematically evaluating computer systems, networks, and information security through controlled simulated cyber attacks to identify and document potential vulnerabilities",0.99,1,,False +technical penetration testing,ethical hacking,"Comprehensive skills in systematically evaluating computer systems, networks, and information security through controlled simulated cyber attacks to identify and document potential vulnerabilities",0.99,1,,False +security policy development,security policy development,"Advanced capabilities in creating, implementing, and maintaining comprehensive organizational information security policies, procedures, and strategic protective frameworks",0.97,1,,True +security policy development,cybersecurity governance,"Advanced capabilities in creating, implementing, and maintaining comprehensive organizational information security policies, procedures, and strategic protective frameworks",0.97,1,,False +security policy development,information protection strategy,"Advanced capabilities in creating, implementing, and maintaining comprehensive organizational information security policies, procedures, and strategic protective frameworks",0.97,1,,False +technical risk mitigation,technical risk mitigation,"Systematic approach to identifying, analyzing, and developing strategic interventions to minimize potential losses or damages in technological and information systems",0.96,1,,True +technical risk mitigation,vulnerability reduction,"Systematic approach to identifying, analyzing, and developing strategic interventions to minimize potential losses or damages in technological and information systems",0.96,1,,False +investigative technical documentation,investigative technical documentation,"Comprehensive skills in preparing detailed analytical reports, documenting technical findings, and systematically recording evidence of security investigations and system assessments",0.97,1,,True +investigative technical documentation,security reporting,"Comprehensive skills in preparing detailed analytical reports, documenting technical findings, and systematically recording evidence of security investigations and system assessments",0.97,1,,False +investigative technical documentation,technical evidence documentation,"Comprehensive skills in preparing detailed analytical reports, documenting technical findings, and systematically recording evidence of security investigations and system assessments",0.97,1,,False +precision manual craftsmanship,precision manual craftsmanship,"Advanced technical skills in using specialized hand tools to precisely measure, cut, shape, and assemble workpieces with high accuracy",0.97,1,,True +precision manual craftsmanship,manual technical skills,"Advanced technical skills in using specialized hand tools to precisely measure, cut, shape, and assemble workpieces with high accuracy",0.97,1,,False +precision manual craftsmanship,detailed crafting,"Advanced technical skills in using specialized hand tools to precisely measure, cut, shape, and assemble workpieces with high accuracy",0.97,1,,False +product quality inspection,product quality inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to manufacturing specifications",0.98,1,,True +product quality inspection,product assessment,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to manufacturing specifications",0.98,1,,False +promotional content creation,promotional content creation,"Advanced skills in writing, designing, and developing compelling advertising and informational materials to effectively communicate organizational messages and engage target audiences",0.96,1,,True +promotional content creation,marketing writing,"Advanced skills in writing, designing, and developing compelling advertising and informational materials to effectively communicate organizational messages and engage target audiences",0.96,1,,False +promotional content creation,advertising content development,"Advanced skills in writing, designing, and developing compelling advertising and informational materials to effectively communicate organizational messages and engage target audiences",0.96,1,,False +promotional content creation,informational material design,"Advanced skills in writing, designing, and developing compelling advertising and informational materials to effectively communicate organizational messages and engage target audiences",0.96,1,,False +construction site operations,construction site operations,"Comprehensive skills in managing construction work sites, including equipment positioning, material handling, surface preparation, and coordinating complex construction activities",0.98,1,,True +construction site operations,construction workflow coordination,"Comprehensive skills in managing construction work sites, including equipment positioning, material handling, surface preparation, and coordinating complex construction activities",0.98,1,,False +manual construction skills,manual construction skills,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and install construction materials with high technical accuracy",0.97,1,,True +manual construction skills,technical construction manipulation,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and install construction materials with high technical accuracy",0.97,1,,False +operational safety coordination,operational safety coordination,"Advanced skills in ensuring workplace safety, directing equipment operations, signaling workers, and maintaining comprehensive safety protocols in construction environments",0.97,1,,True +operational safety coordination,worker safety coordination,"Advanced skills in ensuring workplace safety, directing equipment operations, signaling workers, and maintaining comprehensive safety protocols in construction environments",0.97,1,,False +community health support,community health support,"Comprehensive skills in providing direct health services, community education, client advocacy, and personalized support for individual and community wellness",0.99,1,,True +community health support,community health intervention,"Comprehensive skills in providing direct health services, community education, client advocacy, and personalized support for individual and community wellness",0.99,1,,False +community health support,public health assistance,"Comprehensive skills in providing direct health services, community education, client advocacy, and personalized support for individual and community wellness",0.99,1,,False +community health support,healthcare outreach,"Comprehensive skills in providing direct health services, community education, client advocacy, and personalized support for individual and community wellness",0.99,1,,False +social service coordination,social service coordination,"Advanced skills in assessing community needs, connecting clients with resources, managing support programs, and facilitating comprehensive social interventions",0.98,1,,True +social service coordination,client service integration,"Advanced skills in assessing community needs, connecting clients with resources, managing support programs, and facilitating comprehensive social interventions",0.98,1,,False +interpersonal health communication,interpersonal health communication,"Advanced communication skills for patient engagement, health education, precise information exchange, and comprehensive wellness guidance across diverse community contexts",0.99,1,,True +interpersonal health communication,patient education communication,"Advanced communication skills for patient engagement, health education, precise information exchange, and comprehensive wellness guidance across diverse community contexts",0.99,1,,False +preventive health intervention,preventive health intervention,"Comprehensive skills in promoting health awareness, providing early intervention, conducting risk assessments, and implementing proactive wellness strategies for individuals and communities",0.97,1,,True +preventive health intervention,health risk mitigation,"Comprehensive skills in promoting health awareness, providing early intervention, conducting risk assessments, and implementing proactive wellness strategies for individuals and communities",0.97,1,,False +preventive health intervention,wellness prevention,"Comprehensive skills in promoting health awareness, providing early intervention, conducting risk assessments, and implementing proactive wellness strategies for individuals and communities",0.97,1,,False +preventive health intervention,community health promotion,"Comprehensive skills in promoting health awareness, providing early intervention, conducting risk assessments, and implementing proactive wellness strategies for individuals and communities",0.97,1,,False +medical radiation treatment,medical radiation treatment,"Advanced clinical skills for administering precise radiation therapy, patient positioning, equipment operation, and comprehensive cancer treatment support",1.0,1,,True +medical radiation treatment,radiation oncology support,"Advanced clinical skills for administering precise radiation therapy, patient positioning, equipment operation, and comprehensive cancer treatment support",1.0,1,,False +medical radiation treatment,cancer treatment intervention,"Advanced clinical skills for administering precise radiation therapy, patient positioning, equipment operation, and comprehensive cancer treatment support",1.0,1,,False +medical radiation treatment,therapeutic radiation management,"Advanced clinical skills for administering precise radiation therapy, patient positioning, equipment operation, and comprehensive cancer treatment support",1.0,1,,False +patient safety monitoring,patient safety monitoring,"Comprehensive skills in ensuring patient protection, verifying medical information, monitoring treatment conditions, and implementing protective protocols",1.0,1,,True +patient safety monitoring,treatment safety management,"Comprehensive skills in ensuring patient protection, verifying medical information, monitoring treatment conditions, and implementing protective protocols",1.0,1,,False +precision patient care,precision patient care,"Advanced interpersonal and clinical skills for providing comprehensive, compassionate patient support, emotional guidance, and personalized treatment communication",1.0,1,,True +precision patient care,patient-centered healthcare,"Advanced interpersonal and clinical skills for providing comprehensive, compassionate patient support, emotional guidance, and personalized treatment communication",1.0,1,,False +precision patient care,compassionate medical support,"Advanced interpersonal and clinical skills for providing comprehensive, compassionate patient support, emotional guidance, and personalized treatment communication",1.0,1,,False +recycling operational management,recycling operational management,"Comprehensive skills in coordinating, directing, and implementing recycling program activities, material handling, transport logistics, and operational efficiency",0.95,1,,True +recycling operational management,recycling program coordination,"Comprehensive skills in coordinating, directing, and implementing recycling program activities, material handling, transport logistics, and operational efficiency",0.95,1,,False +recycling operational management,material recycling operations,"Comprehensive skills in coordinating, directing, and implementing recycling program activities, material handling, transport logistics, and operational efficiency",0.95,1,,False +environmental compliance coordination,environmental compliance coordination,"Advanced skills in ensuring regulatory adherence, monitoring safety standards, inspecting facilities, and implementing comprehensive environmental and recycling protocols",0.96,1,,True +material transport and logistics,material transport and logistics,"Proficient skills in managing material movement, delivery coordination, shipment tracking, and operational transportation activities",0.94,1,,True +material transport and logistics,freight and delivery coordination,"Proficient skills in managing material movement, delivery coordination, shipment tracking, and operational transportation activities",0.94,1,,False +waste processing and sorting,waste processing and sorting,"Advanced technical skills in sorting, cleaning, processing, and preparing recyclable materials through systematic operational techniques",0.95,1,,True +waste processing and sorting,material recycling techniques,"Advanced technical skills in sorting, cleaning, processing, and preparing recyclable materials through systematic operational techniques",0.95,1,,False +waste processing and sorting,waste handling expertise,"Advanced technical skills in sorting, cleaning, processing, and preparing recyclable materials through systematic operational techniques",0.95,1,,False +construction surface preparation,construction surface preparation,"Advanced skills in cleaning, smoothing, and preparing surfaces for construction and painting tasks using specialized tools and techniques",0.95,1,,True +construction surface preparation,work area preparation,"Advanced skills in cleaning, smoothing, and preparing surfaces for construction and painting tasks using specialized tools and techniques",0.95,1,,False +construction surface preparation,surface readiness,"Advanced skills in cleaning, smoothing, and preparing surfaces for construction and painting tasks using specialized tools and techniques",0.95,1,,False +professional communication and documentation,professional communication and documentation,"Advanced interpersonal and written communication skills involving precise information exchange, active listening, documentation, and strategic interaction across diverse professional environments",0.99,1,,True +professional communication and documentation,comprehensive professional communication,"Advanced interpersonal and written communication skills involving precise information exchange, active listening, documentation, and strategic interaction across diverse professional environments",0.99,1,,False +professional communication and documentation,systematic information management,"Advanced interpersonal and written communication skills involving precise information exchange, active listening, documentation, and strategic interaction across diverse professional environments",0.99,1,,False +professional communication and documentation,organizational communication strategy,"Advanced interpersonal and written communication skills involving precise information exchange, active listening, documentation, and strategic interaction across diverse professional environments",0.99,1,,False +investigative analysis and evidence management,investigative analysis and evidence management,"Advanced capabilities in systematically collecting, examining, documenting, and interpreting evidence through comprehensive investigation, scientific reasoning, and precise documentation",0.98,1,,True +investigative analysis and evidence management,systematic investigative reasoning,"Advanced capabilities in systematically collecting, examining, documenting, and interpreting evidence through comprehensive investigation, scientific reasoning, and precise documentation",0.98,1,,False +investigative analysis and evidence management,professional forensic documentation,"Advanced capabilities in systematically collecting, examining, documenting, and interpreting evidence through comprehensive investigation, scientific reasoning, and precise documentation",0.98,1,,False +operational compliance and safety monitoring,operational compliance and safety monitoring,"Comprehensive approach to ensuring workplace safety, regulatory adherence, quality standards, and implementing preventive measures across diverse professional environments",0.98,1,,True +operational compliance and safety monitoring,workplace compliance oversight,"Comprehensive approach to ensuring workplace safety, regulatory adherence, quality standards, and implementing preventive measures across diverse professional environments",0.98,1,,False +financial sales strategy,financial sales strategy,"Advanced skills in selling financial products, identifying investment opportunities, negotiating sales terms, and developing comprehensive financial service strategies",0.98,1,,True +financial sales strategy,financial product marketing,"Advanced skills in selling financial products, identifying investment opportunities, negotiating sales terms, and developing comprehensive financial service strategies",0.98,1,,False +financial sales strategy,investment sales approach,"Advanced skills in selling financial products, identifying investment opportunities, negotiating sales terms, and developing comprehensive financial service strategies",0.98,1,,False +financial sales strategy,securities sales techniques,"Advanced skills in selling financial products, identifying investment opportunities, negotiating sales terms, and developing comprehensive financial service strategies",0.98,1,,False +market intelligence analysis,market intelligence analysis,"Comprehensive ability to monitor market conditions, analyze trends, assess product effectiveness, and develop strategic insights for financial services and investment opportunities",0.97,1,,True +market intelligence analysis,financial market research,"Comprehensive ability to monitor market conditions, analyze trends, assess product effectiveness, and develop strategic insights for financial services and investment opportunities",0.97,1,,False +market intelligence analysis,investment trend evaluation,"Comprehensive ability to monitor market conditions, analyze trends, assess product effectiveness, and develop strategic insights for financial services and investment opportunities",0.97,1,,False +market intelligence analysis,securities market monitoring,"Comprehensive ability to monitor market conditions, analyze trends, assess product effectiveness, and develop strategic insights for financial services and investment opportunities",0.97,1,,False +professional financial communication,professional financial communication,"Advanced interpersonal skills for explaining complex financial information, persuading potential clients, and providing comprehensive advisory services in securities and financial markets",0.98,1,,True +professional financial communication,financial product explanation,"Advanced interpersonal skills for explaining complex financial information, persuading potential clients, and providing comprehensive advisory services in securities and financial markets",0.98,1,,False +professional financial communication,investment counseling communication,"Advanced interpersonal skills for explaining complex financial information, persuading potential clients, and providing comprehensive advisory services in securities and financial markets",0.98,1,,False +professional financial communication,securities sales dialogue,"Advanced interpersonal skills for explaining complex financial information, persuading potential clients, and providing comprehensive advisory services in securities and financial markets",0.98,1,,False +customer needs financial assessment,customer needs financial assessment,"Systematic approach to gathering customer financial information, identifying investment needs, analyzing risk tolerance, and developing personalized financial product recommendations",0.97,1,,True +customer needs financial assessment,financial needs analysis,"Systematic approach to gathering customer financial information, identifying investment needs, analyzing risk tolerance, and developing personalized financial product recommendations",0.97,1,,False +customer needs financial assessment,investment portfolio evaluation,"Systematic approach to gathering customer financial information, identifying investment needs, analyzing risk tolerance, and developing personalized financial product recommendations",0.97,1,,False +customer needs financial assessment,client financial profiling,"Systematic approach to gathering customer financial information, identifying investment needs, analyzing risk tolerance, and developing personalized financial product recommendations",0.97,1,,False +precision material processing,precision material processing,"Comprehensive skills in measuring, cutting, positioning, preparing, and manipulating materials through complex manufacturing processes with high accuracy",0.97,1,,True +precision material processing,precision workpiece preparation,"Comprehensive skills in measuring, cutting, positioning, preparing, and manipulating materials through complex manufacturing processes with high accuracy",0.97,1,,False +technical surface treatment,technical surface treatment,"Advanced skills in cleaning, smoothing, preparing, finishing, and treating surfaces using specialized tools, techniques, and chemical solutions",0.96,1,,True +technical surface treatment,technical surface modification,"Advanced skills in cleaning, smoothing, preparing, finishing, and treating surfaces using specialized tools, techniques, and chemical solutions",0.96,1,,False +developmental learning adaptation,developmental learning adaptation,"Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs, developmental stages, and individual capabilities",0.96,1,,True +child safety and developmental support,child safety and developmental support,"Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.99,1,,True +child safety and developmental support,developmental safety management,"Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions",0.99,1,,False +academic instruction management,academic instruction management,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments",1.0,1,,True +academic instruction management,postsecondary teaching,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments",1.0,1,,False +academic instruction management,educational content design,"Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments",1.0,1,,False +scholarly research development,scholarly research development,"Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines",0.99,1,,True +scholarly research development,knowledge domain contribution,"Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines",0.99,1,,False +scholarly research development,scholarly content creation,"Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines",0.99,1,,False +interpersonal academic communication,interpersonal academic communication,"Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",1.0,1,,True +interpersonal academic communication,academic professional dialogue,"Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",1.0,1,,False +interpersonal academic communication,scholarly interaction,"Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",1.0,1,,False +quantitative data processing,quantitative data processing,"Advanced skills in collecting, analyzing, verifying, and interpreting numerical and statistical information using mathematical and computational methods",1.0,1,,True +quantitative data processing,mathematical data analysis,"Advanced skills in collecting, analyzing, verifying, and interpreting numerical and statistical information using mathematical and computational methods",1.0,1,,False +quantitative data processing,statistical information management,"Advanced skills in collecting, analyzing, verifying, and interpreting numerical and statistical information using mathematical and computational methods",1.0,1,,False +operational information verification,operational information verification,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.98,1,,True +operational information verification,professional data validation,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.98,1,,False +materials science analysis,materials science analysis,"Comprehensive skills in examining, testing, characterizing, and evaluating material properties, composition, and performance across diverse scientific and industrial contexts",0.99,1,,True +materials science analysis,material characterization,"Comprehensive skills in examining, testing, characterizing, and evaluating material properties, composition, and performance across diverse scientific and industrial contexts",0.99,1,,False +materials science analysis,scientific material evaluation,"Comprehensive skills in examining, testing, characterizing, and evaluating material properties, composition, and performance across diverse scientific and industrial contexts",0.99,1,,False +materials science analysis,technical material assessment,"Comprehensive skills in examining, testing, characterizing, and evaluating material properties, composition, and performance across diverse scientific and industrial contexts",0.99,1,,False +laboratory quality control,laboratory quality control,"Systematic approach to conducting detailed scientific inspections, measuring characteristics, analyzing findings, and ensuring conformance to precise technical and research standards",0.98,1,,True +laboratory quality control,scientific verification,"Systematic approach to conducting detailed scientific inspections, measuring characteristics, analyzing findings, and ensuring conformance to precise technical and research standards",0.98,1,,False +laboratory quality control,research quality assurance,"Systematic approach to conducting detailed scientific inspections, measuring characteristics, analyzing findings, and ensuring conformance to precise technical and research standards",0.98,1,,False +environmental conservation expertise,environmental conservation expertise,"Comprehensive skills in managing, protecting, and preserving natural ecosystems, wildlife habitats, and environmental resources through systematic scientific and operational techniques",0.98,1,,True +environmental conservation expertise,nature preservation,"Comprehensive skills in managing, protecting, and preserving natural ecosystems, wildlife habitats, and environmental resources through systematic scientific and operational techniques",0.98,1,,False +environmental conservation expertise,ecological management,"Comprehensive skills in managing, protecting, and preserving natural ecosystems, wildlife habitats, and environmental resources through systematic scientific and operational techniques",0.98,1,,False +environmental conservation expertise,wildlife conservation,"Comprehensive skills in managing, protecting, and preserving natural ecosystems, wildlife habitats, and environmental resources through systematic scientific and operational techniques",0.98,1,,False +interpretive educational communication,interpretive educational communication,"Advanced skills in explaining complex scientific, natural, and environmental concepts to diverse audiences through engaging, accessible, and informative communication strategies",0.97,1,,True +interpretive educational communication,public science education,"Advanced skills in explaining complex scientific, natural, and environmental concepts to diverse audiences through engaging, accessible, and informative communication strategies",0.97,1,,False +interpretive educational communication,environmental interpretation,"Advanced skills in explaining complex scientific, natural, and environmental concepts to diverse audiences through engaging, accessible, and informative communication strategies",0.97,1,,False +interpretive educational communication,nature communication,"Advanced skills in explaining complex scientific, natural, and environmental concepts to diverse audiences through engaging, accessible, and informative communication strategies",0.97,1,,False +field research and documentation,field research and documentation,"Comprehensive skills in conducting systematic scientific investigations, collecting environmental data, documenting observations, and maintaining precise research records in outdoor settings",0.96,1,,True +field research and documentation,scientific field observation,"Comprehensive skills in conducting systematic scientific investigations, collecting environmental data, documenting observations, and maintaining precise research records in outdoor settings",0.96,1,,False +wildlife interaction and management,wildlife interaction and management,"Advanced skills in observing, monitoring, handling, and managing animal populations with emphasis on conservation, safety, and ecological understanding",0.97,1,,True +wildlife interaction and management,animal behavior assessment,"Advanced skills in observing, monitoring, handling, and managing animal populations with emphasis on conservation, safety, and ecological understanding",0.97,1,,False +wildlife interaction and management,wildlife monitoring,"Advanced skills in observing, monitoring, handling, and managing animal populations with emphasis on conservation, safety, and ecological understanding",0.97,1,,False +ecological site assessment,ecological site assessment,"Comprehensive skills in evaluating environmental conditions, analyzing habitat characteristics, identifying ecological impacts, and developing conservation strategies",0.96,1,,True +ecological site assessment,habitat evaluation,"Comprehensive skills in evaluating environmental conditions, analyzing habitat characteristics, identifying ecological impacts, and developing conservation strategies",0.96,1,,False +strategic marketing communication,strategic marketing communication,"Advanced skills in developing, coordinating, and executing comprehensive marketing and promotional strategies across diverse communication channels",0.98,1,,True +strategic marketing communication,marketing strategy development,"Advanced skills in developing, coordinating, and executing comprehensive marketing and promotional strategies across diverse communication channels",0.98,1,,False +strategic marketing communication,brand messaging,"Advanced skills in developing, coordinating, and executing comprehensive marketing and promotional strategies across diverse communication channels",0.98,1,,False +professional persuasive communication,professional persuasive communication,"Advanced interpersonal skills for convincing, influencing, and motivating stakeholders through strategic communication, active listening, and compelling narrative development",0.96,1,,True +professional persuasive communication,stakeholder persuasion,"Advanced interpersonal skills for convincing, influencing, and motivating stakeholders through strategic communication, active listening, and compelling narrative development",0.96,1,,False +professional persuasive communication,influential communication,"Advanced interpersonal skills for convincing, influencing, and motivating stakeholders through strategic communication, active listening, and compelling narrative development",0.96,1,,False +comprehensive performance monitoring,comprehensive performance monitoring,"Systematic approach to evaluating individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.97,1,,True +adaptive physical education support,adaptive physical education support,"Comprehensive skills in modifying educational approaches, developing specialized instructional strategies, and providing individualized support for students with unique physical and learning needs",0.98,1,,True +adaptive physical education support,special needs physical education,"Comprehensive skills in modifying educational approaches, developing specialized instructional strategies, and providing individualized support for students with unique physical and learning needs",0.98,1,,False +adaptive physical education support,inclusive physical learning,"Comprehensive skills in modifying educational approaches, developing specialized instructional strategies, and providing individualized support for students with unique physical and learning needs",0.98,1,,False +adaptive physical education support,adapted movement instruction,"Comprehensive skills in modifying educational approaches, developing specialized instructional strategies, and providing individualized support for students with unique physical and learning needs",0.98,1,,False +student developmental guidance,student developmental guidance,"Advanced interpersonal skills for nurturing, supporting, and guiding student physical, emotional, and academic development through personalized interventions and comprehensive educational support",0.97,1,,True +student developmental guidance,student holistic development,"Advanced interpersonal skills for nurturing, supporting, and guiding student physical, emotional, and academic development through personalized interventions and comprehensive educational support",0.97,1,,False +student developmental guidance,educational mentorship,"Advanced interpersonal skills for nurturing, supporting, and guiding student physical, emotional, and academic development through personalized interventions and comprehensive educational support",0.97,1,,False +student developmental guidance,comprehensive student support,"Advanced interpersonal skills for nurturing, supporting, and guiding student physical, emotional, and academic development through personalized interventions and comprehensive educational support",0.97,1,,False +specialized instructional adaptation,specialized instructional adaptation,"Flexible pedagogical skills involving systematically modifying teaching methods, materials, and approaches to accommodate diverse student physical abilities, learning styles, and developmental requirements",0.96,1,,True +specialized instructional adaptation,adaptive learning strategies,"Flexible pedagogical skills involving systematically modifying teaching methods, materials, and approaches to accommodate diverse student physical abilities, learning styles, and developmental requirements",0.96,1,,False +specialized instructional adaptation,personalized instructional modification,"Flexible pedagogical skills involving systematically modifying teaching methods, materials, and approaches to accommodate diverse student physical abilities, learning styles, and developmental requirements",0.96,1,,False +specialized instructional adaptation,individualized educational approach,"Flexible pedagogical skills involving systematically modifying teaching methods, materials, and approaches to accommodate diverse student physical abilities, learning styles, and developmental requirements",0.96,1,,False +inclusive physical education management,inclusive physical education management,"Comprehensive skills in creating, implementing, and managing adaptive physical education programs that ensure comprehensive participation, skill development, and supportive learning environments for students with diverse abilities",0.98,1,,True +inclusive physical education management,adaptive physical learning,"Comprehensive skills in creating, implementing, and managing adaptive physical education programs that ensure comprehensive participation, skill development, and supportive learning environments for students with diverse abilities",0.98,1,,False +inclusive physical education management,comprehensive movement education,"Comprehensive skills in creating, implementing, and managing adaptive physical education programs that ensure comprehensive participation, skill development, and supportive learning environments for students with diverse abilities",0.98,1,,False +inclusive physical education management,inclusive athletic instruction,"Comprehensive skills in creating, implementing, and managing adaptive physical education programs that ensure comprehensive participation, skill development, and supportive learning environments for students with diverse abilities",0.98,1,,False +route navigation and logistics,route navigation and logistics,"Advanced skills in reading maps, determining optimal routes, managing transportation logistics, coordinating vehicle movement, and adapting to changing travel conditions",0.95,1,,True +route navigation and logistics,transportation route planning,"Advanced skills in reading maps, determining optimal routes, managing transportation logistics, coordinating vehicle movement, and adapting to changing travel conditions",0.95,1,,False +administrative transaction processing,administrative transaction processing,"Comprehensive skills in managing financial transactions, collecting fares, processing payments, maintaining accurate service records, and ensuring precise documentation",0.96,1,,True +administrative transaction processing,service transaction management,"Comprehensive skills in managing financial transactions, collecting fares, processing payments, maintaining accurate service records, and ensuring precise documentation",0.96,1,,False +administrative transaction processing,financial record maintenance,"Comprehensive skills in managing financial transactions, collecting fares, processing payments, maintaining accurate service records, and ensuring precise documentation",0.96,1,,False +agricultural resource management,agricultural resource management,"Comprehensive skills in managing agricultural operations, coordinating resources, analyzing financial records, and developing strategic agricultural methods",0.98,1,,True +agricultural resource management,farm operations management,"Comprehensive skills in managing agricultural operations, coordinating resources, analyzing financial records, and developing strategic agricultural methods",0.98,1,,False +agricultural resource management,agricultural business strategy,"Comprehensive skills in managing agricultural operations, coordinating resources, analyzing financial records, and developing strategic agricultural methods",0.98,1,,False +operational compliance and documentation,operational compliance and documentation,"Advanced skills in maintaining regulatory documentation, preparing reports, ensuring compliance, and systematically managing operational records",0.97,1,,True +operational compliance and documentation,regulatory record keeping,"Advanced skills in maintaining regulatory documentation, preparing reports, ensuring compliance, and systematically managing operational records",0.97,1,,False +strategic agricultural planning,strategic agricultural planning,"Advanced analytical skills for developing agricultural methods, estimating resource requirements, and implementing comprehensive operational strategies",0.96,1,,True +strategic agricultural planning,resource planning,"Advanced analytical skills for developing agricultural methods, estimating resource requirements, and implementing comprehensive operational strategies",0.96,1,,False +field operations safety management,field operations safety management,"Comprehensive skills in ensuring workplace safety, conducting risk assessments, and implementing preventive measures in agricultural and outdoor work environments",0.97,1,,True +field operations safety management,agricultural safety protocols,"Comprehensive skills in ensuring workplace safety, conducting risk assessments, and implementing preventive measures in agricultural and outdoor work environments",0.97,1,,False +field operations safety management,outdoor work risk management,"Comprehensive skills in ensuring workplace safety, conducting risk assessments, and implementing preventive measures in agricultural and outdoor work environments",0.97,1,,False +agricultural equipment and technology management,agricultural equipment and technology management,"Advanced skills in operating, maintaining, and coordinating specialized agricultural machinery, equipment, and technological resources",0.98,1,,True +agricultural equipment and technology management,agricultural machinery operation,"Advanced skills in operating, maintaining, and coordinating specialized agricultural machinery, equipment, and technological resources",0.98,1,,False +agricultural equipment and technology management,technical agricultural systems,"Advanced skills in operating, maintaining, and coordinating specialized agricultural machinery, equipment, and technological resources",0.98,1,,False +public safety monitoring,public safety monitoring,"Comprehensive skills in observing environments, detecting potential hazards, enforcing safety regulations, and proactively preventing risks in recreational and protective service settings",0.97,1,,True +public safety monitoring,safety surveillance,"Comprehensive skills in observing environments, detecting potential hazards, enforcing safety regulations, and proactively preventing risks in recreational and protective service settings",0.97,1,,False +public safety monitoring,risk detection,"Comprehensive skills in observing environments, detecting potential hazards, enforcing safety regulations, and proactively preventing risks in recreational and protective service settings",0.97,1,,False +public safety monitoring,protective environment management,"Comprehensive skills in observing environments, detecting potential hazards, enforcing safety regulations, and proactively preventing risks in recreational and protective service settings",0.97,1,,False +first aid and medical support,first aid and medical support,"Comprehensive skills in administering immediate medical assistance, performing emergency treatments, assessing patient conditions, and providing critical care in recreational and protective service environments",0.98,1,,True +first aid and medical support,immediate care support,"Comprehensive skills in administering immediate medical assistance, performing emergency treatments, assessing patient conditions, and providing critical care in recreational and protective service environments",0.98,1,,False +first aid and medical support,rescue medical assistance,"Comprehensive skills in administering immediate medical assistance, performing emergency treatments, assessing patient conditions, and providing critical care in recreational and protective service environments",0.98,1,,False +patron safety coordination,patron safety coordination,"Advanced skills in managing patron activities, ensuring individual and group safety, resolving potential conflicts, and providing comprehensive support in recreational and protective service contexts",0.97,1,,True +patron safety coordination,patron protection,"Advanced skills in managing patron activities, ensuring individual and group safety, resolving potential conflicts, and providing comprehensive support in recreational and protective service contexts",0.97,1,,False +patron safety coordination,recreational safety support,"Advanced skills in managing patron activities, ensuring individual and group safety, resolving potential conflicts, and providing comprehensive support in recreational and protective service contexts",0.97,1,,False +construction supervision,construction supervision,"Advanced skills in directing, coordinating, and managing construction personnel, project activities, and operational workflows with emphasis on technical compliance and personnel management",0.98,1,,True +construction supervision,construction team leadership,"Advanced skills in directing, coordinating, and managing construction personnel, project activities, and operational workflows with emphasis on technical compliance and personnel management",0.98,1,,False +construction supervision,trade workforce management,"Advanced skills in directing, coordinating, and managing construction personnel, project activities, and operational workflows with emphasis on technical compliance and personnel management",0.98,1,,False +technical project inspection,technical project inspection,"Comprehensive ability to evaluate projects, inspect equipment, monitor operations, and ensure compliance with technical specifications and quality standards",0.97,1,,True +technical project inspection,construction quality verification,"Comprehensive ability to evaluate projects, inspect equipment, monitor operations, and ensure compliance with technical specifications and quality standards",0.97,1,,False +technical project inspection,equipment and process inspection,"Comprehensive ability to evaluate projects, inspect equipment, monitor operations, and ensure compliance with technical specifications and quality standards",0.97,1,,False +construction resource planning,construction resource planning,"Advanced skills in estimating project labor requirements, material needs, and coordinating resource allocation for construction and extraction projects",0.96,1,,True +construction resource planning,construction logistics coordination,"Advanced skills in estimating project labor requirements, material needs, and coordinating resource allocation for construction and extraction projects",0.96,1,,False +construction resource planning,material and labor estimation,"Advanced skills in estimating project labor requirements, material needs, and coordinating resource allocation for construction and extraction projects",0.96,1,,False +site preparation and measurement,site preparation and measurement,"Precise skills in measuring work site dimensions, marking reference points, preparing construction materials, and ensuring accurate spatial positioning",0.97,1,,True +site preparation and measurement,construction site layout,"Precise skills in measuring work site dimensions, marking reference points, preparing construction materials, and ensuring accurate spatial positioning",0.97,1,,False +site preparation and measurement,material positioning,"Precise skills in measuring work site dimensions, marking reference points, preparing construction materials, and ensuring accurate spatial positioning",0.97,1,,False +construction personnel training,construction personnel training,"Comprehensive skills in training, instructing, and developing construction and extraction personnel to ensure technical proficiency and operational safety",0.96,1,,True +construction personnel training,workforce skill development,"Comprehensive skills in training, instructing, and developing construction and extraction personnel to ensure technical proficiency and operational safety",0.96,1,,False +construction personnel training,technical personnel education,"Comprehensive skills in training, instructing, and developing construction and extraction personnel to ensure technical proficiency and operational safety",0.96,1,,False +construction personnel training,occupational training,"Comprehensive skills in training, instructing, and developing construction and extraction personnel to ensure technical proficiency and operational safety",0.96,1,,False +equipment programming and control,equipment programming and control,"Advanced skills in configuring, operating, monitoring, and controlling specialized industrial machinery and production equipment",0.97,1,,True +equipment programming and control,production system control,"Advanced skills in configuring, operating, monitoring, and controlling specialized industrial machinery and production equipment",0.97,1,,False +roofing material preparation,roofing material preparation,"Advanced skills in cleaning, inspecting, and preparing surfaces and materials for roofing installation and repair tasks",0.95,1,,True +roofing material preparation,roofing site preparation,"Advanced skills in cleaning, inspecting, and preparing surfaces and materials for roofing installation and repair tasks",0.95,1,,False +roofing material preparation,material inspection,"Advanced skills in cleaning, inspecting, and preparing surfaces and materials for roofing installation and repair tasks",0.95,1,,False +protective coating application,protective coating application,"Advanced techniques for applying sealants, protective coatings, and finishing materials to ensure surface durability and weather resistance",0.94,1,,True +protective coating application,surface sealing,"Advanced techniques for applying sealants, protective coatings, and finishing materials to ensure surface durability and weather resistance",0.94,1,,False +protective coating application,protective material application,"Advanced techniques for applying sealants, protective coatings, and finishing materials to ensure surface durability and weather resistance",0.94,1,,False +protective coating application,weatherproofing,"Advanced techniques for applying sealants, protective coatings, and finishing materials to ensure surface durability and weather resistance",0.94,1,,False +patient assessment and diagnosis,patient assessment and diagnosis,"Advanced clinical skills for comprehensive patient examination, medical history collection, diagnostic reasoning, and systematic health evaluation across diverse medical contexts",1.0,1,,True +musculoskeletal treatment techniques,musculoskeletal treatment techniques,"Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness",0.98,1,,True +musculoskeletal treatment techniques,chiropractic manipulation,"Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness",0.98,1,,False +musculoskeletal treatment techniques,physical therapeutic intervention,"Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness",0.98,1,,False +musculoskeletal treatment techniques,musculoskeletal healing,"Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness",0.98,1,,False +holistic patient care management,holistic patient care management,"Comprehensive approach to patient treatment involving systematic assessment, personalized care planning, wellness guidance, and integrated health support across physical and preventive care domains",0.97,1,,True +holistic patient care management,comprehensive health management,"Comprehensive approach to patient treatment involving systematic assessment, personalized care planning, wellness guidance, and integrated health support across physical and preventive care domains",0.97,1,,False +holistic patient care management,integrated patient support,"Comprehensive approach to patient treatment involving systematic assessment, personalized care planning, wellness guidance, and integrated health support across physical and preventive care domains",0.97,1,,False +holistic patient care management,wellness-centered care,"Comprehensive approach to patient treatment involving systematic assessment, personalized care planning, wellness guidance, and integrated health support across physical and preventive care domains",0.97,1,,False +logistics and delivery coordination,logistics and delivery coordination,"Comprehensive skills in managing transportation routes, coordinating delivery activities, recording shipment details, and ensuring efficient material and goods movement",0.97,1,,True +menu planning and coordination,menu planning and coordination,"Advanced skills in developing meal options, coordinating food preparation activities, managing kitchen workflow, and ensuring comprehensive food service delivery",0.95,1,,True +menu planning and coordination,meal planning,"Advanced skills in developing meal options, coordinating food preparation activities, managing kitchen workflow, and ensuring comprehensive food service delivery",0.95,1,,False +ingredient and supply management,ingredient and supply management,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, kitchen equipment, and resource inventory efficiently",0.94,1,,True +ingredient and supply management,kitchen inventory,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, kitchen equipment, and resource inventory efficiently",0.94,1,,False +ingredient and supply management,supply tracking,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, kitchen equipment, and resource inventory efficiently",0.94,1,,False +non-destructive testing expertise,non-destructive testing expertise,"Advanced technical skills in conducting systematic inspections, measurements, and quality control assessments of materials and products without causing damage or altering the item's integrity",0.99,1,,True +non-destructive testing expertise,material integrity assessment,"Advanced technical skills in conducting systematic inspections, measurements, and quality control assessments of materials and products without causing damage or altering the item's integrity",0.99,1,,False +precision measurement and analysis,precision measurement and analysis,"Advanced technical skills in measuring physical and chemical properties, calculating dimensional specifications, and systematically evaluating material characteristics with high accuracy",0.98,1,,True +precision measurement and analysis,scientific measurement techniques,"Advanced technical skills in measuring physical and chemical properties, calculating dimensional specifications, and systematically evaluating material characteristics with high accuracy",0.98,1,,False +precision measurement and analysis,quantitative material assessment,"Advanced technical skills in measuring physical and chemical properties, calculating dimensional specifications, and systematically evaluating material characteristics with high accuracy",0.98,1,,False +quality control systematic analysis,quality control systematic analysis,"Advanced analytical skills for conducting comprehensive inspections, evaluating product characteristics, identifying potential defects, and ensuring conformance to precise technical and operational standards",0.99,1,,True +quality control systematic analysis,systematic performance assessment,"Advanced analytical skills for conducting comprehensive inspections, evaluating product characteristics, identifying potential defects, and ensuring conformance to precise technical and operational standards",0.99,1,,False +resource and personnel management,resource and personnel management,"Comprehensive skills in managing, developing, motivating, and coordinating human resources, workforce activities, and organizational talent across diverse professional contexts",0.99,1,,True +resource and personnel management,human capital management,"Comprehensive skills in managing, developing, motivating, and coordinating human resources, workforce activities, and organizational talent across diverse professional contexts",0.99,1,,False +vision rehabilitation support,vision rehabilitation support,"Comprehensive skills in providing specialized assistance for individuals with low vision, including assessment, device recommendation, training, and adaptive strategy development",0.98,1,,True +vision rehabilitation support,vision care assistance,"Comprehensive skills in providing specialized assistance for individuals with low vision, including assessment, device recommendation, training, and adaptive strategy development",0.98,1,,False +vision rehabilitation support,low vision therapy,"Comprehensive skills in providing specialized assistance for individuals with low vision, including assessment, device recommendation, training, and adaptive strategy development",0.98,1,,False +vision rehabilitation support,adaptive vision support,"Comprehensive skills in providing specialized assistance for individuals with low vision, including assessment, device recommendation, training, and adaptive strategy development",0.98,1,,False +assistive device expertise,assistive device expertise,"Advanced technical skills in recommending, fitting, instructing, and customizing assistive equipment for individuals with visual or mobility impairments",0.97,1,,True +assistive device expertise,adaptive equipment management,"Advanced technical skills in recommending, fitting, instructing, and customizing assistive equipment for individuals with visual or mobility impairments",0.97,1,,False +patient-centered rehabilitation instruction,patient-centered rehabilitation instruction,"Advanced interpersonal and instructional skills for teaching adaptive techniques, life skills, and comprehensive strategies to patients and their families",0.98,1,,True +patient-centered rehabilitation instruction,adaptive skills training,"Advanced interpersonal and instructional skills for teaching adaptive techniques, life skills, and comprehensive strategies to patients and their families",0.98,1,,False +patient-centered rehabilitation instruction,rehabilitation education,"Advanced interpersonal and instructional skills for teaching adaptive techniques, life skills, and comprehensive strategies to patients and their families",0.98,1,,False +disability management counseling,disability management counseling,"Comprehensive interpersonal skills for providing emotional support, guidance, and strategic counseling to individuals managing disabilities or health challenges",0.96,1,,True +disability management counseling,disability support counseling,"Comprehensive interpersonal skills for providing emotional support, guidance, and strategic counseling to individuals managing disabilities or health challenges",0.96,1,,False +functional capability assessment,functional capability assessment,"Advanced clinical skills for systematically evaluating patient physical capabilities, limitations, and developing personalized treatment and adaptation strategies",0.97,1,,True +functional capability assessment,patient functional evaluation,"Advanced clinical skills for systematically evaluating patient physical capabilities, limitations, and developing personalized treatment and adaptation strategies",0.97,1,,False +functional capability assessment,capability diagnostic reasoning,"Advanced clinical skills for systematically evaluating patient physical capabilities, limitations, and developing personalized treatment and adaptation strategies",0.97,1,,False +marine equipment troubleshooting,marine equipment troubleshooting,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex mechanical and operational issues in marine and motorboat equipment",0.97,1,,True +marine equipment troubleshooting,marine system problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex mechanical and operational issues in marine and motorboat equipment",0.97,1,,False +marine safety equipment verification,marine safety equipment verification,"Systematic approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems in marine and motorboat environments",0.95,1,,True +marine safety equipment verification,boat safety inspection,"Systematic approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems in marine and motorboat environments",0.95,1,,False +marine safety equipment verification,marine equipment compliance,"Systematic approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems in marine and motorboat environments",0.95,1,,False +technical equipment operation control,technical equipment operation control,"Advanced skills in operating, monitoring, adjusting, and controlling specialized marine and motorboat equipment with precision and systematic approach",0.97,1,,True +technical equipment operation control,marine equipment management,"Advanced skills in operating, monitoring, adjusting, and controlling specialized marine and motorboat equipment with precision and systematic approach",0.97,1,,False +technical equipment operation control,boat system control,"Advanced skills in operating, monitoring, adjusting, and controlling specialized marine and motorboat equipment with precision and systematic approach",0.97,1,,False +semiconductor process control,semiconductor process control,"Advanced skills in operating, monitoring, and controlling specialized semiconductor processing equipment with precision and systematic technical approach",0.98,1,,True +event and program coordination,event and program coordination,"Advanced skills in planning, organizing, scheduling, and executing community events, recreational activities, and entertainment programs with systematic operational management",0.97,1,,True +event and program coordination,community event planning,"Advanced skills in planning, organizing, scheduling, and executing community events, recreational activities, and entertainment programs with systematic operational management",0.97,1,,False +event and program coordination,activity program management,"Advanced skills in planning, organizing, scheduling, and executing community events, recreational activities, and entertainment programs with systematic operational management",0.97,1,,False +event and program coordination,recreational program development,"Advanced skills in planning, organizing, scheduling, and executing community events, recreational activities, and entertainment programs with systematic operational management",0.97,1,,False +operational safety and patron support,operational safety and patron support,"Comprehensive skills in monitoring patron activities, ensuring individual and group safety, providing first aid, resolving potential issues, and maintaining a secure recreational environment",0.96,1,,True +operational safety and patron support,recreational risk mitigation,"Comprehensive skills in monitoring patron activities, ensuring individual and group safety, providing first aid, resolving potential issues, and maintaining a secure recreational environment",0.96,1,,False +administrative resource management,administrative resource management,"Advanced skills in coordinating personnel resources, assigning work schedules, managing administrative tasks, maintaining documentation, and ensuring operational efficiency",0.97,1,,True +administrative resource management,staff scheduling,"Advanced skills in coordinating personnel resources, assigning work schedules, managing administrative tasks, maintaining documentation, and ensuring operational efficiency",0.97,1,,False +administrative resource management,administrative workflow management,"Advanced skills in coordinating personnel resources, assigning work schedules, managing administrative tasks, maintaining documentation, and ensuring operational efficiency",0.97,1,,False +interpersonal service communication,interpersonal service communication,"Advanced communication skills for engaging patrons, providing information, resolving inquiries, explaining regulations, and creating positive service experiences through active listening and professional interaction",0.98,1,,True +interpersonal service communication,service communication strategy,"Advanced communication skills for engaging patrons, providing information, resolving inquiries, explaining regulations, and creating positive service experiences through active listening and professional interaction",0.98,1,,False +precision information processing,precision information processing,"Advanced skills in collecting, verifying, analyzing, and communicating complex written and numerical information across professional environments",0.98,1,,True +rock extraction operations,rock extraction operations,"Advanced skills in operating specialized quarry equipment, breaking rock formations, drilling holes, and managing extraction processes with precision and safety focus",0.98,1,,True +rock extraction operations,quarry equipment management,"Advanced skills in operating specialized quarry equipment, breaking rock formations, drilling holes, and managing extraction processes with precision and safety focus",0.98,1,,False +rock extraction operations,stone extraction techniques,"Advanced skills in operating specialized quarry equipment, breaking rock formations, drilling holes, and managing extraction processes with precision and safety focus",0.98,1,,False +rock extraction operations,rock breaking operations,"Advanced skills in operating specialized quarry equipment, breaking rock formations, drilling holes, and managing extraction processes with precision and safety focus",0.98,1,,False +precision manual material manipulation,precision manual material manipulation,"Advanced proficiency in using specialized hand tools to precisely cut, position, examine, and prepare stone, tile, and masonry materials",0.96,1,,True +precision manual material manipulation,precise stone processing,"Advanced proficiency in using specialized hand tools to precisely cut, position, examine, and prepare stone, tile, and masonry materials",0.96,1,,False +precision manual material manipulation,masonry material preparation,"Advanced proficiency in using specialized hand tools to precisely cut, position, examine, and prepare stone, tile, and masonry materials",0.96,1,,False +technical equipment control,technical equipment control,"Advanced skills in operating, controlling, adjusting, and monitoring specialized detonation, drilling, and extraction equipment with precision and systematic approach",0.98,1,,True +technical equipment control,machinery operation management,"Advanced skills in operating, controlling, adjusting, and monitoring specialized detonation, drilling, and extraction equipment with precision and systematic approach",0.98,1,,False +technical equipment control,equipment performance control,"Advanced skills in operating, controlling, adjusting, and monitoring specialized detonation, drilling, and extraction equipment with precision and systematic approach",0.98,1,,False +technical equipment control,technical system navigation,"Advanced skills in operating, controlling, adjusting, and monitoring specialized detonation, drilling, and extraction equipment with precision and systematic approach",0.98,1,,False +visual design creation,visual design creation,"Advanced ability to develop, conceptualize, and create original artistic and technical graphics, animations, and visual design concepts for commercial, exhibition, and creative purposes",0.98,1,,True +visual design creation,graphic design,"Advanced ability to develop, conceptualize, and create original artistic and technical graphics, animations, and visual design concepts for commercial, exhibition, and creative purposes",0.98,1,,False +visual design creation,digital illustration,"Advanced ability to develop, conceptualize, and create original artistic and technical graphics, animations, and visual design concepts for commercial, exhibition, and creative purposes",0.98,1,,False +creative technical storytelling,creative technical storytelling,"Advanced skills in developing narrative concepts, preparing production storyboards, and creating compelling visual storytelling across artistic and commercial media",0.97,1,,True +creative technical storytelling,narrative design,"Advanced skills in developing narrative concepts, preparing production storyboards, and creating compelling visual storytelling across artistic and commercial media",0.97,1,,False +creative technical storytelling,visual storytelling,"Advanced skills in developing narrative concepts, preparing production storyboards, and creating compelling visual storytelling across artistic and commercial media",0.97,1,,False +creative technical storytelling,conceptual illustration,"Advanced skills in developing narrative concepts, preparing production storyboards, and creating compelling visual storytelling across artistic and commercial media",0.97,1,,False +digital media transformation,digital media transformation,"Comprehensive ability to convert, manipulate, and integrate data and visual content across multiple digital and analog formats with technical precision",0.96,1,,True +digital media transformation,media conversion,"Comprehensive ability to convert, manipulate, and integrate data and visual content across multiple digital and analog formats with technical precision",0.96,1,,False +digital media transformation,format translation,"Comprehensive ability to convert, manipulate, and integrate data and visual content across multiple digital and analog formats with technical precision",0.96,1,,False +digital media transformation,digital content management,"Comprehensive ability to convert, manipulate, and integrate data and visual content across multiple digital and analog formats with technical precision",0.96,1,,False +artistic conceptual development,artistic conceptual development,"Advanced skills in researching, analyzing, and integrating current artistic and design trends into creative work and professional practice",0.95,1,,True +artistic conceptual development,creative trend analysis,"Advanced skills in researching, analyzing, and integrating current artistic and design trends into creative work and professional practice",0.95,1,,False +artistic conceptual development,design innovation,"Advanced skills in researching, analyzing, and integrating current artistic and design trends into creative work and professional practice",0.95,1,,False +artistic conceptual development,artistic research,"Advanced skills in researching, analyzing, and integrating current artistic and design trends into creative work and professional practice",0.95,1,,False +deceased care management,deceased care management,"Advanced technical and interpersonal skills for professionally preparing, handling, and treating human remains with dignity, respect, and precise technical expertise",0.98,1,,True +deceased care management,mortuary service preparation,"Advanced technical and interpersonal skills for professionally preparing, handling, and treating human remains with dignity, respect, and precise technical expertise",0.98,1,,False +deceased care management,deceased body care,"Advanced technical and interpersonal skills for professionally preparing, handling, and treating human remains with dignity, respect, and precise technical expertise",0.98,1,,False +deceased care management,funeral service technical skills,"Advanced technical and interpersonal skills for professionally preparing, handling, and treating human remains with dignity, respect, and precise technical expertise",0.98,1,,False +embalming technical procedures,embalming technical procedures,"Precise clinical and technical skills for preparing, cleaning, preserving, and presenting human remains through specialized mortuary science techniques",0.97,1,,True +embalming technical procedures,corpse preservation,"Precise clinical and technical skills for preparing, cleaning, preserving, and presenting human remains through specialized mortuary science techniques",0.97,1,,False +embalming technical procedures,mortuary scientific preparation,"Precise clinical and technical skills for preparing, cleaning, preserving, and presenting human remains through specialized mortuary science techniques",0.97,1,,False +embalming technical procedures,human remains treatment,"Precise clinical and technical skills for preparing, cleaning, preserving, and presenting human remains through specialized mortuary science techniques",0.97,1,,False +cosmetic restoration skills,cosmetic restoration skills,"Advanced technical abilities in applying makeup, preparing physical appearance, and enhancing deceased individuals' presentation for funeral services",0.95,1,,True +cosmetic restoration skills,funeral cosmetic preparation,"Advanced technical abilities in applying makeup, preparing physical appearance, and enhancing deceased individuals' presentation for funeral services",0.95,1,,False +cosmetic restoration skills,deceased appearance management,"Advanced technical abilities in applying makeup, preparing physical appearance, and enhancing deceased individuals' presentation for funeral services",0.95,1,,False +cosmetic restoration skills,mortuary aesthetic restoration,"Advanced technical abilities in applying makeup, preparing physical appearance, and enhancing deceased individuals' presentation for funeral services",0.95,1,,False +fire safety engineering,fire safety engineering,"Advanced technical skills in analyzing, preventing, and managing fire-related risks through systematic inspection, program development, and comprehensive safety protocols",0.99,1,,True +fire safety engineering,fire prevention,"Advanced technical skills in analyzing, preventing, and managing fire-related risks through systematic inspection, program development, and comprehensive safety protocols",0.99,1,,False +fire safety engineering,safety engineering,"Advanced technical skills in analyzing, preventing, and managing fire-related risks through systematic inspection, program development, and comprehensive safety protocols",0.99,1,,False +emergency preparedness management,emergency preparedness management,"Comprehensive skills in developing, implementing, and coordinating comprehensive emergency response strategies, safety programs, and risk assessment protocols",0.98,1,,True +emergency preparedness management,safety planning,"Comprehensive skills in developing, implementing, and coordinating comprehensive emergency response strategies, safety programs, and risk assessment protocols",0.98,1,,False +technical regulatory compliance,technical regulatory compliance,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex safety, environmental, and operational regulations across technical work environments",0.97,1,,True +technical regulatory compliance,safety standards,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex safety, environmental, and operational regulations across technical work environments",0.97,1,,False +operational safety inspection,operational safety inspection,"Systematic approach to conducting comprehensive facility and equipment inspections, identifying potential hazards, and implementing preventive safety measures",0.98,1,,True +operational safety inspection,safety verification,"Systematic approach to conducting comprehensive facility and equipment inspections, identifying potential hazards, and implementing preventive safety measures",0.98,1,,False +operational safety inspection,facility inspection,"Systematic approach to conducting comprehensive facility and equipment inspections, identifying potential hazards, and implementing preventive safety measures",0.98,1,,False +technical investigative analysis,technical investigative analysis,"Advanced analytical skills for systematically investigating operational incidents, examining debris, determining root causes, and preparing comprehensive technical reports",0.97,1,,True +technical investigative analysis,incident investigation,"Advanced analytical skills for systematically investigating operational incidents, examining debris, determining root causes, and preparing comprehensive technical reports",0.97,1,,False +technical investigative analysis,forensic analysis,"Advanced analytical skills for systematically investigating operational incidents, examining debris, determining root causes, and preparing comprehensive technical reports",0.97,1,,False +petroleum systems monitoring,petroleum systems monitoring,"Advanced skills in inspecting, controlling, and monitoring petroleum extraction equipment, gauges, and operational systems to ensure proper functioning and safety",0.98,1,,True +petroleum systems monitoring,well operation monitoring,"Advanced skills in inspecting, controlling, and monitoring petroleum extraction equipment, gauges, and operational systems to ensure proper functioning and safety",0.98,1,,False +petroleum systems monitoring,petroleum site inspection,"Advanced skills in inspecting, controlling, and monitoring petroleum extraction equipment, gauges, and operational systems to ensure proper functioning and safety",0.98,1,,False +chemical substance preparation,chemical substance preparation,"Advanced skills in preparing, handling, measuring, and processing chemical substances for work applications with precision and safety protocols",0.96,1,,True +chemical substance preparation,chemical solution management,"Advanced skills in preparing, handling, measuring, and processing chemical substances for work applications with precision and safety protocols",0.96,1,,False +chemical substance preparation,substance handling techniques,"Advanced skills in preparing, handling, measuring, and processing chemical substances for work applications with precision and safety protocols",0.96,1,,False +chemical substance preparation,work chemical preparation,"Advanced skills in preparing, handling, measuring, and processing chemical substances for work applications with precision and safety protocols",0.96,1,,False +compliance and regulatory enforcement,compliance and regulatory enforcement,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and safety regulations across professional contexts",0.98,1,,True +compliance and regulatory enforcement,policy enforcement,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and safety regulations across professional contexts",0.98,1,,False +compliance and regulatory enforcement,standards adherence,"Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and safety regulations across professional contexts",0.98,1,,False +cardiovascular clinical expertise,cardiovascular clinical expertise,"Specialized clinical skills in assessing, diagnosing, and treating heart and lung-related medical conditions with comprehensive patient care approach",0.99,1,,True +cardiovascular clinical expertise,heart and lung medical specialization,"Specialized clinical skills in assessing, diagnosing, and treating heart and lung-related medical conditions with comprehensive patient care approach",0.99,1,,False +cardiovascular clinical expertise,cardiovascular patient management,"Specialized clinical skills in assessing, diagnosing, and treating heart and lung-related medical conditions with comprehensive patient care approach",0.99,1,,False +medical imaging and diagnostic procedures,medical imaging and diagnostic procedures,"Advanced technical skills in operating specialized medical diagnostic equipment, creating precise medical images, and supporting complex diagnostic processes",0.98,1,,True +medical imaging and diagnostic procedures,clinical diagnostic technology,"Advanced technical skills in operating specialized medical diagnostic equipment, creating precise medical images, and supporting complex diagnostic processes",0.98,1,,False +patient treatment planning,patient treatment planning,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.97,1,,True +patient treatment planning,medical intervention strategy,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.97,1,,False +patient treatment planning,personalized treatment development,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.97,1,,False +metal processing operations,metal processing operations,"Advanced skills in operating, monitoring, and controlling specialized metal refining and production equipment, including temperature regulation, material handling, and quality control",0.98,1,,True +metal processing operations,metal furnace management,"Advanced skills in operating, monitoring, and controlling specialized metal refining and production equipment, including temperature regulation, material handling, and quality control",0.98,1,,False +metal processing operations,metallurgical equipment control,"Advanced skills in operating, monitoring, and controlling specialized metal refining and production equipment, including temperature regulation, material handling, and quality control",0.98,1,,False +metal processing operations,industrial metal processing,"Advanced skills in operating, monitoring, and controlling specialized metal refining and production equipment, including temperature regulation, material handling, and quality control",0.98,1,,False +precision equipment monitoring,precision equipment monitoring,"Systematic skills in observing gauges, dials, and indicators to ensure proper equipment functionality, detect malfunctions, and maintain operational quality",0.97,1,,True +precision equipment monitoring,technical performance tracking,"Systematic skills in observing gauges, dials, and indicators to ensure proper equipment functionality, detect malfunctions, and maintain operational quality",0.97,1,,False +precision equipment monitoring,equipment status verification,"Systematic skills in observing gauges, dials, and indicators to ensure proper equipment functionality, detect malfunctions, and maintain operational quality",0.97,1,,False +industrial safety inspection,industrial safety inspection,"Comprehensive approach to identifying potential hazards, conducting equipment inspections, monitoring operational performance, and implementing preventive safety measures",0.96,1,,True +industrial safety inspection,workplace risk assessment,"Comprehensive approach to identifying potential hazards, conducting equipment inspections, monitoring operational performance, and implementing preventive safety measures",0.96,1,,False +industrial safety inspection,operational hazard prevention,"Comprehensive approach to identifying potential hazards, conducting equipment inspections, monitoring operational performance, and implementing preventive safety measures",0.96,1,,False +technical quality control analysis,technical quality control analysis,"Systematic approach to conducting detailed product inspections, measuring dimensions, collecting samples, and ensuring conformance to precise manufacturing specifications",0.98,1,,True +technical quality control analysis,manufacturing standards compliance,"Systematic approach to conducting detailed product inspections, measuring dimensions, collecting samples, and ensuring conformance to precise manufacturing specifications",0.98,1,,False +cultural research methodology,cultural research methodology,"Advanced scientific skills for systematically investigating human societies, cultures, and social phenomena through comprehensive research techniques, data collection, and analytical reasoning",0.98,1,,True +cultural research methodology,anthropological research,"Advanced scientific skills for systematically investigating human societies, cultures, and social phenomena through comprehensive research techniques, data collection, and analytical reasoning",0.98,1,,False +cultural research methodology,social science investigation,"Advanced scientific skills for systematically investigating human societies, cultures, and social phenomena through comprehensive research techniques, data collection, and analytical reasoning",0.98,1,,False +cultural research methodology,cultural analysis,"Advanced scientific skills for systematically investigating human societies, cultures, and social phenomena through comprehensive research techniques, data collection, and analytical reasoning",0.98,1,,False +archaeological field operations,archaeological field operations,"Comprehensive skills in conducting systematic archaeological excavations, site investigations, artifact collection, and preservation of historical and prehistoric materials",0.97,1,,True +archaeological field operations,archaeological site management,"Comprehensive skills in conducting systematic archaeological excavations, site investigations, artifact collection, and preservation of historical and prehistoric materials",0.97,1,,False +archaeological field operations,historical artifact recovery,"Comprehensive skills in conducting systematic archaeological excavations, site investigations, artifact collection, and preservation of historical and prehistoric materials",0.97,1,,False +systematic observational analysis,systematic observational analysis,"Advanced perceptive and analytical skills for systematically observing, documenting, and interpreting human behavior, social interactions, and cultural phenomena",0.97,1,,True +systematic observational analysis,social interaction analysis,"Advanced perceptive and analytical skills for systematically observing, documenting, and interpreting human behavior, social interactions, and cultural phenomena",0.97,1,,False +historical evidence interpretation,historical evidence interpretation,"Advanced analytical capabilities for examining, evaluating, and deriving meaningful insights from archival materials, historical artifacts, and documentary evidence",0.98,1,,True +historical evidence interpretation,archival research,"Advanced analytical capabilities for examining, evaluating, and deriving meaningful insights from archival materials, historical artifacts, and documentary evidence",0.98,1,,False +historical evidence interpretation,historical document analysis,"Advanced analytical capabilities for examining, evaluating, and deriving meaningful insights from archival materials, historical artifacts, and documentary evidence",0.98,1,,False +professional information gathering,professional information gathering,"Advanced skills in systematically collecting, verifying, and analyzing information through interviews, observations, surveys, and multiple investigative techniques",0.97,1,,True +professional information gathering,data collection,"Advanced skills in systematically collecting, verifying, and analyzing information through interviews, observations, surveys, and multiple investigative techniques",0.97,1,,False +professional information gathering,strategic information acquisition,"Advanced skills in systematically collecting, verifying, and analyzing information through interviews, observations, surveys, and multiple investigative techniques",0.97,1,,False +systematic documentation management,systematic documentation management,"Comprehensive skills in creating, maintaining, and communicating detailed technical, operational, and research documentation with precision and systematic accuracy",0.98,1,,True +systematic documentation management,comprehensive reporting,"Comprehensive skills in creating, maintaining, and communicating detailed technical, operational, and research documentation with precision and systematic accuracy",0.98,1,,False +biological specimen analysis,biological specimen analysis,"Advanced technical skills in examining, processing, and interpreting biological specimens using precise scientific methods and laboratory techniques",0.99,1,,True +biological specimen analysis,clinical testing,"Advanced technical skills in examining, processing, and interpreting biological specimens using precise scientific methods and laboratory techniques",0.99,1,,False +medical laboratory operations,medical laboratory operations,"Comprehensive skills in managing complex medical laboratory workflows, operating specialized equipment, maintaining technical precision, and ensuring systematic operational efficiency",0.98,1,,True +medical laboratory operations,clinical laboratory management,"Comprehensive skills in managing complex medical laboratory workflows, operating specialized equipment, maintaining technical precision, and ensuring systematic operational efficiency",0.98,1,,False +medical laboratory operations,medical testing procedures,"Comprehensive skills in managing complex medical laboratory workflows, operating specialized equipment, maintaining technical precision, and ensuring systematic operational efficiency",0.98,1,,False +medical laboratory operations,laboratory technical coordination,"Comprehensive skills in managing complex medical laboratory workflows, operating specialized equipment, maintaining technical precision, and ensuring systematic operational efficiency",0.98,1,,False +patient safety and quality control,patient safety and quality control,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, monitoring medical processes, and implementing comprehensive quality control protocols in healthcare environments",0.98,1,,True +patient safety and quality control,medical compliance monitoring,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, monitoring medical processes, and implementing comprehensive quality control protocols in healthcare environments",0.98,1,,False +scientific diagnostic reasoning,scientific diagnostic reasoning,"Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making",0.99,1,,True +scientific diagnostic reasoning,medical reasoning,"Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making",0.99,1,,False +scientific diagnostic reasoning,healthcare problem solving,"Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making",0.99,1,,False +equipment maintenance and repair,equipment maintenance and repair,"Comprehensive ability to inspect, diagnose, clean, lubricate, adjust, and repair complex mechanical and technical equipment using specialized tools and systematic techniques",1.0,1,,True +technical diagnostic analysis,technical diagnostic analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment and system performance issues through precise diagnostic techniques and logical problem-solving",0.99,1,,True +safety and quality control monitoring,safety and quality control monitoring,"Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and maintaining comprehensive quality standards",0.99,1,,True +technical performance monitoring,technical performance monitoring,"Comprehensive skill in observing gauges, dials, and indicators to ensure proper equipment functionality, detect potential issues, and maintain operational efficiency",0.96,1,,True +technical performance monitoring,equipment performance assessment,"Comprehensive skill in observing gauges, dials, and indicators to ensure proper equipment functionality, detect potential issues, and maintain operational efficiency",0.96,1,,False +technical performance monitoring,operational condition tracking,"Comprehensive skill in observing gauges, dials, and indicators to ensure proper equipment functionality, detect potential issues, and maintain operational efficiency",0.96,1,,False +technical performance monitoring,systematic equipment evaluation,"Comprehensive skill in observing gauges, dials, and indicators to ensure proper equipment functionality, detect potential issues, and maintain operational efficiency",0.96,1,,False +manufacturing safety compliance,manufacturing safety compliance,"Systematic approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance and safety protocols",0.96,1,,True +manufacturing safety compliance,industrial risk mitigation,"Systematic approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance and safety protocols",0.96,1,,False +network systems engineering,network systems engineering,"Advanced technical skills in designing, configuring, maintaining, and troubleshooting complex computer network systems with emphasis on performance, security, and operational efficiency",0.99,1,,True +network systems engineering,network infrastructure management,"Advanced technical skills in designing, configuring, maintaining, and troubleshooting complex computer network systems with emphasis on performance, security, and operational efficiency",0.99,1,,False +network systems engineering,computer network design,"Advanced technical skills in designing, configuring, maintaining, and troubleshooting complex computer network systems with emphasis on performance, security, and operational efficiency",0.99,1,,False +network systems engineering,network technical support,"Advanced technical skills in designing, configuring, maintaining, and troubleshooting complex computer network systems with emphasis on performance, security, and operational efficiency",0.99,1,,False +technical documentation and communication,technical documentation and communication,"Advanced skills in creating, maintaining, and communicating precise technical documentation, network-related activities, operational procedures, and comprehensive system specifications",0.97,1,,True +technical documentation and communication,systems communication,"Advanced skills in creating, maintaining, and communicating precise technical documentation, network-related activities, operational procedures, and comprehensive system specifications",0.97,1,,False +delivery operations management,delivery operations management,"Comprehensive skills in coordinating, executing, and managing mail, package, and courier delivery activities, including route planning, material handling, and efficient transportation logistics",0.98,1,,True +delivery operations management,courier logistics,"Comprehensive skills in coordinating, executing, and managing mail, package, and courier delivery activities, including route planning, material handling, and efficient transportation logistics",0.98,1,,False +delivery operations management,delivery coordination,"Comprehensive skills in coordinating, executing, and managing mail, package, and courier delivery activities, including route planning, material handling, and efficient transportation logistics",0.98,1,,False +delivery operations management,transportation service management,"Comprehensive skills in coordinating, executing, and managing mail, package, and courier delivery activities, including route planning, material handling, and efficient transportation logistics",0.98,1,,False +interpersonal information gathering,interpersonal information gathering,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.98,1,,True +creative writing expertise,creative writing expertise,"Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes",0.98,1,,True +creative writing expertise,narrative development,"Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes",0.98,1,,False +creative writing expertise,content creation,"Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes",0.98,1,,False +professional artistic collaboration,professional artistic collaboration,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic productions",0.97,1,,True +professional artistic collaboration,creative teamwork,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic productions",0.97,1,,False +professional artistic collaboration,artistic coordination,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic productions",0.97,1,,False +professional artistic collaboration,production collaboration,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic productions",0.97,1,,False +personnel resource management,personnel resource management,"Advanced skills in coordinating, directing, and managing human resources, including recruitment, supervision, motivation, and workforce development across diverse organizational contexts",0.99,1,,True +personnel resource management,workforce leadership,"Advanced skills in coordinating, directing, and managing human resources, including recruitment, supervision, motivation, and workforce development across diverse organizational contexts",0.99,1,,False +interpersonal coordination,interpersonal coordination,"Advanced skills in adjusting actions in relation to others, managing complex interactions, coordinating work activities, and ensuring systematic operational efficiency",0.99,2,,True +interpersonal coordination,team synchronization,"Advanced skills in adjusting actions in relation to others, managing complex interactions, coordinating work activities, and ensuring systematic operational efficiency",0.99,2,,False +interpersonal coordination,collaborative workflow management,"Advanced skills in adjusting actions in relation to others, managing complex interactions, coordinating work activities, and ensuring systematic operational efficiency",0.99,2,,False +interpersonal communication and coordination,interpersonal communication and coordination,"Advanced communication skills involving active listening, precise information exchange, professional interaction, coordination of work activities, and strategic collaboration across diverse work environments",1.0,2,,True +interpersonal communication and coordination,strategic interaction,"Advanced communication skills involving active listening, precise information exchange, professional interaction, coordination of work activities, and strategic collaboration across diverse work environments",1.0,2,,False +interpersonal communication and coordination,workplace coordination,"Advanced communication skills involving active listening, precise information exchange, professional interaction, coordination of work activities, and strategic collaboration across diverse work environments",1.0,2,,False +operational performance management,operational performance management,"Comprehensive skills in monitoring, evaluating, and improving individual and organizational performance through systematic assessment, quality control, and strategic intervention",0.99,1,,True +operational performance management,workforce performance optimization,"Comprehensive skills in monitoring, evaluating, and improving individual and organizational performance through systematic assessment, quality control, and strategic intervention",0.99,1,,False +service orientation and problem resolution,service orientation and problem resolution,"Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication",0.98,1,,True +service orientation and problem resolution,customer support,"Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication",0.98,1,,False +service orientation and problem resolution,problem-solving service,"Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication",0.98,1,,False +regulatory compliance and safety management,regulatory compliance and safety management,"Comprehensive skills in understanding, interpreting, and enforcing organizational policies, safety protocols, and regulatory standards across diverse work environments",0.99,1,,True +regulatory compliance and safety management,workplace compliance,"Comprehensive skills in understanding, interpreting, and enforcing organizational policies, safety protocols, and regulatory standards across diverse work environments",0.99,1,,False +precision measurement and marking,precision measurement and marking,"Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products",0.96,1,,True +precision measurement and marking,technical inventory marking,"Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products",0.96,1,,False +precision measurement and marking,precise product measurement,"Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products",0.96,1,,False +social support intervention,social support intervention,"Advanced skills in providing comprehensive psychological, emotional, and practical support to individuals and families through professional counseling, resource navigation, and holistic care strategies",0.99,1,,True +social support intervention,therapeutic support,"Advanced skills in providing comprehensive psychological, emotional, and practical support to individuals and families through professional counseling, resource navigation, and holistic care strategies",0.99,1,,False +social support intervention,psychosocial assistance,"Advanced skills in providing comprehensive psychological, emotional, and practical support to individuals and families through professional counseling, resource navigation, and holistic care strategies",0.99,1,,False +crisis management and referral,crisis management and referral,"Comprehensive skills in identifying, assessing, and responding to critical client situations, coordinating emergency interventions, and connecting individuals with appropriate community and social service resources",0.98,1,,True +crisis management and referral,emergency support coordination,"Comprehensive skills in identifying, assessing, and responding to critical client situations, coordinating emergency interventions, and connecting individuals with appropriate community and social service resources",0.98,1,,False +crisis management and referral,client crisis intervention,"Comprehensive skills in identifying, assessing, and responding to critical client situations, coordinating emergency interventions, and connecting individuals with appropriate community and social service resources",0.98,1,,False +professional ethical intervention,professional ethical intervention,"Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social service environments",0.96,1,,True +professional ethical intervention,ethical case management,"Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social service environments",0.96,1,,False +professional ethical intervention,professional moral guidance,"Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social service environments",0.96,1,,False +passenger service coordination,passenger service coordination,"Advanced skills in managing passenger attendant activities, coordinating service operations, directing work activities, and ensuring comprehensive passenger support and safety",0.98,1,,True +passenger service coordination,passenger transportation management,"Advanced skills in managing passenger attendant activities, coordinating service operations, directing work activities, and ensuring comprehensive passenger support and safety",0.98,1,,False +passenger service coordination,service coordination,"Advanced skills in managing passenger attendant activities, coordinating service operations, directing work activities, and ensuring comprehensive passenger support and safety",0.98,1,,False +passenger service coordination,attendant operations,"Advanced skills in managing passenger attendant activities, coordinating service operations, directing work activities, and ensuring comprehensive passenger support and safety",0.98,1,,False +operational performance supervision,operational performance supervision,"Comprehensive skills in evaluating employee performance, directing work activities, resolving operational challenges, and maintaining professional standards across service environments",0.97,1,,True +operational performance supervision,operational oversight,"Comprehensive skills in evaluating employee performance, directing work activities, resolving operational challenges, and maintaining professional standards across service environments",0.97,1,,False +operational performance supervision,professional standards enforcement,"Comprehensive skills in evaluating employee performance, directing work activities, resolving operational challenges, and maintaining professional standards across service environments",0.97,1,,False +resource allocation management,resource allocation management,"Advanced skills in determining resource needs, ordering materials and supplies, and strategically managing organizational resources to optimize operational efficiency",0.97,1,,True +professional development support,professional development support,"Comprehensive skills in maintaining professional knowledge, supporting staff development, training service personnel, and ensuring continuous skill enhancement",0.96,1,,True +reproductive health counseling,reproductive health counseling,"Advanced interpersonal communication skills for patient education, risk communication, wellness guidance, and comprehensive support in reproductive and women's health contexts",0.98,1,,True +reproductive health counseling,patient reproductive guidance,"Advanced interpersonal communication skills for patient education, risk communication, wellness guidance, and comprehensive support in reproductive and women's health contexts",0.98,1,,False +reproductive health counseling,women's health advisory,"Advanced interpersonal communication skills for patient education, risk communication, wellness guidance, and comprehensive support in reproductive and women's health contexts",0.98,1,,False +women's health comprehensive care,women's health comprehensive care,"Holistic clinical approach to managing women's health, including chronic disease treatment, preventive care, reproductive health support, and patient-centered medical interventions",0.99,1,,True +women's health comprehensive care,comprehensive gynecological care,"Holistic clinical approach to managing women's health, including chronic disease treatment, preventive care, reproductive health support, and patient-centered medical interventions",0.99,1,,False +women's health comprehensive care,integrated women's health management,"Holistic clinical approach to managing women's health, including chronic disease treatment, preventive care, reproductive health support, and patient-centered medical interventions",0.99,1,,False +talent acquisition strategy,talent acquisition strategy,"Comprehensive skills in identifying, recruiting, and selecting top performers across entertainment and artistic domains",0.98,1,,True +talent acquisition strategy,performer recruitment,"Comprehensive skills in identifying, recruiting, and selecting top performers across entertainment and artistic domains",0.98,1,,False +talent acquisition strategy,artistic talent selection,"Comprehensive skills in identifying, recruiting, and selecting top performers across entertainment and artistic domains",0.98,1,,False +talent acquisition strategy,entertainment talent sourcing,"Comprehensive skills in identifying, recruiting, and selecting top performers across entertainment and artistic domains",0.98,1,,False +logistics systems analysis,logistics systems analysis,"Advanced ability to analyze, evaluate, and optimize complex logistics processes, supply chain operations, and organizational workflows with systematic problem-solving and strategic reasoning",0.98,1,,True +logistics systems analysis,supply chain strategic analysis,"Advanced ability to analyze, evaluate, and optimize complex logistics processes, supply chain operations, and organizational workflows with systematic problem-solving and strategic reasoning",0.98,1,,False +operational efficiency planning,operational efficiency planning,"Comprehensive skills in identifying opportunities for improving operational workflows, developing strategic efficiency strategies, and implementing systematic process improvements across organizational contexts",0.97,1,,True +operational efficiency planning,process improvement strategy,"Comprehensive skills in identifying opportunities for improving operational workflows, developing strategic efficiency strategies, and implementing systematic process improvements across organizational contexts",0.97,1,,False +operational efficiency planning,operational workflow optimization,"Comprehensive skills in identifying opportunities for improving operational workflows, developing strategic efficiency strategies, and implementing systematic process improvements across organizational contexts",0.97,1,,False +business strategy development,business strategy development,"Comprehensive skills in developing, analyzing, and implementing organizational strategies, market approaches, and operational guidelines to optimize business performance and competitive positioning",0.97,1,,True +business strategy development,strategic business planning,"Comprehensive skills in developing, analyzing, and implementing organizational strategies, market approaches, and operational guidelines to optimize business performance and competitive positioning",0.97,1,,False +business strategy development,organizational strategy formulation,"Comprehensive skills in developing, analyzing, and implementing organizational strategies, market approaches, and operational guidelines to optimize business performance and competitive positioning",0.97,1,,False +material processing and handling,material processing and handling,"Comprehensive skills in measuring, loading, positioning, and transferring materials through complex manufacturing processes with high accuracy",0.97,1,,True +material processing and handling,industrial material management,"Comprehensive skills in measuring, loading, positioning, and transferring materials through complex manufacturing processes with high accuracy",0.97,1,,False +material processing and handling,precision material coordination,"Comprehensive skills in measuring, loading, positioning, and transferring materials through complex manufacturing processes with high accuracy",0.97,1,,False +production quality monitoring,production quality monitoring,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications",0.98,1,,True +production quality monitoring,manufacturing performance verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications",0.98,1,,False +scientific field data collection,scientific field data collection,"Comprehensive skills in gathering, recording, analyzing, and documenting scientific and environmental data through systematic field research techniques",0.98,1,,True +scientific field data collection,scientific observation,"Comprehensive skills in gathering, recording, analyzing, and documenting scientific and environmental data through systematic field research techniques",0.98,1,,False +vegetation management and protection,vegetation management and protection,"Comprehensive techniques for treating, maintaining, protecting, and enhancing plant life through chemical application, inspection, and conservation strategies",0.96,1,,True +vegetation management and protection,vegetation conservation,"Comprehensive techniques for treating, maintaining, protecting, and enhancing plant life through chemical application, inspection, and conservation strategies",0.96,1,,False +vegetation management and protection,ecological plant care,"Comprehensive techniques for treating, maintaining, protecting, and enhancing plant life through chemical application, inspection, and conservation strategies",0.96,1,,False +manufactured building installation,manufactured building installation,"Advanced technical skills in installing, positioning, and assembling manufactured buildings and mobile homes with precision and systematic operational techniques",0.98,1,,True +manufactured building installation,mobile home setup,"Advanced technical skills in installing, positioning, and assembling manufactured buildings and mobile homes with precision and systematic operational techniques",0.98,1,,False +manufactured building installation,prefabricated structure installation,"Advanced technical skills in installing, positioning, and assembling manufactured buildings and mobile homes with precision and systematic operational techniques",0.98,1,,False +manufactured building installation,manufactured housing placement,"Advanced technical skills in installing, positioning, and assembling manufactured buildings and mobile homes with precision and systematic operational techniques",0.98,1,,False +structural sealing and leak prevention,structural sealing and leak prevention,"Comprehensive skills in identifying, preparing, and sealing gaps and surfaces to prevent moisture intrusion and ensure structural integrity",0.96,1,,True +structural sealing and leak prevention,building weatherproofing,"Comprehensive skills in identifying, preparing, and sealing gaps and surfaces to prevent moisture intrusion and ensure structural integrity",0.96,1,,False +structural sealing and leak prevention,moisture barrier installation,"Comprehensive skills in identifying, preparing, and sealing gaps and surfaces to prevent moisture intrusion and ensure structural integrity",0.96,1,,False +structural sealing and leak prevention,structural gap sealing,"Comprehensive skills in identifying, preparing, and sealing gaps and surfaces to prevent moisture intrusion and ensure structural integrity",0.96,1,,False +equipment and system inspection,equipment and system inspection,"Advanced technical skills in systematically examining, testing, and verifying the proper functioning of mechanical and electrical systems",0.97,1,,True +equipment and system inspection,operational equipment verification,"Advanced technical skills in systematically examining, testing, and verifying the proper functioning of mechanical and electrical systems",0.97,1,,False +equipment and system inspection,mechanical system testing,"Advanced technical skills in systematically examining, testing, and verifying the proper functioning of mechanical and electrical systems",0.97,1,,False +mechanical component replacement,mechanical component replacement,"Comprehensive ability to remove, inspect, replace, and reassemble mechanical parts and components with precision and technical expertise",0.96,1,,True +mechanical component replacement,equipment part replacement,"Comprehensive ability to remove, inspect, replace, and reassemble mechanical parts and components with precision and technical expertise",0.96,1,,False +mechanical component replacement,mechanical repair and reassembly,"Comprehensive ability to remove, inspect, replace, and reassemble mechanical parts and components with precision and technical expertise",0.96,1,,False +mechanical component replacement,component restoration,"Comprehensive ability to remove, inspect, replace, and reassemble mechanical parts and components with precision and technical expertise",0.96,1,,False +technical surface preparation,technical surface preparation,"Advanced skills in cleaning, smoothing, cutting, and preparing surfaces for installation, repair, or finishing tasks",0.95,1,,True +editorial content management,editorial content management,"Comprehensive skills in managing, editing, coordinating, and developing written content across various media platforms, involving strategic content selection, quality control, and professional communication",0.98,1,,True +editorial content management,content curation,"Comprehensive skills in managing, editing, coordinating, and developing written content across various media platforms, involving strategic content selection, quality control, and professional communication",0.98,1,,False +editorial content management,editorial workflow management,"Comprehensive skills in managing, editing, coordinating, and developing written content across various media platforms, involving strategic content selection, quality control, and professional communication",0.98,1,,False +editorial content management,written content strategy,"Comprehensive skills in managing, editing, coordinating, and developing written content across various media platforms, involving strategic content selection, quality control, and professional communication",0.98,1,,False +professional writing and communication,professional writing and communication,"Advanced communication skills involving precise written expression, audience-focused communication, critical analysis, and effective information conveyance across diverse professional contexts",0.99,1,,True +professional writing and communication,audience-targeted writing,"Advanced communication skills involving precise written expression, audience-focused communication, critical analysis, and effective information conveyance across diverse professional contexts",0.99,1,,False +creative content development,creative content development,"Advanced skills in researching, conceptualizing, and developing original written and creative content for various media and entertainment platforms",0.97,1,,True +interpersonal communication management,interpersonal communication management,"Advanced skills in managing communication channels, coordinating information exchange, active listening, and professional interaction across diverse work environments",0.99,1,,True +interpersonal communication management,workplace dialogue,"Advanced skills in managing communication channels, coordinating information exchange, active listening, and professional interaction across diverse work environments",0.99,1,,False +operational resource management,operational resource management,"Comprehensive skills in managing personnel, material, and financial resources through strategic planning, coordination, and efficient distribution across organizational contexts",0.98,1,,True +therapeutic manual intervention,therapeutic manual intervention,"Advanced skills in using precise manual techniques to provide therapeutic treatments, assess physical conditions, and support patient healing through hands-on manipulation and specialized massage techniques",0.98,1,,True +therapeutic manual intervention,manual therapy,"Advanced skills in using precise manual techniques to provide therapeutic treatments, assess physical conditions, and support patient healing through hands-on manipulation and specialized massage techniques",0.98,1,,False +therapeutic manual intervention,physical manipulation,"Advanced skills in using precise manual techniques to provide therapeutic treatments, assess physical conditions, and support patient healing through hands-on manipulation and specialized massage techniques",0.98,1,,False +therapeutic manual intervention,therapeutic touch,"Advanced skills in using precise manual techniques to provide therapeutic treatments, assess physical conditions, and support patient healing through hands-on manipulation and specialized massage techniques",0.98,1,,False +patient assessment and care coordination,patient assessment and care coordination,"Comprehensive skills in interviewing patients, gathering medical information, developing treatment programs, and coordinating comprehensive patient care across medical and therapeutic contexts",0.99,1,,True +patient assessment and care coordination,medical information management,"Comprehensive skills in interviewing patients, gathering medical information, developing treatment programs, and coordinating comprehensive patient care across medical and therapeutic contexts",0.99,1,,False +healthcare facility management,healthcare facility management,"Advanced skills in maintaining clean facilities, stocking supplies, managing medical records, and ensuring operational efficiency in healthcare and therapeutic environments",0.97,1,,True +healthcare facility management,medical workspace maintenance,"Advanced skills in maintaining clean facilities, stocking supplies, managing medical records, and ensuring operational efficiency in healthcare and therapeutic environments",0.97,1,,False +healthcare facility management,healthcare operational support,"Advanced skills in maintaining clean facilities, stocking supplies, managing medical records, and ensuring operational efficiency in healthcare and therapeutic environments",0.97,1,,False +interpersonal therapeutic engagement,interpersonal therapeutic engagement,"Advanced skills in active listening, social perceptiveness, and building therapeutic rapport to understand patient needs, provide emotional support, and facilitate healing interactions",0.98,1,,True +interpersonal therapeutic engagement,therapeutic relationship building,"Advanced skills in active listening, social perceptiveness, and building therapeutic rapport to understand patient needs, provide emotional support, and facilitate healing interactions",0.98,1,,False +transportation safety inspection,transportation safety inspection,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles, cargo, and operational processes through detailed technical inspections and regulatory adherence",0.98,1,,True +transportation safety inspection,vehicle safety verification,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles, cargo, and operational processes through detailed technical inspections and regulatory adherence",0.98,1,,False +transportation safety inspection,cargo inspection,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles, cargo, and operational processes through detailed technical inspections and regulatory adherence",0.98,1,,False +transportation safety inspection,transportation compliance monitoring,"Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles, cargo, and operational processes through detailed technical inspections and regulatory adherence",0.98,1,,False +cargo handling and coordination,cargo handling and coordination,"Proficient skills in loading, securing, inspecting, and managing material and cargo movement, ensuring proper positioning, identification, and safe transportation across diverse operational environments",0.96,1,,True +cargo handling and coordination,material logistics,"Proficient skills in loading, securing, inspecting, and managing material and cargo movement, ensuring proper positioning, identification, and safe transportation across diverse operational environments",0.96,1,,False +cargo handling and coordination,cargo movement management,"Proficient skills in loading, securing, inspecting, and managing material and cargo movement, ensuring proper positioning, identification, and safe transportation across diverse operational environments",0.96,1,,False +cargo handling and coordination,shipment coordination,"Proficient skills in loading, securing, inspecting, and managing material and cargo movement, ensuring proper positioning, identification, and safe transportation across diverse operational environments",0.96,1,,False +passenger safety management,passenger safety management,"Advanced skills in ensuring passenger comfort, safety, and comprehensive support during transportation services, involving proactive monitoring, assistance, and protective interventions",0.98,1,,True +passenger safety management,transit safety support,"Advanced skills in ensuring passenger comfort, safety, and comprehensive support during transportation services, involving proactive monitoring, assistance, and protective interventions",0.98,1,,False +transportation operational coordination,transportation operational coordination,"Comprehensive skills in managing transportation workflows, coordinating vehicle movement, communicating operational details, and ensuring systematic efficiency in passenger service environments",0.97,1,,True +transportation operational coordination,transit operations management,"Comprehensive skills in managing transportation workflows, coordinating vehicle movement, communicating operational details, and ensuring systematic efficiency in passenger service environments",0.97,1,,False +service communication and information exchange,service communication and information exchange,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise passenger interactions",0.96,1,,True +service communication and information exchange,passenger information management,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise passenger interactions",0.96,1,,False +service communication and information exchange,service interaction skills,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise passenger interactions",0.96,1,,False +clay material manipulation,clay material manipulation,"Advanced technical skills in shaping, molding, preparing, and processing clay materials through precise manufacturing and artistic techniques",0.98,1,,True +clay material manipulation,clay forming,"Advanced technical skills in shaping, molding, preparing, and processing clay materials through precise manufacturing and artistic techniques",0.98,1,,False +clay material manipulation,pottery crafting,"Advanced technical skills in shaping, molding, preparing, and processing clay materials through precise manufacturing and artistic techniques",0.98,1,,False +clay material manipulation,ceramic material handling,"Advanced technical skills in shaping, molding, preparing, and processing clay materials through precise manufacturing and artistic techniques",0.98,1,,False +production equipment control,production equipment control,"Comprehensive ability to operate, monitor, adjust, and control specialized manufacturing machinery with precision and systematic approach",0.97,1,,True +production equipment control,technical process control,"Comprehensive ability to operate, monitor, adjust, and control specialized manufacturing machinery with precision and systematic approach",0.97,1,,False +strategic leadership,strategic leadership,"Advanced ability to direct organizational operations, develop policies, manage resources, and make complex strategic decisions that drive comprehensive organizational performance",1.0,1,,True +strategic leadership,executive decision making,"Advanced ability to direct organizational operations, develop policies, manage resources, and make complex strategic decisions that drive comprehensive organizational performance",1.0,1,,False +strategic leadership,high-level management,"Advanced ability to direct organizational operations, develop policies, manage resources, and make complex strategic decisions that drive comprehensive organizational performance",1.0,1,,False +comprehensive resource management,comprehensive resource management,"Advanced skills in strategically allocating, coordinating, and optimizing financial, personnel, material, and operational resources across complex organizational contexts",1.0,1,,True +advanced interpersonal communication,advanced interpersonal communication,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments",1.0,1,,True +advanced interpersonal communication,strategic stakeholder engagement,"Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments",1.0,1,,False +organizational governance,organizational governance,"Comprehensive skills in developing, implementing, and managing organizational policies, compliance standards, operational procedures, and strategic frameworks to ensure institutional effectiveness",0.99,1,,True +organizational governance,institutional strategy development,"Comprehensive skills in developing, implementing, and managing organizational policies, compliance standards, operational procedures, and strategic frameworks to ensure institutional effectiveness",0.99,1,,False +patient diagnostic communication,patient diagnostic communication,"Advanced interpersonal skills for gathering medical histories, explaining diagnostic procedures, communicating test results, and providing comprehensive patient-centered medical information",0.97,1,,True +patient diagnostic communication,medical information exchange,"Advanced interpersonal skills for gathering medical histories, explaining diagnostic procedures, communicating test results, and providing comprehensive patient-centered medical information",0.97,1,,False +patient diagnostic communication,patient diagnostic counseling,"Advanced interpersonal skills for gathering medical histories, explaining diagnostic procedures, communicating test results, and providing comprehensive patient-centered medical information",0.97,1,,False +medical image interpretation,medical image interpretation,"Advanced analytical skills for systematically examining, analyzing, and deriving diagnostic insights from medical imaging data across diverse medical contexts",0.98,1,,True +medical image interpretation,radiological analysis,"Advanced analytical skills for systematically examining, analyzing, and deriving diagnostic insights from medical imaging data across diverse medical contexts",0.98,1,,False +medical image interpretation,diagnostic image reasoning,"Advanced analytical skills for systematically examining, analyzing, and deriving diagnostic insights from medical imaging data across diverse medical contexts",0.98,1,,False +medical image interpretation,medical visualization interpretation,"Advanced analytical skills for systematically examining, analyzing, and deriving diagnostic insights from medical imaging data across diverse medical contexts",0.98,1,,False +visual design communication,visual design communication,"Advanced skills in creating, manipulating, and presenting visual graphics, layouts, and design concepts across artistic, commercial, and technical domains",0.98,1,,True +creative problem solving,creative problem solving,"Advanced analytical and creative skills for identifying design challenges, evaluating alternative solutions, applying artistic reasoning, and implementing innovative design strategies",0.98,2,,True +creative problem solving,design challenge resolution,"Advanced analytical and creative skills for identifying design challenges, evaluating alternative solutions, applying artistic reasoning, and implementing innovative design strategies",0.98,2,,False +creative problem solving,artistic problem analysis,"Advanced analytical and creative skills for identifying design challenges, evaluating alternative solutions, applying artistic reasoning, and implementing innovative design strategies",0.98,2,,False +creative problem solving,creative strategic thinking,"Advanced analytical and creative skills for identifying design challenges, evaluating alternative solutions, applying artistic reasoning, and implementing innovative design strategies",0.98,2,,False +collaborative creative production,collaborative creative production,"Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic and technical projects",0.96,1,,True +agricultural education management,agricultural education management,"Comprehensive skills in developing, implementing, and managing educational programs focused on agricultural knowledge, farm management, and community learning strategies",0.98,1,,True +agricultural education management,farm education coordination,"Comprehensive skills in developing, implementing, and managing educational programs focused on agricultural knowledge, farm management, and community learning strategies",0.98,1,,False +agricultural education management,agricultural learning support,"Comprehensive skills in developing, implementing, and managing educational programs focused on agricultural knowledge, farm management, and community learning strategies",0.98,1,,False +instructional resource coordination,instructional resource coordination,"Comprehensive abilities in developing, preparing, and managing educational materials, curricula, and instructional resources for effective knowledge transfer",0.96,1,,True +instructional resource coordination,educational material management,"Comprehensive abilities in developing, preparing, and managing educational materials, curricula, and instructional resources for effective knowledge transfer",0.96,1,,False +instructional resource coordination,curriculum resource planning,"Comprehensive abilities in developing, preparing, and managing educational materials, curricula, and instructional resources for effective knowledge transfer",0.96,1,,False +life skills education,life skills education,"Advanced skills in teaching practical, comprehensive life management strategies, personal development techniques, and holistic skill-building approaches",0.97,1,,True +life skills education,practical skills instruction,"Advanced skills in teaching practical, comprehensive life management strategies, personal development techniques, and holistic skill-building approaches",0.97,1,,False +life skills education,personal development education,"Advanced skills in teaching practical, comprehensive life management strategies, personal development techniques, and holistic skill-building approaches",0.97,1,,False +professional knowledge transfer,professional knowledge transfer,"Advanced interpersonal and communication skills for effectively sharing specialized knowledge, providing comprehensive guidance, and supporting professional learning across diverse contexts",0.98,1,,True +professional knowledge transfer,professional learning support,"Advanced interpersonal and communication skills for effectively sharing specialized knowledge, providing comprehensive guidance, and supporting professional learning across diverse contexts",0.98,1,,False +extraction equipment operation,extraction equipment operation,"Advanced skills in operating, controlling, and maintaining specialized mining and extraction machinery with precision and safety focus",0.98,1,,True +extraction equipment operation,mining equipment management,"Advanced skills in operating, controlling, and maintaining specialized mining and extraction machinery with precision and safety focus",0.98,1,,False +extraction equipment operation,extraction machinery control,"Advanced skills in operating, controlling, and maintaining specialized mining and extraction machinery with precision and safety focus",0.98,1,,False +site preparation and safety,site preparation and safety,"Comprehensive skills in preparing extraction sites, ensuring workplace safety, managing environmental considerations, and implementing preventive safety protocols",0.97,1,,True +site preparation and safety,extraction safety coordination,"Comprehensive skills in preparing extraction sites, ensuring workplace safety, managing environmental considerations, and implementing preventive safety protocols",0.97,1,,False +material handling and positioning,material handling and positioning,"Proficient skills in loading, unloading, moving, and positioning materials used in extraction and construction operations",0.96,1,,True +material handling and positioning,operational material movement,"Proficient skills in loading, unloading, moving, and positioning materials used in extraction and construction operations",0.96,1,,False +operational monitoring and coordination,operational monitoring and coordination,"Advanced ability to monitor extraction operations, coordinate work activities, adjust actions in relation to others, and ensure systematic operational efficiency",0.97,1,,True +operational monitoring and coordination,work activity coordination,"Advanced ability to monitor extraction operations, coordinate work activities, adjust actions in relation to others, and ensure systematic operational efficiency",0.97,1,,False +textile machine operation,textile machine operation,"Advanced skills in operating, monitoring, and controlling specialized textile knitting and weaving machinery with precision and systematic technical approach",0.98,1,,True +textile machine operation,textile equipment control,"Advanced skills in operating, monitoring, and controlling specialized textile knitting and weaving machinery with precision and systematic technical approach",0.98,1,,False +textile machine operation,knitting machine management,"Advanced skills in operating, monitoring, and controlling specialized textile knitting and weaving machinery with precision and systematic technical approach",0.98,1,,False +textile machine operation,textile production equipment operation,"Advanced skills in operating, monitoring, and controlling specialized textile knitting and weaving machinery with precision and systematic technical approach",0.98,1,,False +production equipment inspection,production equipment inspection,"Comprehensive ability to systematically examine, test, and verify the functionality of textile production equipment, ensuring operational quality and safety standards",0.97,1,,True +production equipment inspection,machine performance monitoring,"Comprehensive ability to systematically examine, test, and verify the functionality of textile production equipment, ensuring operational quality and safety standards",0.97,1,,False +material preparation and cutting,material preparation and cutting,"Precise skills in measuring, positioning, cutting, and preparing textile materials for production with high technical accuracy and attention to detail",0.96,1,,True +material preparation and cutting,fabric cutting techniques,"Precise skills in measuring, positioning, cutting, and preparing textile materials for production with high technical accuracy and attention to detail",0.96,1,,False +strategic operational communication,strategic operational communication,"Advanced interpersonal skills for coordinating complex work activities, managing information flow, and ensuring comprehensive professional interaction",0.99,1,,True +strategic operational communication,professional interaction,"Advanced interpersonal skills for coordinating complex work activities, managing information flow, and ensuring comprehensive professional interaction",0.99,1,,False +strategic operational communication,strategic information exchange,"Advanced interpersonal skills for coordinating complex work activities, managing information flow, and ensuring comprehensive professional interaction",0.99,1,,False +adaptive problem resolution,adaptive problem resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through strategic reasoning and comprehensive problem-solving techniques",1.0,1,,True +adaptive problem resolution,critical thinking,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through strategic reasoning and comprehensive problem-solving techniques",1.0,1,,False +adaptive problem resolution,systematic challenge management,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through strategic reasoning and comprehensive problem-solving techniques",1.0,1,,False +elevator systems installation,elevator systems installation,"Advanced technical skills in installing, configuring, testing, and maintaining complex elevator and escalator mechanical and electrical systems with precision and safety focus",0.98,1,,True +elevator systems installation,vertical transportation installation,"Advanced technical skills in installing, configuring, testing, and maintaining complex elevator and escalator mechanical and electrical systems with precision and safety focus",0.98,1,,False +elevator systems installation,elevator equipment setup,"Advanced technical skills in installing, configuring, testing, and maintaining complex elevator and escalator mechanical and electrical systems with precision and safety focus",0.98,1,,False +precision mechanical maintenance,precision mechanical maintenance,"Advanced technical skills in inspecting, cleaning, lubricating, repairing, and maintaining complex mechanical systems with emphasis on operational reliability and safety standards",0.96,1,,True +precision mechanical maintenance,equipment preventive maintenance,"Advanced technical skills in inspecting, cleaning, lubricating, repairing, and maintaining complex mechanical systems with emphasis on operational reliability and safety standards",0.96,1,,False +precision mechanical maintenance,mechanical system care,"Advanced technical skills in inspecting, cleaning, lubricating, repairing, and maintaining complex mechanical systems with emphasis on operational reliability and safety standards",0.96,1,,False +neurological patient care,neurological patient care,"Comprehensive clinical skills in managing patient interactions, conducting neurological examinations, diagnosing complex nervous system conditions, and providing specialized medical support",0.99,1,,True +neurological patient care,neurological assessment,"Comprehensive clinical skills in managing patient interactions, conducting neurological examinations, diagnosing complex nervous system conditions, and providing specialized medical support",0.99,1,,False +neurological patient care,nervous system patient management,"Comprehensive clinical skills in managing patient interactions, conducting neurological examinations, diagnosing complex nervous system conditions, and providing specialized medical support",0.99,1,,False +neurological patient care,specialized neurological intervention,"Comprehensive clinical skills in managing patient interactions, conducting neurological examinations, diagnosing complex nervous system conditions, and providing specialized medical support",0.99,1,,False +complex medical problem solving,complex medical problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate medical challenges through comprehensive clinical reasoning, scientific methods, and strategic diagnostic approaches",1.0,1,,True +complex medical problem solving,clinical diagnostic problem resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate medical challenges through comprehensive clinical reasoning, scientific methods, and strategic diagnostic approaches",1.0,1,,False +complex medical problem solving,medical challenge analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate medical challenges through comprehensive clinical reasoning, scientific methods, and strategic diagnostic approaches",1.0,1,,False +complex medical problem solving,comprehensive clinical reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate medical challenges through comprehensive clinical reasoning, scientific methods, and strategic diagnostic approaches",1.0,1,,False +medical specimen collection,medical specimen collection,"Advanced skills in collecting, handling, processing, and transporting biological specimens with precision, safety, and adherence to medical protocols",0.98,1,,True +medical specimen collection,biological sample management,"Advanced skills in collecting, handling, processing, and transporting biological specimens with precision, safety, and adherence to medical protocols",0.98,1,,False +medical specimen collection,clinical specimen handling,"Advanced skills in collecting, handling, processing, and transporting biological specimens with precision, safety, and adherence to medical protocols",0.98,1,,False +healthcare documentation management,healthcare documentation management,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,True +biomedical waste management,biomedical waste management,"Advanced skills in identifying, handling, processing, and disposing of medical waste and biological materials in compliance with safety and environmental standards",0.96,1,,True +biomedical waste management,medical waste disposal,"Advanced skills in identifying, handling, processing, and disposing of medical waste and biological materials in compliance with safety and environmental standards",0.96,1,,False +biomedical waste management,biological hazard management,"Advanced skills in identifying, handling, processing, and disposing of medical waste and biological materials in compliance with safety and environmental standards",0.96,1,,False +operational systems coordination,operational systems coordination,"Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, and ensure systematic efficiency across diverse professional environments",0.98,1,,True +operational systems coordination,operational workflow synchronization,"Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, and ensure systematic efficiency across diverse professional environments",0.98,1,,False +operational systems coordination,cross-functional coordination,"Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, and ensure systematic efficiency across diverse professional environments",0.98,1,,False +technical user support,technical user support,"Comprehensive skills in diagnosing, troubleshooting, and resolving computer hardware and software issues for end-users, involving systematic problem identification and solution implementation.",0.98,1,,True +technical user support,it support,"Comprehensive skills in diagnosing, troubleshooting, and resolving computer hardware and software issues for end-users, involving systematic problem identification and solution implementation.",0.98,1,,False +technical user support,computer systems assistance,"Comprehensive skills in diagnosing, troubleshooting, and resolving computer hardware and software issues for end-users, involving systematic problem identification and solution implementation.",0.98,1,,False +user communication and guidance,user communication and guidance,"Advanced interpersonal skills for explaining technical concepts to non-technical users, providing clear instructions, active listening, and patient-centered technical support.",0.97,1,,True +user communication and guidance,technical user education,"Advanced interpersonal skills for explaining technical concepts to non-technical users, providing clear instructions, active listening, and patient-centered technical support.",0.97,1,,False +user communication and guidance,it communication,"Advanced interpersonal skills for explaining technical concepts to non-technical users, providing clear instructions, active listening, and patient-centered technical support.",0.97,1,,False +user communication and guidance,support interaction,"Advanced interpersonal skills for explaining technical concepts to non-technical users, providing clear instructions, active listening, and patient-centered technical support.",0.97,1,,False +technology problem resolution,technology problem resolution,"Advanced analytical skills for systematically identifying, diagnosing, and resolving complex computer system challenges through logical reasoning, technical knowledge, and strategic troubleshooting.",0.98,1,,True +technology problem resolution,system problem analysis,"Advanced analytical skills for systematically identifying, diagnosing, and resolving complex computer system challenges through logical reasoning, technical knowledge, and strategic troubleshooting.",0.98,1,,False +technical knowledge maintenance,technical knowledge maintenance,"Proactive approach to continuously updating technical skills, learning emerging technologies, understanding software and hardware developments, and adapting to rapidly changing technological landscapes.",0.96,1,,True +technical knowledge maintenance,continuous tech learning,"Proactive approach to continuously updating technical skills, learning emerging technologies, understanding software and hardware developments, and adapting to rapidly changing technological landscapes.",0.96,1,,False +technical knowledge maintenance,it skill development,"Proactive approach to continuously updating technical skills, learning emerging technologies, understanding software and hardware developments, and adapting to rapidly changing technological landscapes.",0.96,1,,False +technical knowledge maintenance,technology adaptation,"Proactive approach to continuously updating technical skills, learning emerging technologies, understanding software and hardware developments, and adapting to rapidly changing technological landscapes.",0.96,1,,False +logistics coordination,logistics coordination,"Comprehensive skill in managing complex shipping workflows, routing decisions, and operational logistics across transportation and cargo environments.",0.98,1,,True +logistics coordination,shipping operations management,"Comprehensive skill in managing complex shipping workflows, routing decisions, and operational logistics across transportation and cargo environments.",0.98,1,,False +logistics coordination,cargo workflow coordination,"Comprehensive skill in managing complex shipping workflows, routing decisions, and operational logistics across transportation and cargo environments.",0.98,1,,False +logistics coordination,transportation logistics planning,"Comprehensive skill in managing complex shipping workflows, routing decisions, and operational logistics across transportation and cargo environments.",0.98,1,,False +transportation documentation,transportation documentation,"Systematic skills in preparing, verifying, and managing precise shipping documentation, contracts, and regulatory paperwork.",0.96,1,,True +transportation documentation,shipping document processing,"Systematic skills in preparing, verifying, and managing precise shipping documentation, contracts, and regulatory paperwork.",0.96,1,,False +transportation documentation,logistics paperwork management,"Systematic skills in preparing, verifying, and managing precise shipping documentation, contracts, and regulatory paperwork.",0.96,1,,False +transportation documentation,cargo documentation verification,"Systematic skills in preparing, verifying, and managing precise shipping documentation, contracts, and regulatory paperwork.",0.96,1,,False +operational financial negotiation,operational financial negotiation,"Advanced interpersonal skills for negotiating financial arrangements, shipping costs, insurance coverage, and operational contracts.",0.97,1,,True +operational financial negotiation,logistics financial coordination,"Advanced interpersonal skills for negotiating financial arrangements, shipping costs, insurance coverage, and operational contracts.",0.97,1,,False +operational financial negotiation,shipping contract negotiation,"Advanced interpersonal skills for negotiating financial arrangements, shipping costs, insurance coverage, and operational contracts.",0.97,1,,False +operational financial negotiation,transportation cost management,"Advanced interpersonal skills for negotiating financial arrangements, shipping costs, insurance coverage, and operational contracts.",0.97,1,,False +shipping systems analysis,shipping systems analysis,"Comprehensive analytical capabilities for evaluating shipping information, routing strategies, operational efficiency, and transportation system performance.",0.98,1,,True +shipping systems analysis,logistics performance evaluation,"Comprehensive analytical capabilities for evaluating shipping information, routing strategies, operational efficiency, and transportation system performance.",0.98,1,,False +shipping systems analysis,transportation route optimization,"Comprehensive analytical capabilities for evaluating shipping information, routing strategies, operational efficiency, and transportation system performance.",0.98,1,,False +shipping systems analysis,shipping workflow analysis,"Comprehensive analytical capabilities for evaluating shipping information, routing strategies, operational efficiency, and transportation system performance.",0.98,1,,False +travel service coordination,travel service coordination,"Advanced ability to process complex travel transactions, manage operational details, coordinate travel logistics, and ensure comprehensive customer travel support",0.96,1,,True +travel service coordination,travel transaction management,"Advanced ability to process complex travel transactions, manage operational details, coordinate travel logistics, and ensure comprehensive customer travel support",0.96,1,,False +travel service coordination,operational travel support,"Advanced ability to process complex travel transactions, manage operational details, coordinate travel logistics, and ensure comprehensive customer travel support",0.96,1,,False +therapeutic patient intervention,therapeutic patient intervention,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.97,1,,True +therapeutic patient intervention,patient care strategy,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.97,1,,False +therapeutic patient intervention,personalized medical intervention,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach",0.97,1,,False +game design creativity,game design creativity,"Advanced ability to conceptualize, innovate, and design engaging interactive game experiences through creative problem-solving and imaginative system design",0.98,1,,True +game design creativity,game concept development,"Advanced ability to conceptualize, innovate, and design engaging interactive game experiences through creative problem-solving and imaginative system design",0.98,1,,False +game design creativity,interactive experience design,"Advanced ability to conceptualize, innovate, and design engaging interactive game experiences through creative problem-solving and imaginative system design",0.98,1,,False +game design creativity,gameplay innovation,"Advanced ability to conceptualize, innovate, and design engaging interactive game experiences through creative problem-solving and imaginative system design",0.98,1,,False +technical game development,technical game development,"Comprehensive skills in programming, implementing, and technically executing video game design concepts using specialized software and development tools",0.97,1,,True +technical game development,game programming,"Comprehensive skills in programming, implementing, and technically executing video game design concepts using specialized software and development tools",0.97,1,,False +technical game development,interactive software engineering,"Comprehensive skills in programming, implementing, and technically executing video game design concepts using specialized software and development tools",0.97,1,,False +technical game development,technical game implementation,"Comprehensive skills in programming, implementing, and technically executing video game design concepts using specialized software and development tools",0.97,1,,False +interactive system design,interactive system design,"Advanced capability to create complex, dynamic interactive systems, gameplay mechanics, and rule-based environments that provide engaging user experiences",0.96,1,,True +interactive system design,game mechanics design,"Advanced capability to create complex, dynamic interactive systems, gameplay mechanics, and rule-based environments that provide engaging user experiences",0.96,1,,False +interactive system design,interactive environment creation,"Advanced capability to create complex, dynamic interactive systems, gameplay mechanics, and rule-based environments that provide engaging user experiences",0.96,1,,False +interactive system design,system interaction engineering,"Advanced capability to create complex, dynamic interactive systems, gameplay mechanics, and rule-based environments that provide engaging user experiences",0.96,1,,False +visual design conceptualization,visual design conceptualization,"Advanced skills in creating graphical representations, visual narratives, and aesthetic design elements for interactive digital entertainment experiences",0.97,1,,True +visual design conceptualization,game visual design,"Advanced skills in creating graphical representations, visual narratives, and aesthetic design elements for interactive digital entertainment experiences",0.97,1,,False +visual design conceptualization,digital graphic conceptualization,"Advanced skills in creating graphical representations, visual narratives, and aesthetic design elements for interactive digital entertainment experiences",0.97,1,,False +visual design conceptualization,interactive visual storytelling,"Advanced skills in creating graphical representations, visual narratives, and aesthetic design elements for interactive digital entertainment experiences",0.97,1,,False +collaborative game production,collaborative game production,"Advanced interpersonal and coordination skills for managing complex game development workflows, team interactions, and cross-functional project execution",0.96,1,,True +collaborative game production,game development teamwork,"Advanced interpersonal and coordination skills for managing complex game development workflows, team interactions, and cross-functional project execution",0.96,1,,False +collaborative game production,interactive project coordination,"Advanced interpersonal and coordination skills for managing complex game development workflows, team interactions, and cross-functional project execution",0.96,1,,False +collaborative game production,collaborative design management,"Advanced interpersonal and coordination skills for managing complex game development workflows, team interactions, and cross-functional project execution",0.96,1,,False +chemical process control,chemical process control,"Comprehensive expertise in managing, operating, and optimizing chemical processing systems, ensuring precise production conditions and workflow management",0.97,1,,True +chemical process control,chemical systems management,"Comprehensive expertise in managing, operating, and optimizing chemical processing systems, ensuring precise production conditions and workflow management",0.97,1,,False +chemical process control,production process regulation,"Comprehensive expertise in managing, operating, and optimizing chemical processing systems, ensuring precise production conditions and workflow management",0.97,1,,False +chemical process control,industrial chemical operations,"Comprehensive expertise in managing, operating, and optimizing chemical processing systems, ensuring precise production conditions and workflow management",0.97,1,,False +technical safety management,technical safety management,"Comprehensive skills in identifying potential hazards, monitoring operational risks, implementing preventive measures, and ensuring workplace safety across technical and industrial environments",0.98,1,,True +technical safety management,industrial safety protocols,"Comprehensive skills in identifying potential hazards, monitoring operational risks, implementing preventive measures, and ensuring workplace safety across technical and industrial environments",0.98,1,,False +interdepartmental communication,interdepartmental communication,"Advanced interpersonal skills for coordinating work activities, exchanging information, and maintaining effective communication across diverse organizational units",0.96,1,,True +interdepartmental communication,organizational information exchange,"Advanced interpersonal skills for coordinating work activities, exchanging information, and maintaining effective communication across diverse organizational units",0.96,1,,False +production planning coordination,production planning coordination,"Comprehensive skills in scheduling operational activities, managing workflow processes, and systematically organizing production and expediting tasks",0.97,1,,True +production planning coordination,production logistics coordination,"Comprehensive skills in scheduling operational activities, managing workflow processes, and systematically organizing production and expediting tasks",0.97,1,,False +policy analysis and development,policy analysis and development,"Advanced analytical skills for evaluating, interpreting, and developing comprehensive policy recommendations across social and political contexts",0.97,1,,True +policy analysis and development,strategic policy evaluation,"Advanced analytical skills for evaluating, interpreting, and developing comprehensive policy recommendations across social and political contexts",0.97,1,,False +policy analysis and development,regulatory impact assessment,"Advanced analytical skills for evaluating, interpreting, and developing comprehensive policy recommendations across social and political contexts",0.97,1,,False +policy analysis and development,public policy reasoning,"Advanced analytical skills for evaluating, interpreting, and developing comprehensive policy recommendations across social and political contexts",0.97,1,,False +academic knowledge communication,academic knowledge communication,"Comprehensive skills in translating complex academic research and theoretical insights into accessible, meaningful information for diverse audiences",0.96,1,,True +academic knowledge communication,scholarly information translation,"Comprehensive skills in translating complex academic research and theoretical insights into accessible, meaningful information for diverse audiences",0.96,1,,False +academic knowledge communication,academic knowledge dissemination,"Comprehensive skills in translating complex academic research and theoretical insights into accessible, meaningful information for diverse audiences",0.96,1,,False +interdisciplinary reasoning,interdisciplinary reasoning,"Advanced cognitive ability to integrate insights from multiple disciplines, synthesizing complex information to develop comprehensive understanding",0.97,1,,True +interdisciplinary reasoning,cross-disciplinary analysis,"Advanced cognitive ability to integrate insights from multiple disciplines, synthesizing complex information to develop comprehensive understanding",0.97,1,,False +interdisciplinary reasoning,holistic intellectual integration,"Advanced cognitive ability to integrate insights from multiple disciplines, synthesizing complex information to develop comprehensive understanding",0.97,1,,False +interdisciplinary reasoning,multidisciplinary problem solving,"Advanced cognitive ability to integrate insights from multiple disciplines, synthesizing complex information to develop comprehensive understanding",0.97,1,,False +strategic information synthesis,strategic information synthesis,"Advanced skill in collecting, analyzing, interpreting, and integrating diverse information sources to develop comprehensive and nuanced insights",0.98,1,,True +strategic information synthesis,complex information integration,"Advanced skill in collecting, analyzing, interpreting, and integrating diverse information sources to develop comprehensive and nuanced insights",0.98,1,,False +strategic information synthesis,strategic knowledge compilation,"Advanced skill in collecting, analyzing, interpreting, and integrating diverse information sources to develop comprehensive and nuanced insights",0.98,1,,False +strategic information synthesis,comprehensive data interpretation,"Advanced skill in collecting, analyzing, interpreting, and integrating diverse information sources to develop comprehensive and nuanced insights",0.98,1,,False +performance equipment management,performance equipment management,"Advanced technical skills in operating, controlling, and managing sound, lighting, and video equipment for entertainment performances with precision and systematic approach",0.98,1,,True +performance equipment management,entertainment technical control,"Advanced technical skills in operating, controlling, and managing sound, lighting, and video equipment for entertainment performances with precision and systematic approach",0.98,1,,False +performance equipment management,performance systems operation,"Advanced technical skills in operating, controlling, and managing sound, lighting, and video equipment for entertainment performances with precision and systematic approach",0.98,1,,False +event performance coordination,event performance coordination,"Comprehensive skills in managing performance logistics, conducting entertainment activities, and coordinating complex event workflows with dynamic operational efficiency",0.97,1,,True +event performance coordination,entertainment event management,"Comprehensive skills in managing performance logistics, conducting entertainment activities, and coordinating complex event workflows with dynamic operational efficiency",0.97,1,,False +event performance coordination,performance logistics,"Comprehensive skills in managing performance logistics, conducting entertainment activities, and coordinating complex event workflows with dynamic operational efficiency",0.97,1,,False +multimedia content editing,multimedia content editing,"Advanced technical skills in recording, reviewing, mixing, and editing audio and video content with precision and creative technical expertise",0.95,1,,True +multimedia content editing,media production editing,"Advanced technical skills in recording, reviewing, mixing, and editing audio and video content with precision and creative technical expertise",0.95,1,,False +multimedia content editing,performance content management,"Advanced technical skills in recording, reviewing, mixing, and editing audio and video content with precision and creative technical expertise",0.95,1,,False +professional resource management,professional resource management,"Comprehensive skills in selecting, estimating, and coordinating resources, managing project requirements, and strategically planning operational activities",0.94,1,,True +professional resource management,performance project planning,"Comprehensive skills in selecting, estimating, and coordinating resources, managing project requirements, and strategically planning operational activities",0.94,1,,False +legal administrative support,legal administrative support,"Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, coordinating legal schedules, and maintaining systematic communication within legal environments",0.96,1,,True +legal administrative support,legal office coordination,"Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, coordinating legal schedules, and maintaining systematic communication within legal environments",0.96,1,,False +legal administrative support,judicial administrative management,"Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, coordinating legal schedules, and maintaining systematic communication within legal environments",0.96,1,,False +patron interaction management,patron interaction management,"Comprehensive skills in greeting, guiding, and supporting customers/patrons through professional service, social perceptiveness, and positive experience creation",0.99,1,,True +patron interaction management,customer service,"Comprehensive skills in greeting, guiding, and supporting customers/patrons through professional service, social perceptiveness, and positive experience creation",0.99,1,,False +patron interaction management,guest support,"Comprehensive skills in greeting, guiding, and supporting customers/patrons through professional service, social perceptiveness, and positive experience creation",0.99,1,,False +administrative service coordination,administrative service coordination,"Systematic skills in processing transactions, maintaining records, verifying credentials, and coordinating operational administrative tasks in service environments",0.97,1,,True +administrative service coordination,service documentation,"Systematic skills in processing transactions, maintaining records, verifying credentials, and coordinating operational administrative tasks in service environments",0.97,1,,False +administrative service coordination,administrative support,"Systematic skills in processing transactions, maintaining records, verifying credentials, and coordinating operational administrative tasks in service environments",0.97,1,,False +shipment quality inspection,shipment quality inspection,"Systematic approach to examining goods, verifying order accuracy, inspecting items for damage, ensuring product integrity, and maintaining comprehensive quality standards during transportation and handling",0.96,1,,True +shipment quality inspection,cargo verification,"Systematic approach to examining goods, verifying order accuracy, inspecting items for damage, ensuring product integrity, and maintaining comprehensive quality standards during transportation and handling",0.96,1,,False +shipment quality inspection,shipping inspection,"Systematic approach to examining goods, verifying order accuracy, inspecting items for damage, ensuring product integrity, and maintaining comprehensive quality standards during transportation and handling",0.96,1,,False +shipment quality inspection,product integrity management,"Systematic approach to examining goods, verifying order accuracy, inspecting items for damage, ensuring product integrity, and maintaining comprehensive quality standards during transportation and handling",0.96,1,,False +transportation safety management,transportation safety management,"Advanced skills in ensuring safety protocols, monitoring transportation activities, managing risk, and implementing comprehensive protective measures during material and cargo movement",0.97,1,,True +transportation safety management,cargo safety,"Advanced skills in ensuring safety protocols, monitoring transportation activities, managing risk, and implementing comprehensive protective measures during material and cargo movement",0.97,1,,False +transportation safety management,transportation risk mitigation,"Advanced skills in ensuring safety protocols, monitoring transportation activities, managing risk, and implementing comprehensive protective measures during material and cargo movement",0.97,1,,False +transportation safety management,operational protection,"Advanced skills in ensuring safety protocols, monitoring transportation activities, managing risk, and implementing comprehensive protective measures during material and cargo movement",0.97,1,,False +solar energy systems management,solar energy systems management,"Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance optimization, and technological innovation",0.98,1,,True +solar energy systems management,renewable energy installation,"Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance optimization, and technological innovation",0.98,1,,False +solar energy systems management,solar technology deployment,"Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance optimization, and technological innovation",0.98,1,,False +solar energy systems management,green energy systems engineering,"Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance optimization, and technological innovation",0.98,1,,False +construction project coordination,construction project coordination,"Advanced skills in managing complex construction project activities, including planning, resource estimation, personnel direction, and operational workflow optimization",0.97,1,,True +construction project coordination,project management in construction,"Advanced skills in managing complex construction project activities, including planning, resource estimation, personnel direction, and operational workflow optimization",0.97,1,,False +construction project coordination,construction workflow management,"Advanced skills in managing complex construction project activities, including planning, resource estimation, personnel direction, and operational workflow optimization",0.97,1,,False +technical site assessment,technical site assessment,"Comprehensive ability to evaluate locations, analyze potential installations, assess environmental compatibility, and develop strategic implementation plans for green technology projects",0.96,1,,True +technical site assessment,site feasibility analysis,"Comprehensive ability to evaluate locations, analyze potential installations, assess environmental compatibility, and develop strategic implementation plans for green technology projects",0.96,1,,False +operational cost analysis,operational cost analysis,"Advanced analytical skills for systematically evaluating project costs, conducting financial assessments, analyzing cost-benefit scenarios, and making strategic resource allocation decisions",0.97,1,,True +operational cost analysis,project financial planning,"Advanced analytical skills for systematically evaluating project costs, conducting financial assessments, analyzing cost-benefit scenarios, and making strategic resource allocation decisions",0.97,1,,False +operational cost analysis,economic feasibility assessment,"Advanced analytical skills for systematically evaluating project costs, conducting financial assessments, analyzing cost-benefit scenarios, and making strategic resource allocation decisions",0.97,1,,False +green technology performance verification,green technology performance verification,"Specialized skills in testing, inspecting, and validating green technology installations to ensure optimal performance, efficiency, and compliance with technical specifications",0.96,1,,True +green technology performance verification,technical performance testing,"Specialized skills in testing, inspecting, and validating green technology installations to ensure optimal performance, efficiency, and compliance with technical specifications",0.96,1,,False +biofuel production management,biofuel production management,"Comprehensive skills in operating, monitoring, and controlling biofuel production equipment and processes with emphasis on sustainable energy production.",0.98,1,,True +biofuel production management,renewable energy process control,"Comprehensive skills in operating, monitoring, and controlling biofuel production equipment and processes with emphasis on sustainable energy production.",0.98,1,,False +biofuel production management,sustainable fuel production management,"Comprehensive skills in operating, monitoring, and controlling biofuel production equipment and processes with emphasis on sustainable energy production.",0.98,1,,False +renewable energy technical monitoring,renewable energy technical monitoring,"Advanced ability to observe operational parameters, inspect equipment functionality, and ensure precise performance of biofuel production systems.",0.97,1,,True +renewable energy technical monitoring,energy system performance tracking,"Advanced ability to observe operational parameters, inspect equipment functionality, and ensure precise performance of biofuel production systems.",0.97,1,,False +sustainable production quality control,sustainable production quality control,"Systematic approach to evaluating material and product quality, conducting tests, collecting samples, and maintaining comprehensive quality standards in renewable energy production.",0.96,1,,True +sustainable production quality control,green energy quality verification,"Systematic approach to evaluating material and product quality, conducting tests, collecting samples, and maintaining comprehensive quality standards in renewable energy production.",0.96,1,,False +sustainable production quality control,renewable resource inspection,"Systematic approach to evaluating material and product quality, conducting tests, collecting samples, and maintaining comprehensive quality standards in renewable energy production.",0.96,1,,False +green energy equipment maintenance,green energy equipment maintenance,"Comprehensive ability to inspect, diagnose, repair, and maintain specialized biofuel production machinery with focus on operational reliability and sustainability.",0.96,1,,True +green energy equipment maintenance,renewable energy equipment care,"Comprehensive ability to inspect, diagnose, repair, and maintain specialized biofuel production machinery with focus on operational reliability and sustainability.",0.96,1,,False +green energy equipment maintenance,sustainable machinery maintenance,"Comprehensive ability to inspect, diagnose, repair, and maintain specialized biofuel production machinery with focus on operational reliability and sustainability.",0.96,1,,False +technical design and analysis,technical design and analysis,"Advanced capability to evaluate technical data, create engineering models, and systematically assess complex operational challenges through comprehensive analytical approaches",0.98,1,,True +technical design and analysis,engineering systems evaluation,"Advanced capability to evaluate technical data, create engineering models, and systematically assess complex operational challenges through comprehensive analytical approaches",0.98,1,,False +technical design and analysis,operational design assessment,"Advanced capability to evaluate technical data, create engineering models, and systematically assess complex operational challenges through comprehensive analytical approaches",0.98,1,,False +engineering systems optimization,engineering systems optimization,"Comprehensive skills in analyzing, improving, and enhancing technical systems and processes to maximize operational efficiency, performance, and technological innovation",0.97,1,,True +engineering systems optimization,process performance enhancement,"Comprehensive skills in analyzing, improving, and enhancing technical systems and processes to maximize operational efficiency, performance, and technological innovation",0.97,1,,False +engineering systems optimization,operational efficiency strategy,"Comprehensive skills in analyzing, improving, and enhancing technical systems and processes to maximize operational efficiency, performance, and technological innovation",0.97,1,,False +precision material assessment,precision material assessment,"Comprehensive skills in examining, testing, measuring, and evaluating material characteristics through advanced scientific methods, quantitative analysis, and technical inspection techniques",0.98,1,,True +precision material assessment,technical material analysis,"Comprehensive skills in examining, testing, measuring, and evaluating material characteristics through advanced scientific methods, quantitative analysis, and technical inspection techniques",0.98,1,,False +surgical technical support,surgical technical support,"Advanced skills in assisting healthcare practitioners during surgical procedures, maintaining sterile environments, preparing medical supplies, and providing comprehensive technical and operational support in surgical settings",0.99,1,,True +surgical technical support,operative field management,"Advanced skills in assisting healthcare practitioners during surgical procedures, maintaining sterile environments, preparing medical supplies, and providing comprehensive technical and operational support in surgical settings",0.99,1,,False +surgical technical support,surgical procedure support,"Advanced skills in assisting healthcare practitioners during surgical procedures, maintaining sterile environments, preparing medical supplies, and providing comprehensive technical and operational support in surgical settings",0.99,1,,False +precision medical supply management,precision medical supply management,"Comprehensive skills in maintaining inventory, ordering, tracking, and preparing medical supplies and equipment with systematic accuracy and operational efficiency",0.97,1,,True +precision medical supply management,medical inventory control,"Comprehensive skills in maintaining inventory, ordering, tracking, and preparing medical supplies and equipment with systematic accuracy and operational efficiency",0.97,1,,False +precision medical supply management,surgical supply coordination,"Comprehensive skills in maintaining inventory, ordering, tracking, and preparing medical supplies and equipment with systematic accuracy and operational efficiency",0.97,1,,False +precision medical supply management,healthcare resource management,"Comprehensive skills in maintaining inventory, ordering, tracking, and preparing medical supplies and equipment with systematic accuracy and operational efficiency",0.97,1,,False +vision diagnostic assessment,vision diagnostic assessment,"Specialized clinical skills for comprehensive eye health evaluation, vision testing, and diagnostic reasoning specific to visual system assessment.",1.0,1,,True +vision diagnostic assessment,visual health diagnostics,"Specialized clinical skills for comprehensive eye health evaluation, vision testing, and diagnostic reasoning specific to visual system assessment.",1.0,1,,False +vision diagnostic assessment,ocular assessment,"Specialized clinical skills for comprehensive eye health evaluation, vision testing, and diagnostic reasoning specific to visual system assessment.",1.0,1,,False +vision diagnostic assessment,eye diagnostic expertise,"Specialized clinical skills for comprehensive eye health evaluation, vision testing, and diagnostic reasoning specific to visual system assessment.",1.0,1,,False +medical technical precision,medical technical precision,"Advanced ability to operate specialized diagnostic equipment, perform precise measurements, and execute technical procedures with high accuracy in medical contexts.",0.99,1,,True +medical technical precision,clinical technical accuracy,"Advanced ability to operate specialized diagnostic equipment, perform precise measurements, and execute technical procedures with high accuracy in medical contexts.",0.99,1,,False +medical technical precision,medical procedural precision,"Advanced ability to operate specialized diagnostic equipment, perform precise measurements, and execute technical procedures with high accuracy in medical contexts.",0.99,1,,False +medical technical precision,diagnostic technical skills,"Advanced ability to operate specialized diagnostic equipment, perform precise measurements, and execute technical procedures with high accuracy in medical contexts.",0.99,1,,False +patient vision counseling,patient vision counseling,"Advanced interpersonal communication skills for explaining vision conditions, treatment options, and providing comprehensive patient education and emotional support.",0.98,1,,True +patient vision counseling,vision health communication,"Advanced interpersonal communication skills for explaining vision conditions, treatment options, and providing comprehensive patient education and emotional support.",0.98,1,,False +patient vision counseling,patient optical guidance,"Advanced interpersonal communication skills for explaining vision conditions, treatment options, and providing comprehensive patient education and emotional support.",0.98,1,,False +patient vision counseling,eye care counseling,"Advanced interpersonal communication skills for explaining vision conditions, treatment options, and providing comprehensive patient education and emotional support.",0.98,1,,False +healthcare diagnostic reasoning,healthcare diagnostic reasoning,"Advanced analytical skills for systematically interpreting complex visual diagnostic data, identifying potential health issues, and developing evidence-based treatment strategies.",1.0,1,,True +healthcare diagnostic reasoning,complex health assessment,"Advanced analytical skills for systematically interpreting complex visual diagnostic data, identifying potential health issues, and developing evidence-based treatment strategies.",1.0,1,,False +specialized medical equipment management,specialized medical equipment management,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized vision diagnostic and treatment equipment.",0.99,1,,True +specialized medical equipment management,medical device expertise,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized vision diagnostic and treatment equipment.",0.99,1,,False +specialized medical equipment management,clinical equipment operation,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized vision diagnostic and treatment equipment.",0.99,1,,False +hearing healthcare assessment,hearing healthcare assessment,"Specialized clinical skills for comprehensive hearing evaluation, diagnostic testing, and patient-specific auditory health management.",0.98,1,,True +hearing healthcare assessment,auditory diagnostic expertise,"Specialized clinical skills for comprehensive hearing evaluation, diagnostic testing, and patient-specific auditory health management.",0.98,1,,False +hearing healthcare assessment,hearing function evaluation,"Specialized clinical skills for comprehensive hearing evaluation, diagnostic testing, and patient-specific auditory health management.",0.98,1,,False +patient communication support,patient communication support,"Advanced interpersonal skills for explaining medical conditions, treatment options, and providing comprehensive patient education and emotional guidance.",0.99,1,,True +patient communication support,medical information translation,"Advanced interpersonal skills for explaining medical conditions, treatment options, and providing comprehensive patient education and emotional guidance.",0.99,1,,False +real estate transaction management,real estate transaction management,"Comprehensive skills in coordinating complex property sales processes, managing legal documentation, negotiating contract terms, and ensuring smooth real estate transactions.",0.98,1,,True +real estate transaction management,property sales coordination,"Comprehensive skills in coordinating complex property sales processes, managing legal documentation, negotiating contract terms, and ensuring smooth real estate transactions.",0.98,1,,False +real estate transaction management,real estate deal management,"Comprehensive skills in coordinating complex property sales processes, managing legal documentation, negotiating contract terms, and ensuring smooth real estate transactions.",0.98,1,,False +property valuation and analysis,property valuation and analysis,"Advanced analytical skills for systematically assessing property values, analyzing market trends, conducting comparative market analyses, and determining accurate property pricing strategies.",0.97,1,,True +property valuation and analysis,real estate market assessment,"Advanced analytical skills for systematically assessing property values, analyzing market trends, conducting comparative market analyses, and determining accurate property pricing strategies.",0.97,1,,False +property valuation and analysis,property price evaluation,"Advanced analytical skills for systematically assessing property values, analyzing market trends, conducting comparative market analyses, and determining accurate property pricing strategies.",0.97,1,,False +sales persuasion techniques,sales persuasion techniques,"Advanced interpersonal skills for convincing potential buyers, demonstrating property value, overcoming objections, and effectively converting sales opportunities through strategic communication.",0.96,1,,True +sales persuasion techniques,real estate sales communication,"Advanced interpersonal skills for convincing potential buyers, demonstrating property value, overcoming objections, and effectively converting sales opportunities through strategic communication.",0.96,1,,False +sales persuasion techniques,property sales persuasion,"Advanced interpersonal skills for convincing potential buyers, demonstrating property value, overcoming objections, and effectively converting sales opportunities through strategic communication.",0.96,1,,False +client relationship development,client relationship development,"Comprehensive skills in building, maintaining, and expanding professional client relationships through active listening, personalized interaction, trust-building, and long-term support.",0.97,1,,True +client relationship development,customer relationship management,"Comprehensive skills in building, maintaining, and expanding professional client relationships through active listening, personalized interaction, trust-building, and long-term support.",0.97,1,,False +real estate market intelligence,real estate market intelligence,"Advanced analytical capabilities for monitoring market conditions, identifying investment opportunities, analyzing property trends, and developing strategic real estate insights.",0.96,1,,True +real estate market intelligence,property market analysis,"Advanced analytical capabilities for monitoring market conditions, identifying investment opportunities, analyzing property trends, and developing strategic real estate insights.",0.96,1,,False +real estate market intelligence,real estate trend forecasting,"Advanced analytical capabilities for monitoring market conditions, identifying investment opportunities, analyzing property trends, and developing strategic real estate insights.",0.96,1,,False +safety-focused technical monitoring,safety-focused technical monitoring,"Systematic approach to continuous equipment and operational safety monitoring, involving precise inspection, risk identification, and preventive maintenance protocols",0.96,1,,True +safety-focused technical monitoring,technical performance inspection,"Systematic approach to continuous equipment and operational safety monitoring, involving precise inspection, risk identification, and preventive maintenance protocols",0.96,1,,False +rock drilling and extraction techniques,rock drilling and extraction techniques,"Specialized skills in drilling, breaking rock formations, positioning equipment, and managing complex extraction processes with technical precision",0.97,1,,True +rock drilling and extraction techniques,geological extraction methods,"Specialized skills in drilling, breaking rock formations, positioning equipment, and managing complex extraction processes with technical precision",0.97,1,,False +rock drilling and extraction techniques,precision drilling operations,"Specialized skills in drilling, breaking rock formations, positioning equipment, and managing complex extraction processes with technical precision",0.97,1,,False +complex technical problem solving,complex technical problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,True +complex technical problem solving,operational challenge resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +material handling coordination,material handling coordination,"Advanced abilities in directing material movement, loading, positioning, and managing complex lifting and transportation activities",0.97,1,,True +material handling coordination,cargo positioning,"Advanced abilities in directing material movement, loading, positioning, and managing complex lifting and transportation activities",0.97,1,,False +material handling coordination,load management,"Advanced abilities in directing material movement, loading, positioning, and managing complex lifting and transportation activities",0.97,1,,False +material handling coordination,material transport coordination,"Advanced abilities in directing material movement, loading, positioning, and managing complex lifting and transportation activities",0.97,1,,False +surface material treatment,surface material treatment,"Comprehensive techniques for cleaning, smoothing, preparing, and finishing material surfaces using specialized tools and chemical solutions",0.97,1,,True +emotional support coordination,emotional support coordination,"Advanced interpersonal skills for managing complex emotional interactions, providing comfort, and coordinating support services for grieving families.",0.96,1,,True +emotional support coordination,family grief management,"Advanced interpersonal skills for managing complex emotional interactions, providing comfort, and coordinating support services for grieving families.",0.96,1,,False +emotional support coordination,bereavement support coordination,"Advanced interpersonal skills for managing complex emotional interactions, providing comfort, and coordinating support services for grieving families.",0.96,1,,False +emotional support coordination,emotional crisis intervention,"Advanced interpersonal skills for managing complex emotional interactions, providing comfort, and coordinating support services for grieving families.",0.96,1,,False +precision technical calibration,precision technical calibration,"Advanced skills in systematically measuring, adjusting, and verifying the accuracy and performance of scientific and technical equipment across diverse operational contexts.",0.98,1,,True +precision technical calibration,equipment calibration,"Advanced skills in systematically measuring, adjusting, and verifying the accuracy and performance of scientific and technical equipment across diverse operational contexts.",0.98,1,,False +financial account management,financial account management,"Advanced skills in maintaining financial records, monitoring account status, collecting payments, and managing complex financial interactions with customers.",0.98,1,,True +financial account management,account tracking,"Advanced skills in maintaining financial records, monitoring account status, collecting payments, and managing complex financial interactions with customers.",0.98,1,,False +financial account management,customer financial coordination,"Advanced skills in maintaining financial records, monitoring account status, collecting payments, and managing complex financial interactions with customers.",0.98,1,,False +negotiation and persuasion,negotiation and persuasion,"Advanced interpersonal skills for convincing customers, resolving financial arrangements, managing account interactions, and facilitating mutually beneficial agreements.",0.96,1,,True +negotiation and persuasion,financial negotiation,"Advanced interpersonal skills for convincing customers, resolving financial arrangements, managing account interactions, and facilitating mutually beneficial agreements.",0.96,1,,False +negotiation and persuasion,customer persuasion,"Advanced interpersonal skills for convincing customers, resolving financial arrangements, managing account interactions, and facilitating mutually beneficial agreements.",0.96,1,,False +academic research methodology,academic research methodology,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,1,,True +academic research methodology,scholarly research design,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,1,,False +academic research methodology,research protocol development,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,1,,False +workplace safety management,workplace safety management,"Comprehensive skill in identifying, assessing, and systematically mitigating workplace health and safety risks across diverse professional environments",0.99,1,,True +workplace safety management,occupational safety strategy,"Comprehensive skill in identifying, assessing, and systematically mitigating workplace health and safety risks across diverse professional environments",0.99,1,,False +workplace safety management,workplace hazard control,"Comprehensive skill in identifying, assessing, and systematically mitigating workplace health and safety risks across diverse professional environments",0.99,1,,False +workplace safety management,safety risk management,"Comprehensive skill in identifying, assessing, and systematically mitigating workplace health and safety risks across diverse professional environments",0.99,1,,False +risk assessment and prevention,risk assessment and prevention,"Systematic approach to identifying potential workplace hazards, analyzing risk factors, and developing comprehensive preventive strategies",0.97,1,,True +risk assessment and prevention,hazard identification,"Systematic approach to identifying potential workplace hazards, analyzing risk factors, and developing comprehensive preventive strategies",0.97,1,,False +risk assessment and prevention,preventive safety planning,"Systematic approach to identifying potential workplace hazards, analyzing risk factors, and developing comprehensive preventive strategies",0.97,1,,False +health program development,health program development,"Advanced skills in designing, implementing, and evaluating targeted health and safety educational and intervention programs",0.96,1,,True +health program development,occupational health strategy,"Advanced skills in designing, implementing, and evaluating targeted health and safety educational and intervention programs",0.96,1,,False +health program development,safety training design,"Advanced skills in designing, implementing, and evaluating targeted health and safety educational and intervention programs",0.96,1,,False +technical safety inspection,technical safety inspection,"Precise technical skills in systematically examining work environments, equipment, and operational processes to ensure comprehensive safety standards",0.98,1,,True +technical safety inspection,workplace inspection techniques,"Precise technical skills in systematically examining work environments, equipment, and operational processes to ensure comprehensive safety standards",0.98,1,,False +technical safety inspection,technical safety assessment,"Precise technical skills in systematically examining work environments, equipment, and operational processes to ensure comprehensive safety standards",0.98,1,,False +technical visual assessment,technical visual assessment,"Advanced ability to systematically examine, evaluate, and analyze physical characteristics of materials through precise visual and technical inspection techniques.",0.96,1,,True +technical visual assessment,material characteristic analysis,"Advanced ability to systematically examine, evaluate, and analyze physical characteristics of materials through precise visual and technical inspection techniques.",0.96,1,,False +technical visual assessment,detailed visual examination,"Advanced ability to systematically examine, evaluate, and analyze physical characteristics of materials through precise visual and technical inspection techniques.",0.96,1,,False +technical visual assessment,technical observation skills,"Advanced ability to systematically examine, evaluate, and analyze physical characteristics of materials through precise visual and technical inspection techniques.",0.96,1,,False +precision measurement skills,precision measurement skills,"Advanced technical abilities in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components.",0.98,1,,True +precision measurement skills,precise measurement techniques,"Advanced technical abilities in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components.",0.98,1,,False +precision measurement skills,quantitative material verification,"Advanced technical abilities in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components.",0.98,1,,False +operational task coordination,operational task coordination,"Comprehensive ability to manage multiple tasks, schedules, and workflow processes with systematic efficiency",0.97,1,,True +operational task coordination,task management,"Comprehensive ability to manage multiple tasks, schedules, and workflow processes with systematic efficiency",0.97,1,,False +procedural compliance management,procedural compliance management,"Systematic approach to understanding, implementing, and maintaining organizational rules, policies, and operational standards",0.96,1,,True +procedural compliance management,organizational protocol management,"Systematic approach to understanding, implementing, and maintaining organizational rules, policies, and operational standards",0.96,1,,False +procedural compliance management,systematic compliance,"Systematic approach to understanding, implementing, and maintaining organizational rules, policies, and operational standards",0.96,1,,False +chemical processing monitoring,chemical processing monitoring,"Precise skill in managing liquid flow, cleaning solutions, and chemical processing parameters in industrial and technical environments",0.95,1,,True +chemical processing monitoring,liquid flow regulation,"Precise skill in managing liquid flow, cleaning solutions, and chemical processing parameters in industrial and technical environments",0.95,1,,False +chemical processing monitoring,industrial substance control,"Precise skill in managing liquid flow, cleaning solutions, and chemical processing parameters in industrial and technical environments",0.95,1,,False +surface preparation and leveling,surface preparation and leveling,"Advanced techniques for cleaning, smoothing, and preparing surfaces for precise installation work",0.96,1,,True +surface preparation and leveling,base preparation,"Advanced techniques for cleaning, smoothing, and preparing surfaces for precise installation work",0.96,1,,False +surface preparation and leveling,installation surface management,"Advanced techniques for cleaning, smoothing, and preparing surfaces for precise installation work",0.96,1,,False +adhesive and mortar application,adhesive and mortar application,"Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding",0.96,1,,True +adhesive and mortar application,material bonding techniques,"Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding",0.96,1,,False +adhesive and mortar application,construction adhesive management,"Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding",0.96,1,,False +adhesive and mortar application,mortar preparation,"Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding",0.96,1,,False +spatial measurement and layout,spatial measurement and layout,"Comprehensive ability to measure work site dimensions, mark reference points, create installation diagrams, and ensure accurate spatial positioning of materials",0.97,1,,True +spatial measurement and layout,installation mapping,"Comprehensive ability to measure work site dimensions, mark reference points, create installation diagrams, and ensure accurate spatial positioning of materials",0.97,1,,False +spatial measurement and layout,spatial positioning techniques,"Comprehensive ability to measure work site dimensions, mark reference points, create installation diagrams, and ensure accurate spatial positioning of materials",0.97,1,,False +construction safety coordination,construction safety coordination,"Advanced skills in ensuring workplace safety, coordinating worker activities, signaling equipment operators, and implementing comprehensive safety protocols in construction environments",0.98,1,,True +environmental systems monitoring,environmental systems monitoring,"Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, monitoring ecological conditions, and assessing environmental impacts.",0.96,1,,True +environmental systems monitoring,ecological condition assessment,"Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, monitoring ecological conditions, and assessing environmental impacts.",0.96,1,,False +technical visualization and mapping,technical visualization and mapping,"Advanced skills in creating precise graphical representations, technical models, and visual documentation of geographical, environmental, and scientific data.",0.97,1,,True +technical visualization and mapping,geospatial visualization,"Advanced skills in creating precise graphical representations, technical models, and visual documentation of geographical, environmental, and scientific data.",0.97,1,,False +technical visualization and mapping,scientific cartography,"Advanced skills in creating precise graphical representations, technical models, and visual documentation of geographical, environmental, and scientific data.",0.97,1,,False +remote sensing technology management,remote sensing technology management,"Comprehensive skills in operating, maintaining, and coordinating specialized remote sensing equipment and technological systems for environmental and scientific research.",0.98,1,,True +remote sensing technology management,environmental sensing technology,"Comprehensive skills in operating, maintaining, and coordinating specialized remote sensing equipment and technological systems for environmental and scientific research.",0.98,1,,False +interpersonal performance monitoring,interpersonal performance monitoring,"Advanced skills in evaluating individual and team performance, providing feedback, directing work activities, and maintaining professional standards",0.98,1,,True +interpersonal performance monitoring,workforce evaluation,"Advanced skills in evaluating individual and team performance, providing feedback, directing work activities, and maintaining professional standards",0.98,1,,False +interpersonal performance monitoring,professional supervision,"Advanced skills in evaluating individual and team performance, providing feedback, directing work activities, and maintaining professional standards",0.98,1,,False +educational assessment and mentorship,educational assessment and mentorship,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.99,1,,True +educational assessment and mentorship,academic mentoring,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.99,1,,False +educational assessment and mentorship,developmental educational support,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.99,1,,False +precision food preparation,precision food preparation,"Technical skill of precisely cutting, trimming, and preparing meat and fish products with high accuracy and attention to detail",0.98,1,,True +precision food preparation,meat processing,"Technical skill of precisely cutting, trimming, and preparing meat and fish products with high accuracy and attention to detail",0.98,1,,False +precision food preparation,protein cutting techniques,"Technical skill of precisely cutting, trimming, and preparing meat and fish products with high accuracy and attention to detail",0.98,1,,False +equipment operation management,equipment operation management,"Proficient skill in operating, monitoring, and controlling specialized cutting and processing equipment with precision and technical expertise",0.97,1,,True +equipment operation management,technical machinery control,"Proficient skill in operating, monitoring, and controlling specialized cutting and processing equipment with precision and technical expertise",0.97,1,,False +workplace safety coordination,workplace safety coordination,"Advanced skills in implementing safety protocols, monitoring operational risks, and ensuring comprehensive safety standards in food processing environments",0.98,1,,True +workplace safety coordination,food processing risk mitigation,"Advanced skills in implementing safety protocols, monitoring operational risks, and ensuring comprehensive safety standards in food processing environments",0.98,1,,False +construction site management,construction site management,"Comprehensive skills in coordinating work activities, positioning equipment, monitoring operations, and ensuring systematic efficiency in construction and extraction environments",0.97,1,,True +construction site management,site operations control,"Comprehensive skills in coordinating work activities, positioning equipment, monitoring operations, and ensuring systematic efficiency in construction and extraction environments",0.97,1,,False +construction site management,construction activity management,"Comprehensive skills in coordinating work activities, positioning equipment, monitoring operations, and ensuring systematic efficiency in construction and extraction environments",0.97,1,,False +safety protocol implementation,safety protocol implementation,"Systematic approach to identifying potential hazards, ensuring workplace safety, monitoring operational risks, and implementing comprehensive preventive measures",0.99,1,,True +cargo handling and inspection,cargo handling and inspection,"Precise skills in securing, loading, inspecting, and verifying cargo to ensure proper placement, safety, and compliance with transportation regulations",0.97,1,,True +cargo handling and inspection,freight verification,"Precise skills in securing, loading, inspecting, and verifying cargo to ensure proper placement, safety, and compliance with transportation regulations",0.97,1,,False +cargo handling and inspection,shipment security,"Precise skills in securing, loading, inspecting, and verifying cargo to ensure proper placement, safety, and compliance with transportation regulations",0.97,1,,False +cargo handling and inspection,cargo preparation,"Precise skills in securing, loading, inspecting, and verifying cargo to ensure proper placement, safety, and compliance with transportation regulations",0.97,1,,False +transportation safety compliance,transportation safety compliance,"Systematic approach to ensuring operational safety, following regulatory procedures, conducting vehicle inspections, and maintaining comprehensive transportation standards",0.96,1,,True +transportation safety compliance,regulatory vehicle monitoring,"Systematic approach to ensuring operational safety, following regulatory procedures, conducting vehicle inspections, and maintaining comprehensive transportation standards",0.96,1,,False +transportation safety compliance,transportation safety protocols,"Systematic approach to ensuring operational safety, following regulatory procedures, conducting vehicle inspections, and maintaining comprehensive transportation standards",0.96,1,,False +transportation safety compliance,operational compliance,"Systematic approach to ensuring operational safety, following regulatory procedures, conducting vehicle inspections, and maintaining comprehensive transportation standards",0.96,1,,False +route planning and navigation,route planning and navigation,"Advanced skills in reading maps, determining optimal transportation routes, managing logistics, and adapting to changing travel conditions",0.95,1,,True +route planning and navigation,transportation route management,"Advanced skills in reading maps, determining optimal transportation routes, managing logistics, and adapting to changing travel conditions",0.95,1,,False +route planning and navigation,logistics navigation,"Advanced skills in reading maps, determining optimal transportation routes, managing logistics, and adapting to changing travel conditions",0.95,1,,False +route planning and navigation,travel coordination,"Advanced skills in reading maps, determining optimal transportation routes, managing logistics, and adapting to changing travel conditions",0.95,1,,False +professional vehicle documentation,professional vehicle documentation,"Comprehensive skills in maintaining accurate records, processing transportation logs, documenting vehicle conditions, and ensuring precise administrative documentation",0.96,1,,True +professional vehicle documentation,transportation record keeping,"Comprehensive skills in maintaining accurate records, processing transportation logs, documenting vehicle conditions, and ensuring precise administrative documentation",0.96,1,,False +professional vehicle documentation,vehicle operational reporting,"Comprehensive skills in maintaining accurate records, processing transportation logs, documenting vehicle conditions, and ensuring precise administrative documentation",0.96,1,,False +financial resource management,financial resource management,"Advanced skills in managing financial resources, budgeting, analyzing expenditures, allocating funds, and making strategic financial decisions across organizational contexts",0.99,1,,True +financial resource management,fiscal strategy,"Advanced skills in managing financial resources, budgeting, analyzing expenditures, allocating funds, and making strategic financial decisions across organizational contexts",0.99,1,,False +comprehensive operational coordination,comprehensive operational coordination,"Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, synchronize team efforts, and ensure systematic efficiency across diverse professional environments",0.99,1,,True +advanced regulatory compliance,advanced regulatory compliance,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations, standards, and policy requirements",0.99,1,,True +advanced regulatory compliance,policy adherence,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations, standards, and policy requirements",0.99,1,,False +diagnostic reasoning,diagnostic reasoning,"Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making",1.0,1,,True +diagnostic reasoning,clinical problem solving,"Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making",1.0,1,,False +diagnostic reasoning,medical diagnostic analysis,"Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making",1.0,1,,False +diagnostic reasoning,patient condition evaluation,"Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making",1.0,1,,False +operational information routing,operational information routing,"Advanced skills in directing information, providing precise guidance, coordinating service-related communications, and ensuring accurate and timely information exchange",0.96,1,,True +operational information routing,service communication coordination,"Advanced skills in directing information, providing precise guidance, coordinating service-related communications, and ensuring accurate and timely information exchange",0.96,1,,False +patient personal care support,patient personal care support,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for individuals with limited mobility or special needs",0.99,1,,True +patient personal care support,personal care assistance,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for individuals with limited mobility or special needs",0.99,1,,False +patient personal care support,patient daily living support,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for individuals with limited mobility or special needs",0.99,1,,False +patient personal care support,healthcare personal support,"Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for individuals with limited mobility or special needs",0.99,1,,False +interpersonal care coordination,interpersonal care coordination,"Advanced skills in managing patient interactions, coordinating care activities, documenting patient information, and facilitating comprehensive healthcare support and service delivery",0.98,1,,True +interpersonal care coordination,healthcare service coordination,"Advanced skills in managing patient interactions, coordinating care activities, documenting patient information, and facilitating comprehensive healthcare support and service delivery",0.98,1,,False +adaptive care assistance,adaptive care assistance,"Flexible interpersonal skills for providing personalized assistance, understanding individual needs, supporting daily activities, and ensuring comprehensive patient comfort and safety",0.97,1,,True +adaptive care assistance,personalized patient support,"Flexible interpersonal skills for providing personalized assistance, understanding individual needs, supporting daily activities, and ensuring comprehensive patient comfort and safety",0.97,1,,False +adaptive care assistance,individual care adaptation,"Flexible interpersonal skills for providing personalized assistance, understanding individual needs, supporting daily activities, and ensuring comprehensive patient comfort and safety",0.97,1,,False +adaptive care assistance,responsive healthcare assistance,"Flexible interpersonal skills for providing personalized assistance, understanding individual needs, supporting daily activities, and ensuring comprehensive patient comfort and safety",0.97,1,,False +medical safety and monitoring,medical safety and monitoring,"Comprehensive skills in ensuring patient safety, monitoring health conditions, implementing protective protocols, and maintaining precise medical care standards",0.99,1,,True +medical safety and monitoring,medical protective support,"Comprehensive skills in ensuring patient safety, monitoring health conditions, implementing protective protocols, and maintaining precise medical care standards",0.99,1,,False +public safety enforcement,public safety enforcement,"Advanced skills in maintaining public order, ensuring safety, preventing rule violations, and managing security protocols in legal and protective service environments",0.99,1,,True +public safety enforcement,safety regulation,"Advanced skills in maintaining public order, ensuring safety, preventing rule violations, and managing security protocols in legal and protective service environments",0.99,1,,False +public safety enforcement,public protection,"Advanced skills in maintaining public order, ensuring safety, preventing rule violations, and managing security protocols in legal and protective service environments",0.99,1,,False +public safety enforcement,security management,"Advanced skills in maintaining public order, ensuring safety, preventing rule violations, and managing security protocols in legal and protective service environments",0.99,1,,False +legal procedural coordination,legal procedural coordination,"Comprehensive skills in managing legal workflows, coordinating court-related activities, escorting individuals, and ensuring systematic compliance with judicial procedures",0.98,1,,True +legal procedural coordination,judicial process management,"Comprehensive skills in managing legal workflows, coordinating court-related activities, escorting individuals, and ensuring systematic compliance with judicial procedures",0.98,1,,False +situational risk assessment,situational risk assessment,"Advanced analytical skills for systematically identifying potential threats, evaluating environmental risks, and implementing preventive safety measures in dynamic service environments",0.97,1,,True +situational risk assessment,threat detection,"Advanced analytical skills for systematically identifying potential threats, evaluating environmental risks, and implementing preventive safety measures in dynamic service environments",0.97,1,,False +patron monitoring and control,patron monitoring and control,"Advanced skills in observing, managing, and directing individual and group behaviors to maintain order, ensure safety, and prevent potential conflicts in service environments",0.96,1,,True +patron monitoring and control,behavioral management,"Advanced skills in observing, managing, and directing individual and group behaviors to maintain order, ensure safety, and prevent potential conflicts in service environments",0.96,1,,False +patron monitoring and control,group safety coordination,"Advanced skills in observing, managing, and directing individual and group behaviors to maintain order, ensure safety, and prevent potential conflicts in service environments",0.96,1,,False +investigative documentation management,investigative documentation management,"Comprehensive skills in collecting, recording, verifying, and maintaining precise legal and procedural documentation through systematic evidence gathering and administrative processes",0.98,1,,True +supervisory coordination,supervisory coordination,"Advanced skills in directing work activities, coordinating personnel resources, managing operational workflows, and ensuring systematic team efficiency",0.97,1,,True +supervisory coordination,team performance direction,"Advanced skills in directing work activities, coordinating personnel resources, managing operational workflows, and ensuring systematic team efficiency",0.97,1,,False +surface preparation and installation,surface preparation and installation,"Advanced technical skills in cleaning, measuring, cutting, positioning, and preparing surfaces and materials for precise installation and finishing tasks across diverse work environments",0.98,1,,True +surface preparation and installation,installation readiness,"Advanced technical skills in cleaning, measuring, cutting, positioning, and preparing surfaces and materials for precise installation and finishing tasks across diverse work environments",0.98,1,,False +decorative material application,decorative material application,"Technical skills in applying decorative or textured finishes, coverings, and treatments to surfaces with precision and aesthetic consideration",0.96,1,,True +decorative material application,decorative coating,"Technical skills in applying decorative or textured finishes, coverings, and treatments to surfaces with precision and aesthetic consideration",0.96,1,,False +decorative material application,textural application,"Technical skills in applying decorative or textured finishes, coverings, and treatments to surfaces with precision and aesthetic consideration",0.96,1,,False +fence construction skills,fence construction skills,"Advanced technical abilities in positioning, measuring, cutting, and installing fencing materials with precision and systematic approach",0.98,1,,True +fence construction skills,structural barrier installation,"Advanced technical abilities in positioning, measuring, cutting, and installing fencing materials with precision and systematic approach",0.98,1,,False +fence construction skills,fencing technical expertise,"Advanced technical abilities in positioning, measuring, cutting, and installing fencing materials with precision and systematic approach",0.98,1,,False +construction site preparation,construction site preparation,"Comprehensive skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for installation tasks",0.97,1,,True +construction site preparation,site layout management,"Comprehensive skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for installation tasks",0.97,1,,False +construction site preparation,work area dimensional preparation,"Comprehensive skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for installation tasks",0.97,1,,False +radiation safety monitoring,radiation safety monitoring,"Advanced skills in measuring, detecting, and managing radiation levels, ensuring comprehensive safety protocols and environmental protection in nuclear monitoring contexts",0.99,1,,True +radiation safety monitoring,radiation protection,"Advanced skills in measuring, detecting, and managing radiation levels, ensuring comprehensive safety protocols and environmental protection in nuclear monitoring contexts",0.99,1,,False +radiation safety monitoring,nuclear safety management,"Advanced skills in measuring, detecting, and managing radiation levels, ensuring comprehensive safety protocols and environmental protection in nuclear monitoring contexts",0.99,1,,False +radiation safety monitoring,radiation risk assessment,"Advanced skills in measuring, detecting, and managing radiation levels, ensuring comprehensive safety protocols and environmental protection in nuclear monitoring contexts",0.99,1,,False +technical radiation measurement,technical radiation measurement,"Precise skills in operating specialized radiation detection equipment, collecting environmental samples, and conducting systematic scientific measurements of radiation exposure",0.98,1,,True +technical radiation measurement,radiation detection,"Precise skills in operating specialized radiation detection equipment, collecting environmental samples, and conducting systematic scientific measurements of radiation exposure",0.98,1,,False +technical radiation measurement,environmental radiation analysis,"Precise skills in operating specialized radiation detection equipment, collecting environmental samples, and conducting systematic scientific measurements of radiation exposure",0.98,1,,False +technical radiation measurement,nuclear monitoring techniques,"Precise skills in operating specialized radiation detection equipment, collecting environmental samples, and conducting systematic scientific measurements of radiation exposure",0.98,1,,False +environmental data collection,environmental data collection,"Comprehensive skills in systematically gathering, processing, analyzing, and documenting environmental samples and scientific data with precision and technical expertise",0.99,1,,True +environmental data collection,environmental sample analysis,"Comprehensive skills in systematically gathering, processing, analyzing, and documenting environmental samples and scientific data with precision and technical expertise",0.99,1,,False +environmental data collection,technical data documentation,"Comprehensive skills in systematically gathering, processing, analyzing, and documenting environmental samples and scientific data with precision and technical expertise",0.99,1,,False +pest control operations,pest control operations,"Comprehensive skills in managing pest elimination, inspection, treatment, and prevention strategies across diverse environmental contexts",0.98,1,,True +pest control operations,pest management,"Comprehensive skills in managing pest elimination, inspection, treatment, and prevention strategies across diverse environmental contexts",0.98,1,,False +pest control operations,pest elimination techniques,"Comprehensive skills in managing pest elimination, inspection, treatment, and prevention strategies across diverse environmental contexts",0.98,1,,False +pest control operations,insect and pest control,"Comprehensive skills in managing pest elimination, inspection, treatment, and prevention strategies across diverse environmental contexts",0.98,1,,False +environmental safety monitoring,environmental safety monitoring,"Advanced ability to identify potential hazards, inspect facilities, assess contamination risks, and implement preventive pest control measures",0.97,1,,True +environmental safety monitoring,facility safety inspection,"Advanced ability to identify potential hazards, inspect facilities, assess contamination risks, and implement preventive pest control measures",0.97,1,,False +welding equipment operation,welding equipment operation,"Advanced technical skills in operating, monitoring, and controlling specialized welding, soldering, and brazing machinery with precision and safety focus",0.98,1,,True +welding equipment operation,metal joining equipment management,"Advanced technical skills in operating, monitoring, and controlling specialized welding, soldering, and brazing machinery with precision and safety focus",0.98,1,,False +welding equipment operation,precision welding control,"Advanced technical skills in operating, monitoring, and controlling specialized welding, soldering, and brazing machinery with precision and safety focus",0.98,1,,False +research methodology and scholarship,research methodology and scholarship,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,1,,True +research methodology and scholarship,scientific research design,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,1,,False +research methodology and scholarship,interdisciplinary research techniques,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,1,,False +research methodology and scholarship,systematic scholarly investigation,"Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches",1.0,1,,False +professional development and continuous learning,professional development and continuous learning,"Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, collaborative learning, and systematic skill enhancement",0.97,1,,True +professional development and continuous learning,skill expansion,"Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, collaborative learning, and systematic skill enhancement",0.97,1,,False +facility cleaning and maintenance,facility cleaning and maintenance,"Comprehensive skills in cleaning, organizing, sanitizing, and maintaining workplace environments, ensuring hygienic conditions, equipment functionality, and occupant safety",0.98,1,,True +facility cleaning and maintenance,environmental maintenance,"Comprehensive skills in cleaning, organizing, sanitizing, and maintaining workplace environments, ensuring hygienic conditions, equipment functionality, and occupant safety",0.98,1,,False +material and equipment handling,material and equipment handling,"Proficient skills in loading, moving, positioning, sorting, and transferring materials, supplies, and equipment across diverse work environments",0.97,1,,True +material and equipment handling,resource movement,"Proficient skills in loading, moving, positioning, sorting, and transferring materials, supplies, and equipment across diverse work environments",0.97,1,,False +material and equipment handling,inventory logistics,"Proficient skills in loading, moving, positioning, sorting, and transferring materials, supplies, and equipment across diverse work environments",0.97,1,,False +material and equipment handling,material transport,"Proficient skills in loading, moving, positioning, sorting, and transferring materials, supplies, and equipment across diverse work environments",0.97,1,,False +operational resource coordination,operational resource coordination,"Advanced skills in managing personnel, materials, and operational resources, coordinating work activities, and ensuring systematic workflow efficiency",0.98,1,,True +patron and customer support,patron and customer support,"Advanced interpersonal skills for engaging customers, providing assistance, resolving inquiries, ensuring comfort, and creating positive service experiences",0.98,1,,True +patron and customer support,customer care,"Advanced interpersonal skills for engaging customers, providing assistance, resolving inquiries, ensuring comfort, and creating positive service experiences",0.98,1,,False +healthcare administration,healthcare administration,"Comprehensive skills in managing medical facility operations, coordinating administrative tasks, ensuring regulatory compliance, and maintaining efficient healthcare organizational workflows",0.99,1,,True +healthcare administration,medical office management,"Comprehensive skills in managing medical facility operations, coordinating administrative tasks, ensuring regulatory compliance, and maintaining efficient healthcare organizational workflows",0.99,1,,False +healthcare administration,healthcare operational coordination,"Comprehensive skills in managing medical facility operations, coordinating administrative tasks, ensuring regulatory compliance, and maintaining efficient healthcare organizational workflows",0.99,1,,False +interprofessional healthcare coordination,interprofessional healthcare coordination,"Advanced skills in facilitating communication, collaboration, and integrated care across diverse healthcare professional teams to ensure comprehensive patient support",0.99,1,,True +interprofessional healthcare coordination,multidisciplinary medical collaboration,"Advanced skills in facilitating communication, collaboration, and integrated care across diverse healthcare professional teams to ensure comprehensive patient support",0.99,1,,False +organizational performance management,organizational performance management,"Comprehensive skills in monitoring, evaluating, and systematically improving individual and organizational performance through strategic assessment, quality control, and continuous improvement initiatives",0.99,1,,True +organizational performance management,systematic organizational development,"Comprehensive skills in monitoring, evaluating, and systematically improving individual and organizational performance through strategic assessment, quality control, and continuous improvement initiatives",0.99,1,,False +complex healthcare decision making,complex healthcare decision making,"Advanced analytical skills for systematically evaluating complex medical scenarios, weighing potential actions, and making informed decisions that balance patient care, operational efficiency, and strategic healthcare objectives",1.0,1,,True +complex healthcare decision making,medical strategic reasoning,"Advanced analytical skills for systematically evaluating complex medical scenarios, weighing potential actions, and making informed decisions that balance patient care, operational efficiency, and strategic healthcare objectives",1.0,1,,False +complex healthcare decision making,healthcare comprehensive analysis,"Advanced analytical skills for systematically evaluating complex medical scenarios, weighing potential actions, and making informed decisions that balance patient care, operational efficiency, and strategic healthcare objectives",1.0,1,,False +costume resource management,costume resource management,"Comprehensive skills in managing costume inventory, distributing resources, maintaining supplies, and coordinating wardrobe-related operational activities",0.98,1,,True +costume resource management,wardrobe coordination,"Comprehensive skills in managing costume inventory, distributing resources, maintaining supplies, and coordinating wardrobe-related operational activities",0.98,1,,False +costume resource management,costume inventory control,"Comprehensive skills in managing costume inventory, distributing resources, maintaining supplies, and coordinating wardrobe-related operational activities",0.98,1,,False +performance support coordination,performance support coordination,"Advanced skills in assigning duties, preparing operational reports, collaborating with production teams, and supporting artistic performance requirements",0.97,1,,True +performance support coordination,production support,"Advanced skills in assigning duties, preparing operational reports, collaborating with production teams, and supporting artistic performance requirements",0.97,1,,False +performance support coordination,performance resource management,"Advanced skills in assigning duties, preparing operational reports, collaborating with production teams, and supporting artistic performance requirements",0.97,1,,False +creative design implementation,creative design implementation,"Advanced abilities in designing costume and cosmetic effects, reviewing artistic materials, and executing creative visual concepts for characters",0.96,1,,True +creative design implementation,character visual design,"Advanced abilities in designing costume and cosmetic effects, reviewing artistic materials, and executing creative visual concepts for characters",0.96,1,,False +creative design implementation,artistic costume creation,"Advanced abilities in designing costume and cosmetic effects, reviewing artistic materials, and executing creative visual concepts for characters",0.96,1,,False +advanced problem solving,advanced problem solving,"Systematic analytical skills for identifying, evaluating, and resolving complex challenges through logical reasoning, critical thinking, and strategic problem-solving techniques",1.0,1,,True +advanced problem solving,strategic analytical reasoning,"Systematic analytical skills for identifying, evaluating, and resolving complex challenges through logical reasoning, critical thinking, and strategic problem-solving techniques",1.0,1,,False +wildlife conservation management,wildlife conservation management,"Comprehensive skills in protecting, monitoring, and managing wildlife resources, ecosystems, and natural habitats through systematic operational techniques and environmental conservation approaches",0.98,1,,True +wildlife conservation management,wildlife protection,"Comprehensive skills in protecting, monitoring, and managing wildlife resources, ecosystems, and natural habitats through systematic operational techniques and environmental conservation approaches",0.98,1,,False +wildlife conservation management,environmental resource management,"Comprehensive skills in protecting, monitoring, and managing wildlife resources, ecosystems, and natural habitats through systematic operational techniques and environmental conservation approaches",0.98,1,,False +wildlife conservation management,ecological conservation,"Comprehensive skills in protecting, monitoring, and managing wildlife resources, ecosystems, and natural habitats through systematic operational techniques and environmental conservation approaches",0.98,1,,False +outdoor resource management,outdoor resource management,"Comprehensive skills in managing, protecting, and coordinating natural resources, wildlife, and environmental systems through systematic operational and conservation techniques",0.96,1,,True +outdoor resource management,natural resource coordination,"Comprehensive skills in managing, protecting, and coordinating natural resources, wildlife, and environmental systems through systematic operational and conservation techniques",0.96,1,,False +outdoor resource management,ecological resource protection,"Comprehensive skills in managing, protecting, and coordinating natural resources, wildlife, and environmental systems through systematic operational and conservation techniques",0.96,1,,False +advanced operational monitoring,advanced operational monitoring,"Comprehensive ability to inspect, assess, track, and optimize complex technical systems, equipment performance, and operational workflows with systematic precision",0.97,1,,True +advanced operational monitoring,operational systems inspection,"Comprehensive ability to inspect, assess, track, and optimize complex technical systems, equipment performance, and operational workflows with systematic precision",0.97,1,,False +advanced operational monitoring,equipment functionality monitoring,"Comprehensive ability to inspect, assess, track, and optimize complex technical systems, equipment performance, and operational workflows with systematic precision",0.97,1,,False +dental device fabrication,dental device fabrication,"Advanced technical skills in measuring, designing, customizing, and fabricating precise dental laboratory devices and assistive medical equipment with high accuracy and patient-specific customization",0.98,1,,True +dental device fabrication,precision prosthetic fabrication,"Advanced technical skills in measuring, designing, customizing, and fabricating precise dental laboratory devices and assistive medical equipment with high accuracy and patient-specific customization",0.98,1,,False +dental device fabrication,dental technical craftsmanship,"Advanced technical skills in measuring, designing, customizing, and fabricating precise dental laboratory devices and assistive medical equipment with high accuracy and patient-specific customization",0.98,1,,False +medical device quality inspection,medical device quality inspection,"Systematic approach to conducting detailed product inspections, measuring dimensional specifications, evaluating product characteristics, and ensuring conformance to precise medical device manufacturing standards",0.98,1,,True +medical device quality inspection,medical equipment inspection,"Systematic approach to conducting detailed product inspections, measuring dimensional specifications, evaluating product characteristics, and ensuring conformance to precise medical device manufacturing standards",0.98,1,,False +medical device quality inspection,precision manufacturing control,"Systematic approach to conducting detailed product inspections, measuring dimensional specifications, evaluating product characteristics, and ensuring conformance to precise medical device manufacturing standards",0.98,1,,False +healthcare technical communication,healthcare technical communication,"Advanced interpersonal communication skills specific to medical and dental technical contexts, involving precise information exchange, patient education, professional dialogue, and comprehensive technical device explanation",0.99,1,,True +healthcare technical communication,medical technical consultation,"Advanced interpersonal communication skills specific to medical and dental technical contexts, involving precise information exchange, patient education, professional dialogue, and comprehensive technical device explanation",0.99,1,,False +healthcare technical communication,patient device instruction,"Advanced interpersonal communication skills specific to medical and dental technical contexts, involving precise information exchange, patient education, professional dialogue, and comprehensive technical device explanation",0.99,1,,False +healthcare technical communication,professional healthcare dialogue,"Advanced interpersonal communication skills specific to medical and dental technical contexts, involving precise information exchange, patient education, professional dialogue, and comprehensive technical device explanation",0.99,1,,False +operational material preparation,operational material preparation,"Comprehensive skills in loading, measuring, positioning, cutting, and preparing materials for complex manufacturing and medical device production processes with high accuracy and systematic approach",0.96,1,,True +operational material preparation,precision manufacturing preparation,"Comprehensive skills in loading, measuring, positioning, cutting, and preparing materials for complex manufacturing and medical device production processes with high accuracy and systematic approach",0.96,1,,False +data science analytics,data science analytics,"Advanced analytical skills for collecting, processing, interpreting, and deriving insights from complex datasets using mathematical, statistical, and computational methods",1.0,1,,True +machine learning application,machine learning application,"Comprehensive expertise in developing, implementing, and optimizing machine learning algorithms and predictive models across diverse scientific and technical domains",0.99,1,,True +machine learning application,predictive modeling,"Comprehensive expertise in developing, implementing, and optimizing machine learning algorithms and predictive models across diverse scientific and technical domains",0.99,1,,False +machine learning application,ai implementation,"Comprehensive expertise in developing, implementing, and optimizing machine learning algorithms and predictive models across diverse scientific and technical domains",0.99,1,,False +machine learning application,advanced algorithm development,"Comprehensive expertise in developing, implementing, and optimizing machine learning algorithms and predictive models across diverse scientific and technical domains",0.99,1,,False +technical programming,technical programming,"Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms, programming languages, and application domains",0.99,1,,True +technical programming,programming expertise,"Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms, programming languages, and application domains",0.99,1,,False +hvac system installation,hvac system installation,"Comprehensive skills in installing, configuring, and setting up heating, ventilation, and air conditioning systems with precision and technical expertise",1.0,1,,True +hvac system installation,hvac equipment setup,"Comprehensive skills in installing, configuring, and setting up heating, ventilation, and air conditioning systems with precision and technical expertise",1.0,1,,False +hvac system installation,climate control system installation,"Comprehensive skills in installing, configuring, and setting up heating, ventilation, and air conditioning systems with precision and technical expertise",1.0,1,,False +athletic performance officiating,athletic performance officiating,"Comprehensive skills in coordinating, evaluating, and managing athletic events, ensuring fair play, enforcing rules, and maintaining professional standards in sports environments",0.98,1,,True +athletic performance officiating,sports event management,"Comprehensive skills in coordinating, evaluating, and managing athletic events, ensuring fair play, enforcing rules, and maintaining professional standards in sports environments",0.98,1,,False +athletic performance officiating,athletic regulation,"Comprehensive skills in coordinating, evaluating, and managing athletic events, ensuring fair play, enforcing rules, and maintaining professional standards in sports environments",0.98,1,,False +athletic performance officiating,competition oversight,"Comprehensive skills in coordinating, evaluating, and managing athletic events, ensuring fair play, enforcing rules, and maintaining professional standards in sports environments",0.98,1,,False +professional rule enforcement,professional rule enforcement,"Advanced skills in systematically interpreting, applying, and monitoring complex regulatory standards, ensuring fair and consistent implementation of rules across professional contexts",0.97,1,,True +professional rule enforcement,professional judgment,"Advanced skills in systematically interpreting, applying, and monitoring complex regulatory standards, ensuring fair and consistent implementation of rules across professional contexts",0.97,1,,False +service communication management,service communication management,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise passenger interactions",0.96,1,,True +service communication management,operational information exchange,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise passenger interactions",0.96,1,,False +precision equipment repair,precision equipment repair,"Comprehensive ability to diagnose, disassemble, repair, and reassemble complex mechanical and electronic equipment with high technical accuracy and systematic approach.",1.0,1,,True +precision equipment repair,technical restoration,"Comprehensive ability to diagnose, disassemble, repair, and reassemble complex mechanical and electronic equipment with high technical accuracy and systematic approach.",1.0,1,,False +precision equipment repair,mechanical system repair,"Comprehensive ability to diagnose, disassemble, repair, and reassemble complex mechanical and electronic equipment with high technical accuracy and systematic approach.",1.0,1,,False +material handling precision,material handling precision,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes with high accuracy and attention to detail",0.96,1,,True +material handling precision,technical material management,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes with high accuracy and attention to detail",0.96,1,,False +material handling precision,operational material coordination,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes with high accuracy and attention to detail",0.96,1,,False +procurement operations management,procurement operations management,"Comprehensive skills in managing purchasing processes, vendor interactions, order processing, and supply chain coordination",0.98,1,,True +procurement operations management,purchasing management,"Comprehensive skills in managing purchasing processes, vendor interactions, order processing, and supply chain coordination",0.98,1,,False +clinical patient assessment,clinical patient assessment,"Comprehensive systematic evaluation of patient health, medical history, physical condition, and diagnostic reasoning through structured clinical examination and analysis",0.99,1,,True +clinical patient assessment,comprehensive patient examination,"Comprehensive systematic evaluation of patient health, medical history, physical condition, and diagnostic reasoning through structured clinical examination and analysis",0.99,1,,False +field research documentation,field research documentation,"Comprehensive skills in conducting systematic field investigations, collecting environmental data, documenting observations, and maintaining precise research records",0.96,1,,True +field research documentation,scientific field documentation,"Comprehensive skills in conducting systematic field investigations, collecting environmental data, documenting observations, and maintaining precise research records",0.96,1,,False +field research documentation,research data collection,"Comprehensive skills in conducting systematic field investigations, collecting environmental data, documenting observations, and maintaining precise research records",0.96,1,,False +remote sensing technology,remote sensing technology,"Comprehensive skills in operating, maintaining, and coordinating specialized remote sensing equipment for environmental and scientific research",0.98,1,,True +remote sensing technology,geospatial technology management,"Comprehensive skills in operating, maintaining, and coordinating specialized remote sensing equipment for environmental and scientific research",0.98,1,,False +remote sensing technology,environmental sensing,"Comprehensive skills in operating, maintaining, and coordinating specialized remote sensing equipment for environmental and scientific research",0.98,1,,False +strategic marketing planning,strategic marketing planning,"Comprehensive skills in developing, analyzing, and implementing comprehensive marketing strategies that drive organizational growth and market positioning.",0.98,1,,True +strategic marketing planning,strategic market planning,"Comprehensive skills in developing, analyzing, and implementing comprehensive marketing strategies that drive organizational growth and market positioning.",0.98,1,,False +strategic marketing planning,organizational marketing design,"Comprehensive skills in developing, analyzing, and implementing comprehensive marketing strategies that drive organizational growth and market positioning.",0.98,1,,False +stakeholder communication management,stakeholder communication management,"Advanced interpersonal skills for engaging, negotiating, and maintaining professional relationships with diverse organizational stakeholders.",0.96,1,,True +stakeholder communication management,professional stakeholder engagement,"Advanced interpersonal skills for engaging, negotiating, and maintaining professional relationships with diverse organizational stakeholders.",0.96,1,,False +stakeholder communication management,organizational relationship management,"Advanced interpersonal skills for engaging, negotiating, and maintaining professional relationships with diverse organizational stakeholders.",0.96,1,,False +stakeholder communication management,strategic communication coordination,"Advanced interpersonal skills for engaging, negotiating, and maintaining professional relationships with diverse organizational stakeholders.",0.96,1,,False +atmospheric data analysis,atmospheric data analysis,"Advanced technical skills in collecting, processing, interpreting, and analyzing complex atmospheric and meteorological data using scientific methods and specialized technologies",0.97,1,,True +atmospheric data analysis,climate data processing,"Advanced technical skills in collecting, processing, interpreting, and analyzing complex atmospheric and meteorological data using scientific methods and specialized technologies",0.97,1,,False +atmospheric data analysis,meteorological research,"Advanced technical skills in collecting, processing, interpreting, and analyzing complex atmospheric and meteorological data using scientific methods and specialized technologies",0.97,1,,False +atmospheric data analysis,atmospheric measurement,"Advanced technical skills in collecting, processing, interpreting, and analyzing complex atmospheric and meteorological data using scientific methods and specialized technologies",0.97,1,,False +vehicle cleaning and maintenance,vehicle cleaning and maintenance,"Comprehensive technical skills for cleaning, preparing, inspecting, and maintaining vehicles and industrial equipment with precision and systematic approach",0.98,1,,True +vehicle cleaning and maintenance,equipment care,"Comprehensive technical skills for cleaning, preparing, inspecting, and maintaining vehicles and industrial equipment with precision and systematic approach",0.98,1,,False +vehicle cleaning and maintenance,vehicle preparation,"Comprehensive technical skills for cleaning, preparing, inspecting, and maintaining vehicles and industrial equipment with precision and systematic approach",0.98,1,,False +vehicle cleaning and maintenance,technical cleaning,"Comprehensive technical skills for cleaning, preparing, inspecting, and maintaining vehicles and industrial equipment with precision and systematic approach",0.98,1,,False +construction inspection expertise,construction inspection expertise,"Comprehensive technical skills for systematically evaluating construction projects, ensuring compliance with standards, identifying safety hazards, and verifying structural integrity through detailed professional assessment",0.98,1,,True +construction inspection expertise,building code verification,"Comprehensive technical skills for systematically evaluating construction projects, ensuring compliance with standards, identifying safety hazards, and verifying structural integrity through detailed professional assessment",0.98,1,,False +construction inspection expertise,construction standards compliance,"Comprehensive technical skills for systematically evaluating construction projects, ensuring compliance with standards, identifying safety hazards, and verifying structural integrity through detailed professional assessment",0.98,1,,False +construction inspection expertise,structural safety assessment,"Comprehensive technical skills for systematically evaluating construction projects, ensuring compliance with standards, identifying safety hazards, and verifying structural integrity through detailed professional assessment",0.98,1,,False +technical site evaluation,technical site evaluation,"Advanced ability to measure, analyze, and document work site dimensions, inspect facilities, assess environmental conditions, and prepare comprehensive technical work plans",0.97,1,,True +technical site evaluation,environmental site assessment,"Advanced ability to measure, analyze, and document work site dimensions, inspect facilities, assess environmental conditions, and prepare comprehensive technical work plans",0.97,1,,False +culinary operations management,culinary operations management,"Comprehensive skills in managing food preparation, kitchen workflows, equipment operation, staff coordination, and ensuring quality food service delivery across culinary environments",0.98,1,,True +culinary operations management,kitchen operations coordination,"Comprehensive skills in managing food preparation, kitchen workflows, equipment operation, staff coordination, and ensuring quality food service delivery across culinary environments",0.98,1,,False +culinary operations management,culinary workflow management,"Comprehensive skills in managing food preparation, kitchen workflows, equipment operation, staff coordination, and ensuring quality food service delivery across culinary environments",0.98,1,,False +kitchen resource management,kitchen resource management,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, kitchen equipment, ingredients, and operational resources efficiently",0.96,1,,True +kitchen resource management,inventory control,"Comprehensive skills in tracking, storing, organizing, and managing food supplies, kitchen equipment, ingredients, and operational resources efficiently",0.96,1,,False +food quality control,food quality control,"Systematic approach to checking food quality, inspecting ingredients, monitoring preparation processes, ensuring food safety standards, and maintaining comprehensive culinary quality management",0.97,1,,True +food quality control,culinary safety inspection,"Systematic approach to checking food quality, inspecting ingredients, monitoring preparation processes, ensuring food safety standards, and maintaining comprehensive culinary quality management",0.97,1,,False +food quality control,food standards verification,"Systematic approach to checking food quality, inspecting ingredients, monitoring preparation processes, ensuring food safety standards, and maintaining comprehensive culinary quality management",0.97,1,,False +food quality control,ingredient quality assessment,"Systematic approach to checking food quality, inspecting ingredients, monitoring preparation processes, ensuring food safety standards, and maintaining comprehensive culinary quality management",0.97,1,,False +interpersonal kitchen coordination,interpersonal kitchen coordination,"Advanced skills in communicating, coordinating, and managing kitchen staff activities, workflow synchronization, team performance, and professional interaction in food service environments",0.96,1,,True +interpersonal kitchen coordination,kitchen team management,"Advanced skills in communicating, coordinating, and managing kitchen staff activities, workflow synchronization, team performance, and professional interaction in food service environments",0.96,1,,False +interpersonal kitchen coordination,culinary staff coordination,"Advanced skills in communicating, coordinating, and managing kitchen staff activities, workflow synchronization, team performance, and professional interaction in food service environments",0.96,1,,False +interpersonal kitchen coordination,food service communication,"Advanced skills in communicating, coordinating, and managing kitchen staff activities, workflow synchronization, team performance, and professional interaction in food service environments",0.96,1,,False +creative production management,creative production management,"Advanced skills in coordinating, directing, and managing artistic and media production activities, including talent development, content creation, and comprehensive project execution",0.98,1,,True +creative production management,media project leadership,"Advanced skills in coordinating, directing, and managing artistic and media production activities, including talent development, content creation, and comprehensive project execution",0.98,1,,False +strategic content development,strategic content development,"Comprehensive abilities in researching, conceptualizing, and creating original artistic and professional content across diverse media platforms",0.97,1,,True +strategic content development,creative concept generation,"Comprehensive abilities in researching, conceptualizing, and creating original artistic and professional content across diverse media platforms",0.97,1,,False +strategic content development,narrative strategy,"Comprehensive abilities in researching, conceptualizing, and creating original artistic and professional content across diverse media platforms",0.97,1,,False +performance conceptualization,performance conceptualization,"Advanced ability to develop, visualize, and create original artistic concepts for performances, exhibitions, and creative productions",0.97,1,,True +performance conceptualization,artistic concept design,"Advanced ability to develop, visualize, and create original artistic concepts for performances, exhibitions, and creative productions",0.97,1,,False +performance conceptualization,creative vision development,"Advanced ability to develop, visualize, and create original artistic concepts for performances, exhibitions, and creative productions",0.97,1,,False +operational coordination and supervision,operational coordination and supervision,"Advanced ability to direct work activities, coordinate personnel resources, manage complex workflow processes, and ensure systematic operational efficiency across diverse professional environments",0.98,1,,True +operational coordination and supervision,operational team coordination,"Advanced ability to direct work activities, coordinate personnel resources, manage complex workflow processes, and ensure systematic operational efficiency across diverse professional environments",0.98,1,,False +precision resource documentation,precision resource documentation,"Advanced skills in recording, tracking, evaluating, and documenting operational data, inventory information, and resource characteristics with systematic accuracy",0.96,1,,True +material handling and loading,material handling and loading,"Proficient skills in loading, positioning, securing, and transferring materials, cargo, and equipment with precision and safety",0.98,1,,True +material handling and loading,material movement,"Proficient skills in loading, positioning, securing, and transferring materials, cargo, and equipment with precision and safety",0.98,1,,False +material handling and loading,equipment loading,"Proficient skills in loading, positioning, securing, and transferring materials, cargo, and equipment with precision and safety",0.98,1,,False +vehicle and equipment coordination,vehicle and equipment coordination,"Advanced skills in managing vehicle movement, positioning equipment, coordinating transportation activities, and ensuring systematic operational efficiency",0.97,1,,True +vehicle and equipment coordination,operational movement management,"Advanced skills in managing vehicle movement, positioning equipment, coordinating transportation activities, and ensuring systematic operational efficiency",0.97,1,,False +medical imaging technical skills,medical imaging technical skills,"Advanced proficiency in operating specialized medical imaging equipment, creating digital patient images, processing diagnostic visual data, and ensuring precise technical functionality",0.98,1,,True +medical imaging technical skills,diagnostic imaging expertise,"Advanced proficiency in operating specialized medical imaging equipment, creating digital patient images, processing diagnostic visual data, and ensuring precise technical functionality",0.98,1,,False +medical imaging technical skills,medical visualization technology,"Advanced proficiency in operating specialized medical imaging equipment, creating digital patient images, processing diagnostic visual data, and ensuring precise technical functionality",0.98,1,,False +healthcare safety protocol management,healthcare safety protocol management,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards",0.98,1,,True +healthcare safety protocol management,medical safety compliance,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards",0.98,1,,False +healthcare safety protocol management,patient protection procedures,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards",0.98,1,,False +diagnostic procedure support,diagnostic procedure support,"Comprehensive skills in assisting healthcare practitioners during medical examinations, positioning patients, preparing equipment, and providing technical and interpersonal support during diagnostic procedures",0.97,1,,True +diagnostic procedure support,medical diagnostic assistance,"Comprehensive skills in assisting healthcare practitioners during medical examinations, positioning patients, preparing equipment, and providing technical and interpersonal support during diagnostic procedures",0.97,1,,False +diagnostic procedure support,clinical procedure coordination,"Comprehensive skills in assisting healthcare practitioners during medical examinations, positioning patients, preparing equipment, and providing technical and interpersonal support during diagnostic procedures",0.97,1,,False +client treatment planning,client treatment planning,"Advanced skills in developing, implementing, and adapting personalized treatment strategies through comprehensive assessment, systematic intervention, and holistic client support",0.98,1,,True +client treatment planning,individualized care strategy,"Advanced skills in developing, implementing, and adapting personalized treatment strategies through comprehensive assessment, systematic intervention, and holistic client support",0.98,1,,False +client treatment planning,comprehensive treatment development,"Advanced skills in developing, implementing, and adapting personalized treatment strategies through comprehensive assessment, systematic intervention, and holistic client support",0.98,1,,False +mechatronic systems design,mechatronic systems design,"Advanced capability to design integrated mechanical, electrical, and computer systems with high technical precision and interdisciplinary engineering expertise",0.98,1,,True +mechatronic systems design,multi-domain system design,"Advanced capability to design integrated mechanical, electrical, and computer systems with high technical precision and interdisciplinary engineering expertise",0.98,1,,False +mechatronic systems design,complex engineering integration,"Advanced capability to design integrated mechanical, electrical, and computer systems with high technical precision and interdisciplinary engineering expertise",0.98,1,,False +technical equipment integration,technical equipment integration,"Comprehensive skill in combining, synchronizing, and optimizing different technological components and systems across mechanical, electrical, and computational domains",0.97,1,,True +technical equipment integration,system component coordination,"Comprehensive skill in combining, synchronizing, and optimizing different technological components and systems across mechanical, electrical, and computational domains",0.97,1,,False +technical equipment integration,technological system synchronization,"Comprehensive skill in combining, synchronizing, and optimizing different technological components and systems across mechanical, electrical, and computational domains",0.97,1,,False +technical equipment integration,multi-system interface management,"Comprehensive skill in combining, synchronizing, and optimizing different technological components and systems across mechanical, electrical, and computational domains",0.97,1,,False +interdisciplinary technical problem solving,interdisciplinary technical problem solving,"Advanced analytical approach to resolving complex technical challenges by integrating knowledge from mechanical, electrical, computer engineering, and other technical disciplines",0.98,1,,True +interdisciplinary technical problem solving,cross-domain problem resolution,"Advanced analytical approach to resolving complex technical challenges by integrating knowledge from mechanical, electrical, computer engineering, and other technical disciplines",0.98,1,,False +interdisciplinary technical problem solving,multi-disciplinary technical analysis,"Advanced analytical approach to resolving complex technical challenges by integrating knowledge from mechanical, electrical, computer engineering, and other technical disciplines",0.98,1,,False +interdisciplinary technical problem solving,comprehensive engineering problem solving,"Advanced analytical approach to resolving complex technical challenges by integrating knowledge from mechanical, electrical, computer engineering, and other technical disciplines",0.98,1,,False +advanced manufacturing technologies,advanced manufacturing technologies,"Expertise in implementing cutting-edge manufacturing techniques, innovative production processes, and emerging technological solutions in engineering contexts",0.97,1,,True +advanced manufacturing technologies,innovative production technologies,"Expertise in implementing cutting-edge manufacturing techniques, innovative production processes, and emerging technological solutions in engineering contexts",0.97,1,,False +advanced manufacturing technologies,next-generation manufacturing,"Expertise in implementing cutting-edge manufacturing techniques, innovative production processes, and emerging technological solutions in engineering contexts",0.97,1,,False +advanced manufacturing technologies,technical process innovation,"Expertise in implementing cutting-edge manufacturing techniques, innovative production processes, and emerging technological solutions in engineering contexts",0.97,1,,False +precision engineering measurement,precision engineering measurement,"Advanced technical skills in precise measurement, calibration, verification, and dimensional analysis across complex engineering and technical systems",0.98,1,,True +precision engineering measurement,engineering metrology,"Advanced technical skills in precise measurement, calibration, verification, and dimensional analysis across complex engineering and technical systems",0.98,1,,False +precision equipment assembly,precision equipment assembly,"Advanced technical skills in carefully aligning, positioning, and assembling intricate electrical and electronic equipment components with high accuracy and attention to detail",0.98,1,,True +precision equipment assembly,technical component integration,"Advanced technical skills in carefully aligning, positioning, and assembling intricate electrical and electronic equipment components with high accuracy and attention to detail",0.98,1,,False +precision equipment assembly,precision manufacturing assembly,"Advanced technical skills in carefully aligning, positioning, and assembling intricate electrical and electronic equipment components with high accuracy and attention to detail",0.98,1,,False +product knowledge communication,product knowledge communication,"Advanced interpersonal skills for explaining product details, advising customers, demonstrating product features, and providing comprehensive product-related guidance",0.97,1,,True +product knowledge communication,customer product advisory,"Advanced interpersonal skills for explaining product details, advising customers, demonstrating product features, and providing comprehensive product-related guidance",0.97,1,,False +product knowledge communication,sales product information,"Advanced interpersonal skills for explaining product details, advising customers, demonstrating product features, and providing comprehensive product-related guidance",0.97,1,,False +persuasive communication,persuasive communication,"Advanced interpersonal skills for convincing customers, explaining product value, addressing concerns, and effectively influencing purchasing decisions",0.96,1,,True +persuasive communication,customer influence,"Advanced interpersonal skills for convincing customers, explaining product value, addressing concerns, and effectively influencing purchasing decisions",0.96,1,,False +persuasive communication,consultative selling,"Advanced interpersonal skills for convincing customers, explaining product value, addressing concerns, and effectively influencing purchasing decisions",0.96,1,,False +equipment operation control,equipment operation control,"Comprehensive ability to operate, monitor, control, and manage specialized industrial machinery and equipment with precision and systematic approach",0.98,1,,True +digital forensic investigation,digital forensic investigation,"Advanced capabilities in systematically collecting, analyzing, and documenting digital evidence for legal and investigative purposes, involving comprehensive evidence collection, scientific reasoning, and precise technical documentation",0.99,1,,True +digital forensic investigation,cyber evidence analysis,"Advanced capabilities in systematically collecting, analyzing, and documenting digital evidence for legal and investigative purposes, involving comprehensive evidence collection, scientific reasoning, and precise technical documentation",0.99,1,,False +digital forensic investigation,digital crime scene investigation,"Advanced capabilities in systematically collecting, analyzing, and documenting digital evidence for legal and investigative purposes, involving comprehensive evidence collection, scientific reasoning, and precise technical documentation",0.99,1,,False +digital forensic investigation,electronic evidence preservation,"Advanced capabilities in systematically collecting, analyzing, and documenting digital evidence for legal and investigative purposes, involving comprehensive evidence collection, scientific reasoning, and precise technical documentation",0.99,1,,False +cybersecurity evidence analysis,cybersecurity evidence analysis,"Comprehensive skills in identifying, collecting, preserving, and analyzing digital evidence from computer systems, networks, and electronic devices to support criminal investigations and legal proceedings",0.98,1,,True +cybersecurity evidence analysis,digital forensic evidence processing,"Comprehensive skills in identifying, collecting, preserving, and analyzing digital evidence from computer systems, networks, and electronic devices to support criminal investigations and legal proceedings",0.98,1,,False +cybersecurity evidence analysis,electronic data examination,"Comprehensive skills in identifying, collecting, preserving, and analyzing digital evidence from computer systems, networks, and electronic devices to support criminal investigations and legal proceedings",0.98,1,,False +cybersecurity evidence analysis,cyber investigative techniques,"Comprehensive skills in identifying, collecting, preserving, and analyzing digital evidence from computer systems, networks, and electronic devices to support criminal investigations and legal proceedings",0.98,1,,False +technical investigative documentation,technical investigative documentation,"Advanced skills in preparing detailed analytical reports, documenting technical findings, systematically recording evidence, and maintaining comprehensive investigative documentation with legal and technical precision",0.97,1,,True +technical investigative documentation,forensic report writing,"Advanced skills in preparing detailed analytical reports, documenting technical findings, systematically recording evidence, and maintaining comprehensive investigative documentation with legal and technical precision",0.97,1,,False +technical investigative documentation,digital evidence documentation,"Advanced skills in preparing detailed analytical reports, documenting technical findings, systematically recording evidence, and maintaining comprehensive investigative documentation with legal and technical precision",0.97,1,,False +technical investigative documentation,investigative technical communication,"Advanced skills in preparing detailed analytical reports, documenting technical findings, systematically recording evidence, and maintaining comprehensive investigative documentation with legal and technical precision",0.97,1,,False +information systems security analysis,information systems security analysis,"Advanced capabilities in systematically evaluating computer and information systems, identifying vulnerabilities, assessing security risks, and developing comprehensive protective strategies",0.98,1,,True +information systems security analysis,cybersecurity risk assessment,"Advanced capabilities in systematically evaluating computer and information systems, identifying vulnerabilities, assessing security risks, and developing comprehensive protective strategies",0.98,1,,False +information systems security analysis,digital systems vulnerability analysis,"Advanced capabilities in systematically evaluating computer and information systems, identifying vulnerabilities, assessing security risks, and developing comprehensive protective strategies",0.98,1,,False +information systems security analysis,information protection strategies,"Advanced capabilities in systematically evaluating computer and information systems, identifying vulnerabilities, assessing security risks, and developing comprehensive protective strategies",0.98,1,,False +legal compliance technical monitoring,legal compliance technical monitoring,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal and regulatory standards in digital and technical investigative environments",0.97,1,,True +legal compliance technical monitoring,digital forensic regulatory compliance,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal and regulatory standards in digital and technical investigative environments",0.97,1,,False +legal compliance technical monitoring,technical evidence legal standards,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal and regulatory standards in digital and technical investigative environments",0.97,1,,False +legal compliance technical monitoring,investigative procedural adherence,"Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal and regulatory standards in digital and technical investigative environments",0.97,1,,False +vehicle operation control,vehicle operation control,"Advanced ability to operate, manage, and control complex transportation vehicles with precision, safety, and technical expertise",0.98,1,,True +vehicle operation control,transportation vehicle management,"Advanced ability to operate, manage, and control complex transportation vehicles with precision, safety, and technical expertise",0.98,1,,False +vehicle operation control,operational vehicle control,"Advanced ability to operate, manage, and control complex transportation vehicles with precision, safety, and technical expertise",0.98,1,,False +radio frequency technology management,radio frequency technology management,"Advanced expertise in managing, designing, and implementing radio frequency identification technologies and electronic identification systems",0.95,1,,True +radio frequency technology management,rfid systems control,"Advanced expertise in managing, designing, and implementing radio frequency identification technologies and electronic identification systems",0.95,1,,False +radio frequency technology management,electronic identification technologies,"Advanced expertise in managing, designing, and implementing radio frequency identification technologies and electronic identification systems",0.95,1,,False +technical equipment design,technical equipment design,"Comprehensive skills in conceptualizing, designing, and developing complex electronic equipment and instrumentation",0.94,1,,True +technical equipment design,electronic system development,"Comprehensive skills in conceptualizing, designing, and developing complex electronic equipment and instrumentation",0.94,1,,False +technical equipment design,technical prototype creation,"Comprehensive skills in conceptualizing, designing, and developing complex electronic equipment and instrumentation",0.94,1,,False +complex systems analysis,complex systems analysis,"Advanced analytical skills for systematically evaluating technical system performance, design requirements, and operational capabilities",0.95,1,,True +equipment installation and maintenance,equipment installation and maintenance,"Comprehensive skills in installing, configuring, testing, and maintaining complex electronic and technical equipment systems",0.94,1,,True +equipment installation and maintenance,electronic systems maintenance,"Comprehensive skills in installing, configuring, testing, and maintaining complex electronic and technical equipment systems",0.94,1,,False +mechanical equipment inspection,mechanical equipment inspection,"Comprehensive ability to systematically examine, test, and evaluate mechanical components and systems for functionality, damage, wear, and operational performance",0.98,1,,True +installation and maintenance skills,installation and maintenance skills,"Comprehensive ability to install, inspect, repair, and maintain equipment, structures, and systems across diverse technical environments",0.98,1,,True +installation and maintenance skills,system repair,"Comprehensive ability to install, inspect, repair, and maintain equipment, structures, and systems across diverse technical environments",0.98,1,,False +environmental safety and compliance,environmental safety and compliance,"Advanced skills in ensuring workplace safety, monitoring environmental conditions, and maintaining regulatory compliance across technical work environments",0.97,1,,True +multilingual communication,multilingual communication,"Advanced ability to convey information effectively across different languages, involving precise interpretation, translation, and cross-cultural communication skills",0.99,1,,True +multilingual communication,language interpretation,"Advanced ability to convey information effectively across different languages, involving precise interpretation, translation, and cross-cultural communication skills",0.99,1,,False +multilingual communication,cross-language communication,"Advanced ability to convey information effectively across different languages, involving precise interpretation, translation, and cross-cultural communication skills",0.99,1,,False +multilingual communication,professional translation,"Advanced ability to convey information effectively across different languages, involving precise interpretation, translation, and cross-cultural communication skills",0.99,1,,False +comprehensive information processing,comprehensive information processing,"Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional contexts",0.99,1,,True +comprehensive information processing,complex communication,"Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional contexts",0.99,1,,False +comprehensive information processing,detailed information management,"Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional contexts",0.99,1,,False +professional active listening,professional active listening,"Advanced interpersonal skill involving full attention, empathetic understanding, strategic questioning, and precise comprehension of verbal communication",0.98,1,,True +professional active listening,strategic listening,"Advanced interpersonal skill involving full attention, empathetic understanding, strategic questioning, and precise comprehension of verbal communication",0.98,1,,False +professional active listening,comprehensive comprehension,"Advanced interpersonal skill involving full attention, empathetic understanding, strategic questioning, and precise comprehension of verbal communication",0.98,1,,False +professional communication in law enforcement,professional communication in law enforcement,"Advanced interpersonal communication skills specific to law enforcement contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive documentation of professional interactions",0.99,1,,True +professional communication in law enforcement,law enforcement communication,"Advanced interpersonal communication skills specific to law enforcement contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive documentation of professional interactions",0.99,1,,False +professional communication in law enforcement,professional procedural dialogue,"Advanced interpersonal communication skills specific to law enforcement contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive documentation of professional interactions",0.99,1,,False +patient counseling,patient counseling,"Advanced interpersonal skills for providing professional psychological support, therapeutic interventions, personalized treatment strategies, and comprehensive mental health guidance",0.98,1,,True +patient counseling,mental health counseling,"Advanced interpersonal skills for providing professional psychological support, therapeutic interventions, personalized treatment strategies, and comprehensive mental health guidance",0.98,1,,False +therapeutic intervention strategy,therapeutic intervention strategy,"Comprehensive skills in developing, implementing, and adapting personalized treatment approaches for mental health and psychological conditions through systematic, patient-centered methodologies",0.97,1,,True +therapeutic intervention strategy,clinical intervention design,"Comprehensive skills in developing, implementing, and adapting personalized treatment approaches for mental health and psychological conditions through systematic, patient-centered methodologies",0.97,1,,False +therapeutic intervention strategy,personalized therapeutic approach,"Comprehensive skills in developing, implementing, and adapting personalized treatment approaches for mental health and psychological conditions through systematic, patient-centered methodologies",0.97,1,,False +professional healthcare communication,professional healthcare communication,"Advanced interpersonal communication skills specific to medical contexts, involving precise information exchange, empathetic listening, patient education, emotional support, and comprehensive professional dialogue with expanded focus on critical care and high-intensity medical environments",1.0,2,,True +professional healthcare communication,healthcare dialogue management,"Advanced interpersonal communication skills specific to medical contexts, involving precise information exchange, empathetic listening, patient education, emotional support, and comprehensive professional dialogue with expanded focus on critical care and high-intensity medical environments",1.0,2,,False +audio-visual technical operations,audio-visual technical operations,"Advanced skills in operating, monitoring, and managing audio and video recording, broadcasting, and production equipment with precision and technical expertise",0.98,1,,True +audio-visual technical operations,broadcast equipment management,"Advanced skills in operating, monitoring, and managing audio and video recording, broadcasting, and production equipment with precision and technical expertise",0.98,1,,False +audio-visual technical operations,sound and video system operation,"Advanced skills in operating, monitoring, and managing audio and video recording, broadcasting, and production equipment with precision and technical expertise",0.98,1,,False +technical laboratory equipment management,technical laboratory equipment management,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized scientific and medical laboratory equipment with precision and systematic safety protocols",0.99,1,,True +technical laboratory equipment management,laboratory equipment maintenance,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized scientific and medical laboratory equipment with precision and systematic safety protocols",0.99,1,,False +quality control and safety monitoring,quality control and safety monitoring,"Systematic approach to conducting detailed inspections, measuring characteristics, evaluating product and process quality, ensuring conformance to precise scientific, medical, and technical specifications, and maintaining comprehensive safety standards",1.0,1,,True +quality control and safety monitoring,precision performance monitoring,"Systematic approach to conducting detailed inspections, measuring characteristics, evaluating product and process quality, ensuring conformance to precise scientific, medical, and technical specifications, and maintaining comprehensive safety standards",1.0,1,,False +rail vehicle operation,rail vehicle operation,"Advanced skills in operating, controlling, and managing locomotives, dinkey trains, and rail yard vehicles with precision and safety focus",0.98,1,,True +rail vehicle operation,train control,"Advanced skills in operating, controlling, and managing locomotives, dinkey trains, and rail yard vehicles with precision and safety focus",0.98,1,,False +rail vehicle operation,locomotive management,"Advanced skills in operating, controlling, and managing locomotives, dinkey trains, and rail yard vehicles with precision and safety focus",0.98,1,,False +rail vehicle operation,rail equipment navigation,"Advanced skills in operating, controlling, and managing locomotives, dinkey trains, and rail yard vehicles with precision and safety focus",0.98,1,,False +signal and communication coordination,signal and communication coordination,"Advanced skills in using communication systems, signaling techniques, and coordinating vehicle movements to ensure systematic operational efficiency",0.96,1,,True +signal and communication coordination,vehicle movement communication,"Advanced skills in using communication systems, signaling techniques, and coordinating vehicle movements to ensure systematic operational efficiency",0.96,1,,False +signal and communication coordination,operational signaling,"Advanced skills in using communication systems, signaling techniques, and coordinating vehicle movements to ensure systematic operational efficiency",0.96,1,,False +operational workflow management,operational workflow management,"Advanced ability to read work orders, review schedules, plan operational sequences, and coordinate complex transportation workflows",0.96,1,,True +operational workflow management,operational sequence planning,"Advanced ability to read work orders, review schedules, plan operational sequences, and coordinate complex transportation workflows",0.96,1,,False +safety and risk management,safety and risk management,"Comprehensive ability to identify potential hazards, implement preventive measures, ensure workplace safety, and maintain operational compliance across diverse work environments",0.98,1,,True +manual technical manipulation,manual technical manipulation,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and manipulate materials and components",0.97,1,,True +manual technical manipulation,technical hand crafting,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and manipulate materials and components",0.97,1,,False +manual technical manipulation,precise material handling,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and manipulate materials and components",0.97,1,,False +photonics technical expertise,photonics technical expertise,"Advanced technical skills in operating, maintaining, and analyzing photonic systems, equipment, and optical technologies with precision and systematic approach",0.98,1,,True +photonics technical expertise,optical systems management,"Advanced technical skills in operating, maintaining, and analyzing photonic systems, equipment, and optical technologies with precision and systematic approach",0.98,1,,False +photonics technical expertise,photonic equipment operation,"Advanced technical skills in operating, maintaining, and analyzing photonic systems, equipment, and optical technologies with precision and systematic approach",0.98,1,,False +precision measurement and calibration,precision measurement and calibration,"Advanced technical skills in measuring, calibrating, and verifying dimensional specifications, performance parameters, and technical characteristics of scientific and optical equipment",0.97,1,,True +precision measurement and calibration,technical equipment verification,"Advanced technical skills in measuring, calibrating, and verifying dimensional specifications, performance parameters, and technical characteristics of scientific and optical equipment",0.97,1,,False +precision measurement and calibration,precision instrumentation,"Advanced technical skills in measuring, calibrating, and verifying dimensional specifications, performance parameters, and technical characteristics of scientific and optical equipment",0.97,1,,False +equipment diagnostic analysis,equipment diagnostic analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,True +interpersonal patient communication,interpersonal patient communication,"Advanced interpersonal communication skills for patient engagement, precise medical information exchange, emotional support, and comprehensive patient-centered communication",0.99,1,,True +behavioral intervention management,behavioral intervention management,"Advanced skills in assessing, understanding, and managing complex patient behaviors, psychological dynamics, and implementing targeted behavioral support strategies",0.98,1,,True +behavioral intervention management,psychological behavior guidance,"Advanced skills in assessing, understanding, and managing complex patient behaviors, psychological dynamics, and implementing targeted behavioral support strategies",0.98,1,,False +behavioral intervention management,patient behavioral support,"Advanced skills in assessing, understanding, and managing complex patient behaviors, psychological dynamics, and implementing targeted behavioral support strategies",0.98,1,,False +healthcare safety monitoring,healthcare safety monitoring,"Systematic approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards",0.98,1,,True +vendor relationship management,vendor relationship management,"Advanced interpersonal skills for negotiating, evaluating, and maintaining professional relationships with suppliers and external partners.",0.97,1,,True +vendor relationship management,supplier interaction,"Advanced interpersonal skills for negotiating, evaluating, and maintaining professional relationships with suppliers and external partners.",0.97,1,,False +vendor relationship management,strategic partnership development,"Advanced interpersonal skills for negotiating, evaluating, and maintaining professional relationships with suppliers and external partners.",0.97,1,,False +vendor relationship management,external stakeholder coordination,"Advanced interpersonal skills for negotiating, evaluating, and maintaining professional relationships with suppliers and external partners.",0.97,1,,False +financial decision making,financial decision making,"Advanced analytical skills for evaluating financial implications, assessing costs, and making strategic procurement decisions.",0.98,1,,True +financial decision making,cost analysis,"Advanced analytical skills for evaluating financial implications, assessing costs, and making strategic procurement decisions.",0.98,1,,False +financial decision making,strategic financial reasoning,"Advanced analytical skills for evaluating financial implications, assessing costs, and making strategic procurement decisions.",0.98,1,,False +financial decision making,procurement economics,"Advanced analytical skills for evaluating financial implications, assessing costs, and making strategic procurement decisions.",0.98,1,,False +workforce performance management,workforce performance management,"Advanced skills in evaluating, directing, motivating, and developing employee performance across complex operational environments",0.99,1,,True +workforce performance management,employee performance optimization,"Advanced skills in evaluating, directing, motivating, and developing employee performance across complex operational environments",0.99,1,,False +workforce performance management,staff development supervision,"Advanced skills in evaluating, directing, motivating, and developing employee performance across complex operational environments",0.99,1,,False +production safety oversight,production safety oversight,"Comprehensive ability to identify, assess, and mitigate workplace safety risks in manufacturing and production settings",0.98,1,,True +information processing accuracy,information processing accuracy,"Precise skill in accurately entering, verifying, and transcribing complex administrative and technical information with minimal errors",0.98,1,,True +information processing accuracy,accurate record keeping,"Precise skill in accurately entering, verifying, and transcribing complex administrative and technical information with minimal errors",0.98,1,,False +procedural compliance monitoring,procedural compliance monitoring,"Systematic approach to verifying data accuracy, identifying recording errors, and maintaining comprehensive operational records",0.96,1,,True +procedural compliance monitoring,quality control verification,"Systematic approach to verifying data accuracy, identifying recording errors, and maintaining comprehensive operational records",0.96,1,,False +procedural compliance monitoring,operational error detection,"Systematic approach to verifying data accuracy, identifying recording errors, and maintaining comprehensive operational records",0.96,1,,False +procedural compliance monitoring,record integrity management,"Systematic approach to verifying data accuracy, identifying recording errors, and maintaining comprehensive operational records",0.96,1,,False +developmental support counseling,developmental support counseling,"Providing guidance, emotional support, and targeted interventions for individual psychological growth and well-being",0.98,1,,True +developmental support counseling,psychological guidance,"Providing guidance, emotional support, and targeted interventions for individual psychological growth and well-being",0.98,1,,False +developmental support counseling,emotional support intervention,"Providing guidance, emotional support, and targeted interventions for individual psychological growth and well-being",0.98,1,,False +developmental support counseling,individual development counseling,"Providing guidance, emotional support, and targeted interventions for individual psychological growth and well-being",0.98,1,,False +educational intervention strategy,educational intervention strategy,"Designing, implementing, and adapting specialized educational and psychological support strategies for diverse individual needs",0.97,1,,True +educational intervention strategy,adaptive educational intervention,"Designing, implementing, and adapting specialized educational and psychological support strategies for diverse individual needs",0.97,1,,False +educational intervention strategy,targeted learning strategy,"Designing, implementing, and adapting specialized educational and psychological support strategies for diverse individual needs",0.97,1,,False +interpersonal behavioral analysis,interpersonal behavioral analysis,"Advanced perceptive skills for understanding human behavior, emotional responses, and complex social dynamics",0.96,1,,True +interpersonal behavioral analysis,social dynamics understanding,"Advanced perceptive skills for understanding human behavior, emotional responses, and complex social dynamics",0.96,1,,False +interpersonal behavioral analysis,behavioral perception,"Advanced perceptive skills for understanding human behavior, emotional responses, and complex social dynamics",0.96,1,,False +interpersonal behavioral analysis,interpersonal insight,"Advanced perceptive skills for understanding human behavior, emotional responses, and complex social dynamics",0.96,1,,False +comprehensive client guidance,comprehensive client guidance,"Holistic approach to supporting individual development through systematic assessment, personalized counseling, and resource coordination",0.98,1,,True +comprehensive client guidance,holistic client support,"Holistic approach to supporting individual development through systematic assessment, personalized counseling, and resource coordination",0.98,1,,False +comprehensive client guidance,integrated personal development,"Holistic approach to supporting individual development through systematic assessment, personalized counseling, and resource coordination",0.98,1,,False +comprehensive client guidance,comprehensive guidance strategy,"Holistic approach to supporting individual development through systematic assessment, personalized counseling, and resource coordination",0.98,1,,False +dimensional measurement verification,dimensional measurement verification,"Precise skills in measuring, inspecting, and verifying dimensional specifications and product characteristics to ensure quality standards",0.96,1,,True +dimensional measurement verification,quality dimensional inspection,"Precise skills in measuring, inspecting, and verifying dimensional specifications and product characteristics to ensure quality standards",0.96,1,,False +dimensional measurement verification,technical measurement verification,"Precise skills in measuring, inspecting, and verifying dimensional specifications and product characteristics to ensure quality standards",0.96,1,,False +beverage preparation skills,beverage preparation skills,"Precise technical skills in mixing, measuring, and creating drinks with accuracy and creativity, involving ingredient knowledge, proportioning, and presentation techniques.",0.98,1,,True +beverage preparation skills,drink mixing,"Precise technical skills in mixing, measuring, and creating drinks with accuracy and creativity, involving ingredient knowledge, proportioning, and presentation techniques.",0.98,1,,False +beverage preparation skills,cocktail crafting,"Precise technical skills in mixing, measuring, and creating drinks with accuracy and creativity, involving ingredient knowledge, proportioning, and presentation techniques.",0.98,1,,False +beverage preparation skills,beverage service techniques,"Precise technical skills in mixing, measuring, and creating drinks with accuracy and creativity, involving ingredient knowledge, proportioning, and presentation techniques.",0.98,1,,False +neuropsychological assessment,neuropsychological assessment,"Advanced clinical skills for systematically evaluating cognitive functioning, mental health conditions, and neurological patient capabilities through comprehensive psychological and medical diagnostic reasoning",0.99,1,,True +neuropsychological assessment,cognitive diagnostic reasoning,"Advanced clinical skills for systematically evaluating cognitive functioning, mental health conditions, and neurological patient capabilities through comprehensive psychological and medical diagnostic reasoning",0.99,1,,False +neuropsychological assessment,neurological patient evaluation,"Advanced clinical skills for systematically evaluating cognitive functioning, mental health conditions, and neurological patient capabilities through comprehensive psychological and medical diagnostic reasoning",0.99,1,,False +professional psychological communication,professional psychological communication,"Advanced interpersonal communication skills for patient engagement, precise psychological information exchange, emotional support, and comprehensive patient-centered communication in clinical neuropsychology contexts",0.99,1,,True +professional psychological communication,psychological patient interaction,"Advanced interpersonal communication skills for patient engagement, precise psychological information exchange, emotional support, and comprehensive patient-centered communication in clinical neuropsychology contexts",0.99,1,,False +psychological research methodology,psychological research methodology,"Advanced scientific skills for designing, conducting, and analyzing systematic psychological research involving comprehensive investigation, precise data collection, measurement techniques, and evidence-based problem solving",0.98,1,,True +psychological research methodology,clinical research design,"Advanced scientific skills for designing, conducting, and analyzing systematic psychological research involving comprehensive investigation, precise data collection, measurement techniques, and evidence-based problem solving",0.98,1,,False +psychological research methodology,psychological investigation,"Advanced scientific skills for designing, conducting, and analyzing systematic psychological research involving comprehensive investigation, precise data collection, measurement techniques, and evidence-based problem solving",0.98,1,,False +diagnostic test administration,diagnostic test administration,"Comprehensive skills in administering standardized psychological and neurological tests, collecting patient information, interpreting results, and developing systematic diagnostic assessments",0.97,1,,True +diagnostic test administration,psychological testing,"Comprehensive skills in administering standardized psychological and neurological tests, collecting patient information, interpreting results, and developing systematic diagnostic assessments",0.97,1,,False +clinical treatment planning,clinical treatment planning,"Advanced skills in developing, implementing, and adapting personalized psychological treatment strategies through comprehensive patient assessment, systematic intervention, and holistic mental health support",0.98,1,,True +clinical treatment planning,psychological intervention strategy,"Advanced skills in developing, implementing, and adapting personalized psychological treatment strategies through comprehensive patient assessment, systematic intervention, and holistic mental health support",0.98,1,,False +clinical treatment planning,patient treatment development,"Advanced skills in developing, implementing, and adapting personalized psychological treatment strategies through comprehensive patient assessment, systematic intervention, and holistic mental health support",0.98,1,,False +communication information management,communication information management,"Systematic skills in directing, processing, and routing communication and information across professional environments",0.98,1,,True +operational customer support,operational customer support,"Comprehensive interpersonal skills for providing service-oriented support, active listening, and customer interaction",0.99,1,,True +professional interpersonal coordination,professional interpersonal coordination,"Advanced skills in managing social interactions, communication dynamics, and professional relationship coordination",0.98,1,,True +professional interpersonal coordination,social interaction management,"Advanced skills in managing social interactions, communication dynamics, and professional relationship coordination",0.98,1,,False +critical information analysis,critical information analysis,"Advanced analytical skills for systematically processing, comprehending, and evaluating complex information",0.99,1,,True +critical information analysis,systematic information processing,"Advanced analytical skills for systematically processing, comprehending, and evaluating complex information",0.99,1,,False +critical information analysis,critical reasoning,"Advanced analytical skills for systematically processing, comprehending, and evaluating complex information",0.99,1,,False +critical information analysis,analytical information management,"Advanced analytical skills for systematically processing, comprehending, and evaluating complex information",0.99,1,,False +equipment diagnostic reasoning,equipment diagnostic reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,True +equipment diagnostic reasoning,diagnostic problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques",0.97,1,,False +systems engineering integration,systems engineering integration,"Comprehensive ability to design, analyze, install, configure, and optimize complex integrated mechanical, electrical, and technical systems across diverse technological domains",0.98,1,,True +systems engineering integration,integrated systems design,"Comprehensive ability to design, analyze, install, configure, and optimize complex integrated mechanical, electrical, and technical systems across diverse technological domains",0.98,1,,False +systems engineering integration,multidisciplinary system integration,"Comprehensive ability to design, analyze, install, configure, and optimize complex integrated mechanical, electrical, and technical systems across diverse technological domains",0.98,1,,False +patient-centered care communication,patient-centered care communication,"Advanced interpersonal communication skills specific to medical contexts, involving precise information exchange, empathetic listening, patient education, emotional support, and comprehensive professional dialogue",0.99,1,,True +patient-centered care communication,medical communication strategy,"Advanced interpersonal communication skills specific to medical contexts, involving precise information exchange, empathetic listening, patient education, emotional support, and comprehensive professional dialogue",0.99,1,,False +patient-centered care communication,therapeutic patient engagement,"Advanced interpersonal communication skills specific to medical contexts, involving precise information exchange, empathetic listening, patient education, emotional support, and comprehensive professional dialogue",0.99,1,,False +rehabilitation treatment planning,rehabilitation treatment planning,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered approach, focusing on functional recovery and long-term health management",0.98,1,,True +rehabilitation treatment planning,patient recovery strategy,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered approach, focusing on functional recovery and long-term health management",0.98,1,,False +rehabilitation treatment planning,comprehensive rehabilitation planning,"Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered approach, focusing on functional recovery and long-term health management",0.98,1,,False +musculoskeletal intervention techniques,musculoskeletal intervention techniques,"Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness",0.98,1,,True +musculoskeletal intervention techniques,physical rehabilitation techniques,"Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness",0.98,1,,False +musculoskeletal intervention techniques,musculoskeletal treatment skills,"Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness",0.98,1,,False +professional medical documentation,professional medical documentation,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,True +alternative medical practice,alternative medical practice,"Advanced clinical skills in applying non-traditional medical procedures, holistic treatment approaches, and comprehensive patient care strategies beyond conventional medical interventions",0.97,1,,True +alternative medical practice,naturopathic treatment,"Advanced clinical skills in applying non-traditional medical procedures, holistic treatment approaches, and comprehensive patient care strategies beyond conventional medical interventions",0.97,1,,False +alternative medical practice,holistic healthcare approach,"Advanced clinical skills in applying non-traditional medical procedures, holistic treatment approaches, and comprehensive patient care strategies beyond conventional medical interventions",0.97,1,,False +alternative medical practice,integrative medical techniques,"Advanced clinical skills in applying non-traditional medical procedures, holistic treatment approaches, and comprehensive patient care strategies beyond conventional medical interventions",0.97,1,,False +infrastructure maintenance,infrastructure maintenance,"Comprehensive skills in maintaining, repairing, and preserving mechanical equipment, structures, and infrastructure components",0.97,1,,True +infrastructure maintenance,structural maintenance,"Comprehensive skills in maintaining, repairing, and preserving mechanical equipment, structures, and infrastructure components",0.97,1,,False +infrastructure maintenance,mechanical system preservation,"Comprehensive skills in maintaining, repairing, and preserving mechanical equipment, structures, and infrastructure components",0.97,1,,False +site preparation and marking,site preparation and marking,"Advanced technical skills in measuring work site dimensions, marking reference points, and preparing surfaces for installation or maintenance",0.96,1,,True +site preparation and marking,work site layout,"Advanced technical skills in measuring work site dimensions, marking reference points, and preparing surfaces for installation or maintenance",0.96,1,,False +information resource management,information resource management,"Comprehensive skills in organizing, cataloging, maintaining, and providing strategic access to diverse information resources across physical and digital platforms",0.98,1,,True +information resource management,resource cataloging,"Comprehensive skills in organizing, cataloging, maintaining, and providing strategic access to diverse information resources across physical and digital platforms",0.98,1,,False +information resource management,information organization,"Comprehensive skills in organizing, cataloging, maintaining, and providing strategic access to diverse information resources across physical and digital platforms",0.98,1,,False +information resource management,library systems management,"Comprehensive skills in organizing, cataloging, maintaining, and providing strategic access to diverse information resources across physical and digital platforms",0.98,1,,False +collection development,collection development,"Advanced skills in selecting, evaluating, processing, and curating library materials to support institutional and patron information needs",0.97,1,,True +collection development,material selection,"Advanced skills in selecting, evaluating, processing, and curating library materials to support institutional and patron information needs",0.97,1,,False +collection development,library collection curation,"Advanced skills in selecting, evaluating, processing, and curating library materials to support institutional and patron information needs",0.97,1,,False +patron information support,patron information support,"Advanced interpersonal skills for assisting patrons in navigating, accessing, and utilizing library resources through comprehensive guidance and personalized information services",0.99,1,,True +patron information support,patron guidance,"Advanced interpersonal skills for assisting patrons in navigating, accessing, and utilizing library resources through comprehensive guidance and personalized information services",0.99,1,,False +patron information support,information consultation,"Advanced interpersonal skills for assisting patrons in navigating, accessing, and utilizing library resources through comprehensive guidance and personalized information services",0.99,1,,False +library technology integration,library technology integration,"Comprehensive technical skills in managing, operating, and maintaining library-specific technologies, digital databases, and information management systems",0.98,1,,True +library technology integration,digital resource management,"Comprehensive technical skills in managing, operating, and maintaining library-specific technologies, digital databases, and information management systems",0.98,1,,False +library technology integration,library systems technology,"Comprehensive technical skills in managing, operating, and maintaining library-specific technologies, digital databases, and information management systems",0.98,1,,False +library technology integration,information technology support,"Comprehensive technical skills in managing, operating, and maintaining library-specific technologies, digital databases, and information management systems",0.98,1,,False +research assistance,research assistance,"Advanced skills in supporting patrons' research processes, identifying relevant information sources, conducting systematic information searches, and providing comprehensive research guidance",0.97,1,,True +research assistance,information retrieval,"Advanced skills in supporting patrons' research processes, identifying relevant information sources, conducting systematic information searches, and providing comprehensive research guidance",0.97,1,,False +research assistance,research support,"Advanced skills in supporting patrons' research processes, identifying relevant information sources, conducting systematic information searches, and providing comprehensive research guidance",0.97,1,,False +research assistance,scholarly resource navigation,"Advanced skills in supporting patrons' research processes, identifying relevant information sources, conducting systematic information searches, and providing comprehensive research guidance",0.97,1,,False +quantitative financial analysis,quantitative financial analysis,"Advanced mathematical and statistical skills for analyzing financial data, developing predictive models, and generating strategic insights",0.99,1,,True +quantitative financial analysis,quantitative risk assessment,"Advanced mathematical and statistical skills for analyzing financial data, developing predictive models, and generating strategic insights",0.99,1,,False +quantitative financial analysis,mathematical financial analysis,"Advanced mathematical and statistical skills for analyzing financial data, developing predictive models, and generating strategic insights",0.99,1,,False +technical financial communication,technical financial communication,"Precise interpersonal skills for communicating complex financial information, analysis, and recommendations across technical and non-technical audiences",0.97,1,,True +technical financial communication,financial information exchange,"Precise interpersonal skills for communicating complex financial information, analysis, and recommendations across technical and non-technical audiences",0.97,1,,False +technical financial communication,technical financial reporting,"Precise interpersonal skills for communicating complex financial information, analysis, and recommendations across technical and non-technical audiences",0.97,1,,False +technical financial communication,analytical communication,"Precise interpersonal skills for communicating complex financial information, analysis, and recommendations across technical and non-technical audiences",0.97,1,,False +respiratory care management,respiratory care management,"Advanced clinical skills in managing patient respiratory health, implementing treatment protocols, monitoring respiratory conditions, and providing comprehensive respiratory therapy interventions",1.0,1,,True +respiratory care management,respiratory patient care,"Advanced clinical skills in managing patient respiratory health, implementing treatment protocols, monitoring respiratory conditions, and providing comprehensive respiratory therapy interventions",1.0,1,,False +respiratory care management,pulmonary treatment support,"Advanced clinical skills in managing patient respiratory health, implementing treatment protocols, monitoring respiratory conditions, and providing comprehensive respiratory therapy interventions",1.0,1,,False +medical emergency response,medical emergency response,"Advanced skills in identifying, assessing, and responding to critical medical emergencies, implementing life support techniques, and providing rapid, strategic medical intervention",0.99,1,,True +medical emergency response,critical patient stabilization,"Advanced skills in identifying, assessing, and responding to critical medical emergencies, implementing life support techniques, and providing rapid, strategic medical intervention",0.99,1,,False +healthcare equipment operation,healthcare equipment operation,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and therapeutic equipment with strict safety protocols",0.98,1,,True +patient condition monitoring,patient condition monitoring,"Advanced technical and clinical skills for systematically tracking, assessing, and documenting patient physiological parameters, treatment responses, and comprehensive health status",0.99,1,,True +patient condition monitoring,medical status tracking,"Advanced technical and clinical skills for systematically tracking, assessing, and documenting patient physiological parameters, treatment responses, and comprehensive health status",0.99,1,,False +environmental compliance management,environmental compliance management,"Comprehensive skills in navigating, interpreting, and ensuring adherence to complex environmental regulations and sustainability standards",0.97,1,,True +environmental compliance management,regulatory environmental oversight,"Comprehensive skills in navigating, interpreting, and ensuring adherence to complex environmental regulations and sustainability standards",0.97,1,,False +environmental compliance management,sustainability policy compliance,"Comprehensive skills in navigating, interpreting, and ensuring adherence to complex environmental regulations and sustainability standards",0.97,1,,False +environmental compliance management,green regulation management,"Comprehensive skills in navigating, interpreting, and ensuring adherence to complex environmental regulations and sustainability standards",0.97,1,,False +sustainable business analysis,sustainable business analysis,"Advanced analytical skills for evaluating organizational practices, assessing environmental impact, and developing cost-effective sustainable solutions",0.96,1,,True +sustainable business analysis,green business evaluation,"Advanced analytical skills for evaluating organizational practices, assessing environmental impact, and developing cost-effective sustainable solutions",0.96,1,,False +sustainable business analysis,sustainability performance analysis,"Advanced analytical skills for evaluating organizational practices, assessing environmental impact, and developing cost-effective sustainable solutions",0.96,1,,False +sustainable business analysis,environmental cost assessment,"Advanced analytical skills for evaluating organizational practices, assessing environmental impact, and developing cost-effective sustainable solutions",0.96,1,,False +food service coordination,food service coordination,"Advanced ability to manage dining room operations, coordinate food and beverage service activities, synchronize workflow processes, and ensure systematic service efficiency",0.98,1,,True +food service coordination,service workflow management,"Advanced ability to manage dining room operations, coordinate food and beverage service activities, synchronize workflow processes, and ensure systematic service efficiency",0.98,1,,False +food service coordination,dining operations coordination,"Advanced ability to manage dining room operations, coordinate food and beverage service activities, synchronize workflow processes, and ensure systematic service efficiency",0.98,1,,False +sanitation and hygiene maintenance,sanitation and hygiene maintenance,"Systematic approach to cleaning food service areas, sanitizing equipment, maintaining hygienic conditions, and ensuring comprehensive food safety standards",0.96,1,,True +sanitation and hygiene maintenance,food safety protocols,"Systematic approach to cleaning food service areas, sanitizing equipment, maintaining hygienic conditions, and ensuring comprehensive food safety standards",0.96,1,,False +patron support and interaction,patron support and interaction,"Advanced interpersonal skills for engaging customers, providing assistance, resolving inquiries, ensuring comfort, and creating positive service experiences",0.98,1,,True +strategic documentation management,strategic documentation management,"Comprehensive skills in preparing, maintaining, and communicating precise professional documentation across diverse organizational contexts with systematic accuracy and comprehensive reporting",0.98,1,,True +strategic documentation management,professional record keeping,"Comprehensive skills in preparing, maintaining, and communicating precise professional documentation across diverse organizational contexts with systematic accuracy and comprehensive reporting",0.98,1,,False +stakeholder communication strategy,stakeholder communication strategy,"Advanced interpersonal skills for engaging, negotiating, and maintaining professional relationships with diverse organizational stakeholders through strategic communication and collaborative interaction",0.97,1,,True +operational risk assessment,operational risk assessment,"Systematic approach to identifying potential hazards, analyzing risk factors, evaluating operational challenges, and developing comprehensive preventive strategies across professional environments",0.98,1,,True +operational risk assessment,preventive strategy development,"Systematic approach to identifying potential hazards, analyzing risk factors, evaluating operational challenges, and developing comprehensive preventive strategies across professional environments",0.98,1,,False +event planning management,event planning management,"Comprehensive skills in coordinating, organizing, and executing complex meetings, conventions, and professional events with strategic planning, logistical coordination, and comprehensive operational management",0.98,1,,True +event planning management,professional event management,"Comprehensive skills in coordinating, organizing, and executing complex meetings, conventions, and professional events with strategic planning, logistical coordination, and comprehensive operational management",0.98,1,,False +event planning management,conference planning,"Comprehensive skills in coordinating, organizing, and executing complex meetings, conventions, and professional events with strategic planning, logistical coordination, and comprehensive operational management",0.98,1,,False +stakeholder relationship management,stakeholder relationship management,"Comprehensive skills in identifying, developing, and maintaining professional relationships with diverse stakeholders, including clients, vendors, and organizational partners through strategic communication and collaborative interaction",0.97,1,,True +stakeholder relationship management,client relations,"Comprehensive skills in identifying, developing, and maintaining professional relationships with diverse stakeholders, including clients, vendors, and organizational partners through strategic communication and collaborative interaction",0.97,1,,False +stakeholder relationship management,relationship building,"Comprehensive skills in identifying, developing, and maintaining professional relationships with diverse stakeholders, including clients, vendors, and organizational partners through strategic communication and collaborative interaction",0.97,1,,False +strategic environmental communication,strategic environmental communication,"Advanced interpersonal skills for communicating complex environmental information, persuading stakeholders, and developing comprehensive strategies for policy engagement and public awareness",0.98,1,,True +strategic environmental communication,environmental advocacy communication,"Advanced interpersonal skills for communicating complex environmental information, persuading stakeholders, and developing comprehensive strategies for policy engagement and public awareness",0.98,1,,False +strategic environmental communication,policy persuasion,"Advanced interpersonal skills for communicating complex environmental information, persuading stakeholders, and developing comprehensive strategies for policy engagement and public awareness",0.98,1,,False +strategic environmental communication,ecological messaging,"Advanced interpersonal skills for communicating complex environmental information, persuading stakeholders, and developing comprehensive strategies for policy engagement and public awareness",0.98,1,,False +construction site safety management,construction site safety management,"Comprehensive skills in ensuring workplace safety, directing equipment operations, signaling workers, and maintaining comprehensive safety protocols in construction environments",0.97,1,,True +insulation material installation,insulation material installation,"Specialized skills in cutting, measuring, positioning, and installing insulation materials in equipment, structures, and mechanical systems",0.96,1,,True +insulation material installation,thermal barrier installation,"Specialized skills in cutting, measuring, positioning, and installing insulation materials in equipment, structures, and mechanical systems",0.96,1,,False +insulation material installation,insulation material handling,"Specialized skills in cutting, measuring, positioning, and installing insulation materials in equipment, structures, and mechanical systems",0.96,1,,False +insulation material installation,mechanical insulation techniques,"Specialized skills in cutting, measuring, positioning, and installing insulation materials in equipment, structures, and mechanical systems",0.96,1,,False +material measurement and preparation,material measurement and preparation,"Comprehensive skills in measuring, cutting, positioning, and preparing materials with high technical precision across manufacturing contexts",0.97,1,,True +international trade documentation,international trade documentation,"Comprehensive skills in preparing, processing, and managing complex documentation for international shipping, customs clearance, and cross-border trade transactions",0.98,1,,True +international trade documentation,trade compliance,"Comprehensive skills in preparing, processing, and managing complex documentation for international shipping, customs clearance, and cross-border trade transactions",0.98,1,,False +international trade documentation,import-export documentation,"Comprehensive skills in preparing, processing, and managing complex documentation for international shipping, customs clearance, and cross-border trade transactions",0.98,1,,False +international trade documentation,customs paperwork management,"Comprehensive skills in preparing, processing, and managing complex documentation for international shipping, customs clearance, and cross-border trade transactions",0.98,1,,False +commercial risk assessment,commercial risk assessment,"Advanced analytical skills for systematically evaluating financial, legal, and operational risks in international trade and business transactions",0.97,1,,True +commercial risk assessment,trade risk analysis,"Advanced analytical skills for systematically evaluating financial, legal, and operational risks in international trade and business transactions",0.97,1,,False +commercial risk assessment,commercial compliance evaluation,"Advanced analytical skills for systematically evaluating financial, legal, and operational risks in international trade and business transactions",0.97,1,,False +professional communication in trade,professional communication in trade,"Advanced interpersonal communication skills for precise information exchange, negotiation, and strategic interaction in international trade and customs brokerage contexts",0.99,1,,True +professional communication in trade,trade communication,"Advanced interpersonal communication skills for precise information exchange, negotiation, and strategic interaction in international trade and customs brokerage contexts",0.99,1,,False +professional communication in trade,customs interaction,"Advanced interpersonal communication skills for precise information exchange, negotiation, and strategic interaction in international trade and customs brokerage contexts",0.99,1,,False +animal care and handling,animal care and handling,"Advanced skills in managing, restraining, positioning, and providing comprehensive care for animals in medical and clinical settings",0.98,1,,True +animal care and handling,veterinary patient management,"Advanced skills in managing, restraining, positioning, and providing comprehensive care for animals in medical and clinical settings",0.98,1,,False +animal care and handling,animal handling techniques,"Advanced skills in managing, restraining, positioning, and providing comprehensive care for animals in medical and clinical settings",0.98,1,,False +animal care and handling,clinical animal care,"Advanced skills in managing, restraining, positioning, and providing comprehensive care for animals in medical and clinical settings",0.98,1,,False +medical equipment operation,medical equipment operation,"Comprehensive technical skills in operating, maintaining, and ensuring proper functionality of specialized veterinary diagnostic and treatment equipment",0.97,1,,True +medical equipment operation,veterinary technical equipment management,"Comprehensive technical skills in operating, maintaining, and ensuring proper functionality of specialized veterinary diagnostic and treatment equipment",0.97,1,,False +medical equipment operation,clinical equipment handling,"Comprehensive technical skills in operating, maintaining, and ensuring proper functionality of specialized veterinary diagnostic and treatment equipment",0.97,1,,False +clinical patient support,clinical patient support,"Advanced interpersonal and technical skills in providing comprehensive support, positioning, and care for animal patients during medical procedures",0.96,1,,True +clinical patient support,veterinary patient care,"Advanced interpersonal and technical skills in providing comprehensive support, positioning, and care for animal patients during medical procedures",0.96,1,,False +clinical patient support,animal medical support,"Advanced interpersonal and technical skills in providing comprehensive support, positioning, and care for animal patients during medical procedures",0.96,1,,False +clinical patient support,clinical care coordination,"Advanced interpersonal and technical skills in providing comprehensive support, positioning, and care for animal patients during medical procedures",0.96,1,,False +veterinary diagnostic procedures,veterinary diagnostic procedures,"Advanced technical skills in conducting medical tests, collecting biological specimens, and supporting comprehensive diagnostic processes in veterinary settings",0.98,1,,True +veterinary diagnostic procedures,diagnostic test support,"Advanced technical skills in conducting medical tests, collecting biological specimens, and supporting comprehensive diagnostic processes in veterinary settings",0.98,1,,False +veterinary diagnostic procedures,clinical laboratory procedures,"Advanced technical skills in conducting medical tests, collecting biological specimens, and supporting comprehensive diagnostic processes in veterinary settings",0.98,1,,False +healthcare facility maintenance,healthcare facility maintenance,"Comprehensive skills in cleaning, sterilizing, organizing, and maintaining medical equipment, instruments, and veterinary clinical environments",0.97,1,,True +healthcare facility maintenance,medical facility sanitation,"Comprehensive skills in cleaning, sterilizing, organizing, and maintaining medical equipment, instruments, and veterinary clinical environments",0.97,1,,False +healthcare facility maintenance,equipment sterilization,"Comprehensive skills in cleaning, sterilizing, organizing, and maintaining medical equipment, instruments, and veterinary clinical environments",0.97,1,,False +healthcare facility maintenance,clinical environment management,"Comprehensive skills in cleaning, sterilizing, organizing, and maintaining medical equipment, instruments, and veterinary clinical environments",0.97,1,,False +laundry equipment operation,laundry equipment operation,"Advanced skills in operating, monitoring, and controlling specialized laundry and dry-cleaning equipment with precision and systematic approach",0.98,1,,True +laundry equipment operation,garment processing machinery,"Advanced skills in operating, monitoring, and controlling specialized laundry and dry-cleaning equipment with precision and systematic approach",0.98,1,,False +laundry equipment operation,textile treatment equipment management,"Advanced skills in operating, monitoring, and controlling specialized laundry and dry-cleaning equipment with precision and systematic approach",0.98,1,,False +textile inspection and quality control,textile inspection and quality control,"Comprehensive ability to systematically examine fabrics and garments for defects, damage, stains, and conformance to quality standards",0.97,1,,True +textile inspection and quality control,garment condition assessment,"Comprehensive ability to systematically examine fabrics and garments for defects, damage, stains, and conformance to quality standards",0.97,1,,False +textile inspection and quality control,fabric quality verification,"Comprehensive ability to systematically examine fabrics and garments for defects, damage, stains, and conformance to quality standards",0.97,1,,False +public safety leadership,public safety leadership,"Advanced skills in directing, motivating, and coordinating emergency personnel, implementing safety protocols, and ensuring comprehensive operational effectiveness in high-risk public safety environments",0.99,1,,True +public safety leadership,emergency services leadership,"Advanced skills in directing, motivating, and coordinating emergency personnel, implementing safety protocols, and ensuring comprehensive operational effectiveness in high-risk public safety environments",0.99,1,,False +public safety leadership,safety team management,"Advanced skills in directing, motivating, and coordinating emergency personnel, implementing safety protocols, and ensuring comprehensive operational effectiveness in high-risk public safety environments",0.99,1,,False +risk assessment and mitigation,risk assessment and mitigation,"Systematic approach to identifying potential hazards, evaluating environmental and operational risks, and implementing strategic preventive measures to ensure comprehensive safety",0.98,1,,True +family engagement communication,family engagement communication,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies",0.97,1,,True +family engagement communication,parental interaction,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies",0.97,1,,False +family engagement communication,family collaboration,"Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies",0.97,1,,False +personal care coordination,personal care coordination,"Advanced skills in managing daily living activities, providing personal assistance, coordinating comprehensive support, and ensuring individual well-being across care contexts",0.97,1,,True +personal care coordination,daily living support,"Advanced skills in managing daily living activities, providing personal assistance, coordinating comprehensive support, and ensuring individual well-being across care contexts",0.97,1,,False +personal care coordination,personal assistance management,"Advanced skills in managing daily living activities, providing personal assistance, coordinating comprehensive support, and ensuring individual well-being across care contexts",0.97,1,,False +personal care coordination,comprehensive care coordination,"Advanced skills in managing daily living activities, providing personal assistance, coordinating comprehensive support, and ensuring individual well-being across care contexts",0.97,1,,False +environmental economic analysis,environmental economic analysis,Systematic evaluation of economic impacts on environmental systems through comprehensive research and analytical techniques,0.98,1,,True +environmental economic analysis,ecological economic research,Systematic evaluation of economic impacts on environmental systems through comprehensive research and analytical techniques,0.98,1,,False +quantitative policy reasoning,quantitative policy reasoning,Advanced mathematical and analytical skills for developing and interpreting complex regulatory and economic policies,0.97,1,,True +quantitative policy reasoning,regulatory economic analysis,Advanced mathematical and analytical skills for developing and interpreting complex regulatory and economic policies,0.97,1,,False +quantitative policy reasoning,mathematical policy evaluation,Advanced mathematical and analytical skills for developing and interpreting complex regulatory and economic policies,0.97,1,,False +strategic environmental forecasting,strategic environmental forecasting,Advanced capability to predict and analyze economic and environmental trends through comprehensive research methodologies,0.96,1,,True +strategic environmental forecasting,trend prediction,Advanced capability to predict and analyze economic and environmental trends through comprehensive research methodologies,0.96,1,,False +strategic environmental forecasting,sustainability projection,Advanced capability to predict and analyze economic and environmental trends through comprehensive research methodologies,0.96,1,,False +comprehensive research methodology,comprehensive research methodology,"Systematic approach to scientific investigation involving rigorous research design, interdisciplinary analysis, and evidence-based problem solving",0.97,1,,True +comprehensive research methodology,scientific research techniques,"Systematic approach to scientific investigation involving rigorous research design, interdisciplinary analysis, and evidence-based problem solving",0.97,1,,False +comprehensive research methodology,interdisciplinary research design,"Systematic approach to scientific investigation involving rigorous research design, interdisciplinary analysis, and evidence-based problem solving",0.97,1,,False +technical sustainability communication,technical sustainability communication,Advanced communication skills for translating complex environmental and economic research findings across diverse professional and public audiences,0.96,1,,True +technical sustainability communication,environmental communication,Advanced communication skills for translating complex environmental and economic research findings across diverse professional and public audiences,0.96,1,,False +scientific instruction and curriculum development,scientific instruction and curriculum development,"Advanced skills in designing, implementing, and managing educational strategies specifically for scientific disciplines, involving curriculum creation, instructional design, and specialized learning objectives",0.98,1,,True +scientific instruction and curriculum development,scientific educational strategy,"Advanced skills in designing, implementing, and managing educational strategies specifically for scientific disciplines, involving curriculum creation, instructional design, and specialized learning objectives",0.98,1,,False +scientific instruction and curriculum development,discipline-specific pedagogy,"Advanced skills in designing, implementing, and managing educational strategies specifically for scientific disciplines, involving curriculum creation, instructional design, and specialized learning objectives",0.98,1,,False +field research methodology,field research methodology,"Comprehensive skills in conducting systematic scientific investigations in outdoor and environmental contexts, involving data collection, environmental sampling, and precise research documentation",0.97,1,,True +field research methodology,scientific field investigation,"Comprehensive skills in conducting systematic scientific investigations in outdoor and environmental contexts, involving data collection, environmental sampling, and precise research documentation",0.97,1,,False +field research methodology,outdoor research techniques,"Comprehensive skills in conducting systematic scientific investigations in outdoor and environmental contexts, involving data collection, environmental sampling, and precise research documentation",0.97,1,,False +strategic organizational analysis,strategic organizational analysis,"Systematic evaluation of organizational performance, processes, and strategic opportunities through comprehensive analytical techniques",0.99,1,,True +strategic organizational analysis,organizational performance assessment,"Systematic evaluation of organizational performance, processes, and strategic opportunities through comprehensive analytical techniques",0.99,1,,False +strategic organizational analysis,strategic diagnostic reasoning,"Systematic evaluation of organizational performance, processes, and strategic opportunities through comprehensive analytical techniques",0.99,1,,False +comprehensive decision making,comprehensive decision making,"Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed strategic decisions",0.99,1,,True +comprehensive decision making,holistic decision analysis,"Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed strategic decisions",0.99,1,,False +adaptive learning and problem solving,adaptive learning and problem solving,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional problem-solving capabilities",0.97,1,,True +adaptive learning and problem solving,dynamic problem resolution,"Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional problem-solving capabilities",0.97,1,,False +precision manual food preparation,precision manual food preparation,"Advanced technical skill in precisely cutting, trimming, and preparing food products with high accuracy and attention to detail",0.98,1,,True +precision manual food preparation,meat cutting techniques,"Advanced technical skill in precisely cutting, trimming, and preparing food products with high accuracy and attention to detail",0.98,1,,False +precision manual food preparation,food product fabrication,"Advanced technical skill in precisely cutting, trimming, and preparing food products with high accuracy and attention to detail",0.98,1,,False +food safety and quality control,food safety and quality control,"Comprehensive approach to inspecting, verifying, and maintaining product quality and safety standards in food processing environments",0.97,1,,True +food safety and quality control,food quality verification,"Comprehensive approach to inspecting, verifying, and maintaining product quality and safety standards in food processing environments",0.97,1,,False +transportation systems analysis,transportation systems analysis,"Advanced analytical skills for evaluating, optimizing, and managing complex transportation infrastructure and mobility networks",0.98,1,,True +transportation systems analysis,transportation network optimization,"Advanced analytical skills for evaluating, optimizing, and managing complex transportation infrastructure and mobility networks",0.98,1,,False +transportation systems analysis,urban mobility planning,"Advanced analytical skills for evaluating, optimizing, and managing complex transportation infrastructure and mobility networks",0.98,1,,False +strategic policy communication,strategic policy communication,"Advanced interpersonal skills for communicating complex transportation policies, advising stakeholders, and facilitating comprehensive public policy dialogue",0.96,1,,True +strategic policy communication,public policy consultation,"Advanced interpersonal skills for communicating complex transportation policies, advising stakeholders, and facilitating comprehensive public policy dialogue",0.96,1,,False +strategic policy communication,regulatory communication,"Advanced interpersonal skills for communicating complex transportation policies, advising stakeholders, and facilitating comprehensive public policy dialogue",0.96,1,,False +psychological assessment and intervention,psychological assessment and intervention,"Advanced clinical skills for comprehensive mental health evaluation, diagnostic reasoning, therapeutic treatment planning, and implementing targeted psychological interventions across diverse clinical contexts",0.99,1,,True +psychological assessment and intervention,mental health clinical reasoning,"Advanced clinical skills for comprehensive mental health evaluation, diagnostic reasoning, therapeutic treatment planning, and implementing targeted psychological interventions across diverse clinical contexts",0.99,1,,False +psychological assessment and intervention,psychological diagnostic assessment,"Advanced clinical skills for comprehensive mental health evaluation, diagnostic reasoning, therapeutic treatment planning, and implementing targeted psychological interventions across diverse clinical contexts",0.99,1,,False +patient-centered mental health communication,patient-centered mental health communication,"Advanced interpersonal communication skills specific to mental health contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue",0.99,1,,True +patient-centered mental health communication,therapeutic patient dialogue,"Advanced interpersonal communication skills specific to mental health contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue",0.99,1,,False +patient-centered mental health communication,psychiatric communication strategy,"Advanced interpersonal communication skills specific to mental health contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue",0.99,1,,False +clinical diagnostic reasoning,clinical diagnostic reasoning,"Advanced analytical skills for systematically evaluating patient conditions, interpreting complex medical and psychological information, developing evidence-based diagnostic and treatment strategies across clinical environments",0.99,1,,True +clinical diagnostic reasoning,complex clinical decision making,"Advanced analytical skills for systematically evaluating patient conditions, interpreting complex medical and psychological information, developing evidence-based diagnostic and treatment strategies across clinical environments",0.99,1,,False +technical inspection and verification,technical inspection and verification,"Systematic approach to quality control, dimensional measurement, and ensuring product conformance to technical specifications",0.97,1,,True +social impact assessment,social impact assessment,"Systematic evaluation of program effectiveness, measuring social outcomes, and analyzing community intervention results",0.97,1,,True +social impact assessment,program effectiveness measurement,"Systematic evaluation of program effectiveness, measuring social outcomes, and analyzing community intervention results",0.97,1,,False +social impact assessment,community intervention analysis,"Systematic evaluation of program effectiveness, measuring social outcomes, and analyzing community intervention results",0.97,1,,False +social impact assessment,social outcome evaluation,"Systematic evaluation of program effectiveness, measuring social outcomes, and analyzing community intervention results",0.97,1,,False +clinical procedure management,clinical procedure management,"Comprehensive skills in performing medical procedures, patient assessment, treatment planning, and precise medical interventions",0.98,1,,True +clinical procedure management,medical intervention expertise,"Comprehensive skills in performing medical procedures, patient assessment, treatment planning, and precise medical interventions",0.98,1,,False +clinical procedure management,surgical procedure coordination,"Comprehensive skills in performing medical procedures, patient assessment, treatment planning, and precise medical interventions",0.98,1,,False +healthcare equipment expertise,healthcare equipment expertise,"Technical skills in operating, maintaining, and managing specialized medical diagnostic and treatment equipment",0.97,1,,True +healthcare equipment expertise,medical technology management,"Technical skills in operating, maintaining, and managing specialized medical diagnostic and treatment equipment",0.97,1,,False +healthcare equipment expertise,diagnostic device proficiency,"Technical skills in operating, maintaining, and managing specialized medical diagnostic and treatment equipment",0.97,1,,False +medical documentation precision,medical documentation precision,"Systematic skills in recording, maintaining, and managing comprehensive medical records with high accuracy and regulatory compliance",0.98,1,,True +medical documentation precision,healthcare documentation accuracy,"Systematic skills in recording, maintaining, and managing comprehensive medical records with high accuracy and regulatory compliance",0.98,1,,False +property transaction management,property transaction management,"Comprehensive skills in coordinating real estate sales, negotiating contracts, and managing complex property transfer processes.",0.98,1,,True +property transaction management,real estate deal coordination,"Comprehensive skills in coordinating real estate sales, negotiating contracts, and managing complex property transfer processes.",0.98,1,,False +property transaction management,property sales management,"Comprehensive skills in coordinating real estate sales, negotiating contracts, and managing complex property transfer processes.",0.98,1,,False +property transaction management,transaction negotiation,"Comprehensive skills in coordinating real estate sales, negotiating contracts, and managing complex property transfer processes.",0.98,1,,False +diagnostic technical support,diagnostic technical support,"Comprehensive skills in assisting healthcare practitioners during medical testing, specimen analysis, diagnostic procedures, and technical laboratory interventions",0.97,1,,True +diagnostic technical support,diagnostic laboratory support,"Comprehensive skills in assisting healthcare practitioners during medical testing, specimen analysis, diagnostic procedures, and technical laboratory interventions",0.97,1,,False +diagnostic technical support,technical medical intervention,"Comprehensive skills in assisting healthcare practitioners during medical testing, specimen analysis, diagnostic procedures, and technical laboratory interventions",0.97,1,,False +therapeutic patient communication,therapeutic patient communication,"Advanced interpersonal communication skills specific to counseling contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue",0.98,1,,True +therapeutic patient communication,counseling communication,"Advanced interpersonal communication skills specific to counseling contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue",0.98,1,,False +therapeutic patient communication,empathetic professional dialogue,"Advanced interpersonal communication skills specific to counseling contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue",0.98,1,,False +crisis intervention management,crisis intervention management,"Advanced skills in identifying, assessing, and managing critical psychological and behavioral emergencies with strategic, compassionate, and immediate intervention techniques",0.97,1,,True +crisis intervention management,critical behavioral support,"Advanced skills in identifying, assessing, and managing critical psychological and behavioral emergencies with strategic, compassionate, and immediate intervention techniques",0.97,1,,False +crisis intervention management,acute mental health intervention,"Advanced skills in identifying, assessing, and managing critical psychological and behavioral emergencies with strategic, compassionate, and immediate intervention techniques",0.97,1,,False +client treatment coordination,client treatment coordination,"Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts",0.98,1,,True +client treatment coordination,holistic treatment planning,"Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts",0.98,1,,False +client treatment coordination,client progress tracking,"Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts",0.98,1,,False +behavioral health counseling,behavioral health counseling,"Comprehensive interpersonal skills for providing professional psychological support, substance abuse counseling, mental health guidance, and personalized treatment strategies",0.97,1,,True +behavioral health counseling,mental health intervention,"Comprehensive interpersonal skills for providing professional psychological support, substance abuse counseling, mental health guidance, and personalized treatment strategies",0.97,1,,False +behavioral health counseling,substance abuse support,"Comprehensive interpersonal skills for providing professional psychological support, substance abuse counseling, mental health guidance, and personalized treatment strategies",0.97,1,,False +behavioral health counseling,behavioral modification counseling,"Comprehensive interpersonal skills for providing professional psychological support, substance abuse counseling, mental health guidance, and personalized treatment strategies",0.97,1,,False +statistical analysis and modeling,statistical analysis and modeling,"Advanced mathematical and statistical methods for analyzing complex datasets, developing predictive models, and deriving scientific insights",1.0,1,,True +statistical analysis and modeling,quantitative research methods,"Advanced mathematical and statistical methods for analyzing complex datasets, developing predictive models, and deriving scientific insights",1.0,1,,False +statistical analysis and modeling,statistical modeling,"Advanced mathematical and statistical methods for analyzing complex datasets, developing predictive models, and deriving scientific insights",1.0,1,,False +renewable energy sales strategy,renewable energy sales strategy,"Specialized sales approach for green technology involving technical product knowledge, persuasion, and market understanding",0.95,1,,True +renewable energy sales strategy,solar technology sales,"Specialized sales approach for green technology involving technical product knowledge, persuasion, and market understanding",0.95,1,,False +renewable energy sales strategy,green energy marketing,"Specialized sales approach for green technology involving technical product knowledge, persuasion, and market understanding",0.95,1,,False +technical product communication,technical product communication,Ability to explain complex technical solar products to customers by translating technical specifications into customer-friendly language,0.96,1,,True +technical product communication,energy system interpretation,Ability to explain complex technical solar products to customers by translating technical specifications into customer-friendly language,0.96,1,,False +customer needs assessment in green technology,customer needs assessment in green technology,Identifying customer requirements for solar installations through technical evaluation and personalized solution development,0.94,1,,True +customer needs assessment in green technology,solar solution customization,Identifying customer requirements for solar installations through technical evaluation and personalized solution development,0.94,1,,False +customer needs assessment in green technology,renewable energy consultation,Identifying customer requirements for solar installations through technical evaluation and personalized solution development,0.94,1,,False +sustainable technology evaluation,sustainable technology evaluation,"Technical assessment and site analysis skills for solar installations, involving feasibility analysis and environmental compatibility evaluation",0.95,1,,True +sustainable technology evaluation,green technology site assessment,"Technical assessment and site analysis skills for solar installations, involving feasibility analysis and environmental compatibility evaluation",0.95,1,,False +sustainable technology evaluation,renewable energy feasibility analysis,"Technical assessment and site analysis skills for solar installations, involving feasibility analysis and environmental compatibility evaluation",0.95,1,,False +public safety operations,public safety operations,"Comprehensive skills in maintaining public safety, responding to emergencies, protecting communities, and implementing systematic protective and preventive measures",0.98,1,,True +public safety operations,safety enforcement,"Comprehensive skills in maintaining public safety, responding to emergencies, protecting communities, and implementing systematic protective and preventive measures",0.98,1,,False +public safety operations,emergency services,"Comprehensive skills in maintaining public safety, responding to emergencies, protecting communities, and implementing systematic protective and preventive measures",0.98,1,,False +technical equipment operation and safety,technical equipment operation and safety,"Advanced skills in operating, monitoring, controlling, and ensuring safety of specialized equipment across complex technical environments",0.99,1,,True +technical equipment operation and safety,technical safety control,"Advanced skills in operating, monitoring, controlling, and ensuring safety of specialized equipment across complex technical environments",0.99,1,,False +financial strategic analysis,financial strategic analysis,"Comprehensive skills in evaluating financial data, assessing investment opportunities, and making strategic financial decisions with systematic reasoning and risk assessment.",0.99,1,,True +investment portfolio management,investment portfolio management,"Advanced capabilities in developing, monitoring, and optimizing investment strategies across diverse financial instruments and market conditions.",0.98,1,,True +investment portfolio management,portfolio strategy,"Advanced capabilities in developing, monitoring, and optimizing investment strategies across diverse financial instruments and market conditions.",0.98,1,,False +investment portfolio management,financial asset management,"Advanced capabilities in developing, monitoring, and optimizing investment strategies across diverse financial instruments and market conditions.",0.98,1,,False +quantitative financial reasoning,quantitative financial reasoning,"Advanced mathematical and analytical skills for interpreting complex financial data, developing predictive models, and supporting strategic investment decisions.",1.0,1,,True +quantitative financial reasoning,financial data analysis,"Advanced mathematical and analytical skills for interpreting complex financial data, developing predictive models, and supporting strategic investment decisions.",1.0,1,,False +quantitative financial reasoning,quantitative investment reasoning,"Advanced mathematical and analytical skills for interpreting complex financial data, developing predictive models, and supporting strategic investment decisions.",1.0,1,,False +quantitative financial reasoning,mathematical financial modeling,"Advanced mathematical and analytical skills for interpreting complex financial data, developing predictive models, and supporting strategic investment decisions.",1.0,1,,False +emergency communication management,emergency communication management,"Advanced skills in managing critical communication during high-stakes emergency scenarios, involving precise information exchange, active listening, and coordinated response strategies",0.99,1,,True +emergency communication management,crisis communication coordination,"Advanced skills in managing critical communication during high-stakes emergency scenarios, involving precise information exchange, active listening, and coordinated response strategies",0.99,1,,False +emergency communication management,emergency response communication,"Advanced skills in managing critical communication during high-stakes emergency scenarios, involving precise information exchange, active listening, and coordinated response strategies",0.99,1,,False +crisis decision support,crisis decision support,"Advanced analytical skills for rapid, critical decision-making under high-stress conditions, involving situation assessment, prioritization, and strategic guidance",0.99,1,,True +crisis decision support,emergency decision management,"Advanced analytical skills for rapid, critical decision-making under high-stress conditions, involving situation assessment, prioritization, and strategic guidance",0.99,1,,False +crisis decision support,high-stakes problem resolution,"Advanced analytical skills for rapid, critical decision-making under high-stress conditions, involving situation assessment, prioritization, and strategic guidance",0.99,1,,False +technical communication systems operation,technical communication systems operation,"Comprehensive skills in operating, monitoring, and managing specialized communication equipment and technological infrastructure across professional environments",0.98,1,,True +technical communication systems operation,communication technology management,"Comprehensive skills in operating, monitoring, and managing specialized communication equipment and technological infrastructure across professional environments",0.98,1,,False +technical communication systems operation,technical communication infrastructure,"Comprehensive skills in operating, monitoring, and managing specialized communication equipment and technological infrastructure across professional environments",0.98,1,,False +public safety coordination,public safety coordination,"Advanced skills in managing complex safety-related workflows, coordinating stakeholder interactions, and ensuring systematic implementation of safety protocols",0.97,1,,True +public safety coordination,safety operations management,"Advanced skills in managing complex safety-related workflows, coordinating stakeholder interactions, and ensuring systematic implementation of safety protocols",0.97,1,,False +public safety coordination,protective service coordination,"Advanced skills in managing complex safety-related workflows, coordinating stakeholder interactions, and ensuring systematic implementation of safety protocols",0.97,1,,False +workflow coordination,workflow coordination,"Systematic management of work activities, task planning, and operational synchronization",0.95,1,,True +workflow coordination,operational task management,"Systematic management of work activities, task planning, and operational synchronization",0.95,1,,False +workflow coordination,work activity synchronization,"Systematic management of work activities, task planning, and operational synchronization",0.95,1,,False +precision documentation,precision documentation,"Systematic and accurate recording of operational data, production information, and technical logs",0.96,1,,True +precision documentation,technical log maintenance,"Systematic and accurate recording of operational data, production information, and technical logs",0.96,1,,False +critical patient monitoring,critical patient monitoring,"Advanced systematic skills for continuously assessing, evaluating, and responding to complex patient conditions in high-intensity medical environments",1.0,1,,True +critical patient monitoring,patient status tracking,"Advanced systematic skills for continuously assessing, evaluating, and responding to complex patient conditions in high-intensity medical environments",1.0,1,,False +critical patient monitoring,intensive care surveillance,"Advanced systematic skills for continuously assessing, evaluating, and responding to complex patient conditions in high-intensity medical environments",1.0,1,,False +critical patient monitoring,critical condition assessment,"Advanced systematic skills for continuously assessing, evaluating, and responding to complex patient conditions in high-intensity medical environments",1.0,1,,False +emergency medical intervention,emergency medical intervention,"Comprehensive clinical skills for rapidly identifying, assessing, and responding to critical medical emergencies with precise, life-saving interventions",1.0,1,,True +emergency medical intervention,acute care response,"Comprehensive clinical skills for rapidly identifying, assessing, and responding to critical medical emergencies with precise, life-saving interventions",1.0,1,,False +emergency medical intervention,medical crisis management,"Comprehensive clinical skills for rapidly identifying, assessing, and responding to critical medical emergencies with precise, life-saving interventions",1.0,1,,False +emergency medical intervention,urgent patient stabilization,"Comprehensive clinical skills for rapidly identifying, assessing, and responding to critical medical emergencies with precise, life-saving interventions",1.0,1,,False +healthcare interdisciplinary coordination,healthcare interdisciplinary coordination,"Advanced interprofessional skills for collaborating across medical teams, managing complex patient care workflows, and ensuring comprehensive treatment strategies",1.0,1,,True +healthcare interdisciplinary coordination,multidisciplinary healthcare management,"Advanced interprofessional skills for collaborating across medical teams, managing complex patient care workflows, and ensuring comprehensive treatment strategies",1.0,1,,False +advanced medical equipment management,advanced medical equipment management,"Comprehensive technical skills in operating, monitoring, maintaining, and ensuring optimal functionality of specialized critical care medical equipment",1.0,1,,True +advanced medical equipment management,medical technology control,"Comprehensive technical skills in operating, monitoring, maintaining, and ensuring optimal functionality of specialized critical care medical equipment",1.0,1,,False +advanced medical equipment management,critical care equipment operation,"Comprehensive technical skills in operating, monitoring, maintaining, and ensuring optimal functionality of specialized critical care medical equipment",1.0,1,,False +strategic market communication,strategic market communication,"Advanced ability to communicate complex market research findings, trends, and strategic insights through persuasive and comprehensive reporting",0.98,1,,True +strategic market communication,market reporting,"Advanced ability to communicate complex market research findings, trends, and strategic insights through persuasive and comprehensive reporting",0.98,1,,False +strategic market communication,insights communication,"Advanced ability to communicate complex market research findings, trends, and strategic insights through persuasive and comprehensive reporting",0.98,1,,False +consumer trend interpretation,consumer trend interpretation,"Specialized skill in analyzing consumer behaviors, identifying emerging market trends, and extracting meaningful strategic insights from complex data",0.97,1,,True +consumer trend interpretation,consumer behavior analysis,"Specialized skill in analyzing consumer behaviors, identifying emerging market trends, and extracting meaningful strategic insights from complex data",0.97,1,,False +consumer trend interpretation,market trend evaluation,"Specialized skill in analyzing consumer behaviors, identifying emerging market trends, and extracting meaningful strategic insights from complex data",0.97,1,,False +systematic research methodology,systematic research methodology,"Comprehensive approach to designing, conducting, and analyzing structured research investigations with scientific rigor and methodical precision",0.98,1,,True +systematic research methodology,research protocol design,"Comprehensive approach to designing, conducting, and analyzing structured research investigations with scientific rigor and methodical precision",0.98,1,,False +systematic research methodology,analytical investigation,"Comprehensive approach to designing, conducting, and analyzing structured research investigations with scientific rigor and methodical precision",0.98,1,,False +intelligence analysis,intelligence analysis,"Advanced capabilities in systematically collecting, evaluating, and interpreting complex information to support investigative and decision-making processes",1.0,1,,True +intelligence analysis,strategic intelligence,"Advanced capabilities in systematically collecting, evaluating, and interpreting complex information to support investigative and decision-making processes",1.0,1,,False +criminal activity assessment,criminal activity assessment,"Advanced analytical skills for systematically identifying, evaluating, and analyzing potential criminal activities, patterns, and operational risks",0.98,1,,True +criminal activity assessment,criminal pattern recognition,"Advanced analytical skills for systematically identifying, evaluating, and analyzing potential criminal activities, patterns, and operational risks",0.98,1,,False +interagency collaboration,interagency collaboration,"Advanced interpersonal skills for coordinating, communicating, and sharing critical information across law enforcement and security agencies",0.96,1,,True +interagency collaboration,multi-agency communication,"Advanced interpersonal skills for coordinating, communicating, and sharing critical information across law enforcement and security agencies",0.96,1,,False +interagency collaboration,strategic information sharing,"Advanced interpersonal skills for coordinating, communicating, and sharing critical information across law enforcement and security agencies",0.96,1,,False +interagency collaboration,collaborative investigations,"Advanced interpersonal skills for coordinating, communicating, and sharing critical information across law enforcement and security agencies",0.96,1,,False +medical technical equipment management,medical technical equipment management,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and treatment equipment with strict safety protocols",1.0,1,,True +medical technical equipment management,medical device maintenance,"Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and treatment equipment with strict safety protocols",1.0,1,,False +healthcare safety and compliance,healthcare safety and compliance,"Comprehensive approach to ensuring patient safety, maintaining regulatory standards, implementing quality control measures, and following precise medical operational protocols",0.98,1,,True +healthcare safety and compliance,regulatory healthcare compliance,"Comprehensive approach to ensuring patient safety, maintaining regulatory standards, implementing quality control measures, and following precise medical operational protocols",0.98,1,,False +geothermal systems operation,geothermal systems operation,"Advanced skills in operating, monitoring, and maintaining specialized geothermal energy production equipment, ensuring optimal performance and safety",0.98,1,,True +geothermal systems operation,geothermal equipment management,"Advanced skills in operating, monitoring, and maintaining specialized geothermal energy production equipment, ensuring optimal performance and safety",0.98,1,,False +geothermal systems operation,renewable energy systems control,"Advanced skills in operating, monitoring, and maintaining specialized geothermal energy production equipment, ensuring optimal performance and safety",0.98,1,,False +green energy installation,green energy installation,"Comprehensive skills in installing, configuring, and maintaining renewable energy systems, including technical setup, safety protocols, and operational optimization",0.96,1,,True +green energy installation,renewable energy infrastructure,"Comprehensive skills in installing, configuring, and maintaining renewable energy systems, including technical setup, safety protocols, and operational optimization",0.96,1,,False +green energy installation,sustainable energy system implementation,"Comprehensive skills in installing, configuring, and maintaining renewable energy systems, including technical setup, safety protocols, and operational optimization",0.96,1,,False +precision maintenance procedures,precision maintenance procedures,"Advanced technical skills in performing systematic equipment maintenance, including inspection, cleaning, lubrication, and precise component replacement",0.97,1,,True +precision maintenance procedures,equipment maintenance protocols,"Advanced technical skills in performing systematic equipment maintenance, including inspection, cleaning, lubrication, and precise component replacement",0.97,1,,False +precision maintenance procedures,technical repair techniques,"Advanced technical skills in performing systematic equipment maintenance, including inspection, cleaning, lubrication, and precise component replacement",0.97,1,,False +rail infrastructure maintenance,rail infrastructure maintenance,"Comprehensive skills in maintaining, repairing, and preparing rail tracks, equipment, and associated infrastructure through systematic technical procedures",0.98,1,,True +rail infrastructure maintenance,track maintenance,"Comprehensive skills in maintaining, repairing, and preparing rail tracks, equipment, and associated infrastructure through systematic technical procedures",0.98,1,,False +rail infrastructure maintenance,rail equipment repair,"Comprehensive skills in maintaining, repairing, and preparing rail tracks, equipment, and associated infrastructure through systematic technical procedures",0.98,1,,False +service coordination and support,service coordination and support,"Advanced skills in managing customer interactions, resolving inquiries, providing comprehensive assistance, and ensuring positive service experiences through active listening and professional communication",0.99,1,,True +precision material preparation,precision material preparation,"Advanced technical skills in measuring, cutting, positioning, and preparing materials for production or finishing tasks",0.97,1,,True +precision material preparation,workpiece setup,"Advanced technical skills in measuring, cutting, positioning, and preparing materials for production or finishing tasks",0.97,1,,False +service orientation,service orientation,"Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication",0.98,6,,True +service orientation,customer-centric approach,"Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication",0.98,6,,False +service orientation,service problem solving,"Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication",0.98,6,,False +service orientation,proactive customer support,"Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication",0.98,6,,False +physical therapy technical support,physical therapy technical support,"Advanced skills in assisting healthcare practitioners, supporting patient positioning, preparing treatment areas, and providing comprehensive technical and interpersonal support in physical therapy contexts",0.97,1,,True +physical therapy technical support,rehabilitation assistance,"Advanced skills in assisting healthcare practitioners, supporting patient positioning, preparing treatment areas, and providing comprehensive technical and interpersonal support in physical therapy contexts",0.97,1,,False +physical therapy technical support,therapy technical support,"Advanced skills in assisting healthcare practitioners, supporting patient positioning, preparing treatment areas, and providing comprehensive technical and interpersonal support in physical therapy contexts",0.97,1,,False +marine systems engineering,marine systems engineering,"Advanced technical skills in designing, analyzing, maintaining, and optimizing complex marine and naval engineering systems, including vessel infrastructure, mechanical components, and operational technologies",0.99,1,,True +marine systems engineering,naval engineering,"Advanced technical skills in designing, analyzing, maintaining, and optimizing complex marine and naval engineering systems, including vessel infrastructure, mechanical components, and operational technologies",0.99,1,,False +marine systems engineering,maritime technical design,"Advanced technical skills in designing, analyzing, maintaining, and optimizing complex marine and naval engineering systems, including vessel infrastructure, mechanical components, and operational technologies",0.99,1,,False +maritime safety and compliance,maritime safety and compliance,"Advanced skills in ensuring operational safety, regulatory adherence, risk management, and comprehensive safety protocols specific to marine and naval engineering environments",0.99,1,,True +maritime safety and compliance,naval safety management,"Advanced skills in ensuring operational safety, regulatory adherence, risk management, and comprehensive safety protocols specific to marine and naval engineering environments",0.99,1,,False +maritime safety and compliance,maritime regulatory compliance,"Advanced skills in ensuring operational safety, regulatory adherence, risk management, and comprehensive safety protocols specific to marine and naval engineering environments",0.99,1,,False +maritime safety and compliance,ocean engineering safety,"Advanced skills in ensuring operational safety, regulatory adherence, risk management, and comprehensive safety protocols specific to marine and naval engineering environments",0.99,1,,False +complex naval problem solving,complex naval problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges in marine engineering through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,True +complex naval problem solving,marine engineering analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges in marine engineering through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +complex naval problem solving,naval technical reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges in marine engineering through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +complex naval problem solving,maritime systems optimization,"Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges in marine engineering through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +precision marine equipment maintenance,precision marine equipment maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex marine mechanical, electrical, and technical equipment with emphasis on operational reliability and safety standards",0.99,1,,True +precision marine equipment maintenance,naval equipment repair,"Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex marine mechanical, electrical, and technical equipment with emphasis on operational reliability and safety standards",0.99,1,,False +precision marine equipment maintenance,maritime technical maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex marine mechanical, electrical, and technical equipment with emphasis on operational reliability and safety standards",0.99,1,,False +precision marine equipment maintenance,ocean vessel systems management,"Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex marine mechanical, electrical, and technical equipment with emphasis on operational reliability and safety standards",0.99,1,,False +civil infrastructure design,civil infrastructure design,"Advanced ability to design, analyze, and develop comprehensive civil engineering structures and systems with technical precision and environmental considerations",0.98,1,,True +civil infrastructure design,infrastructure engineering,"Advanced ability to design, analyze, and develop comprehensive civil engineering structures and systems with technical precision and environmental considerations",0.98,1,,False +civil infrastructure design,civil systems planning,"Advanced ability to design, analyze, and develop comprehensive civil engineering structures and systems with technical precision and environmental considerations",0.98,1,,False +operational cost estimation,operational cost estimation,"Precise skills in calculating project requirements, analyzing financial implications, preparing budgets, and managing operational expenses",0.95,1,,True +operational cost estimation,technical cost analysis,"Precise skills in calculating project requirements, analyzing financial implications, preparing budgets, and managing operational expenses",0.95,1,,False +technical communication and reporting,technical communication and reporting,"Advanced skills in preparing detailed technical reports, documenting project specifications, and communicating complex engineering information effectively",0.96,1,,True +technical communication and reporting,professional technical writing,"Advanced skills in preparing detailed technical reports, documenting project specifications, and communicating complex engineering information effectively",0.96,1,,False +service communication,service communication,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise professional interactions",0.97,1,,True +service communication,professional information exchange,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise professional interactions",0.97,1,,False +service communication,service guidance,"Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise professional interactions",0.97,1,,False +safety and compliance monitoring,safety and compliance monitoring,"Comprehensive approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance and safety protocols",0.98,2,,True +financial strategic planning,financial strategic planning,"Comprehensive skills in developing long-term financial strategies, analyzing market conditions, and making strategic resource allocation decisions.",0.99,1,,True +financial strategic planning,strategic financial management,"Comprehensive skills in developing long-term financial strategies, analyzing market conditions, and making strategic resource allocation decisions.",0.99,1,,False +financial strategic planning,financial strategy development,"Comprehensive skills in developing long-term financial strategies, analyzing market conditions, and making strategic resource allocation decisions.",0.99,1,,False +financial strategic planning,organizational financial planning,"Comprehensive skills in developing long-term financial strategies, analyzing market conditions, and making strategic resource allocation decisions.",0.99,1,,False +organizational resource management,organizational resource management,"Advanced ability to coordinate financial, human, and material resources to optimize organizational performance and achieve strategic objectives.",0.98,1,,True +organizational resource management,comprehensive resource allocation,"Advanced ability to coordinate financial, human, and material resources to optimize organizational performance and achieve strategic objectives.",0.98,1,,False +organizational resource management,organizational performance optimization,"Advanced ability to coordinate financial, human, and material resources to optimize organizational performance and achieve strategic objectives.",0.98,1,,False +client information verification,client information verification,"Systematic skills in collecting, interviewing, validating, and documenting personal and financial information from clients through professional interaction and critical analysis",0.96,1,,True +client information verification,customer data validation,"Systematic skills in collecting, interviewing, validating, and documenting personal and financial information from clients through professional interaction and critical analysis",0.96,1,,False +client information verification,professional information assessment,"Systematic skills in collecting, interviewing, validating, and documenting personal and financial information from clients through professional interaction and critical analysis",0.96,1,,False +fire safety assessment,fire safety assessment,"Comprehensive skills in systematically evaluating fire risks, identifying potential hazards, and developing prevention strategies",0.98,1,,True +fire safety assessment,fire risk evaluation,"Comprehensive skills in systematically evaluating fire risks, identifying potential hazards, and developing prevention strategies",0.98,1,,False +fire safety assessment,prevention strategy development,"Comprehensive skills in systematically evaluating fire risks, identifying potential hazards, and developing prevention strategies",0.98,1,,False +public safety education,public safety education,"Skills in training employees, educating the public, and communicating fire safety and prevention information effectively",0.96,1,,True +public safety education,safety training,"Skills in training employees, educating the public, and communicating fire safety and prevention information effectively",0.96,1,,False +public safety education,community risk communication,"Skills in training employees, educating the public, and communicating fire safety and prevention information effectively",0.96,1,,False +public safety education,prevention awareness,"Skills in training employees, educating the public, and communicating fire safety and prevention information effectively",0.96,1,,False +environmental hazard monitoring,environmental hazard monitoring,Systematic approach to detecting and assessing environmental conditions that may contribute to fire risks,0.95,1,,True +environmental hazard monitoring,risk condition assessment,Systematic approach to detecting and assessing environmental conditions that may contribute to fire risks,0.95,1,,False +environmental hazard monitoring,environmental safety scanning,Systematic approach to detecting and assessing environmental conditions that may contribute to fire risks,0.95,1,,False +environmental hazard monitoring,hazard detection,Systematic approach to detecting and assessing environmental conditions that may contribute to fire risks,0.95,1,,False +investigative evidence collection,investigative evidence collection,"Systematic gathering, documenting, and analyzing evidence through precise and methodical investigative techniques",0.99,1,,True +investigative evidence collection,forensic information gathering,"Systematic gathering, documenting, and analyzing evidence through precise and methodical investigative techniques",0.99,1,,False +investigative evidence collection,evidence documentation,"Systematic gathering, documenting, and analyzing evidence through precise and methodical investigative techniques",0.99,1,,False +strategic information verification,strategic information verification,Advanced skill in validating and cross-referencing information from multiple sources to ensure credibility and accuracy,0.98,1,,True +strategic information verification,information credibility assessment,Advanced skill in validating and cross-referencing information from multiple sources to ensure credibility and accuracy,0.98,1,,False +professional surveillance techniques,professional surveillance techniques,"Specialized skills in observing, monitoring, and documenting subjects' activities through systematic and ethical investigative methods",0.96,1,,True +professional surveillance techniques,investigative observation,"Specialized skills in observing, monitoring, and documenting subjects' activities through systematic and ethical investigative methods",0.96,1,,False +professional surveillance techniques,subject monitoring,"Specialized skills in observing, monitoring, and documenting subjects' activities through systematic and ethical investigative methods",0.96,1,,False +interpersonal interrogation skills,interpersonal interrogation skills,"Advanced communication techniques for interviewing, extracting information, and analyzing human interactions during investigative processes",0.97,1,,True +interpersonal interrogation skills,strategic interviewing,"Advanced communication techniques for interviewing, extracting information, and analyzing human interactions during investigative processes",0.97,1,,False +compensation strategy development,compensation strategy development,"Advanced skills in designing, implementing, and managing comprehensive compensation programs and salary structures across organizational contexts",0.98,1,,True +compensation strategy development,pay structure design,"Advanced skills in designing, implementing, and managing comprehensive compensation programs and salary structures across organizational contexts",0.98,1,,False +compensation strategy development,compensation planning,"Advanced skills in designing, implementing, and managing comprehensive compensation programs and salary structures across organizational contexts",0.98,1,,False +compensation strategy development,salary system management,"Advanced skills in designing, implementing, and managing comprehensive compensation programs and salary structures across organizational contexts",0.98,1,,False +organizational policy analysis,organizational policy analysis,"Advanced analytical skills for developing, evaluating, and implementing comprehensive organizational policies and strategic workforce guidelines",0.96,1,,True +organizational policy analysis,organizational guideline creation,"Advanced analytical skills for developing, evaluating, and implementing comprehensive organizational policies and strategic workforce guidelines",0.96,1,,False +organizational policy analysis,strategic policy formulation,"Advanced analytical skills for developing, evaluating, and implementing comprehensive organizational policies and strategic workforce guidelines",0.96,1,,False +human resources data analysis,human resources data analysis,"Advanced analytical capabilities for collecting, processing, interpreting, and deriving strategic insights from workforce and organizational performance data",0.97,1,,True +human resources data analysis,hr metrics analysis,"Advanced analytical capabilities for collecting, processing, interpreting, and deriving strategic insights from workforce and organizational performance data",0.97,1,,False +human resources data analysis,workforce intelligence,"Advanced analytical capabilities for collecting, processing, interpreting, and deriving strategic insights from workforce and organizational performance data",0.97,1,,False +human resources data analysis,organizational performance evaluation,"Advanced analytical capabilities for collecting, processing, interpreting, and deriving strategic insights from workforce and organizational performance data",0.97,1,,False +strategic workforce planning,strategic workforce planning,"Comprehensive skills in managing personnel resources, developing talent strategies, forecasting workforce needs, and optimizing organizational human capital",0.96,1,,True +strategic workforce planning,human capital strategy,"Comprehensive skills in managing personnel resources, developing talent strategies, forecasting workforce needs, and optimizing organizational human capital",0.96,1,,False +strategic workforce planning,workforce resource optimization,"Comprehensive skills in managing personnel resources, developing talent strategies, forecasting workforce needs, and optimizing organizational human capital",0.96,1,,False +masonry surface treatment,masonry surface treatment,"Advanced techniques for smoothing, cleaning, preparing, and finishing masonry surfaces using specialized tools and methods",0.95,1,,True +masonry surface treatment,surface finishing in construction,"Advanced techniques for smoothing, cleaning, preparing, and finishing masonry surfaces using specialized tools and methods",0.95,1,,False +masonry surface treatment,masonry surface preparation,"Advanced techniques for smoothing, cleaning, preparing, and finishing masonry surfaces using specialized tools and methods",0.95,1,,False +design visualization,design visualization,"Advanced ability to create graphical representations, technical illustrations, and visual design concepts for commercial, artistic, and technical purposes",0.98,1,,True +design visualization,graphic representation,"Advanced ability to create graphical representations, technical illustrations, and visual design concepts for commercial, artistic, and technical purposes",0.98,1,,False +spatial design planning,spatial design planning,"Comprehensive skills in creating detailed facility layouts, design concepts, and technical illustrations for interior and architectural environments",0.96,1,,True +spatial design planning,facility layout design,"Comprehensive skills in creating detailed facility layouts, design concepts, and technical illustrations for interior and architectural environments",0.96,1,,False +spatial design planning,technical space planning,"Comprehensive skills in creating detailed facility layouts, design concepts, and technical illustrations for interior and architectural environments",0.96,1,,False +professional research methodology,professional research methodology,"Systematic approach to conducting comprehensive investigations, gathering design-related information, and developing creative concepts through structured research techniques",0.97,1,,True +professional research methodology,design research techniques,"Systematic approach to conducting comprehensive investigations, gathering design-related information, and developing creative concepts through structured research techniques",0.97,1,,False +professional research methodology,creative concept development,"Systematic approach to conducting comprehensive investigations, gathering design-related information, and developing creative concepts through structured research techniques",0.97,1,,False +client collaboration,client collaboration,"Advanced interpersonal skills for communicating with clients, understanding needs, presenting design proposals, and managing professional relationships",0.98,1,,True +client collaboration,design consultation,"Advanced interpersonal skills for communicating with clients, understanding needs, presenting design proposals, and managing professional relationships",0.98,1,,False +situational safety communication,situational safety communication,"Advanced interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings to ensure public and worker protection",0.97,1,,True +situational safety communication,risk communication,"Advanced interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings to ensure public and worker protection",0.97,1,,False +situational safety communication,safety alert management,"Advanced interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings to ensure public and worker protection",0.97,1,,False +situational safety communication,hazard notification,"Advanced interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings to ensure public and worker protection",0.97,1,,False +precision layout preparation,precision layout preparation,"Advanced technical skills in measuring, marking, aligning, and preparing workpieces and materials for precise manufacturing and assembly processes",0.98,1,,True +precision layout preparation,dimensional marking,"Advanced technical skills in measuring, marking, aligning, and preparing workpieces and materials for precise manufacturing and assembly processes",0.98,1,,False +precision layout preparation,precision positioning,"Advanced technical skills in measuring, marking, aligning, and preparing workpieces and materials for precise manufacturing and assembly processes",0.98,1,,False +manufacturing quality inspection,manufacturing quality inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications",0.98,1,,True +manufacturing quality inspection,product quality verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications",0.98,1,,False +emergency management coordination,emergency management coordination,"Advanced ability to develop, implement, and coordinate comprehensive emergency response plans, manage critical situations, and ensure systematic organizational preparedness across diverse operational contexts",0.99,1,,True +emergency management coordination,crisis response planning,"Advanced ability to develop, implement, and coordinate comprehensive emergency response plans, manage critical situations, and ensure systematic organizational preparedness across diverse operational contexts",0.99,1,,False +emergency management coordination,emergency preparedness strategy,"Advanced ability to develop, implement, and coordinate comprehensive emergency response plans, manage critical situations, and ensure systematic organizational preparedness across diverse operational contexts",0.99,1,,False +emergency management coordination,disaster management,"Advanced ability to develop, implement, and coordinate comprehensive emergency response plans, manage critical situations, and ensure systematic organizational preparedness across diverse operational contexts",0.99,1,,False +strategic risk assessment,strategic risk assessment,"Comprehensive analytical skills for systematically identifying, evaluating, and mitigating potential organizational, operational, and safety risks through strategic planning and preventive intervention",0.98,1,,True +strategic risk assessment,organizational hazard analysis,"Comprehensive analytical skills for systematically identifying, evaluating, and mitigating potential organizational, operational, and safety risks through strategic planning and preventive intervention",0.98,1,,False +strategic risk assessment,comprehensive risk evaluation,"Comprehensive analytical skills for systematically identifying, evaluating, and mitigating potential organizational, operational, and safety risks through strategic planning and preventive intervention",0.98,1,,False +postsecondary educational leadership,postsecondary educational leadership,"Advanced skills in managing, coordinating, and leading educational programs, administrative operations, and strategic development in higher education environments",0.99,1,,True +postsecondary educational leadership,higher education management,"Advanced skills in managing, coordinating, and leading educational programs, administrative operations, and strategic development in higher education environments",0.99,1,,False +postsecondary educational leadership,institutional leadership,"Advanced skills in managing, coordinating, and leading educational programs, administrative operations, and strategic development in higher education environments",0.99,1,,False +academic program development,academic program development,"Comprehensive skills in designing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational contexts",0.98,1,,True +academic program development,educational strategy,"Comprehensive skills in designing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational contexts",0.98,1,,False +academic program development,learning program management,"Comprehensive skills in designing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational contexts",0.98,1,,False +institutional governance and compliance,institutional governance and compliance,"Advanced skills in managing departmental activities, ensuring regulatory compliance, developing policies, and maintaining comprehensive institutional standards",0.97,1,,True +institutional governance and compliance,organizational policy management,"Advanced skills in managing departmental activities, ensuring regulatory compliance, developing policies, and maintaining comprehensive institutional standards",0.97,1,,False +institutional governance and compliance,academic compliance,"Advanced skills in managing departmental activities, ensuring regulatory compliance, developing policies, and maintaining comprehensive institutional standards",0.97,1,,False +media production technical control,media production technical control,"Advanced skills in operating control consoles, managing broadcasting equipment, monitoring transmission operations, and ensuring technical functionality of media production systems",0.98,1,,True +media production technical control,media equipment management,"Advanced skills in operating control consoles, managing broadcasting equipment, monitoring transmission operations, and ensuring technical functionality of media production systems",0.98,1,,False +visual media coordination,visual media coordination,"Comprehensive skills in coordinating technical and creative aspects of media productions, including equipment operation, content management, and personnel coordination",0.97,1,,True +visual media coordination,production technical management,"Comprehensive skills in coordinating technical and creative aspects of media productions, including equipment operation, content management, and personnel coordination",0.97,1,,False +professional media communication,professional media communication,"Advanced interpersonal communication skills specific to media production contexts, involving precise technical information exchange, equipment coordination, and professional interaction",0.96,1,,True +professional media communication,media technical dialogue,"Advanced interpersonal communication skills specific to media production contexts, involving precise technical information exchange, equipment coordination, and professional interaction",0.96,1,,False +professional media communication,production communication management,"Advanced interpersonal communication skills specific to media production contexts, involving precise technical information exchange, equipment coordination, and professional interaction",0.96,1,,False +camera operation and technical control,camera operation and technical control,"Comprehensive skills in operating, positioning, adjusting, and managing camera equipment for television, video, and film productions",0.98,1,,True +camera operation and technical control,visual capture technical management,"Comprehensive skills in operating, positioning, adjusting, and managing camera equipment for television, video, and film productions",0.98,1,,False +camera operation and technical control,camera systems control,"Comprehensive skills in operating, positioning, adjusting, and managing camera equipment for television, video, and film productions",0.98,1,,False +kitchen safety management,kitchen safety management,"Comprehensive approach to maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines",0.97,1,,True +kitchen safety management,food sanitation protocols,"Comprehensive approach to maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines",0.97,1,,False +kitchen safety management,culinary hygiene management,"Comprehensive approach to maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines",0.97,1,,False +kitchen safety management,kitchen safety compliance,"Comprehensive approach to maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines",0.97,1,,False +animal care management,animal care management,"Comprehensive skills in managing, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, health monitoring, and holistic animal welfare",0.98,1,,True +animal care management,animal health support,"Comprehensive skills in managing, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, health monitoring, and holistic animal welfare",0.98,1,,False +animal care management,veterinary care coordination,"Comprehensive skills in managing, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, health monitoring, and holistic animal welfare",0.98,1,,False +animal care management,animal welfare management,"Comprehensive skills in managing, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, health monitoring, and holistic animal welfare",0.98,1,,False +facility sanitation and maintenance,facility sanitation and maintenance,"Comprehensive skills in cleaning, organizing, and maintaining workplace environments, ensuring hygienic conditions, equipment functionality, and occupant safety",0.97,1,,True +facility sanitation and maintenance,environmental hygiene management,"Comprehensive skills in cleaning, organizing, and maintaining workplace environments, ensuring hygienic conditions, equipment functionality, and occupant safety",0.97,1,,False +product demonstration,product demonstration,"Advanced skills in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques",0.98,1,,True +product demonstration,sales presentation,"Advanced skills in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques",0.98,1,,False +product demonstration,product showcasing,"Advanced skills in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques",0.98,1,,False +product demonstration,customer product education,"Advanced skills in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques",0.98,1,,False +avionics equipment maintenance,avionics equipment maintenance,"Comprehensive technical skills in inspecting, diagnosing, repairing, and maintaining complex avionics and electronic systems in aircraft with emphasis on precise operational functionality and safety standards",0.99,1,,True +avionics equipment maintenance,aircraft electronic systems repair,"Comprehensive technical skills in inspecting, diagnosing, repairing, and maintaining complex avionics and electronic systems in aircraft with emphasis on precise operational functionality and safety standards",0.99,1,,False +avionics equipment maintenance,avionics technical maintenance,"Comprehensive technical skills in inspecting, diagnosing, repairing, and maintaining complex avionics and electronic systems in aircraft with emphasis on precise operational functionality and safety standards",0.99,1,,False +aviation safety compliance,aviation safety compliance,"Comprehensive skills in ensuring equipment safety, conducting detailed inspections, monitoring operational performance, identifying potential hazards, and implementing preventive maintenance protocols in aviation environments",0.99,1,,True +aviation safety compliance,aircraft safety verification,"Comprehensive skills in ensuring equipment safety, conducting detailed inspections, monitoring operational performance, identifying potential hazards, and implementing preventive maintenance protocols in aviation environments",0.99,1,,False +electronic systems quality control,electronic systems quality control,"Systematic approach to conducting detailed equipment inspections, measuring performance parameters, evaluating technical characteristics, and ensuring conformance to precise aviation and electronic system specifications",0.98,1,,True +electronic systems quality control,electronic equipment inspection,"Systematic approach to conducting detailed equipment inspections, measuring performance parameters, evaluating technical characteristics, and ensuring conformance to precise aviation and electronic system specifications",0.98,1,,False +diagnostic technical problem solving,diagnostic technical problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment and system performance issues through precise diagnostic techniques and logical reasoning",0.98,1,,True +diagnostic technical problem solving,systematic diagnostic reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment and system performance issues through precise diagnostic techniques and logical reasoning",0.98,1,,False +investigative reporting,investigative reporting,"Advanced skills in gathering, verifying, and reporting news information through systematic research, interviewing, and comprehensive information collection techniques",0.99,1,,True +investigative reporting,news research,"Advanced skills in gathering, verifying, and reporting news information through systematic research, interviewing, and comprehensive information collection techniques",0.99,1,,False +investigative reporting,journalistic investigation,"Advanced skills in gathering, verifying, and reporting news information through systematic research, interviewing, and comprehensive information collection techniques",0.99,1,,False +media content development,media content development,"Comprehensive skills in creating, editing, and producing informational and news-related content across various media platforms",0.98,1,,True +media content development,news content creation,"Comprehensive skills in creating, editing, and producing informational and news-related content across various media platforms",0.98,1,,False +media content development,editorial production,"Comprehensive skills in creating, editing, and producing informational and news-related content across various media platforms",0.98,1,,False +multimedia storytelling,multimedia storytelling,"Advanced skills in developing, presenting, and communicating complex stories across diverse media platforms using creative and technical storytelling techniques",0.97,1,,True +multimedia storytelling,cross-platform narrative,"Advanced skills in developing, presenting, and communicating complex stories across diverse media platforms using creative and technical storytelling techniques",0.97,1,,False +multimedia storytelling,media storytelling,"Advanced skills in developing, presenting, and communicating complex stories across diverse media platforms using creative and technical storytelling techniques",0.97,1,,False +multimedia storytelling,comprehensive content presentation,"Advanced skills in developing, presenting, and communicating complex stories across diverse media platforms using creative and technical storytelling techniques",0.97,1,,False +medical equipment preparation,medical equipment preparation,"Comprehensive skills in cleaning, inspecting, preparing, and maintaining medical equipment and instruments for clinical use",0.99,1,,True +medical equipment preparation,medical device setup,"Comprehensive skills in cleaning, inspecting, preparing, and maintaining medical equipment and instruments for clinical use",0.99,1,,False +medical equipment preparation,medical instrument preparation,"Comprehensive skills in cleaning, inspecting, preparing, and maintaining medical equipment and instruments for clinical use",0.99,1,,False +medical supply inventory control,medical supply inventory control,"Comprehensive skills in tracking, managing, organizing, and maintaining medical supplies and equipment inventory",0.97,1,,True +medical supply inventory control,medical inventory management,"Comprehensive skills in tracking, managing, organizing, and maintaining medical supplies and equipment inventory",0.97,1,,False +medical supply inventory control,equipment tracking,"Comprehensive skills in tracking, managing, organizing, and maintaining medical supplies and equipment inventory",0.97,1,,False +healthcare safety compliance,healthcare safety compliance,"Comprehensive approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments",0.99,1,,True +healthcare safety compliance,infection control,"Comprehensive approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments",0.99,1,,False +healthcare safety compliance,regulatory healthcare standards,"Comprehensive approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments",0.99,1,,False +file management and organization,file management and organization,"Systematic skills in sorting, filing, maintaining, retrieving, and organizing physical and digital documents and records",0.96,1,,True +file management and organization,document filing,"Systematic skills in sorting, filing, maintaining, retrieving, and organizing physical and digital documents and records",0.96,1,,False +clerical information processing,clerical information processing,"Comprehensive skills in collecting, entering, verifying, and managing administrative and clerical information across diverse organizational contexts",0.96,1,,True +clerical information processing,clerical information handling,"Comprehensive skills in collecting, entering, verifying, and managing administrative and clerical information across diverse organizational contexts",0.96,1,,False +precision manual material handling,precision manual material handling,"Advanced proficiency in using specialized tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy",0.97,1,,True +information verification,information verification,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.98,1,,True +information verification,data validation,"Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis",0.98,1,,False +communication routing,communication routing,"Systematic skills in directing calls, managing communication channels, and coordinating information flow across professional environments",0.97,1,,True +communication routing,call coordination,"Systematic skills in directing calls, managing communication channels, and coordinating information flow across professional environments",0.97,1,,False +operational administrative support,operational administrative support,"Comprehensive skills in managing administrative tasks, documenting interactions, processing transactions, and maintaining systematic communication in service environments",0.96,1,,True +operational administrative support,operational support,"Comprehensive skills in managing administrative tasks, documenting interactions, processing transactions, and maintaining systematic communication in service environments",0.96,1,,False +interpersonal information exchange,interpersonal information exchange,"Advanced skills in gathering, verifying, and communicating information through professional interaction, active listening, and strategic communication",0.98,1,,True +interpersonal information exchange,interpersonal verification,"Advanced skills in gathering, verifying, and communicating information through professional interaction, active listening, and strategic communication",0.98,1,,False +agricultural operations,agricultural operations,"Comprehensive skills in managing agricultural processes, equipment operation, crop management, and systematic agricultural resource coordination",0.97,1,,True +agricultural operations,farm management,"Comprehensive skills in managing agricultural processes, equipment operation, crop management, and systematic agricultural resource coordination",0.97,1,,False +agricultural operations,crop production,"Comprehensive skills in managing agricultural processes, equipment operation, crop management, and systematic agricultural resource coordination",0.97,1,,False +precision manual animal handling,precision manual animal handling,"Advanced technical skills in safely restraining, positioning, and providing precise care for animals during medical, research, or agricultural procedures",0.96,1,,True +precision manual animal handling,animal restraint techniques,"Advanced technical skills in safely restraining, positioning, and providing precise care for animals during medical, research, or agricultural procedures",0.96,1,,False +precision manual animal handling,veterinary handling skills,"Advanced technical skills in safely restraining, positioning, and providing precise care for animals during medical, research, or agricultural procedures",0.96,1,,False +agricultural inspection and compliance,agricultural inspection and compliance,"Comprehensive skills in systematically examining, evaluating, and ensuring quality and safety standards in agricultural and forestry products and operations",0.98,1,,True +agricultural inspection and compliance,agricultural quality control,"Comprehensive skills in systematically examining, evaluating, and ensuring quality and safety standards in agricultural and forestry products and operations",0.98,1,,False +agricultural inspection and compliance,farming standards verification,"Comprehensive skills in systematically examining, evaluating, and ensuring quality and safety standards in agricultural and forestry products and operations",0.98,1,,False +material handling and inspection,material handling and inspection,"Proficient skills in loading, measuring, positioning, inspecting, and transferring materials through complex operational workflows with precision and quality control",0.98,1,,True +material handling and inspection,material quality assessment,"Proficient skills in loading, measuring, positioning, inspecting, and transferring materials through complex operational workflows with precision and quality control",0.98,1,,False +safety and hygiene management,safety and hygiene management,"Comprehensive approach to maintaining workplace safety, preventing contamination, ensuring cleanliness, and following industry-specific safety protocols",0.98,1,,True +safety and hygiene management,sanitation protocols,"Comprehensive approach to maintaining workplace safety, preventing contamination, ensuring cleanliness, and following industry-specific safety protocols",0.98,1,,False +safety and hygiene management,workplace safety standards,"Comprehensive approach to maintaining workplace safety, preventing contamination, ensuring cleanliness, and following industry-specific safety protocols",0.98,1,,False +advanced scientific problem solving,advanced scientific problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques",1.0,1,,True +advanced scientific problem solving,complex technical problem resolution,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques",1.0,1,,False +advanced scientific problem solving,systematic technical challenge analysis,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques",1.0,1,,False +technical research methodology,technical research methodology,"Comprehensive skills in designing, conducting, and analyzing systematic research involving precise data collection, scientific investigation, measurement techniques, and evidence-based knowledge development",0.99,1,,True +technical research methodology,systematic research implementation,"Comprehensive skills in designing, conducting, and analyzing systematic research involving precise data collection, scientific investigation, measurement techniques, and evidence-based knowledge development",0.99,1,,False +computational data analysis,computational data analysis,"Advanced skills in collecting, processing, analyzing, and interpreting complex datasets using mathematical, statistical, and computational methods across diverse professional contexts",0.99,1,,True +computational data analysis,quantitative information processing,"Advanced skills in collecting, processing, analyzing, and interpreting complex datasets using mathematical, statistical, and computational methods across diverse professional contexts",0.99,1,,False +computational data analysis,advanced statistical reasoning,"Advanced skills in collecting, processing, analyzing, and interpreting complex datasets using mathematical, statistical, and computational methods across diverse professional contexts",0.99,1,,False +precision technical communication,precision technical communication,"Advanced interpersonal skills for precise information exchange, technical documentation, active listening, and professional interaction across complex technical and scientific environments",0.99,1,,True +precision technical communication,specialized technical dialogue,"Advanced interpersonal skills for precise information exchange, technical documentation, active listening, and professional interaction across complex technical and scientific environments",0.99,1,,False +strategic operational coordination,strategic operational coordination,"Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, synchronize team efforts, and ensure systematic operational efficiency across diverse professional environments",0.99,1,,True +strategic operational coordination,comprehensive workflow management,"Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, synchronize team efforts, and ensure systematic operational efficiency across diverse professional environments",0.99,1,,False +strategic operational coordination,complex operational synchronization,"Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, synchronize team efforts, and ensure systematic operational efficiency across diverse professional environments",0.99,1,,False +strategic operational analysis,strategic operational analysis,"Advanced analytical skills for systematically evaluating complex operational processes, identifying efficiency opportunities, and developing strategic improvements across organizational contexts",0.97,1,,True +strategic operational analysis,strategic workflow assessment,"Advanced analytical skills for systematically evaluating complex operational processes, identifying efficiency opportunities, and developing strategic improvements across organizational contexts",0.97,1,,False +strategic operational analysis,systematic process improvement,"Advanced analytical skills for systematically evaluating complex operational processes, identifying efficiency opportunities, and developing strategic improvements across organizational contexts",0.97,1,,False +business relationship development,business relationship development,"Advanced interpersonal skills for collecting customer information, developing professional relationships, coordinating business operations, and managing stakeholder interactions",0.96,1,,True +proposal and documentation management,proposal and documentation management,"Comprehensive skills in preparing, analyzing, and managing professional documents, proposal reports, and comprehensive business communication with systematic precision",0.97,1,,True +proposal and documentation management,business document preparation,"Comprehensive skills in preparing, analyzing, and managing professional documents, proposal reports, and comprehensive business communication with systematic precision",0.97,1,,False +proposal and documentation management,professional reporting,"Comprehensive skills in preparing, analyzing, and managing professional documents, proposal reports, and comprehensive business communication with systematic precision",0.97,1,,False +proposal and documentation management,comprehensive communication management,"Comprehensive skills in preparing, analyzing, and managing professional documents, proposal reports, and comprehensive business communication with systematic precision",0.97,1,,False +professional knowledge maintenance,professional knowledge maintenance,"Proactive approach to continuously updating professional knowledge, adapting to emerging challenges, and maintaining current industry expertise through systematic learning and development",0.96,1,,True +professional knowledge maintenance,industry knowledge update,"Proactive approach to continuously updating professional knowledge, adapting to emerging challenges, and maintaining current industry expertise through systematic learning and development",0.96,1,,False +professional knowledge maintenance,skill enhancement,"Proactive approach to continuously updating professional knowledge, adapting to emerging challenges, and maintaining current industry expertise through systematic learning and development",0.96,1,,False +healthcare documentation,healthcare documentation,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,True +dental healthcare support,dental healthcare support,"Comprehensive clinical skills in providing specialized dental assistance, patient support, equipment preparation, and technical support in dental healthcare settings",0.99,1,,True +dental healthcare support,dental clinical support,"Comprehensive clinical skills in providing specialized dental assistance, patient support, equipment preparation, and technical support in dental healthcare settings",0.99,1,,False +dental healthcare support,oral healthcare assistance,"Comprehensive clinical skills in providing specialized dental assistance, patient support, equipment preparation, and technical support in dental healthcare settings",0.99,1,,False +preventive dental care,preventive dental care,"Advanced skills in providing patient education, oral hygiene guidance, preventive treatments, and comprehensive wellness counseling in dental healthcare contexts",0.96,1,,True +preventive dental care,dental health education,"Advanced skills in providing patient education, oral hygiene guidance, preventive treatments, and comprehensive wellness counseling in dental healthcare contexts",0.96,1,,False +preventive dental care,oral wellness support,"Advanced skills in providing patient education, oral hygiene guidance, preventive treatments, and comprehensive wellness counseling in dental healthcare contexts",0.96,1,,False +textual accuracy verification,textual accuracy verification,"Precise skills in proofreading, checking, and ensuring accuracy of written documents, records, and textual materials",0.98,1,,True +textual accuracy verification,document verification,"Precise skills in proofreading, checking, and ensuring accuracy of written documents, records, and textual materials",0.98,1,,False +textual accuracy verification,textual error detection,"Precise skills in proofreading, checking, and ensuring accuracy of written documents, records, and textual materials",0.98,1,,False +textual accuracy verification,written content validation,"Precise skills in proofreading, checking, and ensuring accuracy of written documents, records, and textual materials",0.98,1,,False +systematic information review,systematic information review,"Comprehensive ability to methodically examine, analyze, and validate written and recorded information across professional contexts",0.97,1,,True +systematic information review,detailed document inspection,"Comprehensive ability to methodically examine, analyze, and validate written and recorded information across professional contexts",0.97,1,,False +systematic information review,methodical information verification,"Comprehensive ability to methodically examine, analyze, and validate written and recorded information across professional contexts",0.97,1,,False +professional written communication,professional written communication,"Advanced skills in communicating effectively through precise, clear, and audience-appropriate written expression",0.99,1,,True +professional written communication,precise written communication,"Advanced skills in communicating effectively through precise, clear, and audience-appropriate written expression",0.99,1,,False +analytical systems evaluation,analytical systems evaluation,"Comprehensive skill in determining system performance, analyzing operational conditions, identifying changes, and developing strategic improvements",0.98,1,,True +analytical systems evaluation,systems analysis,"Comprehensive skill in determining system performance, analyzing operational conditions, identifying changes, and developing strategic improvements",0.98,1,,False +analytical systems evaluation,strategic system optimization,"Comprehensive skill in determining system performance, analyzing operational conditions, identifying changes, and developing strategic improvements",0.98,1,,False +operational data interpretation,operational data interpretation,"Advanced skills in collecting, processing, analyzing, and communicating complex operational and technical information with precision and systematic accuracy",0.99,1,,True +vehicle service operations,vehicle service operations,"Comprehensive skills in maintaining, cleaning, inspecting, and servicing automotive and watercraft vehicles, including equipment maintenance, safety checks, and operational readiness",0.98,1,,True +vehicle service operations,vehicle maintenance,"Comprehensive skills in maintaining, cleaning, inspecting, and servicing automotive and watercraft vehicles, including equipment maintenance, safety checks, and operational readiness",0.98,1,,False +vehicle service operations,transportation equipment care,"Comprehensive skills in maintaining, cleaning, inspecting, and servicing automotive and watercraft vehicles, including equipment maintenance, safety checks, and operational readiness",0.98,1,,False +financial analysis and compliance,financial analysis and compliance,"Advanced analytical skills for systematically examining financial records, interpreting regulatory requirements, and ensuring comprehensive financial compliance and risk management",0.99,1,,True +financial analysis and compliance,financial regulatory assessment,"Advanced analytical skills for systematically examining financial records, interpreting regulatory requirements, and ensuring comprehensive financial compliance and risk management",0.99,1,,False +financial analysis and compliance,compliance financial evaluation,"Advanced analytical skills for systematically examining financial records, interpreting regulatory requirements, and ensuring comprehensive financial compliance and risk management",0.99,1,,False +strategic financial decision making,strategic financial decision making,"Advanced analytical capabilities for evaluating financial data, assessing risks, and making informed strategic decisions that optimize organizational financial performance",0.99,1,,True +strategic financial decision making,financial strategic reasoning,"Advanced analytical capabilities for evaluating financial data, assessing risks, and making informed strategic decisions that optimize organizational financial performance",0.99,1,,False +investigative financial verification,investigative financial verification,"Systematic skills in collecting, interviewing, validating, and documenting financial information through professional interaction, critical analysis, and comprehensive intelligence gathering",0.98,1,,True +investigative financial verification,financial information validation,"Systematic skills in collecting, interviewing, validating, and documenting financial information through professional interaction, critical analysis, and comprehensive intelligence gathering",0.98,1,,False +investigative financial verification,professional financial intelligence,"Systematic skills in collecting, interviewing, validating, and documenting financial information through professional interaction, critical analysis, and comprehensive intelligence gathering",0.98,1,,False +employee relations management,employee relations management,"Advanced skills in managing workplace interactions, resolving conflicts, supporting employee development, and maintaining positive organizational relationships",0.96,1,,True +employee relations management,workplace conflict resolution,"Advanced skills in managing workplace interactions, resolving conflicts, supporting employee development, and maintaining positive organizational relationships",0.96,1,,False +employee relations management,personnel engagement,"Advanced skills in managing workplace interactions, resolving conflicts, supporting employee development, and maintaining positive organizational relationships",0.96,1,,False +entertainment service management,entertainment service management,"Comprehensive skills in coordinating, supervising, and managing entertainment and recreational service operations, including staff supervision, patron interactions, and operational efficiency",0.98,1,,True +entertainment service management,recreation service coordination,"Comprehensive skills in coordinating, supervising, and managing entertainment and recreational service operations, including staff supervision, patron interactions, and operational efficiency",0.98,1,,False +entertainment service management,entertainment venue management,"Comprehensive skills in coordinating, supervising, and managing entertainment and recreational service operations, including staff supervision, patron interactions, and operational efficiency",0.98,1,,False +operational performance reporting,operational performance reporting,"Systematic skills in preparing, documenting, and communicating detailed operational reports, performance assessments, and administrative records",0.96,1,,True +staff development and training,staff development and training,"Comprehensive skills in supporting professional growth, training service personnel, maintaining knowledge, and enhancing workforce capabilities",0.97,1,,True +staff development and training,employee training management,"Comprehensive skills in supporting professional growth, training service personnel, maintaining knowledge, and enhancing workforce capabilities",0.97,1,,False +resource allocation coordination,resource allocation coordination,"Advanced skills in managing personnel, material, and operational resources, assigning duties, and coordinating work schedules",0.96,1,,True +resource allocation coordination,workforce resource management,"Advanced skills in managing personnel, material, and operational resources, assigning duties, and coordinating work schedules",0.96,1,,False +resource allocation coordination,operational task distribution,"Advanced skills in managing personnel, material, and operational resources, assigning duties, and coordinating work schedules",0.96,1,,False +security screening protocols,security screening protocols,"Systematic approach to examining cargo, individuals, and documentation to identify potential security risks.",0.98,1,,True +security screening protocols,checkpoint security procedures,"Systematic approach to examining cargo, individuals, and documentation to identify potential security risks.",0.98,1,,False +security screening protocols,threat identification protocols,"Systematic approach to examining cargo, individuals, and documentation to identify potential security risks.",0.98,1,,False +threat detection and assessment,threat detection and assessment,"Advanced analytical skills for identifying suspicious objects, behaviors, and potential security threats.",0.97,1,,True +public safety interaction,public safety interaction,Professional communication skills for managing public interactions during security screening processes.,0.96,1,,True +public safety interaction,security communication,Professional communication skills for managing public interactions during security screening processes.,0.96,1,,False +public safety interaction,passenger engagement,Professional communication skills for managing public interactions during security screening processes.,0.96,1,,False +commercial negotiation,commercial negotiation,"Advanced interpersonal skills for negotiating prices, terms, contracts, and sales arrangements with strategic communication and persuasive techniques",0.97,1,,True +commercial negotiation,sales negotiation,"Advanced interpersonal skills for negotiating prices, terms, contracts, and sales arrangements with strategic communication and persuasive techniques",0.97,1,,False +commercial negotiation,contract management,"Advanced interpersonal skills for negotiating prices, terms, contracts, and sales arrangements with strategic communication and persuasive techniques",0.97,1,,False +commercial negotiation,business agreement facilitation,"Advanced interpersonal skills for negotiating prices, terms, contracts, and sales arrangements with strategic communication and persuasive techniques",0.97,1,,False +air traffic control management,air traffic control management,"Advanced skills in coordinating, monitoring, and directing aircraft movement, ensuring safety, communication, and systematic operational efficiency in complex transportation environments",0.99,1,,True +air traffic control management,flight traffic coordination,"Advanced skills in coordinating, monitoring, and directing aircraft movement, ensuring safety, communication, and systematic operational efficiency in complex transportation environments",0.99,1,,False +air traffic control management,airspace management,"Advanced skills in coordinating, monitoring, and directing aircraft movement, ensuring safety, communication, and systematic operational efficiency in complex transportation environments",0.99,1,,False +air traffic control management,aviation safety control,"Advanced skills in coordinating, monitoring, and directing aircraft movement, ensuring safety, communication, and systematic operational efficiency in complex transportation environments",0.99,1,,False +security operations management,security operations management,"Comprehensive skills in supervising, coordinating, and managing complex security activities, including personnel direction, operational planning, and strategic risk mitigation",0.99,1,,True +security operations management,security team leadership,"Comprehensive skills in supervising, coordinating, and managing complex security activities, including personnel direction, operational planning, and strategic risk mitigation",0.99,1,,False +security operations management,protective services coordination,"Comprehensive skills in supervising, coordinating, and managing complex security activities, including personnel direction, operational planning, and strategic risk mitigation",0.99,1,,False +surveillance and threat detection,surveillance and threat detection,"Advanced technical and observational skills for monitoring environments, operating surveillance equipment, identifying suspicious activities, and preventing potential security risks",0.98,1,,True +surveillance and threat detection,security monitoring,"Advanced technical and observational skills for monitoring environments, operating surveillance equipment, identifying suspicious activities, and preventing potential security risks",0.98,1,,False +construction site coordination,construction site coordination,"Advanced skills in managing work site activities, positioning equipment, coordinating personnel, monitoring operations, and ensuring systematic efficiency in construction environments",0.96,1,,True +construction site coordination,site operations management,"Advanced skills in managing work site activities, positioning equipment, coordinating personnel, monitoring operations, and ensuring systematic efficiency in construction environments",0.96,1,,False +construction site coordination,work site supervision,"Advanced skills in managing work site activities, positioning equipment, coordinating personnel, monitoring operations, and ensuring systematic efficiency in construction environments",0.96,1,,False +agricultural product inspection,agricultural product inspection,"Systematic examination, grading, and quality assessment of agricultural and forestry products through precise technical evaluation and measurement techniques",0.98,1,,True +agricultural product inspection,product quality grading,"Systematic examination, grading, and quality assessment of agricultural and forestry products through precise technical evaluation and measurement techniques",0.98,1,,False +agricultural product inspection,agricultural standards assessment,"Systematic examination, grading, and quality assessment of agricultural and forestry products through precise technical evaluation and measurement techniques",0.98,1,,False +material handling and sorting,material handling and sorting,"Precise technical skills in loading, positioning, measuring, and transferring agricultural and forestry materials through complex operational workflows",0.97,1,,True +material handling and sorting,agricultural material management,"Precise technical skills in loading, positioning, measuring, and transferring agricultural and forestry materials through complex operational workflows",0.97,1,,False +equipment operations monitoring,equipment operations monitoring,"Systematic observation and control of industrial machinery, gauges, and operational systems to ensure proper functionality, detect malfunctions, and maintain optimal performance",0.99,1,,True +equipment operations monitoring,operational system control,"Systematic observation and control of industrial machinery, gauges, and operational systems to ensure proper functionality, detect malfunctions, and maintain optimal performance",0.99,1,,False +equipment operations monitoring,technical equipment surveillance,"Systematic observation and control of industrial machinery, gauges, and operational systems to ensure proper functionality, detect malfunctions, and maintain optimal performance",0.99,1,,False +safety and compliance management,safety and compliance management,"Comprehensive approach to identifying potential hazards, implementing preventive measures, ensuring workplace safety, and maintaining adherence to regulatory standards across technical work environments",0.99,1,,True +safety and compliance management,workplace safety protocols,"Comprehensive approach to identifying potential hazards, implementing preventive measures, ensuring workplace safety, and maintaining adherence to regulatory standards across technical work environments",0.99,1,,False +historical research methodology,historical research methodology,"Advanced systematic skills for conducting comprehensive historical investigations, collecting archival data, analyzing primary and secondary sources, and developing evidence-based historical interpretations",0.98,1,,True +historical research methodology,historical evidence analysis,"Advanced systematic skills for conducting comprehensive historical investigations, collecting archival data, analyzing primary and secondary sources, and developing evidence-based historical interpretations",0.98,1,,False +scholarly documentation management,scholarly documentation management,"Comprehensive skills in preparing, organizing, maintaining, and preserving detailed academic and archival records with systematic precision and comprehensive documentation techniques",0.96,1,,True +scholarly documentation management,academic documentation,"Comprehensive skills in preparing, organizing, maintaining, and preserving detailed academic and archival records with systematic precision and comprehensive documentation techniques",0.96,1,,False +instructional communication,instructional communication,"Advanced interpersonal skills for effectively teaching, explaining complex concepts, facilitating learning, and engaging students through strategic communication and pedagogical techniques",0.98,1,,True +instructional communication,educational dialogue,"Advanced interpersonal skills for effectively teaching, explaining complex concepts, facilitating learning, and engaging students through strategic communication and pedagogical techniques",0.98,1,,False +instructional communication,knowledge transfer,"Advanced interpersonal skills for effectively teaching, explaining complex concepts, facilitating learning, and engaging students through strategic communication and pedagogical techniques",0.98,1,,False +wind turbine technical maintenance,wind turbine technical maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex wind turbine mechanical and electrical systems using specialized tools and systematic technical approaches",0.99,1,,True +wind turbine technical maintenance,wind energy equipment maintenance,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex wind turbine mechanical and electrical systems using specialized tools and systematic technical approaches",0.99,1,,False +wind turbine technical maintenance,renewable energy system repair,"Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex wind turbine mechanical and electrical systems using specialized tools and systematic technical approaches",0.99,1,,False +safety-focused technical inspection,safety-focused technical inspection,"Comprehensive approach to conducting detailed equipment inspections, identifying potential hazards, ensuring workplace safety, and implementing preventive maintenance protocols",0.97,1,,True +green energy systems management,green energy systems management,"Comprehensive expertise in operating, maintaining, and optimizing renewable energy infrastructure, including technical monitoring, performance assessment, and systematic operational control",0.97,1,,True +green energy systems management,renewable energy technical operations,"Comprehensive expertise in operating, maintaining, and optimizing renewable energy infrastructure, including technical monitoring, performance assessment, and systematic operational control",0.97,1,,False +green energy systems management,green technology management,"Comprehensive expertise in operating, maintaining, and optimizing renewable energy infrastructure, including technical monitoring, performance assessment, and systematic operational control",0.97,1,,False +geospatial analysis,geospatial analysis,"Comprehensive skills in collecting, processing, interpreting, and visualizing geographic and spatial data using advanced scientific and technical methodologies",0.97,1,,True +geospatial analysis,spatial data interpretation,"Comprehensive skills in collecting, processing, interpreting, and visualizing geographic and spatial data using advanced scientific and technical methodologies",0.97,1,,False +environmental monitoring,environmental monitoring,"Comprehensive expertise in analyzing, evaluating, and managing environmental conditions, technologies, and ecological impacts through systematic scientific techniques",0.97,1,,True +environmental monitoring,ecological assessment,"Comprehensive expertise in analyzing, evaluating, and managing environmental conditions, technologies, and ecological impacts through systematic scientific techniques",0.97,1,,False +environmental monitoring,conservation monitoring,"Comprehensive expertise in analyzing, evaluating, and managing environmental conditions, technologies, and ecological impacts through systematic scientific techniques",0.97,1,,False +chemical flow and process control,chemical flow and process control,"Precise skill in managing liquid flow, cleaning solutions, chemical processing parameters, and operational control in technical and industrial environments",0.96,1,,True +chemical flow and process control,chemical processing management,"Precise skill in managing liquid flow, cleaning solutions, chemical processing parameters, and operational control in technical and industrial environments",0.96,1,,False +chemical flow and process control,industrial chemical control,"Precise skill in managing liquid flow, cleaning solutions, chemical processing parameters, and operational control in technical and industrial environments",0.96,1,,False +gauges and indicator monitoring,gauges and indicator monitoring,"Systematic observation of equipment gauges, dials, and indicators to ensure proper machine functioning, detect potential issues, and maintain operational efficiency",0.97,1,,True +gauges and indicator monitoring,equipment status monitoring,"Systematic observation of equipment gauges, dials, and indicators to ensure proper machine functioning, detect potential issues, and maintain operational efficiency",0.97,1,,False +gauges and indicator monitoring,operational indicator analysis,"Systematic observation of equipment gauges, dials, and indicators to ensure proper machine functioning, detect potential issues, and maintain operational efficiency",0.97,1,,False +equipment monitoring,equipment monitoring,"Systematic observation and control of machinery, gauges, and operational systems to ensure proper functioning, detect malfunctions, and maintain optimal performance",0.99,1,,True +equipment monitoring,operations monitoring,"Systematic observation and control of machinery, gauges, and operational systems to ensure proper functioning, detect malfunctions, and maintain optimal performance",0.99,1,,False +precision technical manipulation,precision technical manipulation,"Advanced manual skills in using specialized tools to precisely measure, cut, position, and manipulate materials and components across diverse technical environments",0.98,1,,True +precision technical manipulation,precise equipment operation,"Advanced manual skills in using specialized tools to precisely measure, cut, position, and manipulate materials and components across diverse technical environments",0.98,1,,False +energy systems engineering,energy systems engineering,"Advanced technical skills in designing, analyzing, operating, and maintaining complex energy production and distribution systems with emphasis on safety, efficiency, and technological innovation",0.98,1,,True +energy systems engineering,energy infrastructure management,"Advanced technical skills in designing, analyzing, operating, and maintaining complex energy production and distribution systems with emphasis on safety, efficiency, and technological innovation",0.98,1,,False +energy systems engineering,power systems design,"Advanced technical skills in designing, analyzing, operating, and maintaining complex energy production and distribution systems with emphasis on safety, efficiency, and technological innovation",0.98,1,,False +energy systems engineering,renewable energy engineering,"Advanced technical skills in designing, analyzing, operating, and maintaining complex energy production and distribution systems with emphasis on safety, efficiency, and technological innovation",0.98,1,,False +technical performance analysis,technical performance analysis,"Advanced analytical skills for systematically evaluating operational performance, identifying efficiency opportunities, and developing strategic improvements across technical systems",0.97,1,,True +technical resource coordination,technical resource coordination,"Advanced ability to manage complex workflow processes, coordinate technical work activities, direct operational sequences, and ensure systematic efficiency in energy and engineering environments",0.97,1,,True +technical resource coordination,operational technical management,"Advanced ability to manage complex workflow processes, coordinate technical work activities, direct operational sequences, and ensure systematic efficiency in energy and engineering environments",0.97,1,,False +technical resource coordination,engineering workflow coordination,"Advanced ability to manage complex workflow processes, coordinate technical work activities, direct operational sequences, and ensure systematic efficiency in energy and engineering environments",0.97,1,,False +scientific management,scientific management,"Advanced leadership and coordination skills in scientific research, organizational operations, and technical project management",0.99,1,,True +scientific management,research leadership,"Advanced leadership and coordination skills in scientific research, organizational operations, and technical project management",0.99,1,,False +scientific management,scientific organizational strategy,"Advanced leadership and coordination skills in scientific research, organizational operations, and technical project management",0.99,1,,False +natural resource management,natural resource management,"Comprehensive expertise in managing, protecting, and coordinating natural resources through systematic scientific and operational techniques",0.98,1,,True +natural resource management,resource conservation,"Comprehensive expertise in managing, protecting, and coordinating natural resources through systematic scientific and operational techniques",0.98,1,,False +agricultural systems coordination,agricultural systems coordination,"Advanced skills in managing agricultural processes, coordinating complex operational workflows, and integrating technological and ecological approaches",0.97,1,,True +agricultural systems coordination,farming systems integration,"Advanced skills in managing agricultural processes, coordinating complex operational workflows, and integrating technological and ecological approaches",0.97,1,,False +field operations management,field operations management,"Advanced skills in coordinating, directing, and managing complex outdoor work activities with emphasis on safety, efficiency, and environmental considerations",0.97,1,,True +field operations management,site management,"Advanced skills in coordinating, directing, and managing complex outdoor work activities with emphasis on safety, efficiency, and environmental considerations",0.97,1,,False +artistic design conceptualization,artistic design conceptualization,"Advanced ability to develop, visualize, and create original artistic and technical design concepts for decoration, exhibition, or commercial purposes",0.98,1,,True +artistic design conceptualization,creative design development,"Advanced ability to develop, visualize, and create original artistic and technical design concepts for decoration, exhibition, or commercial purposes",0.98,1,,False +artistic design conceptualization,visual concept creation,"Advanced ability to develop, visualize, and create original artistic and technical design concepts for decoration, exhibition, or commercial purposes",0.98,1,,False +floral arrangement expertise,floral arrangement expertise,"Specialized skills in creating distinctive decorative compositions using flowers, materials, and design techniques for commercial and artistic purposes",0.97,1,,True +floral arrangement expertise,decorative floral design,"Specialized skills in creating distinctive decorative compositions using flowers, materials, and design techniques for commercial and artistic purposes",0.97,1,,False +floral arrangement expertise,botanical composition,"Specialized skills in creating distinctive decorative compositions using flowers, materials, and design techniques for commercial and artistic purposes",0.97,1,,False +floral arrangement expertise,creative floral styling,"Specialized skills in creating distinctive decorative compositions using flowers, materials, and design techniques for commercial and artistic purposes",0.97,1,,False +client consultation and needs assessment,client consultation and needs assessment,"Advanced interpersonal skills for understanding customer requirements, gathering design preferences, and providing personalized creative solutions",0.98,1,,True +client consultation and needs assessment,customer design interaction,"Advanced interpersonal skills for understanding customer requirements, gathering design preferences, and providing personalized creative solutions",0.98,1,,False +client consultation and needs assessment,creative service orientation,"Advanced interpersonal skills for understanding customer requirements, gathering design preferences, and providing personalized creative solutions",0.98,1,,False +client consultation and needs assessment,personalized design consultation,"Advanced interpersonal skills for understanding customer requirements, gathering design preferences, and providing personalized creative solutions",0.98,1,,False +material and prop selection,material and prop selection,"Comprehensive skills in selecting, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.96,1,,True +material and prop selection,design resource curation,"Comprehensive skills in selecting, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.96,1,,False +material and prop selection,creative material management,"Comprehensive skills in selecting, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.96,1,,False +material and prop selection,artistic prop selection,"Comprehensive skills in selecting, curating, and positioning materials, props, and design elements to create impactful visual compositions",0.96,1,,False +nutritional assessment and planning,nutritional assessment and planning,"Comprehensive skill in evaluating patient nutritional needs, developing personalized dietary strategies, and implementing targeted nutritional interventions",0.98,1,,True +nutritional assessment and planning,nutritional care planning,"Comprehensive skill in evaluating patient nutritional needs, developing personalized dietary strategies, and implementing targeted nutritional interventions",0.98,1,,False +nutritional research and documentation,nutritional research and documentation,"Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health",0.97,1,,True +nutritional research and documentation,nutrition science documentation,"Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health",0.97,1,,False +nutritional research and documentation,dietary research,"Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health",0.97,1,,False +healthcare patient support,healthcare patient support,"Comprehensive skills in providing direct personal assistance, medical monitoring, basic treatment support, and compassionate care for patients with diverse medical needs across clinical environments",1.0,2,,True +healthcare patient support,medical assistance,"Comprehensive skills in providing direct personal assistance, medical monitoring, basic treatment support, and compassionate care for patients with diverse medical needs across clinical environments",1.0,2,,False +healthcare patient support,clinical support services,"Comprehensive skills in providing direct personal assistance, medical monitoring, basic treatment support, and compassionate care for patients with diverse medical needs across clinical environments",1.0,2,,False +clinical procedure assistance,clinical procedure assistance,"Comprehensive skills in supporting healthcare practitioners during medical procedures, maintaining sterile environments, preparing medical supplies, and providing precise technical and interpersonal support",0.98,1,,True +patient measurement and assessment,patient measurement and assessment,"Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition",0.99,1,,True +patient measurement and assessment,medical physical assessment,"Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition",0.99,1,,False +patient measurement and assessment,diagnostic patient screening,"Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition",0.99,1,,False +nuclear systems engineering,nuclear systems engineering,"Advanced technical skills in designing, analyzing, operating, and maintaining complex nuclear power and radiation-related systems with emphasis on safety, precision, and operational efficiency",0.99,1,,True +nuclear systems engineering,nuclear reactor management,"Advanced technical skills in designing, analyzing, operating, and maintaining complex nuclear power and radiation-related systems with emphasis on safety, precision, and operational efficiency",0.99,1,,False +nuclear systems engineering,radiation systems control,"Advanced technical skills in designing, analyzing, operating, and maintaining complex nuclear power and radiation-related systems with emphasis on safety, precision, and operational efficiency",0.99,1,,False +technical risk assessment,technical risk assessment,"Advanced analytical skills for systematically identifying, evaluating, and mitigating potential technical, operational, and safety risks through comprehensive investigation and strategic intervention",0.99,1,,True +technical risk assessment,operational hazard analysis,"Advanced analytical skills for systematically identifying, evaluating, and mitigating potential technical, operational, and safety risks through comprehensive investigation and strategic intervention",0.99,1,,False +organizational risk management,organizational risk management,"Comprehensive ability to identify, assess, and mitigate potential organizational risks through systematic analysis, strategic planning, and preventive intervention",0.98,1,,True +organizational risk management,risk mitigation strategy,"Comprehensive ability to identify, assess, and mitigate potential organizational risks through systematic analysis, strategic planning, and preventive intervention",0.98,1,,False +organizational risk management,organizational threat assessment,"Comprehensive ability to identify, assess, and mitigate potential organizational risks through systematic analysis, strategic planning, and preventive intervention",0.98,1,,False +organizational risk management,strategic risk reduction,"Comprehensive ability to identify, assess, and mitigate potential organizational risks through systematic analysis, strategic planning, and preventive intervention",0.98,1,,False +strategic security oversight,strategic security oversight,"Advanced skills in managing comprehensive security operations, developing protective strategies, and ensuring organizational safety through systematic monitoring and proactive intervention",0.97,1,,True +strategic security oversight,security strategy development,"Advanced skills in managing comprehensive security operations, developing protective strategies, and ensuring organizational safety through systematic monitoring and proactive intervention",0.97,1,,False +strategic security oversight,comprehensive protective management,"Advanced skills in managing comprehensive security operations, developing protective strategies, and ensuring organizational safety through systematic monitoring and proactive intervention",0.97,1,,False +operational policy implementation,operational policy implementation,"Advanced ability to develop, communicate, interpret, and systematically enforce organizational policies, procedures, and operational guidelines",0.96,1,,True +operational policy implementation,policy development and enforcement,"Advanced ability to develop, communicate, interpret, and systematically enforce organizational policies, procedures, and operational guidelines",0.96,1,,False +operational policy implementation,organizational directive management,"Advanced ability to develop, communicate, interpret, and systematically enforce organizational policies, procedures, and operational guidelines",0.96,1,,False +precision manual cutting,precision manual cutting,"Advanced technical skills in using hand tools to precisely measure, cut, trim, and manipulate materials with high accuracy across diverse work environments",0.98,1,,True +precision manual cutting,manual material precision,"Advanced technical skills in using hand tools to precisely measure, cut, trim, and manipulate materials with high accuracy across diverse work environments",0.98,1,,False +precision manual cutting,precise cutting techniques,"Advanced technical skills in using hand tools to precisely measure, cut, trim, and manipulate materials with high accuracy across diverse work environments",0.98,1,,False +precision manual cutting,technical hand cutting,"Advanced technical skills in using hand tools to precisely measure, cut, trim, and manipulate materials with high accuracy across diverse work environments",0.98,1,,False +financial counseling,financial counseling,"Advanced skills in providing comprehensive financial guidance, debt management advice, and personalized financial planning support to clients",0.98,1,,True +financial counseling,financial advisory,"Advanced skills in providing comprehensive financial guidance, debt management advice, and personalized financial planning support to clients",0.98,1,,False +financial counseling,debt management counseling,"Advanced skills in providing comprehensive financial guidance, debt management advice, and personalized financial planning support to clients",0.98,1,,False +financial counseling,client financial guidance,"Advanced skills in providing comprehensive financial guidance, debt management advice, and personalized financial planning support to clients",0.98,1,,False +client information processing,client information processing,"Systematic skills in collecting, verifying, documenting, and managing complex client financial and personal information through professional interaction",0.97,1,,True +client information processing,client data management,"Systematic skills in collecting, verifying, documenting, and managing complex client financial and personal information through professional interaction",0.97,1,,False +instructional assessment and mentorship,instructional assessment and mentorship,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.98,1,,True +instructional assessment and mentorship,educational mentoring,"Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth",0.98,1,,False +chemical engineering analysis,chemical engineering analysis,"Advanced analytical skills for systematically investigating chemical processes, evaluating engineering challenges, and developing innovative solutions using scientific methods and technical reasoning",1.0,1,,True +chemical engineering analysis,chemical process evaluation,"Advanced analytical skills for systematically investigating chemical processes, evaluating engineering challenges, and developing innovative solutions using scientific methods and technical reasoning",1.0,1,,False +chemical engineering analysis,engineering scientific analysis,"Advanced analytical skills for systematically investigating chemical processes, evaluating engineering challenges, and developing innovative solutions using scientific methods and technical reasoning",1.0,1,,False +technical systems problem solving,technical systems problem solving,"Advanced capability to identify complex technical challenges, evaluate alternative solutions, apply scientific reasoning, and implement strategic problem-solving techniques across engineering and scientific contexts",1.0,1,,True +technical systems problem solving,complex technical reasoning,"Advanced capability to identify complex technical challenges, evaluate alternative solutions, apply scientific reasoning, and implement strategic problem-solving techniques across engineering and scientific contexts",1.0,1,,False +neurological patient assessment,neurological patient assessment,"Advanced clinical skills for comprehensive neurological patient examination, diagnostic reasoning, and systematic health evaluation of nervous system functioning",0.99,1,,True +neurological patient assessment,nervous system diagnostic evaluation,"Advanced clinical skills for comprehensive neurological patient examination, diagnostic reasoning, and systematic health evaluation of nervous system functioning",0.99,1,,False +neurological patient assessment,neurological clinical reasoning,"Advanced clinical skills for comprehensive neurological patient examination, diagnostic reasoning, and systematic health evaluation of nervous system functioning",0.99,1,,False +medical diagnostic equipment operation,medical diagnostic equipment operation,"Advanced technical skills in operating, maintaining, and managing specialized medical diagnostic imaging and testing equipment with precision and safety protocols",0.99,1,,True +medical diagnostic equipment operation,healthcare technical equipment management,"Advanced technical skills in operating, maintaining, and managing specialized medical diagnostic imaging and testing equipment with precision and safety protocols",0.99,1,,False +medical diagnostic equipment operation,diagnostic instrumentation control,"Advanced technical skills in operating, maintaining, and managing specialized medical diagnostic imaging and testing equipment with precision and safety protocols",0.99,1,,False +patient monitoring and safety,patient monitoring and safety,"Comprehensive skills in systematically tracking patient conditions, ensuring safety, implementing protective protocols, and maintaining precise medical care standards",0.99,1,,True +patient monitoring and safety,clinical patient safety management,"Comprehensive skills in systematically tracking patient conditions, ensuring safety, implementing protective protocols, and maintaining precise medical care standards",0.99,1,,False +patient monitoring and safety,healthcare condition tracking,"Comprehensive skills in systematically tracking patient conditions, ensuring safety, implementing protective protocols, and maintaining precise medical care standards",0.99,1,,False +technical communication in healthcare,technical communication in healthcare,"Advanced interpersonal communication skills for precise medical information exchange, patient counseling, professional dialogue, and comprehensive technical explanation",0.99,1,,True +technical communication in healthcare,medical information transfer,"Advanced interpersonal communication skills for precise medical information exchange, patient counseling, professional dialogue, and comprehensive technical explanation",0.99,1,,False +surface preparation,surface preparation,"Advanced technical skills in cleaning, smoothing, and preparing surfaces for construction, installation, or finishing tasks using specialized tools and techniques",0.97,1,,True +adhesive application,adhesive application,"Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding",0.96,1,,True +adhesive application,material bonding,"Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding",0.96,1,,False +adhesive application,sealant application,"Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding",0.96,1,,False +precision manual construction,precision manual construction,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and install construction materials",0.97,1,,True +precision manual construction,technical manual construction,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and install construction materials",0.97,1,,False +precision manual construction,precision construction skills,"Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and install construction materials",0.97,1,,False +explosives handling safety,explosives handling safety,"Advanced skills in safely managing, preparing, and controlling explosive materials and detonation processes with strict safety protocols",0.99,1,,True +explosives handling safety,explosive material management,"Advanced skills in safely managing, preparing, and controlling explosive materials and detonation processes with strict safety protocols",0.99,1,,False +explosives handling safety,ordnance safety procedures,"Advanced skills in safely managing, preparing, and controlling explosive materials and detonation processes with strict safety protocols",0.99,1,,False +site dimensional preparation,site dimensional preparation,"Precise skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for extraction and construction tasks",0.97,1,,True +site dimensional preparation,work site measurement,"Precise skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for extraction and construction tasks",0.97,1,,False +site dimensional preparation,spatial layout preparation,"Precise skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for extraction and construction tasks",0.97,1,,False +technical safety signaling,technical safety signaling,"Advanced skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure worker and public safety",0.96,1,,True +technical safety signaling,safety communication protocols,"Advanced skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure worker and public safety",0.96,1,,False +technical safety signaling,operational warning systems,"Advanced skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure worker and public safety",0.96,1,,False +precision manual tool usage,precision manual tool usage,"Advanced proficiency in selecting, operating, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks",0.97,1,,True +precision manual tool usage,technical tool manipulation,"Advanced proficiency in selecting, operating, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks",0.97,1,,False +structural component positioning,structural component positioning,"Advanced ability to align, measure, and install metal, masonry, and structural components with precision and technical expertise",0.97,1,,True +structural component positioning,precise component installation,"Advanced ability to align, measure, and install metal, masonry, and structural components with precision and technical expertise",0.97,1,,False +technical coordination and communication,technical coordination and communication,"Advanced interpersonal skills for precise information exchange, work activity coordination, active listening, and professional interaction across technical and operational environments",0.99,1,,True +meat processing skills,meat processing skills,"Technical proficiency in cutting, slaughtering, and preparing meat products with precision and safety",0.98,1,,True +meat processing skills,meat fabrication,"Technical proficiency in cutting, slaughtering, and preparing meat products with precision and safety",0.98,1,,False +meat processing skills,animal butchering,"Technical proficiency in cutting, slaughtering, and preparing meat products with precision and safety",0.98,1,,False +meat processing skills,meat product preparation,"Technical proficiency in cutting, slaughtering, and preparing meat products with precision and safety",0.98,1,,False +food safety compliance,food safety compliance,"Systematic approach to maintaining hygiene, preventing contamination, and ensuring food product safety standards",0.97,1,,True +food safety compliance,food sanitation,"Systematic approach to maintaining hygiene, preventing contamination, and ensuring food product safety standards",0.97,1,,False +food safety compliance,meat processing safety,"Systematic approach to maintaining hygiene, preventing contamination, and ensuring food product safety standards",0.97,1,,False +food safety compliance,hygiene protocol management,"Systematic approach to maintaining hygiene, preventing contamination, and ensuring food product safety standards",0.97,1,,False +equipment cleaning and maintenance,equipment cleaning and maintenance,"Comprehensive skills in cleaning, sanitizing, and maintaining production equipment and work areas",0.96,1,,True +equipment cleaning and maintenance,technical equipment hygiene,"Comprehensive skills in cleaning, sanitizing, and maintaining production equipment and work areas",0.96,1,,False +equipment cleaning and maintenance,production area maintenance,"Comprehensive skills in cleaning, sanitizing, and maintaining production equipment and work areas",0.96,1,,False +rail transportation management,rail transportation management,"Advanced skills in coordinating, operating, and managing rail vehicle movement, yard operations, and transportation logistics with emphasis on safety, communication, and systematic operational efficiency",0.98,1,,True +rail transportation management,rail operations coordination,"Advanced skills in coordinating, operating, and managing rail vehicle movement, yard operations, and transportation logistics with emphasis on safety, communication, and systematic operational efficiency",0.98,1,,False +rail transportation management,train movement control,"Advanced skills in coordinating, operating, and managing rail vehicle movement, yard operations, and transportation logistics with emphasis on safety, communication, and systematic operational efficiency",0.98,1,,False +rail transportation management,railroad logistics management,"Advanced skills in coordinating, operating, and managing rail vehicle movement, yard operations, and transportation logistics with emphasis on safety, communication, and systematic operational efficiency",0.98,1,,False +vehicle movement coordination,vehicle movement coordination,"Comprehensive skills in directing, signaling, and managing vehicle movement across transportation environments, ensuring systematic communication and operational safety",0.97,1,,True +vehicle movement coordination,movement signaling,"Comprehensive skills in directing, signaling, and managing vehicle movement across transportation environments, ensuring systematic communication and operational safety",0.97,1,,False +critical information processing,critical information processing,"Advanced skills in collecting, verifying, analyzing, and communicating complex written and numerical information across professional contexts",0.99,1,,True +critical information processing,strategic information management,"Advanced skills in collecting, verifying, analyzing, and communicating complex written and numerical information across professional contexts",0.99,1,,False +strategic problem solving,strategic problem solving,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning and critical thinking",1.0,1,,True +operational equipment control,operational equipment control,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and equipment with precision and systematic approach",0.98,1,,True +operational equipment control,technical system control,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and equipment with precision and systematic approach",0.98,1,,False +operational equipment control,machinery monitoring,"Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and equipment with precision and systematic approach",0.98,1,,False +animal patient care,animal patient care,"Comprehensive skills in managing, restraining, positioning, and providing specialized medical care for animals in clinical and veterinary settings",0.98,1,,True +animal patient care,veterinary patient support,"Comprehensive skills in managing, restraining, positioning, and providing specialized medical care for animals in clinical and veterinary settings",0.98,1,,False +animal patient care,animal medical assistance,"Comprehensive skills in managing, restraining, positioning, and providing specialized medical care for animals in clinical and veterinary settings",0.98,1,,False +veterinary technical support,veterinary technical support,"Advanced skills in assisting veterinary practitioners, preparing medical supplies, supporting diagnostic procedures, and providing comprehensive technical and interpersonal support in animal healthcare contexts",0.96,1,,True +veterinary technical support,animal healthcare assistance,"Advanced skills in assisting veterinary practitioners, preparing medical supplies, supporting diagnostic procedures, and providing comprehensive technical and interpersonal support in animal healthcare contexts",0.96,1,,False +veterinary technical support,veterinary clinical support,"Advanced skills in assisting veterinary practitioners, preparing medical supplies, supporting diagnostic procedures, and providing comprehensive technical and interpersonal support in animal healthcare contexts",0.96,1,,False +vehicle electrical systems repair,vehicle electrical systems repair,"Advanced technical skills in diagnosing, repairing, and maintaining electrical components and systems in motor vehicles",0.98,1,,True +vehicle electrical systems repair,automotive electrical diagnostics,"Advanced technical skills in diagnosing, repairing, and maintaining electrical components and systems in motor vehicles",0.98,1,,False +vehicle electrical systems repair,vehicle electrical troubleshooting,"Advanced technical skills in diagnosing, repairing, and maintaining electrical components and systems in motor vehicles",0.98,1,,False +equipment monitoring and control,equipment monitoring and control,"Systematic observation and control of machinery, gauges, and operational systems to ensure proper functioning, detect malfunctions, and maintain optimal performance",0.99,1,,True +equipment monitoring and control,machinery performance tracking,"Systematic observation and control of machinery, gauges, and operational systems to ensure proper functioning, detect malfunctions, and maintain optimal performance",0.99,1,,False +patient assessment and care,patient assessment and care,"Comprehensive clinical skills for systematically evaluating patient health, collecting medical histories, performing diagnostic reasoning, and providing holistic patient-centered medical support",0.99,1,,True +patient assessment and care,comprehensive health monitoring,"Comprehensive clinical skills for systematically evaluating patient health, collecting medical histories, performing diagnostic reasoning, and providing holistic patient-centered medical support",0.99,1,,False +radiation safety management,radiation safety management,"Advanced skills in measuring, detecting, monitoring radiation levels, ensuring comprehensive safety protocols, and protecting patients and staff in medical radiation environments",0.98,1,,True +radiation safety management,medical radiation safety,"Advanced skills in measuring, detecting, monitoring radiation levels, ensuring comprehensive safety protocols, and protecting patients and staff in medical radiation environments",0.98,1,,False +radiation safety management,radiation monitoring,"Advanced skills in measuring, detecting, monitoring radiation levels, ensuring comprehensive safety protocols, and protecting patients and staff in medical radiation environments",0.98,1,,False +technical medical documentation,technical medical documentation,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,True +technical medical documentation,healthcare reporting,"Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance",0.98,1,,False +programming logic,programming logic,"Advanced ability to write, modify, and develop computer programs using systematic logical reasoning and algorithmic thinking",0.98,1,,True +programming logic,code development,"Advanced ability to write, modify, and develop computer programs using systematic logical reasoning and algorithmic thinking",0.98,1,,False +programming logic,programming problem solving,"Advanced ability to write, modify, and develop computer programs using systematic logical reasoning and algorithmic thinking",0.98,1,,False +broadcast technical communication,broadcast technical communication,"Advanced interpersonal communication skills specific to broadcasting and media environments, involving precise technical information exchange, equipment coordination, and professional interaction",0.96,1,,True +broadcast technical communication,broadcast communication coordination,"Advanced interpersonal communication skills specific to broadcasting and media environments, involving precise technical information exchange, equipment coordination, and professional interaction",0.96,1,,False +content development strategy,content development strategy,"Advanced skills in researching, conceptualizing, and developing original media content across various platforms, involving creative ideation and strategic content planning",0.97,1,,True +content development strategy,media content creation,"Advanced skills in researching, conceptualizing, and developing original media content across various platforms, involving creative ideation and strategic content planning",0.97,1,,False +content development strategy,multimedia content strategy,"Advanced skills in researching, conceptualizing, and developing original media content across various platforms, involving creative ideation and strategic content planning",0.97,1,,False +nanotechnology engineering,nanotechnology engineering,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,True +nanotechnology engineering,micro-scale design,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,False +nanotechnology engineering,nanoscale engineering,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,False +nanotechnology engineering,precision technical innovation,"Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches",0.98,1,,False +micro-scale process management,micro-scale process management,"Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision, technical expertise, and systematic operational control",0.97,1,,True +micro-scale process management,microscale operations,"Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision, technical expertise, and systematic operational control",0.97,1,,False +micro-scale process management,precision technical monitoring,"Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision, technical expertise, and systematic operational control",0.97,1,,False +vehicle operation safety,vehicle operation safety,"Comprehensive skills in operating, managing, and ensuring safety of transportation vehicles through systematic monitoring, compliance with regulations, and protective protocols",0.99,1,,True +vehicle operation safety,vehicle safety protocols,"Comprehensive skills in operating, managing, and ensuring safety of transportation vehicles through systematic monitoring, compliance with regulations, and protective protocols",0.99,1,,False +vehicle operation safety,passenger vehicle operation,"Comprehensive skills in operating, managing, and ensuring safety of transportation vehicles through systematic monitoring, compliance with regulations, and protective protocols",0.99,1,,False +passenger support services,passenger support services,"Advanced interpersonal skills for managing passenger interactions, ensuring comfort, safety, and providing comprehensive assistance during transportation services",0.98,1,,True +passenger support services,customer transportation support,"Advanced interpersonal skills for managing passenger interactions, ensuring comfort, safety, and providing comprehensive assistance during transportation services",0.98,1,,False +passenger support services,passenger care management,"Advanced interpersonal skills for managing passenger interactions, ensuring comfort, safety, and providing comprehensive assistance during transportation services",0.98,1,,False +fundraising strategy,fundraising strategy,"Advanced skills in developing comprehensive fundraising plans, identifying donor opportunities, creating strategic funding approaches, and managing organizational resource acquisition",0.98,1,,True +fundraising strategy,resource development,"Advanced skills in developing comprehensive fundraising plans, identifying donor opportunities, creating strategic funding approaches, and managing organizational resource acquisition",0.98,1,,False +fundraising strategy,nonprofit funding,"Advanced skills in developing comprehensive fundraising plans, identifying donor opportunities, creating strategic funding approaches, and managing organizational resource acquisition",0.98,1,,False +persuasive proposal development,persuasive proposal development,"Comprehensive skills in creating compelling written proposals, presenting organizational goals, articulating value propositions, and effectively communicating strategic initiatives",0.97,1,,True +persuasive proposal development,proposal communication,"Comprehensive skills in creating compelling written proposals, presenting organizational goals, articulating value propositions, and effectively communicating strategic initiatives",0.97,1,,False +persuasive proposal development,strategic messaging,"Comprehensive skills in creating compelling written proposals, presenting organizational goals, articulating value propositions, and effectively communicating strategic initiatives",0.97,1,,False +shipping and logistics management,shipping and logistics management,"Comprehensive skills in coordinating, processing, and managing shipping operations, including order fulfillment, routing, documentation, and inventory control",0.98,1,,True +shipping and logistics management,shipping coordination,"Comprehensive skills in coordinating, processing, and managing shipping operations, including order fulfillment, routing, documentation, and inventory control",0.98,1,,False +shipping and logistics management,logistics operations,"Comprehensive skills in coordinating, processing, and managing shipping operations, including order fulfillment, routing, documentation, and inventory control",0.98,1,,False +shipping and logistics management,inventory processing,"Comprehensive skills in coordinating, processing, and managing shipping operations, including order fulfillment, routing, documentation, and inventory control",0.98,1,,False +aviation safety management,aviation safety management,"Comprehensive skills in ensuring safety compliance, conducting detailed equipment inspections, monitoring operational performance, and implementing preventive safety protocols specific to aviation environments",0.99,1,,True +aviation safety management,flight safety oversight,"Comprehensive skills in ensuring safety compliance, conducting detailed equipment inspections, monitoring operational performance, and implementing preventive safety protocols specific to aviation environments",0.99,1,,False +aviation safety management,aircraft safety procedures,"Comprehensive skills in ensuring safety compliance, conducting detailed equipment inspections, monitoring operational performance, and implementing preventive safety protocols specific to aviation environments",0.99,1,,False +aviation safety management,aviation risk management,"Comprehensive skills in ensuring safety compliance, conducting detailed equipment inspections, monitoring operational performance, and implementing preventive safety protocols specific to aviation environments",0.99,1,,False +aircraft operations control,aircraft operations control,"Advanced skills in operating, controlling, and managing aircraft systems, including navigation, communication, and systematic operational management in transportation environments",0.98,1,,True +aircraft operations control,flight system management,"Advanced skills in operating, controlling, and managing aircraft systems, including navigation, communication, and systematic operational management in transportation environments",0.98,1,,False +aircraft operations control,pilot operational control,"Advanced skills in operating, controlling, and managing aircraft systems, including navigation, communication, and systematic operational management in transportation environments",0.98,1,,False +aircraft operations control,aircraft navigation,"Advanced skills in operating, controlling, and managing aircraft systems, including navigation, communication, and systematic operational management in transportation environments",0.98,1,,False +emergency response preparedness,emergency response preparedness,"Advanced skills in identifying, assessing, and managing critical situations, implementing emergency protocols, and providing immediate strategic intervention during transportation and operational challenges",0.98,1,,True +emergency response preparedness,emergency intervention strategies,"Advanced skills in identifying, assessing, and managing critical situations, implementing emergency protocols, and providing immediate strategic intervention during transportation and operational challenges",0.98,1,,False +emergency response preparedness,rapid response coordination,"Advanced skills in identifying, assessing, and managing critical situations, implementing emergency protocols, and providing immediate strategic intervention during transportation and operational challenges",0.98,1,,False +safety signaling and risk management,safety signaling and risk management,"Comprehensive ability to identify potential hazards, implement preventive measures, ensure workplace safety, and maintain operational compliance",0.98,1,,True +safety signaling and risk management,operational safety protocol,"Comprehensive ability to identify potential hazards, implement preventive measures, ensure workplace safety, and maintain operational compliance",0.98,1,,False +database systems design,database systems design,"Advanced capability to create, develop, and manage complex electronic database architectures and information storage systems",0.99,1,,True +database systems design,database architecture,"Advanced capability to create, develop, and manage complex electronic database architectures and information storage systems",0.99,1,,False +database systems design,information systems design,"Advanced capability to create, develop, and manage complex electronic database architectures and information storage systems",0.99,1,,False +database systems design,electronic data management,"Advanced capability to create, develop, and manage complex electronic database architectures and information storage systems",0.99,1,,False +information architecture management,information architecture management,"Advanced skills in designing, implementing, and maintaining comprehensive electronic information management and communication systems",0.97,1,,True +information architecture management,electronic data infrastructure,"Advanced skills in designing, implementing, and maintaining comprehensive electronic information management and communication systems",0.97,1,,False +information architecture management,information systems coordination,"Advanced skills in designing, implementing, and maintaining comprehensive electronic information management and communication systems",0.97,1,,False +financial advisory communication,financial advisory communication,"Advanced interpersonal skills for explaining financial concepts, providing personalized financial guidance, and building client trust through strategic communication",0.98,1,,True +financial advisory communication,investment communication,"Advanced interpersonal skills for explaining financial concepts, providing personalized financial guidance, and building client trust through strategic communication",0.98,1,,False +investment strategy analysis,investment strategy analysis,"Comprehensive analytical capabilities for evaluating financial opportunities, assessing market conditions, and developing personalized investment recommendations",0.97,1,,True +investment strategy analysis,financial market assessment,"Comprehensive analytical capabilities for evaluating financial opportunities, assessing market conditions, and developing personalized investment recommendations",0.97,1,,False +investment strategy analysis,investment portfolio planning,"Comprehensive analytical capabilities for evaluating financial opportunities, assessing market conditions, and developing personalized investment recommendations",0.97,1,,False +client financial needs assessment,client financial needs assessment,"Systematic approach to gathering, analyzing, and understanding individual client financial information, goals, and risk tolerance",0.96,1,,True +client financial needs assessment,financial situation evaluation,"Systematic approach to gathering, analyzing, and understanding individual client financial information, goals, and risk tolerance",0.96,1,,False +professional financial networking,professional financial networking,"Strategic ability to develop, maintain, and leverage professional relationships to expand business connections and create sales opportunities",0.96,1,,True +professional financial networking,professional connection management,"Strategic ability to develop, maintain, and leverage professional relationships to expand business connections and create sales opportunities",0.96,1,,False +operational financial analysis,operational financial analysis,"Comprehensive skills in examining financial data, preparing budgets, analyzing financial records, and supporting strategic business decision-making",0.97,1,,True +operational financial analysis,economic assessment,"Comprehensive skills in examining financial data, preparing budgets, analyzing financial records, and supporting strategic business decision-making",0.97,1,,False +commercial relationship management,commercial relationship management,"Advanced interpersonal skills for developing, maintaining, and expanding professional business relationships, identifying opportunities, and coordinating operational interactions",0.96,1,,True +commercial relationship management,professional relationship development,"Advanced interpersonal skills for developing, maintaining, and expanding professional business relationships, identifying opportunities, and coordinating operational interactions",0.96,1,,False +garment quality inspection,garment quality inspection,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating garment characteristics, and ensuring conformance to textile manufacturing specifications",0.96,1,,True +garment quality inspection,textile product verification,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating garment characteristics, and ensuring conformance to textile manufacturing specifications",0.96,1,,False +garment quality inspection,garment quality control,"Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating garment characteristics, and ensuring conformance to textile manufacturing specifications",0.96,1,,False +veterinary medical care,veterinary medical care,"Advanced clinical skills for comprehensive animal health assessment, diagnosis, treatment, and medical intervention in veterinary healthcare contexts",0.99,1,,True +veterinary medical care,animal healthcare,"Advanced clinical skills for comprehensive animal health assessment, diagnosis, treatment, and medical intervention in veterinary healthcare contexts",0.99,1,,False +animal medical procedure support,animal medical procedure support,"Technical and interpersonal skills for assisting veterinary practitioners, preparing medical supplies, supporting diagnostic procedures, and providing comprehensive animal patient care",0.97,1,,True +animal medical procedure support,veterinary technical assistance,"Technical and interpersonal skills for assisting veterinary practitioners, preparing medical supplies, supporting diagnostic procedures, and providing comprehensive animal patient care",0.97,1,,False +preventive animal healthcare,preventive animal healthcare,"Comprehensive skills in providing preventive medical care, immunizations, health screenings, and wellness guidance for animal patients",0.96,1,,True +preventive animal healthcare,animal wellness management,"Comprehensive skills in providing preventive medical care, immunizations, health screenings, and wellness guidance for animal patients",0.96,1,,False +preventive animal healthcare,veterinary preventive care,"Comprehensive skills in providing preventive medical care, immunizations, health screenings, and wellness guidance for animal patients",0.96,1,,False +resource management,resource management,"Comprehensive skills in managing personnel, material, and operational resources through strategic planning, coordination, and efficient distribution across organizational contexts",0.98,1,,True +underground work operations,underground work operations,"Specialized skills in managing complex operational workflows, equipment positioning, and safety protocols in underground mining environments",0.97,1,,True +underground work operations,subterranean work management,"Specialized skills in managing complex operational workflows, equipment positioning, and safety protocols in underground mining environments",0.97,1,,False +underground work operations,mining operational coordination,"Specialized skills in managing complex operational workflows, equipment positioning, and safety protocols in underground mining environments",0.97,1,,False +underground work operations,underground resource extraction,"Specialized skills in managing complex operational workflows, equipment positioning, and safety protocols in underground mining environments",0.97,1,,False +breeding procedure execution,breeding procedure execution,"Technical skills in performing systematic animal breeding processes, including genetic assessment, reproductive management, and specialized breeding techniques",0.97,1,,True +breeding procedure execution,reproductive animal management,"Technical skills in performing systematic animal breeding processes, including genetic assessment, reproductive management, and specialized breeding techniques",0.97,1,,False +agricultural resource coordination,agricultural resource coordination,"Advanced skills in managing agricultural operations, coordinating resources, analyzing operational data, and implementing systematic agricultural methods",0.98,1,,True +landscape maintenance,landscape maintenance,"Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools",0.95,1,,True +landscape maintenance,grounds management,"Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools",0.95,1,,False +landscape maintenance,outdoor environment maintenance,"Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools",0.95,1,,False +geological data analysis,geological data analysis,"Advanced analytical skills for systematically collecting, processing, interpreting, and evaluating geological and geographic survey data using scientific methods and technical tools",0.98,1,,True +geological data analysis,geological survey analysis,"Advanced analytical skills for systematically collecting, processing, interpreting, and evaluating geological and geographic survey data using scientific methods and technical tools",0.98,1,,False +environmental field research,environmental field research,"Comprehensive skills in conducting systematic scientific investigations in outdoor environments, involving data collection, environmental sampling, precise documentation, and ecological assessment",0.97,1,,True +environmental field research,scientific field operations,"Comprehensive skills in conducting systematic scientific investigations in outdoor environments, involving data collection, environmental sampling, precise documentation, and ecological assessment",0.97,1,,False +natural resource mapping,natural resource mapping,"Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies, environmental data interpretation, and systematic scientific techniques",0.97,1,,True +natural resource mapping,resource geospatial analysis,"Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies, environmental data interpretation, and systematic scientific techniques",0.97,1,,False +natural resource mapping,environmental resource identification,"Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies, environmental data interpretation, and systematic scientific techniques",0.97,1,,False +theatrical makeup application,theatrical makeup application,"Advanced skills in applying makeup to alter or enhance appearance for theatrical and performance contexts, involving creative design, precise application techniques, and character transformation",0.98,1,,True +theatrical makeup application,performance makeup design,"Advanced skills in applying makeup to alter or enhance appearance for theatrical and performance contexts, involving creative design, precise application techniques, and character transformation",0.98,1,,False +theatrical makeup application,character makeup artistry,"Advanced skills in applying makeup to alter or enhance appearance for theatrical and performance contexts, involving creative design, precise application techniques, and character transformation",0.98,1,,False +theatrical makeup application,stage makeup techniques,"Advanced skills in applying makeup to alter or enhance appearance for theatrical and performance contexts, involving creative design, precise application techniques, and character transformation",0.98,1,,False +performance costume preparation,performance costume preparation,"Comprehensive skills in reviewing production requirements, designing costume and cosmetic effects, and preparing visual elements for theatrical and performance characters",0.97,1,,True +performance costume preparation,performance aesthetic coordination,"Comprehensive skills in reviewing production requirements, designing costume and cosmetic effects, and preparing visual elements for theatrical and performance characters",0.97,1,,False +creative visual transformation,creative visual transformation,"Advanced ability to conceptualize, design, and execute visual transformations for characters through makeup, hair, and costume techniques",0.96,1,,True +creative visual transformation,character visual styling,"Advanced ability to conceptualize, design, and execute visual transformations for characters through makeup, hair, and costume techniques",0.96,1,,False +creative visual transformation,performance aesthetic design,"Advanced ability to conceptualize, design, and execute visual transformations for characters through makeup, hair, and costume techniques",0.96,1,,False +textile production skills,textile production skills,"Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail",0.97,1,,True +textile production skills,textile craftsmanship,"Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail",0.97,1,,False +database management,database management,"Advanced skills in creating, updating, maintaining, and securing electronic database systems with comprehensive information management capabilities",0.99,1,,True +database management,electronic data storage,"Advanced skills in creating, updating, maintaining, and securing electronic database systems with comprehensive information management capabilities",0.99,1,,False +technical systems security,technical systems security,"Comprehensive capabilities in implementing, monitoring, and maintaining robust security measures for computer and information systems",0.98,1,,True +technical systems security,system risk mitigation,"Comprehensive capabilities in implementing, monitoring, and maintaining robust security measures for computer and information systems",0.98,1,,False +photonics engineering,photonics engineering,"Advanced technical expertise in designing, analyzing, and maintaining photonic systems, optical technologies, and precision engineering applications",0.98,1,,True +photonics engineering,optical systems design,"Advanced technical expertise in designing, analyzing, and maintaining photonic systems, optical technologies, and precision engineering applications",0.98,1,,False +photonics engineering,photonic technology management,"Advanced technical expertise in designing, analyzing, and maintaining photonic systems, optical technologies, and precision engineering applications",0.98,1,,False +photonics engineering,precision optical engineering,"Advanced technical expertise in designing, analyzing, and maintaining photonic systems, optical technologies, and precision engineering applications",0.98,1,,False +technical precision measurement,technical precision measurement,"Advanced skills in measuring, calibrating, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy",0.97,1,,True +technical precision measurement,measurement accuracy,"Advanced skills in measuring, calibrating, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy",0.97,1,,False +optical systems analysis,optical systems analysis,"Comprehensive analytical capabilities for evaluating, diagnosing, and optimizing complex optical and photonic technical systems",0.96,1,,True +optical systems analysis,photonic systems evaluation,"Comprehensive analytical capabilities for evaluating, diagnosing, and optimizing complex optical and photonic technical systems",0.96,1,,False +optical systems analysis,optical technology diagnostics,"Comprehensive analytical capabilities for evaluating, diagnosing, and optimizing complex optical and photonic technical systems",0.96,1,,False +facilities management,facilities management,"Comprehensive skills in coordinating, maintaining, and optimizing organizational physical infrastructure, including equipment, spaces, and operational resources",0.98,1,,True +facilities management,facility operations,"Comprehensive skills in coordinating, maintaining, and optimizing organizational physical infrastructure, including equipment, spaces, and operational resources",0.98,1,,False +facilities management,infrastructure coordination,"Comprehensive skills in coordinating, maintaining, and optimizing organizational physical infrastructure, including equipment, spaces, and operational resources",0.98,1,,False +facilities management,physical resource management,"Comprehensive skills in coordinating, maintaining, and optimizing organizational physical infrastructure, including equipment, spaces, and operational resources",0.98,1,,False +operational budget planning,operational budget planning,"Advanced skills in preparing, analyzing, and managing organizational financial resources, budgetary allocations, and cost-effective operational strategies",0.97,1,,True +operational budget planning,budget coordination,"Advanced skills in preparing, analyzing, and managing organizational financial resources, budgetary allocations, and cost-effective operational strategies",0.97,1,,False +operational budget planning,operational financial management,"Advanced skills in preparing, analyzing, and managing organizational financial resources, budgetary allocations, and cost-effective operational strategies",0.97,1,,False +environmental project management,environmental project management,"Advanced skills in managing complex environmental sustainability projects, including site assessment, remediation planning, and implementation of green initiatives",0.98,1,,True +environmental project management,green project coordination,"Advanced skills in managing complex environmental sustainability projects, including site assessment, remediation planning, and implementation of green initiatives",0.98,1,,False +environmental project management,sustainability project leadership,"Advanced skills in managing complex environmental sustainability projects, including site assessment, remediation planning, and implementation of green initiatives",0.98,1,,False +site remediation planning,site remediation planning,"Advanced technical and strategic skills in developing comprehensive environmental restoration and protection plans, assessing ecological risks, and implementing sustainable solutions",0.96,1,,True +site remediation planning,environmental restoration strategy,"Advanced technical and strategic skills in developing comprehensive environmental restoration and protection plans, assessing ecological risks, and implementing sustainable solutions",0.96,1,,False +site remediation planning,ecological risk mitigation,"Advanced technical and strategic skills in developing comprehensive environmental restoration and protection plans, assessing ecological risks, and implementing sustainable solutions",0.96,1,,False +technical grant development,technical grant development,"Advanced skills in preparing comprehensive project proposals, grant applications, and funding documentation for environmental and sustainability initiatives",0.95,1,,True +technical grant development,funding proposal writing,"Advanced skills in preparing comprehensive project proposals, grant applications, and funding documentation for environmental and sustainability initiatives",0.95,1,,False +technical grant development,research grant preparation,"Advanced skills in preparing comprehensive project proposals, grant applications, and funding documentation for environmental and sustainability initiatives",0.95,1,,False +environmental risk assessment,environmental risk assessment,"Systematic analytical approach to identifying, evaluating, and mitigating potential environmental and operational risks through comprehensive investigation and strategic intervention",0.97,1,,True +environmental risk assessment,ecological impact analysis,"Systematic analytical approach to identifying, evaluating, and mitigating potential environmental and operational risks through comprehensive investigation and strategic intervention",0.97,1,,False +environmental risk assessment,sustainability risk management,"Systematic analytical approach to identifying, evaluating, and mitigating potential environmental and operational risks through comprehensive investigation and strategic intervention",0.97,1,,False +geological resource management,geological resource management,"Advanced skills in managing geological extraction sites, coordinating mining operations, assessing site conditions, and implementing comprehensive resource exploration and extraction strategies",0.98,1,,True +geological resource management,mining site coordination,"Advanced skills in managing geological extraction sites, coordinating mining operations, assessing site conditions, and implementing comprehensive resource exploration and extraction strategies",0.98,1,,False +geological resource management,geological operations management,"Advanced skills in managing geological extraction sites, coordinating mining operations, assessing site conditions, and implementing comprehensive resource exploration and extraction strategies",0.98,1,,False +technical safety protocols,technical safety protocols,"Comprehensive ability to identify potential hazards, implement preventive measures, ensure workplace safety, and maintain rigorous operational safety standards across technical work environments",0.99,1,,True +media content editing,media content editing,"Advanced technical skills in reviewing, selecting, modifying, and preparing audio and video content for professional media production",0.98,1,,True +media content editing,video editing,"Advanced technical skills in reviewing, selecting, modifying, and preparing audio and video content for professional media production",0.98,1,,False +media content editing,audio post-production,"Advanced technical skills in reviewing, selecting, modifying, and preparing audio and video content for professional media production",0.98,1,,False +media content editing,media content curation,"Advanced technical skills in reviewing, selecting, modifying, and preparing audio and video content for professional media production",0.98,1,,False +creative visual storytelling,creative visual storytelling,"Advanced ability to develop narrative concepts, create compelling visual stories, and communicate complex ideas through artistic and technical media production",0.97,1,,True +creative visual storytelling,visual narrative development,"Advanced ability to develop narrative concepts, create compelling visual stories, and communicate complex ideas through artistic and technical media production",0.97,1,,False +technical media production,technical media production,"Comprehensive skills in operating, coordinating, and managing technical aspects of media production, including equipment control, content preparation, and workflow management",0.98,1,,True +agricultural technical operations,agricultural technical operations,"Comprehensive skills in managing agricultural processes, operating specialized equipment, conducting field research, and implementing systematic agricultural techniques",0.98,1,,True +agricultural technical operations,crop and resource management,"Comprehensive skills in managing agricultural processes, operating specialized equipment, conducting field research, and implementing systematic agricultural techniques",0.98,1,,False +strategic sales management,strategic sales management,"Advanced skills in directing sales activities, managing sales teams, developing sales strategies, and achieving organizational revenue objectives",0.98,1,,True +strategic sales management,sales leadership,"Advanced skills in directing sales activities, managing sales teams, developing sales strategies, and achieving organizational revenue objectives",0.98,1,,False +strategic sales management,revenue strategy,"Advanced skills in directing sales activities, managing sales teams, developing sales strategies, and achieving organizational revenue objectives",0.98,1,,False +strategic sales management,sales team coordination,"Advanced skills in directing sales activities, managing sales teams, developing sales strategies, and achieving organizational revenue objectives",0.98,1,,False +interpersonal persuasion,interpersonal persuasion,"Advanced communication skills involving convincing, influencing, and motivating others through strategic verbal and non-verbal communication techniques",0.97,1,,True +interpersonal persuasion,influence strategy,"Advanced communication skills involving convincing, influencing, and motivating others through strategic verbal and non-verbal communication techniques",0.97,1,,False +interpersonal persuasion,motivational interaction,"Advanced communication skills involving convincing, influencing, and motivating others through strategic verbal and non-verbal communication techniques",0.97,1,,False +commercial relationship development,commercial relationship development,"Advanced interpersonal skills for building, maintaining, and expanding professional business relationships, identifying opportunities, and coordinating operational interactions",0.96,1,,True +operational supervision,operational supervision,"Advanced ability to direct, coordinate, and manage work activities, personnel resources, and operational workflows with systematic efficiency",0.99,1,,True +maintenance and cleaning,maintenance and cleaning,"Comprehensive skills in maintaining clean, organized, and functional work environments, including equipment maintenance, facility cleaning, and hygiene management",0.97,1,,True +professional counseling support,professional counseling support,"Comprehensive interpersonal skills for providing holistic psychological guidance, mental health support, personalized treatment strategies, and compassionate professional intervention across diverse counseling contexts",0.98,1,,True +professional counseling support,professional therapeutic support,"Comprehensive interpersonal skills for providing holistic psychological guidance, mental health support, personalized treatment strategies, and compassionate professional intervention across diverse counseling contexts",0.98,1,,False +performance coaching,performance coaching,"Advanced skill in instructing, guiding, and developing performance techniques with systematic and personalized approach",0.96,1,,True +performance coaching,athletic skill training,"Advanced skill in instructing, guiding, and developing performance techniques with systematic and personalized approach",0.96,1,,False +performance coaching,performance technique instruction,"Advanced skill in instructing, guiding, and developing performance techniques with systematic and personalized approach",0.96,1,,False +talent identification,talent identification,"Comprehensive ability to select, evaluate, and assess potential performers, athletes, or team members through systematic assessment",0.94,1,,True +talent identification,recruitment assessment,"Comprehensive ability to select, evaluate, and assess potential performers, athletes, or team members through systematic assessment",0.94,1,,False +talent identification,performer selection,"Comprehensive ability to select, evaluate, and assess potential performers, athletes, or team members through systematic assessment",0.94,1,,False +strategic performance coordination,strategic performance coordination,"Advanced skill in coordinating athletic events, managing complex logistics, and synchronizing team activities with systematic efficiency",0.95,1,,True +strategic performance coordination,event management,"Advanced skill in coordinating athletic events, managing complex logistics, and synchronizing team activities with systematic efficiency",0.95,1,,False +strategic performance coordination,sports operations coordination,"Advanced skill in coordinating athletic events, managing complex logistics, and synchronizing team activities with systematic efficiency",0.95,1,,False +professional performance communication,professional performance communication,"Advanced interpersonal communication skills specific to coaching and sports environments, involving precise instruction, feedback, and strategic interaction",0.96,1,,True +professional performance communication,sports communication,"Advanced interpersonal communication skills specific to coaching and sports environments, involving precise instruction, feedback, and strategic interaction",0.96,1,,False +professional performance communication,athletic instruction dialogue,"Advanced interpersonal communication skills specific to coaching and sports environments, involving precise instruction, feedback, and strategic interaction",0.96,1,,False +instructional technology integration,instructional technology integration,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,True +instructional technology integration,educational technology management,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,False +instructional technology integration,digital learning tools,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,False +instructional technology integration,technology-enhanced instruction,"Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences",0.96,1,,False +energy systems analysis,energy systems analysis,"Comprehensive technical expertise in evaluating energy usage, efficiency, operational performance, and green technology investments through systematic assessment and strategic analysis",0.98,1,,True +energy systems analysis,energy performance evaluation,"Comprehensive technical expertise in evaluating energy usage, efficiency, operational performance, and green technology investments through systematic assessment and strategic analysis",0.98,1,,False +energy systems analysis,sustainable technology assessment,"Comprehensive technical expertise in evaluating energy usage, efficiency, operational performance, and green technology investments through systematic assessment and strategic analysis",0.98,1,,False +energy systems analysis,operational energy optimization,"Comprehensive technical expertise in evaluating energy usage, efficiency, operational performance, and green technology investments through systematic assessment and strategic analysis",0.98,1,,False +rigging and material positioning,rigging and material positioning,"Specialized skills in attaching rigging, positioning, moving, and securing heavy equipment, materials, and supplies with precise technical coordination",0.96,1,,True +rigging and material positioning,load securing,"Specialized skills in attaching rigging, positioning, moving, and securing heavy equipment, materials, and supplies with precise technical coordination",0.96,1,,False +scholarly communication,scholarly communication,"Advanced interpersonal communication skills specific to academic and research contexts, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",0.98,1,,True +scholarly communication,professional knowledge sharing,"Advanced interpersonal communication skills specific to academic and research contexts, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders",0.98,1,,False +professional knowledge dissemination,professional knowledge dissemination,"Advanced skills in translating complex academic and research information into accessible, meaningful content for diverse audiences through systematic communication and pedagogical techniques",0.97,1,,True +professional knowledge dissemination,knowledge translation,"Advanced skills in translating complex academic and research information into accessible, meaningful content for diverse audiences through systematic communication and pedagogical techniques",0.97,1,,False +professional knowledge dissemination,academic public communication,"Advanced skills in translating complex academic and research information into accessible, meaningful content for diverse audiences through systematic communication and pedagogical techniques",0.97,1,,False +professional knowledge dissemination,scholarly information sharing,"Advanced skills in translating complex academic and research information into accessible, meaningful content for diverse audiences through systematic communication and pedagogical techniques",0.97,1,,False +financial cost analysis,financial cost analysis,"Advanced analytical skills for systematically evaluating, calculating, and estimating financial costs, resource requirements, and economic implications across professional contexts",0.98,1,,True +financial cost analysis,cost estimation,"Advanced analytical skills for systematically evaluating, calculating, and estimating financial costs, resource requirements, and economic implications across professional contexts",0.98,1,,False +financial cost analysis,financial projection,"Advanced analytical skills for systematically evaluating, calculating, and estimating financial costs, resource requirements, and economic implications across professional contexts",0.98,1,,False +financial cost analysis,economic calculation,"Advanced analytical skills for systematically evaluating, calculating, and estimating financial costs, resource requirements, and economic implications across professional contexts",0.98,1,,False +strategic resource estimation,strategic resource estimation,"Comprehensive ability to assess, calculate, and plan resource requirements for complex projects, including financial, material, and personnel considerations",0.97,1,,True +strategic resource estimation,project resource assessment,"Comprehensive ability to assess, calculate, and plan resource requirements for complex projects, including financial, material, and personnel considerations",0.97,1,,False +technical documentation precision,technical documentation precision,"Advanced skills in creating, maintaining, and communicating detailed technical documents, reports, and specifications with systematic accuracy and comprehensive reporting",0.98,1,,True +technical documentation precision,precise report preparation,"Advanced skills in creating, maintaining, and communicating detailed technical documents, reports, and specifications with systematic accuracy and comprehensive reporting",0.98,1,,False +business data interpretation,business data interpretation,"Advanced analytical skills for collecting, processing, analyzing, and deriving meaningful insights from complex business and financial information",0.99,1,,True +extraction site management,extraction site management,"Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, and environmental considerations",0.97,1,,True +extraction site management,operational site coordination,"Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, and environmental considerations",0.97,1,,False +extraction site management,extraction workflow management,"Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, and environmental considerations",0.97,1,,False +technical material handling,technical material handling,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex operational workflows with precision and quality control",0.98,1,,True +technical material handling,operational material positioning,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex operational workflows with precision and quality control",0.98,1,,False +technical material handling,precision resource management,"Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex operational workflows with precision and quality control",0.98,1,,False +strategic communication,strategic communication,"Advanced interpersonal skills for precise information exchange, persuasion, negotiation, and strategic interaction across diverse professional environments",0.99,1,,True +comprehensive documentation management,comprehensive documentation management,"Advanced skills in creating, maintaining, and communicating precise professional documentation across diverse organizational contexts with systematic accuracy",0.98,1,,True +medical technical support,medical technical support,"Advanced technical and interpersonal skills for assisting healthcare practitioners, preparing medical equipment, supporting diagnostic procedures, and ensuring comprehensive patient care",0.99,1,,True +clinical assessment and reasoning,clinical assessment and reasoning,"Advanced analytical skills for systematic patient evaluation, medical testing, diagnostic interpretation, comprehensive health analysis, and evidence-based clinical decision-making",1.0,1,,True +healthcare safety management,healthcare safety management,"Comprehensive approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards",0.99,1,,True +healthcare safety management,patient safety protocols,"Comprehensive approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards",0.99,1,,False +healthcare safety management,healthcare risk management,"Comprehensive approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards",0.99,1,,False +equipment installation,equipment installation,"Comprehensive ability to install, configure, test, and set up complex technical equipment and systems across diverse work environments",0.98,1,,True +equipment installation,technical setup,"Comprehensive ability to install, configure, test, and set up complex technical equipment and systems across diverse work environments",0.98,1,,False +equipment installation,system configuration,"Comprehensive ability to install, configure, test, and set up complex technical equipment and systems across diverse work environments",0.98,1,,False +equipment installation,equipment deployment,"Comprehensive ability to install, configure, test, and set up complex technical equipment and systems across diverse work environments",0.98,1,,False +safety and quality verification,safety and quality verification,"Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, and maintaining quality standards",0.98,1,,True +healthcare informatics management,healthcare informatics management,"Advanced skills in managing, analyzing, and applying information technology to solve complex healthcare-related challenges, including software development, system design, and technical problem-solving in medical contexts",0.99,1,,True +healthcare informatics management,health information technology,"Advanced skills in managing, analyzing, and applying information technology to solve complex healthcare-related challenges, including software development, system design, and technical problem-solving in medical contexts",0.99,1,,False +healthcare informatics management,medical systems analysis,"Advanced skills in managing, analyzing, and applying information technology to solve complex healthcare-related challenges, including software development, system design, and technical problem-solving in medical contexts",0.99,1,,False +healthcare informatics management,healthcare digital solutions,"Advanced skills in managing, analyzing, and applying information technology to solve complex healthcare-related challenges, including software development, system design, and technical problem-solving in medical contexts",0.99,1,,False +technical information security,technical information security,"Comprehensive skills in developing, implementing, and maintaining security policies and measures for computer and information systems, focusing on protecting digital infrastructure and preventing potential breaches",0.98,1,,True +technical information security,cybersecurity management,"Comprehensive skills in developing, implementing, and maintaining security policies and measures for computer and information systems, focusing on protecting digital infrastructure and preventing potential breaches",0.98,1,,False +technical information security,digital protection strategies,"Comprehensive skills in developing, implementing, and maintaining security policies and measures for computer and information systems, focusing on protecting digital infrastructure and preventing potential breaches",0.98,1,,False +technical information security,information systems defense,"Comprehensive skills in developing, implementing, and maintaining security policies and measures for computer and information systems, focusing on protecting digital infrastructure and preventing potential breaches",0.98,1,,False +professional research and development,professional research and development,"Advanced capabilities in conducting systematic research, gaining insights about emerging technologies and industry trends, and applying innovative approaches to solve complex technical challenges",0.97,1,,True +professional research and development,technology research,"Advanced capabilities in conducting systematic research, gaining insights about emerging technologies and industry trends, and applying innovative approaches to solve complex technical challenges",0.97,1,,False +professional research and development,innovation strategy,"Advanced capabilities in conducting systematic research, gaining insights about emerging technologies and industry trends, and applying innovative approaches to solve complex technical challenges",0.97,1,,False +professional research and development,emerging trend analysis,"Advanced capabilities in conducting systematic research, gaining insights about emerging technologies and industry trends, and applying innovative approaches to solve complex technical challenges",0.97,1,,False +healthcare safety protocols,healthcare safety protocols,"Systematic approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments",0.99,1,,True +healthcare safety protocols,clinical compliance procedures,"Systematic approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments",0.99,1,,False +healthcare safety protocols,healthcare risk prevention,"Systematic approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments",0.99,1,,False +precision manual medical skills,precision manual medical skills,"Advanced technical skills in using specialized tools to precisely position, prepare, and support medical procedures with high accuracy",0.98,1,,True +precision manual medical skills,clinical technical manipulation,"Advanced technical skills in using specialized tools to precisely position, prepare, and support medical procedures with high accuracy",0.98,1,,False +precision manual medical skills,precision healthcare assistance,"Advanced technical skills in using specialized tools to precisely position, prepare, and support medical procedures with high accuracy",0.98,1,,False +performance evaluation management,performance evaluation management,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,True +performance evaluation management,employee performance monitoring,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,False +performance evaluation management,professional development tracking,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,False +performance evaluation management,skill progress assessment,"Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies",0.98,1,,False +technical repair workflow,technical repair workflow,"Advanced ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems.",0.96,1,,True +technical repair workflow,mechanical repair management,"Advanced ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems.",0.96,1,,False +technical repair workflow,equipment service coordination,"Advanced ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems.",0.96,1,,False +preventive healthcare strategy,preventive healthcare strategy,"Comprehensive skills in developing, implementing, and managing proactive health interventions, risk assessment, and population-level wellness programs.",0.98,1,,True +preventive healthcare strategy,population health planning,"Comprehensive skills in developing, implementing, and managing proactive health interventions, risk assessment, and population-level wellness programs.",0.98,1,,False +preventive healthcare strategy,preventive care management,"Comprehensive skills in developing, implementing, and managing proactive health interventions, risk assessment, and population-level wellness programs.",0.98,1,,False +patient-centered communication,patient-centered communication,"Advanced interpersonal skills for engaging patients, providing precise medical information, emotional support, and comprehensive healthcare counseling.",0.99,1,,True +patient-centered communication,empathetic healthcare communication,"Advanced interpersonal skills for engaging patients, providing precise medical information, emotional support, and comprehensive healthcare counseling.",0.99,1,,False +patient-centered communication,patient engagement,"Advanced interpersonal skills for engaging patients, providing precise medical information, emotional support, and comprehensive healthcare counseling.",0.99,1,,False +population health management,population health management,"Systematic approach to analyzing, monitoring, and improving health outcomes across diverse population groups through comprehensive preventive strategies.",0.97,1,,True +population health management,community health optimization,"Systematic approach to analyzing, monitoring, and improving health outcomes across diverse population groups through comprehensive preventive strategies.",0.97,1,,False +population health management,population wellness planning,"Systematic approach to analyzing, monitoring, and improving health outcomes across diverse population groups through comprehensive preventive strategies.",0.97,1,,False +organizational resilience planning,organizational resilience planning,Advanced capability to develop comprehensive strategies for maintaining organizational functionality during critical disruptions and emergencies,0.98,1,,True +organizational resilience planning,business continuity strategy,Advanced capability to develop comprehensive strategies for maintaining organizational functionality during critical disruptions and emergencies,0.98,1,,False +organizational resilience planning,organizational risk mitigation,Advanced capability to develop comprehensive strategies for maintaining organizational functionality during critical disruptions and emergencies,0.98,1,,False +regulatory risk assessment,regulatory risk assessment,Systematic evaluation of legal and regulatory requirements to identify potential organizational impacts and develop compliance strategies,0.97,1,,True +regulatory risk assessment,compliance impact analysis,Systematic evaluation of legal and regulatory requirements to identify potential organizational impacts and develop compliance strategies,0.97,1,,False +regulatory risk assessment,regulatory threat evaluation,Systematic evaluation of legal and regulatory requirements to identify potential organizational impacts and develop compliance strategies,0.97,1,,False +strategic contingency management,strategic contingency management,"Comprehensive approach to developing, implementing, and maintaining emergency response and business continuity plans",0.96,1,,True +strategic contingency management,organizational contingency strategy,"Comprehensive approach to developing, implementing, and maintaining emergency response and business continuity plans",0.96,1,,False +shipping and logistics coordination,shipping and logistics coordination,"Comprehensive skills in managing shipping workflows, routing decisions, verifying documentation, and coordinating material transportation processes",0.97,1,,True +shipping and logistics coordination,shipping management,"Comprehensive skills in managing shipping workflows, routing decisions, verifying documentation, and coordinating material transportation processes",0.97,1,,False +shipping and logistics coordination,logistics processing,"Comprehensive skills in managing shipping workflows, routing decisions, verifying documentation, and coordinating material transportation processes",0.97,1,,False +mechanical diagnostic assessment,mechanical diagnostic assessment,"Systematic ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing and logical problem-solving techniques.",0.98,1,,True +mechanical diagnostic assessment,mechanical systems analysis,"Systematic ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing and logical problem-solving techniques.",0.98,1,,False +mechanical repair workflow,mechanical repair workflow,"Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and technical documentation.",0.97,1,,True +mechanical repair workflow,technical repair management,"Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and technical documentation.",0.97,1,,False +mechanical repair workflow,equipment restoration process,"Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and technical documentation.",0.97,1,,False +mechanical repair workflow,systematic mechanical repair,"Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and technical documentation.",0.97,1,,False +educational support services,educational support services,"Comprehensive skills in providing academic assistance, classroom management, student guidance, and individualized educational support across diverse learning environments",0.99,1,,True +educational support services,student assistance,"Comprehensive skills in providing academic assistance, classroom management, student guidance, and individualized educational support across diverse learning environments",0.99,1,,False +educational support services,academic intervention,"Comprehensive skills in providing academic assistance, classroom management, student guidance, and individualized educational support across diverse learning environments",0.99,1,,False +educational support services,learning support,"Comprehensive skills in providing academic assistance, classroom management, student guidance, and individualized educational support across diverse learning environments",0.99,1,,False +student safety and welfare,student safety and welfare,"Comprehensive skills in ensuring physical, emotional, and developmental safety of students through proactive monitoring, environment preparation, and protective interventions",0.99,1,,True +sales team management,sales team management,"Advanced skills in supervising, directing, and coordinating sales personnel, managing performance, and optimizing team productivity",0.98,1,,True +sales team management,sales personnel coordination,"Advanced skills in supervising, directing, and coordinating sales personnel, managing performance, and optimizing team productivity",0.98,1,,False +sales team management,sales team leadership,"Advanced skills in supervising, directing, and coordinating sales personnel, managing performance, and optimizing team productivity",0.98,1,,False +sales team management,sales workforce management,"Advanced skills in supervising, directing, and coordinating sales personnel, managing performance, and optimizing team productivity",0.98,1,,False +strategic performance monitoring,strategic performance monitoring,"Comprehensive ability to systematically evaluate individual and organizational performance, track progress, and implement targeted improvement strategies",0.99,1,,True +strategic performance monitoring,workforce performance evaluation,"Comprehensive ability to systematically evaluate individual and organizational performance, track progress, and implement targeted improvement strategies",0.99,1,,False +biological sample processing,biological sample processing,"Advanced technical skills in preparing, handling, analyzing, and preserving biological specimens using precise scientific techniques and protocols",0.98,1,,True +biological sample processing,specimen preparation,"Advanced technical skills in preparing, handling, analyzing, and preserving biological specimens using precise scientific techniques and protocols",0.98,1,,False +biological sample processing,biological material handling,"Advanced technical skills in preparing, handling, analyzing, and preserving biological specimens using precise scientific techniques and protocols",0.98,1,,False +scientific analytical reasoning,scientific analytical reasoning,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex scientific challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,True +scientific analytical reasoning,technical analytical thinking,"Advanced analytical skills for systematically identifying, evaluating, and resolving complex scientific challenges through logical reasoning, scientific methods, and strategic problem-solving techniques",1.0,1,,False +equipment quality monitoring,equipment quality monitoring,"Systematic observation of machine performance, gauges, and indicators to ensure optimal operational functionality",0.97,1,,True +equipment quality monitoring,operational gauge monitoring,"Systematic observation of machine performance, gauges, and indicators to ensure optimal operational functionality",0.97,1,,False +manufacturing surface finishing,manufacturing surface finishing,"Technical skills in grinding, lapping, polishing, and buffing materials to achieve precise surface quality",0.96,1,,True +manufacturing surface finishing,material finishing processes,"Technical skills in grinding, lapping, polishing, and buffing materials to achieve precise surface quality",0.96,1,,False +precision equipment management,precision equipment management,"Comprehensive skills in operating, maintaining, calibrating, and ensuring optimal functionality of specialized technical equipment",0.98,1,,True +precision equipment management,specialized machinery operation,"Comprehensive skills in operating, maintaining, calibrating, and ensuring optimal functionality of specialized technical equipment",0.98,1,,False +situational awareness,situational awareness,"Advanced perceptive capabilities for monitoring environments, detecting potential risks, understanding social dynamics, and proactively responding to emerging situations",0.97,1,,True +safety communication,safety communication,"Advanced interpersonal skills for communicating safety protocols, providing warnings, directing actions, and ensuring comprehensive safety information exchange",0.96,1,,True +safety communication,safety signaling,"Advanced interpersonal skills for communicating safety protocols, providing warnings, directing actions, and ensuring comprehensive safety information exchange",0.96,1,,False +safety communication,protective instruction,"Advanced interpersonal skills for communicating safety protocols, providing warnings, directing actions, and ensuring comprehensive safety information exchange",0.96,1,,False +operational monitoring,operational monitoring,"Systematic skill in observing, tracking, and controlling operational systems, equipment performance, and workflow processes to ensure efficiency and safety",0.98,1,,True +operational monitoring,system control,"Systematic skill in observing, tracking, and controlling operational systems, equipment performance, and workflow processes to ensure efficiency and safety",0.98,1,,False +patron safety support,patron safety support,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,True +patron safety support,service safety management,"Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments",0.97,1,,False +solar energy systems installation,solar energy systems installation,"Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance verification, and technological implementation",0.98,1,,True +solar energy systems installation,renewable energy system setup,"Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance verification, and technological implementation",0.98,1,,False +renewable energy quality control,renewable energy quality control,"Systematic approach to testing materials, evaluating production quality, and ensuring compliance with technical and environmental production standards",0.96,1,,True +renewable energy quality control,environmental standards compliance,"Systematic approach to testing materials, evaluating production quality, and ensuring compliance with technical and environmental production standards",0.96,1,,False +precision installation techniques,precision installation techniques,"Advanced skills in measuring, cutting, positioning, and preparing materials for precise technical installations across diverse work environments",0.97,1,,True +precision installation techniques,precision installation skills,"Advanced skills in measuring, cutting, positioning, and preparing materials for precise technical installations across diverse work environments",0.97,1,,False +resource coordination,resource coordination,"Advanced skills in managing personnel, material, and operational resources through strategic planning, allocation, and efficient distribution across organizational contexts",0.98,1,,True +resource coordination,operational resource allocation,"Advanced skills in managing personnel, material, and operational resources through strategic planning, allocation, and efficient distribution across organizational contexts",0.98,1,,False +clinical assessment skills,clinical assessment skills,"Advanced analytical capabilities for systematic patient evaluation, medical testing, diagnostic reasoning, and comprehensive health analysis",0.99,1,,True +physical rehabilitation support,physical rehabilitation support,"Comprehensive skills in assisting patient recovery, implementing treatment techniques, monitoring progress, and providing technical and emotional support during rehabilitation",0.98,1,,True +physical rehabilitation support,therapeutic intervention support,"Comprehensive skills in assisting patient recovery, implementing treatment techniques, monitoring progress, and providing technical and emotional support during rehabilitation",0.98,1,,False +professional academic mentorship,professional academic mentorship,"Comprehensive skills in guiding, supporting, and developing students' academic and professional growth through personalized instruction, research guidance, and holistic educational support",0.97,1,,True +professional academic mentorship,student development guidance,"Comprehensive skills in guiding, supporting, and developing students' academic and professional growth through personalized instruction, research guidance, and holistic educational support",0.97,1,,False +professional academic mentorship,academic advising,"Comprehensive skills in guiding, supporting, and developing students' academic and professional growth through personalized instruction, research guidance, and holistic educational support",0.97,1,,False +electrical systems design,electrical systems design,"Advanced capability to design, analyze, develop, and optimize complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation",0.98,1,,True +electrical systems design,electrical engineering design,"Advanced capability to design, analyze, develop, and optimize complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation",0.98,1,,False +electrical systems design,electronic systems development,"Advanced capability to design, analyze, develop, and optimize complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation",0.98,1,,False +electromechanical systems management,electromechanical systems management,"Comprehensive ability to design, install, maintain, and troubleshoot complex integrated electrical, mechanical, and electronic systems",0.98,1,,True +electromechanical systems management,mechatronic systems integration,"Comprehensive ability to design, install, maintain, and troubleshoot complex integrated electrical, mechanical, and electronic systems",0.98,1,,False +electromechanical systems management,technical systems coordination,"Comprehensive ability to design, install, maintain, and troubleshoot complex integrated electrical, mechanical, and electronic systems",0.98,1,,False diff --git a/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_job_vectors.json b/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_job_vectors.json new file mode 100644 index 0000000..36d288e --- /dev/null +++ b/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_job_vectors.json @@ -0,0 +1,70482 @@ +[ + { + "onet_code": "35-2015.00", + "job_title": "Cooks, Short Order", + "detailed_work_activities": [ + "Clean food preparation areas, facilities, or equipment.", + "Prepare breads or doughs.", + "Prepare foods for cooking or serving.", + "Prepare hot or cold beverages.", + "Store supplies or goods in kitchens or storage areas.", + "Maintain food, beverage, or equipment inventories.", + "Cook foods.", + "Coordinate timing of food production activities.", + "Take customer orders.", + "Arrange food for serving.", + "Serve food or beverages.", + "Order materials, supplies, or equipment.", + "Process customer bills or payments." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Food Preparation Skills": 1, + "Kitchen Safety Management": 1, + "Sanitation and Hygiene Management": 1, + "Operational Food Service Coordination": 1, + "Customer Service Communication": 1, + "Inventory Management": 1, + "Time Management": 1, + "Precision Manual Food Preparation": 1, + "Equipment Operation": 1, + "Transaction Processing": 1, + "Beverage Preparation Skills": 1, + "Material Handling": 1, + "Professional Communication": 1, + "Workplace Safety and Maintenance": 1 + }, + "original_index": 0, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "49-9098.00", + "job_title": "Helpers--Installation, Maintenance, and Repair Workers", + "detailed_work_activities": [ + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Install machine or equipment replacement parts.", + "Test mechanical equipment to ensure proper functioning.", + "Connect electrical components or equipment.", + "Connect hoses to equipment or piping.", + "Observe equipment in operation to detect potential problems.", + "Assemble structural components.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Clean work areas.", + "Lubricate equipment to allow proper functioning.", + "Inspect electrical or electronic systems for defects.", + "Repair electrical components.", + "Disassemble equipment for maintenance or repair.", + "Reassemble equipment after repair.", + "Move materials, equipment, or supplies.", + "Position equipment using hand tools, power tools, or heavy equipment.", + "Adjust equipment to ensure optimal performance.", + "Maintain work equipment or machinery.", + "Order materials, supplies, or equipment.", + "Apply protective coverings to objects or surfaces near work areas.", + "Fabricate parts or components.", + "Operate welding equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Diagnostic Assessment": 1, + "Technical Repair Workflow": 1, + "Technical Safety Management": 1, + "Technical Inspection and Verification": 1, + "Material Handling": 1, + "Precision Equipment Installation": 1, + "Operational Safety Coordination": 1, + "Technical Problem Solving": 1, + "Workplace Safety Management": 1, + "Technical Documentation": 1, + "Interpersonal Communication": 1, + "Precision Tool Operation": 1 + }, + "original_index": 1, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-2011.00", + "job_title": "Airline Pilots, Copilots, and Flight Engineers", + "detailed_work_activities": [ + "Pilot aircraft.", + "Notify others of emergencies, problems, or hazards.", + "Report vehicle or equipment malfunctions.", + "Respond to transportation emergencies.", + "Inspect aircraft or aircraft components.", + "Communicate with others to coordinate vehicle movement.", + "Monitor engine operation or functioning.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Monitor work environment to ensure safety or adherence to specifications.", + "Coordinate flight control or management activities.", + "Meet with coworkers to communicate work orders or plans.", + "Resolve issues affecting transportation operations.", + "Test performance of aircraft equipment.", + "Arrange maintenance activities.", + "Maintain locomotives or other rail equipment in good working condition.", + "Choose optimal transportation routes or speeds.", + "Evaluate performance of applicants, trainees, or employees.", + "Record operational details of travel.", + "Train transportation or material moving personnel.", + "Provide transportation information to passengers or customers.", + "Plan flight operations." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Aircraft Operations Control": 1, + "Aviation Safety Compliance": 1, + "Aviation Safety Inspection": 1, + "Aviation Safety Management": 1, + "Operational Monitoring": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Monitoring": 1, + "Transportation Safety Management": 1, + "Emergency Response Coordination": 1, + "Operational Communication": 1, + "Situational Awareness": 1, + "Technical Problem Solving": 1, + "Risk Assessment": 1, + "Strategic Decision Making": 1, + "Passenger Safety Management": 1, + "Technical Documentation": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Therapeutic Intervention": 0, + "Healthcare Patient Care": 0 + }, + "original_index": 2, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "53-7062.04", + "job_title": "Recycling and Reclamation Workers", + "detailed_work_activities": [ + "Sort recyclable materials.", + "Decontaminate equipment or sites to remove hazardous or toxic substances.", + "Load materials into production equipment.", + "Clean work areas.", + "Operate recycling equipment.", + "Clean materials to prepare them for production.", + "Operate forklifts or other loaders.", + "Record operational or production data.", + "Clean production equipment.", + "Lubricate production equipment.", + "Repair production equipment or tools.", + "Operate grinding equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Operation and Control": 1, + "Active Listening": 1, + "Monitoring": 1, + "Operations Monitoring": 1, + "Material Handling": 1, + "Equipment Maintenance": 1, + "Safety Management": 1, + "Technical Equipment Operation": 1, + "Precision Manual Skills": 1, + "Operational Documentation": 1 + }, + "original_index": 3, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-2152.00", + "job_title": "Plumbers, Pipefitters, and Steamfitters", + "detailed_work_activities": [ + "Install plumbing or piping.", + "Maintain plumbing structures or fixtures.", + "Weld metal components.", + "Mark reference points on construction materials.", + "Measure materials or objects for installation or assembly.", + "Create construction or installation diagrams.", + "Cut metal components for installation.", + "Fabricate parts or components.", + "Plan layout of construction, installation, or repairs.", + "Inspect plumbing systems or fixtures.", + "Review blueprints or specifications to determine work requirements.", + "Select construction materials.", + "Direct construction or extraction personnel.", + "Clean equipment or facilities.", + "Estimate construction project costs.", + "Estimate construction project labor requirements.", + "Install gauges or controls.", + "Record operational or environmental data.", + "Inspect work sites to determine condition or necessary repairs.", + "Repair worn, damaged, or defective mechanical parts.", + "Remove parts or components from equipment.", + "Replace worn, damaged, or defective mechanical parts.", + "Cut openings in existing structures.", + "Inspect work sites to identify potential environmental or safety hazards.", + "Install green plumbing or water handling systems.", + "Operate pumps or compressors." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Technical Equipment Installation": 1, + "Technical Equipment Maintenance": 1, + "Precision Material Handling": 1, + "Technical Measurement and Verification": 1, + "Technical Problem Solving": 1, + "Welding and Fabrication": 1, + "Technical Safety Management": 1, + "Construction Material Handling": 1, + "Technical Documentation": 1, + "Cost Estimation": 1, + "Academic Instruction": 0 + }, + "original_index": 4, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-2231.00", + "job_title": "Solar Photovoltaic Installers", + "detailed_work_activities": [ + "Install solar energy systems.", + "Inspect electrical or electronic systems for defects.", + "Determine appropriate locations for operations or installations.", + "Apply sealants or other protective coatings.", + "Install electrical components, equipment, or systems.", + "Select construction materials.", + "Apply identification labels or tags.", + "Create construction or installation diagrams.", + "Select construction equipment.", + "Test electrical equipment or systems to ensure proper functioning.", + "Test green technology installations to verify performance.", + "Review blueprints or specifications to determine work requirements.", + "Determine construction project layouts.", + "Maintain mechanical equipment.", + "Record operational or environmental data." + ], + "skills": [ + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Solar Energy Systems Installation": 1, + "Technical Equipment Installation": 1, + "Precision Installation Techniques": 1, + "Technical Safety Management": 1, + "Technical Measurement and Verification": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Site Preparation and Measurement": 1, + "Renewable Energy Systems": 1, + "Technical Problem Solving": 1, + "Construction Material Selection": 1, + "Electrical Systems Installation": 1, + "Technical Safety Inspection": 1, + "Green Energy Technical Monitoring": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Medical Diagnostic Assessment": 0 + }, + "original_index": 5, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "53-1041.00", + "job_title": "Aircraft Cargo Handling Supervisors", + "detailed_work_activities": [ + "Calculate weights, volumes or other characteristics of materials.", + "Direct material handling or moving activities.", + "Train personnel on proper operational procedures.", + "Load shipments, belongings, or materials.", + "Monitor cargo area conditions." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Cargo Handling and Coordination": 1, + "Material Handling": 1, + "Operational Coordination": 1, + "Operational Monitoring": 1, + "Operational Safety Management": 1, + "Personnel Resource Management": 1, + "Technical Documentation": 1, + "Training Program Development": 1, + "Logistics Coordination": 1, + "Aviation Safety Management": 1, + "Measurement and Verification": 1, + "Operational Performance Management": 1, + "Academic Instruction": 0, + "Therapeutic Patient Care": 0 + }, + "original_index": 6, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-9081.00", + "job_title": "Lodging Managers", + "detailed_work_activities": [ + "Provide basic information to guests, visitors, or clients.", + "Resolve customer complaints or problems.", + "Manage organizational or project budgets.", + "Confer with organizational members to accomplish work activities.", + "Monitor flow of cash or other resources.", + "Monitor facilities or operational systems.", + "Coordinate operational activities with external stakeholders.", + "Conduct employee training programs.", + "Evaluate employee performance.", + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Monitor performance of organizational members or partners.", + "Direct administrative or support services.", + "Inspect condition or functioning of facilities or equipment.", + "Prepare staff schedules or work assignments.", + "Collect payments for goods or services.", + "Hire personnel.", + "Interview employees, customers, or others to collect information.", + "Purchase materials, equipment, or other resources.", + "Schedule product or material transportation.", + "Maintain operational records.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Document organizational or operational procedures.", + "Implement organizational process or policy changes.", + "Assign resources or facilities to patrons or employees.", + "Guide patrons on tours.", + "Promote products, services, or programs.", + "Manage guest services.", + "Perform manual service or maintenance tasks." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Resource Management": 1, + "Operational Performance Management": 1, + "Personnel Resource Management": 1, + "Customer Service Coordination": 1, + "Operational Safety Management": 1, + "Stakeholder Communication": 1, + "Facilities Management": 1, + "Financial Resource Management": 1, + "Strategic Operational Planning": 1, + "Professional Communication": 1, + "Training Program Development": 1, + "Hospitality Management": 1, + "Inventory Management": 1, + "Scheduling Management": 1, + "Client Relationship Management": 1, + "Operational Compliance Management": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 7, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "25-2051.00", + "job_title": "Special Education Teachers, Preschool", + "detailed_work_activities": [ + "Develop strategies or programs for students with special needs.", + "Teach life skills.", + "Collaborate with other teaching professionals to develop educational programs.", + "Encourage students.", + "Monitor student performance.", + "Evaluate student work.", + "Monitor student behavior, social development, or health.", + "Teach others to use technology or equipment.", + "Provide for basic needs of children.", + "Administer tests to assess educational needs or progress.", + "Establish rules or policies governing student behavior.", + "Set up classroom materials or equipment.", + "Direct activities of subordinates.", + "Develop instructional objectives.", + "Discuss student progress with parents or guardians.", + "Discuss problems or issues with supervisors.", + "Maintain student records.", + "Modify teaching methods or materials to accommodate student needs.", + "Assist students with special educational needs.", + "Develop instructional materials.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Plan educational activities.", + "Read to students.", + "Prepare reports detailing student activities or performance.", + "Display student work.", + "Create technology-based learning materials.", + "Plan experiential learning activities.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Developmental Learning Support": 1, + "Student Performance Assessment": 1, + "Student Performance Monitoring": 1, + "Child Development Support": 1, + "Classroom Behavior Management": 1, + "Instructional Resource Coordination": 1, + "Specialized Instructional Adaptation": 1, + "Parent-Educator Communication": 1, + "Therapeutic Communication": 1 + }, + "original_index": 8, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "47-5011.00", + "job_title": "Derrick Operators, Oil and Gas", + "detailed_work_activities": [ + "Inspect equipment or tools to be used in construction or excavation.", + "Maintain drilling equipment.", + "Clean equipment or facilities.", + "Mix substances or compounds needed for work activities.", + "Assemble temporary equipment or structures.", + "Monitor extraction operations.", + "Operate pumps or compressors.", + "Train construction or extraction personnel.", + "Direct construction or extraction personnel.", + "Position construction or extraction equipment.", + "Install drilling equipment.", + "Prepare operational reports.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Measure materials or objects for installation or assembly." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Drilling Operations Management": 1, + "Equipment Operation and Monitoring": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Extraction Equipment Operation": 1, + "Technical Performance Monitoring": 1, + "Operational Coordination": 1, + "Field Operations Safety": 1, + "Technical Documentation": 1, + "Rock Drilling and Extraction Techniques": 1, + "Academic Instruction": 0, + "Medical Patient Care": 0 + }, + "original_index": 9, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-3021.00", + "job_title": "Aerospace Engineering and Operations Technologists and Technicians", + "detailed_work_activities": [ + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Estimate technical or resource requirements for development or production projects.", + "Inspect equipment or systems.", + "Confer with technical personnel to prepare designs or operational plans.", + "Document design or operational test results.", + "Interpret design or operational test results.", + "Operate computer systems.", + "Test quality of materials or finished products.", + "Maintain test equipment.", + "Calibrate scientific or technical equipment.", + "Fabricate devices or components.", + "Install production equipment or systems.", + "Assemble equipment or components.", + "Design electrical equipment or systems.", + "Document technical design details." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Technical Problem Solving": 1, + "Technical Quality Control": 1, + "Technical Systems Analysis": 1, + "Technical Safety Management": 1, + "Technical Measurement and Verification": 1, + "Technical Communication": 1 + }, + "original_index": 10, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "49-9043.00", + "job_title": "Maintenance Workers, Machinery", + "detailed_work_activities": [ + "Disassemble equipment for maintenance or repair.", + "Maintain repair or maintenance records.", + "Reassemble equipment after repair.", + "Adjust equipment to ensure optimal performance.", + "Install machine or equipment replacement parts.", + "Lubricate equipment to allow proper functioning.", + "Communicate with coworkers to coordinate installations or repairs.", + "Confer with coworkers to resolve equipment problems.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Test mechanical equipment to ensure proper functioning.", + "Observe equipment in operation to detect potential problems.", + "Clean work areas.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Maintain inventories of materials, equipment, or products.", + "Order materials, supplies, or equipment.", + "Position containers to receive materials or workpieces.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Prepare compounds or solutions to be used for repairs.", + "Test fluids to identify contamination or other problems." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Inspection": 1, + "Mechanical Equipment Repair": 1, + "Precision Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Operational Monitoring": 1, + "Technical Troubleshooting": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Workplace Safety Management": 1, + "Inventory Management": 1, + "Technical Quality Control": 1, + "Interpersonal Communication": 1, + "Operational Coordination": 1, + "Technical Problem Solving": 1, + "Academic Instruction": 0, + "Clinical Patient Care": 0, + "Research Methodology": 0 + }, + "original_index": 11, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "47-5023.00", + "job_title": "Earth Drillers, Except Oil and Gas", + "detailed_work_activities": [ + "Fabricate parts or components.", + "Operate drilling equipment.", + "Operate pumps or compressors.", + "Pour materials into or on designated areas.", + "Drive trucks or truck-mounted equipment.", + "Select construction equipment.", + "Install drilling equipment.", + "Develop equipment or component configurations.", + "Remove debris or vegetation from work sites.", + "Position construction or extraction equipment.", + "Maintain drilling equipment.", + "Measure work site dimensions.", + "Record operational or environmental data.", + "Assemble products or production equipment.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Determine appropriate locations for operations or installations.", + "Review blueprints or specifications to determine work requirements.", + "Drill holes in earth or rock.", + "Inspect equipment or tools to be used in construction or excavation.", + "Clean equipment or facilities.", + "Decontaminate equipment or sites to remove hazardous or toxic substances.", + "Prepare excavation or extraction sites for commissioning or decommissioning.", + "Design energy production or management equipment or systems.", + "Signal equipment operators to indicate proper equipment positioning.", + "Collect geological samples.", + "Monitor extraction operations." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Drilling Operations Management": 1, + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Technical Equipment Monitoring": 1, + "Site Preparation and Measurement": 1, + "Technical Safety Management": 1, + "Operational Monitoring": 1, + "Rock Drilling and Extraction Techniques": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Field Operations Safety": 1, + "Construction Equipment Operation": 1, + "Geological Sample Collection": 1, + "Operational Coordination": 1, + "Technical Problem Solving": 1, + "Precision Equipment Operation": 1, + "Site Evaluation and Preparation": 1, + "Technical Safety Inspection": 1, + "Operational Safety Protocols": 1, + "Vehicle and Equipment Operation": 1 + }, + "original_index": 12, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "11-9199.10", + "job_title": "Wind Energy Development Managers", + "detailed_work_activities": [ + "Manage environmental sustainability projects.", + "Manage construction activities.", + "Manage organizational or project budgets.", + "Negotiate contracts for environmental remediation, green energy, or renewable resources.", + "Develop operating strategies, plans, or procedures for green or sustainable operations.", + "Supervise workers performing environmentally sustainable activities.", + "Communicate green energy production information.", + "Estimate green project costs.", + "Prepare forms or applications.", + "Evaluate environmental or sustainability projects.", + "Document organizational or operational procedures.", + "Review documents or materials for compliance with policies or regulations.", + "Advise others on green energy or related technologies." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Green Energy Engineering": 1, + "Renewable Energy Systems": 1, + "Environmental Project Management": 1, + "Sustainability Strategy Development": 1, + "Technical Project Management": 1, + "Construction Project Management": 1, + "Operational Resource Management": 1, + "Strategic Environmental Communication": 1, + "Stakeholder Communication Management": 1, + "Technical Documentation Management": 1, + "Regulatory Compliance Management": 1, + "Strategic Risk Assessment": 1, + "Technical Cost Estimation": 1, + "Sustainable Technology Evaluation": 1, + "Advanced Operational Monitoring": 1 + }, + "original_index": 13, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1221.00", + "job_title": "Pediatricians, General", + "detailed_work_activities": [ + "Examine patients to assess general physical condition.", + "Administer non-intravenous medications.", + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Treat acute illnesses, infections, or injuries.", + "Treat chronic diseases or disorders.", + "Order medical diagnostic or clinical tests.", + "Advise communities or institutions regarding health or safety issues.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Explain medical procedures or test results to patients or family members.", + "Collect medical information from patients, family members, or other medical professionals.", + "Record patient medical histories.", + "Monitor patient progress or responses to treatments.", + "Supervise patient care personnel.", + "Design public or employee health programs.", + "Direct healthcare delivery programs.", + "Refer patients to other healthcare practitioners or health resources.", + "Teach classes in area of specialization.", + "Teach medical procedures to healthcare personnel.", + "Advise medical personnel regarding healthcare issues.", + "Operate on patients to treat conditions.", + "Conduct research to increase knowledge about medical issues.", + "Prepare official health documents or records." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Patient Communication": 1, + "Healthcare Documentation": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Treatment Planning": 1, + "Healthcare Safety Management": 1, + "Professional Development": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 14, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1215.00", + "job_title": "Family Medicine Physicians", + "detailed_work_activities": [ + "Analyze test data or images to inform diagnosis or treatment.", + "Collect medical information from patients, family members, or other medical professionals.", + "Immunize patients.", + "Order medical diagnostic or clinical tests.", + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Record patient medical histories.", + "Explain medical procedures or test results to patients or family members.", + "Monitor patient progress or responses to treatments.", + "Advise communities or institutions regarding health or safety issues.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Supervise patient care personnel.", + "Refer patients to other healthcare practitioners or health resources.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Design public or employee health programs.", + "Direct healthcare delivery programs.", + "Prepare official health documents or records.", + "Train medical providers." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Clinical Diagnostic Reasoning": 1, + "Healthcare Professional Collaboration": 1, + "Patient Communication": 1, + "Healthcare Documentation": 1, + "Preventive Healthcare Strategy": 1, + "Health Education and Counseling": 1, + "Medical Treatment Planning": 1 + }, + "original_index": 15, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-9124.00", + "job_title": "Coating, Painting, and Spraying Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Dispose of trash or waste materials.", + "Mount attachments or tools onto production equipment.", + "Apply protective or decorative finishes to workpieces or products.", + "Operate painting or coating equipment.", + "Clean production equipment.", + "Clean work areas.", + "Disassemble equipment for maintenance or repair.", + "Load materials into production equipment.", + "Monitor equipment operation to ensure that products are not flawed.", + "Feed materials or products into or through equipment.", + "Measure ingredients or substances to be used in production processes.", + "Inspect finishes of workpieces or finished products.", + "Remove products or workpieces from production equipment.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Adjust temperature controls of ovens or other heating equipment.", + "Connect supply lines to production equipment or tools.", + "Record operational or production data.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Assemble temporary equipment or structures.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Weigh finished products.", + "Polish materials, workpieces, or finished products.", + "Prepare surfaces for finishing.", + "Fill cracks, imperfections, or holes in products or workpieces.", + "Mix ingredients to create specific finishes.", + "Smooth metal surfaces or edges." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Monitoring": 1, + "Operation and Control": 1, + "Quality Control Analysis": 1, + "Equipment Maintenance": 1, + "Repairing": 1 + }, + "original_index": 16, + "sparsity": 0.997250229147571 + }, + { + "onet_code": "51-9012.00", + "job_title": "Separating, Filtering, Clarifying, Precipitating, and Still Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Load materials into production equipment.", + "Assess compliance with environmental laws.", + "Maintain safety.", + "Monitor instruments to ensure proper production conditions.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Operate mixing equipment.", + "Operate pumping systems or equipment.", + "Adjust temperature controls of ovens or other heating equipment.", + "Test chemical or physical characteristics of materials or products.", + "Inspect production equipment.", + "Measure ingredients or substances to be used in production processes.", + "Collect samples of materials or products for testing.", + "Exchange information with colleagues.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Clear equipment jams.", + "Record operational or production data.", + "Install mechanical components in production equipment.", + "Maintain production or processing equipment.", + "Repair production equipment or tools.", + "Clean production equipment.", + "Clean work areas.", + "Connect supply lines to production equipment or tools.", + "Assemble machine tools, parts, or fixtures.", + "Position containers to receive materials or workpieces." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Quality Control Analysis": 1, + "Technical Equipment Management": 1, + "Material Handling": 1, + "Operational Safety Management": 1, + "Precision Technical Documentation": 1, + "Chemical Processing Control": 1, + "Instrumentation and Equipment Installation": 1 + }, + "original_index": 17, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "35-2012.00", + "job_title": "Cooks, Institution and Cafeteria", + "detailed_work_activities": [ + "Monitor food services operations to ensure procedures are followed.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Record operational or production data.", + "Cook foods.", + "Maintain food, beverage, or equipment inventories.", + "Clean tableware.", + "Move equipment, supplies or food to required locations.", + "Store supplies or goods in kitchens or storage areas.", + "Clean food preparation areas, facilities, or equipment.", + "Cut cooked or raw foods.", + "Prepare foods for cooking or serving.", + "Serve food or beverages.", + "Coordinate activities of food service staff.", + "Plan menu options.", + "Train food preparation or food service personnel.", + "Order materials, supplies, or equipment.", + "Prepare breads or doughs.", + "Determine prices for menu items." + ], + "skills": [ + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Food Preparation Skills": 1, + "Kitchen Resource Management": 1, + "Kitchen Safety Management": 1, + "Operational Food Service Coordination": 1, + "Sanitation and Hygiene Management": 1, + "Inventory Management": 1, + "Quality Control Analysis": 1, + "Operational Documentation": 1, + "Operational Safety Management": 1, + "Menu Planning and Coordination": 1, + "Professional Communication": 1, + "Training Program Development": 1 + }, + "original_index": 18, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-3015.00", + "job_title": "Helpers--Pipelayers, Plumbers, Pipefitters, and Steamfitters", + "detailed_work_activities": [ + "Install plumbing or piping.", + "Cut metal components for installation.", + "Maintain plumbing structures or fixtures.", + "Cut openings in existing structures.", + "Drill holes in construction materials.", + "Measure materials or objects for installation or assembly.", + "Assist skilled construction or extraction personnel.", + "Assemble products or production equipment.", + "Move construction or extraction materials to locations where they are needed.", + "Install building fixtures.", + "Order construction or extraction materials or equipment.", + "Select construction materials.", + "Dig holes or trenches.", + "Remove worn, damaged or outdated materials from work areas.", + "Clean equipment or facilities." + ], + "skills": [], + "skill_vector": { + "Precision Manual Construction": 1, + "Material Handling": 1, + "Construction Material Preparation": 1, + "Technical Equipment Operation": 1, + "Precision Measurement and Layout": 1, + "Construction Site Preparation": 1, + "Technical Safety Management": 1, + "Equipment Maintenance": 1, + "Operational Documentation": 1, + "Precision Manual Tool Operation": 1, + "Construction Equipment Operation": 1, + "Surface Preparation": 1, + "Technical Installation Skills": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 19, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "49-9041.00", + "job_title": "Industrial Machinery Mechanics", + "detailed_work_activities": [ + "Maintain work equipment or machinery.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Adjust equipment to ensure optimal performance.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Disassemble equipment for maintenance or repair.", + "Lubricate equipment to allow proper functioning.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Reassemble equipment after repair.", + "Test mechanical equipment to ensure proper functioning.", + "Maintain repair or maintenance records.", + "Order materials, supplies, or equipment.", + "Record information about parts, materials or repair procedures.", + "Observe equipment in operation to detect potential problems.", + "Analyze test or performance data to assess equipment operation.", + "Cut materials according to specifications or needs.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Operate welding equipment.", + "Enter codes or other information into computers.", + "Train others in operational procedures.", + "Assign duties or work schedules to employees.", + "Plan employee work schedules." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Equipment Inspection": 1, + "Precision Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Technical Safety Inspection": 1, + "Mechanical Equipment Repair": 1, + "Technical Problem Solving": 1, + "Technical Troubleshooting": 1, + "Precision Technical Maintenance": 1, + "Workplace Safety Management": 1, + "Technical Documentation": 1, + "Quality Control Inspection": 1, + "Operational Monitoring": 1, + "Technical Equipment Operation": 1, + "Precision Measurement and Verification": 1, + "Technical Safety Protocols": 1, + "Welding and Fabrication": 1 + }, + "original_index": 20, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "23-1021.00", + "job_title": "Administrative Law Judges, Adjudicators, and Hearing Officers", + "detailed_work_activities": [ + "Make decisions in legal cases.", + "Direct courtroom activities or procedures.", + "Prepare written decisions for legal proceedings.", + "Authorize payments to settle legal disputes.", + "Conduct hearings to investigate legal issues.", + "Research relevant legal materials to aid decision making.", + "Evaluate information related to legal matters in public or personal records.", + "Identify implications for cases from legal precedents or other legal information.", + "Provide legal advice to clients.", + "Rule on admissibility of legal proceedings.", + "Coordinate legal schedules or activities.", + "Interview claimants to get information related to legal proceedings.", + "Administer oaths to court participants.", + "Prepare legal documents." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Legal Decision Making": 1, + "Legal Reasoning": 1, + "Legal Documentation Management": 1, + "Legal Compliance Monitoring": 1, + "Legal Procedural Coordination": 1, + "Legal Research and Analysis": 1, + "Judicial Documentation Management": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1, + "Advanced Operational Governance": 1, + "Strategic Decision Making": 1, + "Conflict Resolution and Mediation": 1, + "Professional Testimony Preparation": 1, + "Comprehensive Documentation Management": 1, + "Academic Knowledge Communication": 0 + }, + "original_index": 21, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-5112.00", + "job_title": "Printing Press Operators", + "detailed_work_activities": [ + "Inspected printed materials or other images to verify quality.", + "Operate photographic developing or print production equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Collect samples of materials or products for testing.", + "Evaluate quality of materials or products.", + "Load materials into production equipment.", + "Feed materials or products into or through equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Mount materials or workpieces onto production equipment.", + "Download data.", + "Clean production equipment.", + "Install mechanical components in production equipment.", + "Mix ingredients to create specific finishes.", + "Enter commands, instructions, or specifications into equipment.", + "Program equipment to perform production tasks.", + "Lubricate production equipment.", + "Direct operational or production activities.", + "Record operational or production data.", + "Maintain inventories of materials, equipment, or products.", + "Monitor environmental impacts of production or development activities.", + "Order materials, supplies, or equipment.", + "Operate cutting equipment." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Academic Instruction": 0, + "Production Equipment Operation": 1, + "Quality Control Analysis": 1, + "Technical Equipment Maintenance": 1, + "Operational Monitoring": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Equipment Programming": 1, + "Precision Measurement": 1, + "Safety Compliance": 1 + }, + "original_index": 22, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "17-3023.00", + "job_title": "Electrical and Electronic Engineering Technologists and Technicians", + "detailed_work_activities": [ + "Maintain electronic equipment.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Review technical documents to plan work.", + "Install instrumentation or electronic equipment or systems.", + "Confer with other personnel to resolve design or operational problems.", + "Resolve operational performance problems.", + "Create electrical schematics.", + "Assemble equipment or components.", + "Evaluate designs or specifications to ensure quality.", + "Interpret design or operational test results.", + "Maintain operational records or records systems.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Estimate technical or resource requirements for development or production projects.", + "Direct industrial production activities.", + "Direct installation activities.", + "Document technical design details.", + "Estimate operational costs.", + "Prepare project budgets.", + "Train personnel on proper operational procedures.", + "Design electrical equipment or systems.", + "Operate computer systems.", + "Purchase materials, equipment, or other resources.", + "Update technical knowledge.", + "Advise customers on the use of products or services.", + "Direct quality control activities.", + "Create schematic drawings for electronics.", + "Analyze costs and benefits of proposed designs or projects.", + "Determine operational criteria or specifications.", + "Evaluate characteristics of equipment or systems.", + "Test green technologies or processes." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Documentation Management": 1, + "Technical Problem Solving": 1, + "Technical Design Visualization": 1, + "Technical Systems Engineering": 1, + "Technical Quality Control": 1, + "Technical Communication": 1, + "Technical Equipment Installation": 1, + "Technical Safety Management": 1 + }, + "original_index": 23, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-1075.00", + "job_title": "Labor Relations Specialists", + "detailed_work_activities": [ + "Arrange collective bargaining agreements.", + "Evaluate personnel practices to ensure adherence to regulations.", + "Negotiate agreements to resolve disputes.", + "Collect evidence for legal proceedings.", + "Assess risks to business operations.", + "Update knowledge of legal or regulatory environments.", + "Measure effectiveness of business strategies or practices.", + "Advise others on human resources topics.", + "Organize special events.", + "Train personnel on managerial topics.", + "Testify at legal or legislative proceedings.", + "Establish organizational guidelines or policies.", + "Establish business management methods.", + "Present business-related information to audiences.", + "Prepare regulatory or compliance documentation." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Labor Relations Management": 1, + "Advanced Stakeholder Negotiation": 1, + "Conflict Resolution and Mediation": 1, + "Professional Communication": 1, + "Legal Compliance Monitoring": 1, + "Strategic Operational Communication": 1, + "Regulatory Compliance Documentation": 1, + "Interpersonal Conflict Management": 1, + "Strategic Risk Assessment": 1, + "Professional Documentation Management": 1 + }, + "original_index": 24, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-9041.00", + "job_title": "Residential Advisors", + "detailed_work_activities": [ + "Communicate with management or other staff to resolve problems.", + "Monitor patron activities to identify problems or potential problems.", + "Supervise service workers.", + "Administer first aid.", + "Evaluate employee performance.", + "Train service staff.", + "Monitor environment to ensure safety.", + "Mediate disputes.", + "Enforce rules or regulations.", + "Inspect facilities.", + "Develop plans for programs or services.", + "Develop educational or training programs.", + "Teach daily living skills or behaviors.", + "Manage budgets for personal services operations.", + "Inform individuals or organizations of status or findings.", + "Collect information about clients.", + "Enforce rules or policies governing student behavior.", + "Perform administrative or clerical tasks.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Accompany individuals or groups to activities.", + "Maintain client information or service records.", + "Meet with coworkers to communicate work orders or plans.", + "Prepare administrative documents.", + "Assign resources or facilities to patrons or employees.", + "Provide escort or transportation.", + "Organize recreational activities or events.", + "Order materials, supplies, or equipment.", + "Deliver items.", + "Package materials or products.", + "Store items." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Advanced Interpersonal Communication": 1, + "Behavioral Conflict Mediation": 1, + "Client Case Management": 1, + "Client Interaction Management": 1, + "Counseling and Guidance": 1, + "Emergency Response Coordination": 1, + "Interpersonal Communication": 1, + "Operational Safety Management": 1, + "Patron Safety Management": 1, + "Performance Evaluation Management": 1, + "Professional Communication": 1, + "Resource Allocation": 1, + "Student Performance Management": 1 + }, + "original_index": 25, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "43-6013.00", + "job_title": "Medical Secretaries and Administrative Assistants", + "detailed_work_activities": [ + "Answer telephones to direct calls or provide information.", + "Maintain medical records.", + "Transcribe spoken or written information.", + "Compile data or documentation.", + "Schedule appointments.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Send information, materials or documentation.", + "Greet customers, patrons, or visitors.", + "Refer customers to appropriate personnel.", + "Relay information between personnel.", + "Interview employees, customers, or others to collect information.", + "Operate computers or computerized equipment.", + "Operate office equipment.", + "Collect deposits, payments or fees.", + "Maintain financial or account records.", + "Prepare business correspondence.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Healthcare Support": 1, + "Client Information Processing": 1, + "Professional Communication": 1, + "Operational Documentation": 1, + "Healthcare Documentation Management": 1, + "Precision Documentation": 1, + "Technical Documentation": 1, + "Professional Time Management": 1, + "Clinical Documentation Processing": 1, + "Patient Communication": 1, + "Professional Information Processing": 1, + "Interpersonal Communication": 1 + }, + "original_index": 26, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-9011.00", + "job_title": "Mechanical Door Repairers", + "detailed_work_activities": [ + "Assemble mechanical components or machine parts.", + "Adjust equipment to ensure optimal performance.", + "Order materials, supplies, or equipment.", + "Move materials, equipment, or supplies.", + "Document operational activities.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Collect payments for goods or services.", + "Install hardware or other interior fixtures.", + "Gather information about work conditions or locations.", + "Assemble structural components.", + "Position equipment using hand tools, power tools, or heavy equipment.", + "Move large objects using heavy equipment.", + "Lubricate equipment to allow proper functioning.", + "Disassemble equipment for maintenance or repair.", + "Remove parts or components from equipment.", + "Drill holes in parts, equipment, or materials.", + "Fabricate parts or components.", + "Run wiring to connect equipment.", + "Cut materials according to specifications or needs.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Install structural foundations.", + "Assemble electrical components, subsystems, or systems.", + "Connect electrical components or equipment.", + "Test mechanical equipment to ensure proper functioning.", + "Clean equipment, parts, or tools to repair or maintain them in good working order." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Mechanical Repair Skills": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Repair": 1, + "Technical Diagnostic Assessment": 1, + "Technical Inspection and Verification": 1, + "Equipment Operation": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Installation Skills": 1, + "Quality Control Analysis": 1, + "Safety and Compliance Management": 1, + "Problem Solving": 1, + "Precision Measurement": 1, + "Technical Communication": 1, + "Tool Operation": 1, + "Coordination": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0, + "Research Methodology": 0 + }, + "original_index": 27, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "23-1012.00", + "job_title": "Judicial Law Clerks", + "detailed_work_activities": [ + "Prepare documentation of legal proceedings.", + "Prepare legal documents.", + "Research relevant legal materials to aid decision making.", + "Confer with court staff to clarify information.", + "Identify implications for cases from legal precedents or other legal information.", + "Meet with individuals involved in legal processes to provide information and clarify issues.", + "Record information from legal proceedings.", + "Maintain the order of legal documents.", + "Direct courtroom activities or procedures.", + "Coordinate legal schedules or activities.", + "Supervise activities of other legal personnel.", + "Administer oaths to court participants." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Legal Documentation Management": 1, + "Legal Procedural Coordination": 1, + "Legal Research and Analysis": 1, + "Judicial Documentation Management": 1, + "Professional Legal Communication": 1, + "Legal Decision Analysis": 1, + "Legal Compliance Monitoring": 1, + "Systematic Documentation Management": 1, + "Professional Documentation": 1, + "Technical Documentation Management": 1, + "Professional Communication": 1, + "Strategic Operational Communication": 1, + "Comprehensive Information Processing": 1 + }, + "original_index": 28, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "29-1161.00", + "job_title": "Nurse Midwives", + "detailed_work_activities": [ + "Care for women during pregnancy and childbirth.", + "Examine patients to assess general physical condition.", + "Measure the physical or physiological attributes of patients.", + "Administer basic health care or medical treatments.", + "Record patient medical histories.", + "Develop medical treatment plans.", + "Prescribe medications.", + "Explain medical procedures or test results to patients or family members.", + "Analyze test data or images to inform diagnosis or treatment.", + "Order medical diagnostic or clinical tests.", + "Treat medical emergencies.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Test patient nervous system functioning.", + "Inform medical professionals regarding patient conditions and care.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Refer patients to other healthcare practitioners or health resources.", + "Maintain medical or professional knowledge.", + "Train medical providers.", + "Teach medical procedures to healthcare personnel.", + "Establish nursing policies or standards.", + "Conduct health or safety training programs.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Care": 1, + "Clinical Procedure Management": 1, + "Healthcare Patient Communication": 1, + "Patient Treatment Planning": 1, + "Reproductive Health Counseling": 1, + "Women's Health Comprehensive Care": 1 + }, + "original_index": 29, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "53-2022.00", + "job_title": "Airfield Operations Specialists", + "detailed_work_activities": [ + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Inspect facilities.", + "Plan flight operations.", + "Assist others during emergencies.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Inspect work sites to identify potential environmental or safety hazards.", + "Confer with coworkers to coordinate maintenance or cleaning activities.", + "Coordinate operational activities.", + "Maintain facilities.", + "Remove snow.", + "Communicate with others to coordinate vehicle movement.", + "Coordinate flight control or management activities.", + "Plan work operations.", + "Monitor vehicle movement or location.", + "Pilot aircraft.", + "Train transportation or material moving personnel.", + "Record operational details of travel.", + "Meet with coworkers to communicate work orders or plans.", + "Review work orders or schedules to determine operations or procedures." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Airfield Operations Management": 1, + "Aircraft Operations Control": 1, + "Operational Safety Management": 1, + "Operational Coordination": 1, + "Technical Equipment Monitoring": 1, + "Transportation Safety Compliance": 1, + "Vehicle Movement Coordination": 1, + "Emergency Response Coordination": 1, + "Operational Documentation": 1, + "Passenger Safety Management": 1, + "Technical Safety Inspection": 1, + "Communication and Information Routing": 1, + "Field Operations Safety": 1, + "Workplace Safety Coordination": 1, + "Academic Instruction": 0 + }, + "original_index": 30, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "21-1011.00", + "job_title": "Substance Abuse and Behavioral Disorder Counselors", + "detailed_work_activities": [ + "Maintain client records.", + "Write reports or evaluations.", + "Counsel clients or patients with substance abuse issues.", + "Monitor clients to evaluate treatment progress.", + "Administer drug screening tests.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Develop treatment plans for patients or clients.", + "Modify treatment plans to accommodate client needs.", + "Intervene in crisis situations to assist clients.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Maintain professional social services knowledge.", + "Train staff members in social services skills.", + "Advocate for individual or community needs.", + "Present social services program information to the public.", + "Refer clients to community or social service programs.", + "Supervise workers providing client or patient services.", + "Confer with family members to discuss client treatment plans or progress.", + "Counsel family members of clients or patients.", + "Collaborate with other professionals to develop education or assistance programs.", + "Evaluate the effectiveness of counseling or educational programs.", + "Plan programs to address community health issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Behavioral Health Counseling": 1, + "Clinical Counseling": 1, + "Client Case Management": 1, + "Client Treatment Planning": 1, + "Substance Abuse Intervention": 1, + "Therapeutic Patient Counseling": 1, + "Interpersonal Communication": 1, + "Professional Documentation": 1, + "Crisis Intervention Management": 1, + "Family Systems Counseling": 1, + "Community Resource Navigation": 1, + "Professional Ethical Intervention": 1, + "Academic Instruction": 0, + "Agricultural Operations": 0, + "Technical Equipment Operation": 0 + }, + "original_index": 31, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "53-5022.00", + "job_title": "Motorboat Operators", + "detailed_work_activities": [ + "Operate ships or other watercraft.", + "Direct emergency management activities.", + "Secure watercraft to docks, wharves or other vessels.", + "Navigate water vessels.", + "Direct passenger or freight transport activities.", + "Follow safety procedures for vehicle operation.", + "Maintain watercraft engines or machinery.", + "Notify others of emergencies, problems, or hazards.", + "Arrange maintenance activities.", + "Direct material handling or moving activities.", + "Clean vessels or marine equipment.", + "Measure the level or depth of water or other liquids.", + "Maintain work equipment or machinery." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Maritime Navigation Skills": 1, + "Marine Operations Management": 1, + "Emergency Maritime Response": 1, + "Vessel Equipment Maintenance": 1, + "Marine Safety and Compliance": 1, + "Technical Equipment Operation": 1, + "Technical Safety Management": 1, + "Operational Monitoring": 1, + "Transportation Safety Management": 1, + "Passenger Safety Management": 1, + "Water Transportation Coordination": 1, + "Technical Communication": 1, + "Situational Awareness": 1, + "Risk Assessment": 1, + "Emergency Response Coordination": 1 + }, + "original_index": 32, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-3012.00", + "job_title": "Helpers--Carpenters", + "detailed_work_activities": [ + "Mark reference points on construction materials.", + "Clean equipment or facilities.", + "Install wooden structural components.", + "Measure materials or objects for installation or assembly.", + "Move construction or extraction materials to locations where they are needed.", + "Select construction equipment.", + "Select construction materials.", + "Drill holes in construction materials.", + "Cut wood components for installation.", + "Position structural components.", + "Position construction forms or molds.", + "Assemble temporary equipment or structures.", + "Build construction forms or molds.", + "Assist skilled construction or extraction personnel.", + "Install building fixtures.", + "Apply adhesives to construction materials.", + "Smooth surfaces with abrasive materials or tools.", + "Cut carpet, vinyl or other flexible materials.", + "Compact materials to create level bases.", + "Finish concrete surfaces.", + "Install insulation in equipment or structures.", + "Apply protective coverings to objects or surfaces near work areas." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Construction Material Manipulation": 1, + "Precision Manual Construction Skills": 1, + "Technical Material Handling": 1, + "Construction Equipment Operation": 1, + "Construction Site Preparation": 1, + "Construction Safety Management": 1, + "Structural Component Installation": 1, + "Surface Preparation": 1 + }, + "original_index": 33, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-9011.00", + "job_title": "Childcare Workers", + "detailed_work_activities": [ + "Arrange childcare or educational settings to ensure physical safety of children.", + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Discuss child development and behavior with parents or guardians.", + "Assist individuals with special needs.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Clean tools or equipment.", + "Provide for basic needs of children.", + "Maintain client information or service records.", + "Monitor health or behavior of people or animals.", + "Arrange items for use or display.", + "Teach health or hygiene practices.", + "Teach daily living skills or behaviors.", + "Perform administrative or clerical tasks.", + "Care for patients with mental illnesses.", + "Develop educational or training programs.", + "Perform housekeeping duties.", + "Prepare foods or meals.", + "Develop daily schedules for children or families.", + "Assign duties or work schedules to employees.", + "Perform human resources activities.", + "Train service staff.", + "Organize recreational activities or events.", + "Accompany individuals or groups to activities." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Child Development Support": 1, + "Child Safety Management": 1, + "Child Safety and Developmental Support": 1, + "Classroom Behavior Management": 1, + "Developmental Learning Support": 1, + "Interpersonal Care Coordination": 1, + "Interpersonal Communication": 1, + "Patient Safety Management": 1, + "Personal Care Support": 1, + "Recreational Activity Coordination": 1, + "Student Safety Management": 1, + "Advanced Medical Equipment Management": 0, + "Agricultural Operations": 0, + "Automotive Repair": 0 + }, + "original_index": 34, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "43-5111.00", + "job_title": "Weighers, Measurers, Checkers, and Samplers, Recordkeeping", + "detailed_work_activities": [ + "Record production information.", + "Inspect shipments to ensure correct order fulfillment.", + "Calculate weights, volumes or other characteristics of materials.", + "Attach identification information to products, items or containers.", + "Provide information to coworkers.", + "Inspect items for damage or defects.", + "Store items.", + "Instruct staff in work policies or procedures.", + "Signal others to coordinate work activities.", + "Count finished products or workpieces.", + "Discuss goods or services information with customers or patrons.", + "Package objects for shipping.", + "Send information, materials or documentation.", + "Operate computers or computerized equipment.", + "Collect samples of materials or products for testing.", + "Prepare products for testing.", + "Sort materials or products.", + "Deliver items.", + "Clean facilities or equipment.", + "Unload materials or equipment." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Operational Documentation": 1, + "Precision Information Processing": 1, + "Quality Control Inspection": 1, + "Material Handling": 1, + "Technical Measurement and Verification": 1, + "Operational Safety Monitoring": 1, + "Technical Documentation": 1, + "Operational Coordination": 1, + "Technical Equipment Operation": 1, + "Sample Collection and Preparation": 1, + "Clerical Information Processing": 1, + "Workplace Safety and Quality Control": 1 + }, + "original_index": 35, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "49-3022.00", + "job_title": "Automotive Glass Installers and Repairers", + "detailed_work_activities": [ + "Replace vehicle glass.", + "Paint surfaces or equipment.", + "Determine types of equipment, tools, or materials needed for jobs.", + "Inspect structural components of vehicles to identify problems.", + "Clean workpieces or finished products.", + "Reassemble equipment after repair.", + "Remove parts or components from vehicles.", + "Repair non-engine automotive or vehicle components.", + "Prepare materials for processing.", + "Adjust vehicle components according to specifications.", + "Replace worn, damaged, or defective mechanical parts.", + "Install machine or equipment replacement parts.", + "Cut materials according to specifications or needs." + ], + "skills": [ + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Installation": 1, + "Equipment Selection": 1, + "Speaking": 1, + "Automotive Component Replacement": 1, + "Vehicle Glass Repair": 1, + "Precision Material Handling": 1, + "Technical Equipment Installation": 1, + "Surface Preparation": 1, + "Quality Control Inspection": 1 + }, + "original_index": 36, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "11-9071.00", + "job_title": "Gambling Managers", + "detailed_work_activities": [ + "Resolve customer complaints or problems.", + "Coordinate enforcement of laws or regulations.", + "Enforce rules or regulations.", + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Communicate organizational policies and procedures.", + "Monitor flow of cash or other resources.", + "Determine pricing or monetary policies.", + "Monitor resources.", + "Maintain knowledge of current developments in area of expertise.", + "Maintain personnel records.", + "Prepare staff schedules or work assignments.", + "Compile operational data.", + "Conduct employee training programs.", + "Evaluate employee performance.", + "Conduct financial or regulatory audits.", + "Promote products, services, or programs.", + "Collect payments for goods or services.", + "Hire personnel.", + "Interview employees, customers, or others to collect information.", + "Manage guest services.", + "Signal others to coordinate work activities.", + "Develop organizational policies or programs." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Advanced Operational Governance": 1, + "Advanced Operational Monitoring": 1, + "Advanced Regulatory Compliance": 1, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Advanced Resource Management": 1, + "Operational Compliance Management": 1, + "Operational Performance Management": 1, + "Personnel Resource Management": 1, + "Professional Communication": 1, + "Risk Assessment": 1, + "Strategic Decision Making": 1, + "Stakeholder Communication": 1, + "Technical Safety Management": 1 + }, + "original_index": 37, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-1023.00", + "job_title": "Zoologists and Wildlife Biologists", + "detailed_work_activities": [ + "Advise others about environmental management or conservation.", + "Measure environmental characteristics.", + "Communicate with the public on environmental issues.", + "Plan biological research.", + "Research environmental impact of industrial or development activities.", + "Prepare scientific or technical reports or presentations.", + "Examine characteristics or behavior of living organisms.", + "Research diseases or parasites.", + "Research genetic characteristics or expression.", + "Direct fundraising or financing activities.", + "Implement advertising or marketing initiatives.", + "Manage organizational or project budgets.", + "Supervise employees.", + "Assess compliance with environmental laws.", + "Coordinate safety or regulatory compliance activities.", + "Review professional literature to maintain professional knowledge.", + "Prepare biological samples for testing or analysis.", + "Analyze biological samples.", + "Collect biological specimens." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research Methodology": 1, + "Environmental Monitoring": 1, + "Animal Care Management": 1, + "Wildlife Conservation Management": 1, + "Field Research Operations": 1, + "Biological Sample Analysis": 1, + "Scientific Communication": 1, + "Technical Documentation Management": 1, + "Stakeholder Communication": 1, + "Project Management": 1, + "Regulatory Compliance": 1, + "Quantitative Data Processing": 1, + "Geographic Information Systems": 1 + }, + "original_index": 38, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-3051.03", + "job_title": "Biofuels Production Managers", + "detailed_work_activities": [ + "Supervise workers performing environmentally sustainable activities.", + "Direct green energy production operations.", + "Direct maintenance and repair activities in green energy production facilities.", + "Communicate green energy production information.", + "Operate green energy production equipment.", + "Evaluate energy production data.", + "Monitor green energy equipment, systems, or facilities.", + "Conduct employee training programs.", + "Train employees on environmental awareness, conservation, or safety topics.", + "Evaluate green operations or programs for compliance with standards or regulations.", + "Evaluate quality of materials or products.", + "Analyze data to determine project feasibility.", + "Prepare operational budgets for green energy or other green operations." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Biofuel Production Management": 1, + "Green Energy Management": 1, + "Operational Environmental Compliance": 1, + "Technical Equipment Management": 1, + "Operational Performance Monitoring": 1, + "Operational Budget Planning": 1, + "Technical Safety Management": 1, + "Strategic Resource Management": 1, + "Technical Project Management": 1, + "Sustainable Production Management": 1, + "Technical Communication": 1, + "Workforce Training Development": 1, + "Quality Control Analysis": 1, + "Advanced Operational Monitoring": 1, + "Academic Instruction": 0 + }, + "original_index": 39, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "43-5052.00", + "job_title": "Postal Service Mail Carriers", + "detailed_work_activities": [ + "Enter information into databases or software programs.", + "Collect deposits, payments or fees.", + "Obtain written authorization to perform activities.", + "Route mail to correct destinations.", + "Sort mail.", + "Deliver items.", + "Arrange insurance coverage.", + "Prepare outgoing mail.", + "Perform administrative or clerical tasks.", + "Provide notifications to customers or patrons.", + "Record shipping information.", + "Package objects for shipping.", + "Maintain financial or account records.", + "Operate vehicles or material-moving equipment.", + "Explain regulations, policies, or procedures.", + "Sell products or services.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Report maintenance or equipment problems to appropriate personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Postal Operations Management": 1, + "Route Navigation and Logistics": 1, + "Material Handling": 1, + "Vehicle Operation Management": 1, + "Administrative Documentation": 1, + "Operational Safety Management": 1, + "Customer Service Coordination": 1, + "Inventory Management": 1, + "Transportation Safety Compliance": 1, + "Professional Communication": 1, + "Workplace Safety Coordination": 1, + "Technical Equipment Operation": 1, + "Record Keeping": 1, + "Academic Instruction": 0 + }, + "original_index": 40, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "27-3092.00", + "job_title": "Court Reporters and Simultaneous Captioners", + "detailed_work_activities": [ + "Record information from legal proceedings.", + "Proofread documents, records, or other files to ensure accuracy.", + "Enter information into databases or software programs.", + "Provide information to the general public.", + "File documents or records.", + "Maintain the order of legal documents.", + "Process forensic or legal evidence in accordance with procedures.", + "Prepare legal documents.", + "Type documents.", + "Confer with court staff to clarify information.", + "Review documents or materials for compliance with policies or regulations.", + "Verify accuracy of records." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Documentation Processing": 1, + "Legal Documentation Management": 1, + "Precision Documentation": 1, + "Precision Technical Documentation": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Transcription and Information Processing": 1, + "Professional Writing and Communication": 1, + "Operational Documentation": 1, + "Procedural Documentation": 1, + "Professional Transcription Skills": 1, + "Textual Accuracy Verification": 1, + "Legal Procedural Coordination": 1, + "Professional Communication Management": 1, + "Information Processing": 1, + "Information Processing Accuracy": 1 + }, + "original_index": 41, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-2061.00", + "job_title": "Timing Device Assemblers and Adjusters", + "detailed_work_activities": [ + "Repair precision devices or workpieces.", + "Align parts or workpieces to ensure proper assembly.", + "Assemble metal or plastic parts or products.", + "Inspect timing devices.", + "Apply lubricants or coolants to workpieces.", + "Clean workpieces or finished products.", + "Disassemble equipment for maintenance or repair.", + "Calculate dimensions of workpieces, products, or equipment.", + "Reshape small metal components for precision assembly.", + "Review blueprints or other instructions to determine operational methods or sequences." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Precision Device Assembly": 1, + "Precision Equipment Maintenance": 1, + "Precision Equipment Calibration": 1, + "Quality Control Analysis": 1, + "Precision Measurement Skills": 1, + "Technical Equipment Inspection": 1, + "Precision Technical Maintenance": 1, + "Operational Monitoring": 1, + "Technical Diagnostic Troubleshooting": 1, + "Precision Material Handling": 1, + "Technical Documentation": 1, + "Precision Surface Preparation": 1, + "Equipment Maintenance Strategy": 1 + }, + "original_index": 42, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "13-1011.00", + "job_title": "Agents and Business Managers of Artists, Performers, and Athletes", + "detailed_work_activities": [ + "Collect payments for goods or services.", + "Distribute promotional literature or samples to customers.", + "Perform marketing activities.", + "Update professional knowledge.", + "Arrange collective bargaining agreements.", + "Conduct eligibility or selection interviews.", + "Correspond with customers to answer questions or resolve complaints.", + "Develop business relationships.", + "Organize special events.", + "Implement financial decisions.", + "Market products, services, or events.", + "Administer personnel recruitment or hiring activities.", + "Prepare financial documents.", + "Inspect facilities or equipment to ensure specifications are met.", + "Advise others on legal or regulatory compliance matters.", + "Recommend investments to clients." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Business Relationship Development": 1, + "Client Relationship Management": 1, + "Negotiation and Persuasion": 1, + "Professional Talent Representation": 1, + "Strategic Communication": 1, + "Professional Networking": 1, + "Contract Negotiation": 1, + "Financial Strategic Planning": 1, + "Performance Career Development": 1, + "Strategic Marketing Communication": 1, + "Professional Communication": 1, + "Stakeholder Communication Management": 1, + "Legal Compliance Monitoring": 1, + "Financial Transaction Processing": 1 + }, + "original_index": 43, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "47-4041.00", + "job_title": "Hazardous Materials Removal Workers", + "detailed_work_activities": [ + "Assemble temporary equipment or structures.", + "Prepare hazardous waste for processing or disposal.", + "Inspect work sites to identify potential environmental or safety hazards.", + "Record operational or environmental data.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Drive trucks or truck-mounted equipment.", + "Load or unload materials used in construction or extraction.", + "Decontaminate equipment or sites to remove hazardous or toxic substances.", + "Mix substances or compounds needed for work activities.", + "Pour materials into or on designated areas.", + "Apply new technologies to improve work processes." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Hazardous Materials Management": 1, + "Environmental Safety and Compliance": 1, + "Operational Safety Management": 1, + "Technical Safety Protocols": 1, + "Site Preparation and Safety": 1, + "Equipment Operation and Control": 1, + "Chemical Substance Management": 1, + "Operational Documentation": 1, + "Technical Inspection and Verification": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 44, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2052.00", + "job_title": "Pharmacy Technicians", + "detailed_work_activities": [ + "Perform clerical work in medical settings.", + "Verify accuracy of patient information.", + "Enter codes or other information into computers.", + "Enter information into databases or software programs.", + "Enter patient or treatment data into computers.", + "Process medical billing information.", + "Record patient medical histories.", + "Maintain inventory of medical supplies or equipment.", + "Prepare medications or medical solutions.", + "Clean medical equipment or facilities.", + "Maintain medical equipment or instruments.", + "Sterilize medical equipment or instruments.", + "Merchandise healthcare products or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Healthcare Support": 1, + "Administrative Documentation": 1, + "Clinical Documentation Management": 1, + "Medical Equipment Management": 1, + "Medication Management": 1, + "Healthcare Information Systems": 1, + "Inventory Management": 1, + "Healthcare Safety Protocols": 1, + "Professional Communication": 1, + "Technical Documentation": 1 + }, + "original_index": 45, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "45-4011.00", + "job_title": "Forest and Conservation Workers", + "detailed_work_activities": [ + "Inspect equipment or facilities to determine condition or maintenance needs.", + "Perform forest firefighting activities.", + "Communicate with other workers to coordinate activities.", + "Record agricultural or forestry inventory data.", + "Advise others on farming or forestry operations, regulations, or equipment.", + "Operate forestry equipment.", + "Trim trees or other vegetation.", + "Apply chemical solutions to plants to protect against disease or insects or to enhance growth.", + "Cut trees or logs.", + "Determine forestry techniques or methods.", + "Evaluate quality of plants or crops.", + "Clean equipment or facilities.", + "Build agricultural structures.", + "Plant crops, trees, or other plants.", + "Perform manual agricultural, aquacultural, or horticultural tasks.", + "Sort forestry or agricultural materials." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Agricultural Equipment Operation": 1, + "Agricultural Inspection Skills": 1, + "Agricultural Inventory Documentation": 1, + "Environmental Conservation Management": 1, + "Vegetation Management": 1, + "Field Operations Safety": 1, + "Equipment Maintenance and Operation": 1, + "Chemical Solution Application": 1, + "Manual Material Handling": 1, + "Operational Communication": 1, + "Natural Resource Management": 1, + "Technical Safety Protocols": 1 + }, + "original_index": 46, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "19-4042.00", + "job_title": "Environmental Science and Protection Technicians, Including Health", + "detailed_work_activities": [ + "Collect environmental data or samples.", + "Record research or operational data.", + "Prepare scientific or technical reports or presentations.", + "Prepare biological samples for testing or analysis.", + "Confer with clients to exchange information.", + "Analyze geological samples.", + "Calibrate scientific or technical equipment.", + "Advise others on matters of public policy.", + "Inspect areas for compliance with sanitation standards.", + "Develop environmental sustainability plans or projects.", + "Direct natural resources management or conservation programs.", + "Assess compliance with environmental laws.", + "Inspect equipment to ensure proper functioning.", + "Set up laboratory or field equipment.", + "Advise others on business or operational matters.", + "Analyze environmental data.", + "Develop environmental research methods.", + "Determine methods to minimize environmental impact of activities.", + "Research environmental impact of industrial or development activities.", + "Supervise scientific or technical personnel.", + "Analyze chemical compounds or substances.", + "Prepare documentation for permits or licenses." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Environmental Science Research": 1, + "Scientific Field Research": 1, + "Scientific Documentation": 1, + "Environmental Monitoring": 1, + "Environmental Compliance Management": 1, + "Scientific Sample Analysis": 1, + "Technical Equipment Management": 1, + "Environmental Impact Assessment": 1, + "Scientific Laboratory Management": 1, + "Environmental Policy Consultation": 1, + "Technical Safety Management": 1, + "Sustainability Planning": 1, + "Professional Scientific Communication": 1 + }, + "original_index": 47, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-2199.11", + "job_title": "Solar Energy Systems Engineers", + "detailed_work_activities": [ + "Collect data about project sites.", + "Prepare detailed work plans.", + "Design alternative energy systems.", + "Provide technical guidance to other personnel.", + "Create graphical representations of energy production systems.", + "Create models of engineering designs or methods.", + "Evaluate plans or specifications to determine technological or environmental implications.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Determine design criteria or specifications.", + "Determine operational methods.", + "Inspect finished products to locate flaws.", + "Analyze costs and benefits of proposed designs or projects.", + "Analyze green technology design requirements.", + "Test green technologies or processes." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 1, + "Technical Design Documentation": 1, + "Technical Design Visualization": 1, + "Green Energy Engineering": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Renewable Energy Systems": 1, + "Technical Research and Development": 1, + "Sustainability Strategy Development": 1, + "Technical Performance Optimization": 1, + "Technical Cost Analysis": 1, + "Technical Project Management": 1, + "Environmental Impact Assessment": 1 + }, + "original_index": 48, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "49-9045.00", + "job_title": "Refractory Materials Repairers, Except Brickmasons", + "detailed_work_activities": [ + "Cut materials according to specifications or needs.", + "Measure distances or dimensions.", + "Repair worn, damaged, or defective mechanical parts.", + "Fabricate parts or components.", + "Repair structural components.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Climb equipment or structures to access work areas.", + "Prepare compounds or solutions to be used for repairs.", + "Seal gaps or cracks to prevent leakage or moisture intrusion.", + "Place materials into molds.", + "Move large objects using heavy equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Equipment Operation and Control": 1, + "Precision Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Material Handling": 1, + "Precision Material Preparation": 1, + "Technical Material Handling": 1, + "Operational Safety Management": 1, + "Technical Safety Inspection": 1, + "Measurement and Verification": 1, + "Precision Measurement Skills": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Problem Solving": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1 + }, + "original_index": 49, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "41-2031.00", + "job_title": "Retail Salespersons", + "detailed_work_activities": [ + "Gather customer or product information to determine customer needs.", + "Greet customers, patrons, or visitors.", + "Recommend products or services to customers.", + "Maintain records of sales or other business transactions.", + "Process sales or other transactions.", + "Set up merchandise displays.", + "Calculate costs of goods or services.", + "Answer customer questions about goods or services.", + "Review laws or regulations to maintain professional knowledge.", + "Reconcile records of sales or other financial transactions.", + "Prepare sales or other contracts.", + "Advise customers on the use of products or services.", + "Demonstrate products to consumers.", + "Explain technical product or service information to customers.", + "Monitor inventories of products or materials.", + "Purchase stocks of merchandise or supplies.", + "Estimate costs or terms of sales.", + "Assist customers with product selection.", + "Package materials or products.", + "Monitor work areas to provide security.", + "Arrange delivery of goods or services.", + "Sell products or services.", + "Clean work areas.", + "Arrange services or reservations for patrons." + ], + "skills": [ + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Customer Service Coordination": 1, + "Interpersonal Communication": 1, + "Product Demonstration": 1, + "Sales Transaction Processing": 1, + "Inventory Management": 1, + "Persuasive Communication": 1, + "Customer Needs Assessment": 1, + "Merchandise Display Strategy": 1, + "Professional Product Knowledge": 1, + "Workplace Safety Management": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 50, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-2022.00", + "job_title": "Appraisers of Personal and Business Property", + "detailed_work_activities": [ + "Appraise property values.", + "Write reports or evaluations.", + "Compile data or documentation.", + "Create databases to store electronic data.", + "Determine operational procedures.", + "Enter information into databases or software programs.", + "Forecast economic, political, or social trends.", + "Gather information in order to provide services to clients.", + "Implement financial decisions.", + "Inspect items for damage or defects.", + "Maintain data in information systems or databases.", + "Record images needed to address work issues.", + "Testify at legal or legislative proceedings.", + "Update computer database information.", + "Verify information or specifications.", + "Write informational material." + ], + "skills": [], + "skill_vector": { + "Property Valuation Analysis": 1, + "Operational Documentation": 1, + "Information Processing": 1, + "Technical Documentation Management": 1, + "Client Consultation and Needs Assessment": 1, + "Financial Analysis": 1, + "Inspection Skills": 1, + "Legal Documentation": 1, + "Strategic Decision Making": 1, + "Advanced Analytical Reasoning": 1 + }, + "original_index": 51, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-2092.00", + "job_title": "Team Assemblers", + "detailed_work_activities": [ + "Evaluate quality of materials or products.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Assemble electrical or electronic equipment.", + "Maintain production or processing equipment.", + "Record operational or production data.", + "Plan production or operational procedures or sequences.", + "Direct operational or production activities.", + "Instruct workers to use equipment or perform technical procedures.", + "Package products for storage or shipment.", + "Clean work areas.", + "Operate forklifts or other loaders." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Operational Coordination": 1, + "Production Equipment Operation": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Equipment Maintenance": 1, + "Material Handling": 1, + "Workplace Safety Management": 1, + "Interpersonal Communication": 1, + "Operational Performance Monitoring": 1 + }, + "original_index": 52, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "11-9051.00", + "job_title": "Food Service Managers", + "detailed_work_activities": [ + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Maintain regulatory or compliance documentation.", + "Maintain operational records.", + "Manage inventories of products or organizational resources.", + "Resolve customer complaints or problems.", + "Evaluate quality of materials or products.", + "Monitor organizational procedures to ensure proper functioning.", + "Schedule product or material transportation.", + "Manage organizational or project budgets.", + "Manage guest services.", + "Collect payments for goods or services.", + "Monitor organizational compliance with regulations.", + "Develop organizational policies or programs.", + "Perform manual service or maintenance tasks.", + "Provide basic information to guests, visitors, or clients.", + "Prepare staff schedules or work assignments.", + "Estimate cost or material requirements.", + "Direct facility maintenance or repair activities.", + "Analyze data to inform operational decisions or activities.", + "Negotiate sales or lease agreements for products or services.", + "Schedule activities or facility use.", + "Evaluate employee performance.", + "Manage human resources activities.", + "Recommend organizational process or policy changes.", + "Determine resource needs.", + "Purchase materials, equipment, or other resources.", + "Recruit personnel.", + "Advise communities or institutions regarding health or safety issues." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Food Service Management": 1, + "Operational Food Service Coordination": 1, + "Operational Food Service Management": 1, + "Kitchen Resource Management": 1, + "Kitchen Safety Management": 1, + "Operational Safety Management": 1, + "Personnel Resource Management": 1, + "Operational Performance Management": 1, + "Inventory Management": 1, + "Customer Service Coordination": 1, + "Operational Documentation Management": 1, + "Regulatory Compliance Management": 1, + "Financial Resource Management": 1, + "Quality Control Management": 1, + "Operational Coordination": 1, + "Sanitation and Hygiene Management": 1, + "Workplace Safety and Quality Control": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 53, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "15-1299.09", + "job_title": "Information Technology Project Managers", + "detailed_work_activities": [ + "Manage information technology projects or system activities.", + "Collaborate with others to resolve information technology issues.", + "Monitor financial information.", + "Evaluate utility of software or hardware technologies.", + "Inspect products or operations to ensure that standards are met.", + "Develop detailed project plans.", + "Collect data about customer needs.", + "Supervise information technology personnel.", + "Analyze security of systems, network, or data.", + "Develop guidelines for system implementation.", + "Identify information technology project resource requirements.", + "Analyze data to identify trends or relationships among variables.", + "Prepare analytical reports.", + "Participate in staffing decisions.", + "Manage budgets for appropriate resource allocation.", + "Develop information communication procedures.", + "Assign duties or work schedules to employees.", + "Coordinate resource procurement activities." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Project Management": 1, + "Technical Project Management": 1, + "Information Technology Project Management": 1, + "Strategic Project Management": 1, + "Technical Systems Analysis": 1, + "Technical Systems Engineering": 1, + "Administrative Information Management": 1, + "Resource Allocation Management": 1, + "Technical Documentation Management": 1, + "Stakeholder Communication Management": 1, + "Technical Risk Assessment": 1, + "Strategic Technology Management": 1, + "Operational Performance Monitoring": 1, + "Technical Communication": 1, + "Personnel Resource Management": 1, + "Financial Resource Management": 1, + "Technical Problem Solving": 1 + }, + "original_index": 54, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "51-9195.04", + "job_title": "Glass Blowers, Molders, Benders, and Finishers", + "detailed_work_activities": [ + "Place materials into molds.", + "Apply parting agents or other solutions to molds.", + "Heat material or workpieces to prepare for or complete production.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Weigh finished products.", + "Shape glass or similar materials.", + "Select production input materials.", + "Record operational or production data.", + "Adjust temperature controls of ovens or other heating equipment.", + "Design jewelry or decorative objects.", + "Maintain production or processing equipment.", + "Operate grinding equipment.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Create diagrams or blueprints for workpieces or products.", + "Cut industrial materials in preparation for fabrication or processing.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Mount materials or workpieces onto production equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Glass Fabrication Techniques": 1, + "Precision Material Handling": 1, + "Precision Material Preparation": 1, + "Precision Material Measurement": 1, + "Production Equipment Operation": 1, + "Production Equipment Maintenance": 1, + "Quality Control Inspection": 1, + "Technical Measurement and Verification": 1, + "Operational Documentation": 1, + "Technical Design Documentation": 1, + "Surface Preparation Techniques": 1, + "Temperature Management": 1 + }, + "original_index": 55, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "39-5012.00", + "job_title": "Hairdressers, Hairstylists, and Cosmetologists", + "detailed_work_activities": [ + "Clean facilities or work areas.", + "Clean tools or equipment.", + "Apply solutions to hair for therapeutic or cosmetic purposes.", + "Groom wigs or hairpieces.", + "Trim client hair.", + "Schedule appointments.", + "Demonstrate activity techniques or equipment use.", + "Maintain client information or service records.", + "Promote products, services, or programs.", + "Sell products or services.", + "Assess skin or hair conditions.", + "Supervise service workers.", + "Train service staff.", + "Apply cleansing or conditioning agents to client hair, scalp, or skin.", + "Administer therapeutic massages.", + "Operate cash registers.", + "Provide medical or cosmetic advice for clients.", + "Order materials, supplies, or equipment.", + "Set up merchandise displays.", + "Administer basic health care or medical treatments.", + "Design costumes or cosmetic effects for characters.", + "Treat nails by shaping, decorating, or augmenting." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Adaptive Care Assistance": 1, + "Administrative Communication": 1, + "Aesthetic Service Coordination": 1, + "Beauty Product Expertise": 1, + "Client Consultation and Needs Assessment": 1, + "Client Interaction Management": 1, + "Client Relationship Development": 1, + "Interpersonal Communication": 1, + "Personal Grooming Services": 1, + "Professional Communication": 1, + "Service Orientation": 1, + "Technical Equipment Operation": 1 + }, + "original_index": 56, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "53-7081.00", + "job_title": "Refuse and Recyclable Material Collectors", + "detailed_work_activities": [ + "Inspect motor vehicles.", + "Operate vehicles or material-moving equipment.", + "Dispose of trash or waste materials.", + "Maintain vehicles in good working condition.", + "Prepare accident or incident reports.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Climb ladders or vehicles to perform duties.", + "Operate packing or other material processing equipment.", + "Notify others of emergencies, problems, or hazards.", + "Report vehicle or equipment malfunctions.", + "Gather information about work conditions or locations.", + "Explain regulations, policies, or procedures.", + "Clean vehicles or vehicle components.", + "Load shipments, belongings, or materials.", + "Schedule operational activities." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Vehicle Operation": 1, + "Equipment Maintenance": 1, + "Safety Management": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Operational Coordination": 1, + "Waste Management Operations": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 57, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1211.00", + "job_title": "Computer Systems Analysts", + "detailed_work_activities": [ + "Troubleshoot issues with computer applications or systems.", + "Provide technical support for software maintenance or use.", + "Coordinate software or hardware installation.", + "Monitor computer system performance to ensure proper operation.", + "Test software performance.", + "Apply information technology to solve business or other applied problems.", + "Configure computer networks.", + "Write computer programming code.", + "Analyze project data to determine specifications or requirements.", + "Design integrated computer systems.", + "Analyze data to identify or resolve operational problems.", + "Collaborate with others to determine design specifications or details.", + "Modify software programs to improve performance.", + "Select production input materials.", + "Train others in computer interface or software use.", + "Collect data about customer needs.", + "Manage information technology projects or system activities.", + "Supervise information technology personnel.", + "Evaluate utility of software or hardware technologies.", + "Identify information technology project resource requirements.", + "Develop testing routines or procedures.", + "Document design or development procedures.", + "Read documents to gather technical information.", + "Provide recommendations to others about computer hardware.", + "Develop diagrams or flow charts of system operation.", + "Estimate time or monetary resources needed to complete projects." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Programming\u2014 Writing computer programs for various purposes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Technical Systems Analysis": 1, + "Technical Problem Solving": 1, + "Technical Documentation Management": 1, + "Technical Communication": 1, + "Software Systems Architecture": 1, + "Information Technology Project Management": 1, + "Technical Equipment Management": 1, + "Strategic Technology Management": 1, + "Technical Quality Control": 1, + "Professional Development and Continuous Learning": 1 + }, + "original_index": 58, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9199.08", + "job_title": "Loss Prevention Managers", + "detailed_work_activities": [ + "Investigate crimes committed within organizations.", + "Investigate illegal or suspicious activities.", + "Manage organizational security activities.", + "Examine financial records to ensure compliance with policies or regulations.", + "Conduct employee training programs.", + "Interview employees, customers, or others to collect information.", + "Analyze risks to minimize losses or damages.", + "Develop emergency response plans or procedures.", + "Develop operating strategies, plans, or procedures.", + "Advise others on legal or regulatory compliance matters.", + "Hire personnel.", + "Supervise employees.", + "Establish interpersonal business relationships to facilitate work activities.", + "Conduct financial or regulatory audits.", + "Maintain operational records.", + "Determine resource needs.", + "Analyze forecasting data to improve business decisions.", + "Determine operational compliance with regulations or standards.", + "Inspect condition or functioning of facilities or equipment.", + "Monitor organizational compliance with regulations.", + "Communicate with government agencies.", + "Monitor flow of cash or other resources.", + "Recommend organizational process or policy changes.", + "Monitor organizational procedures to ensure proper functioning.", + "Advise others on business or operational matters.", + "Develop computer or information systems." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Investigative Analysis": 1, + "Operational Compliance Management": 1, + "Risk Assessment": 1, + "Security Operations Management": 1, + "Personnel Resource Management": 1, + "Strategic Communication": 1, + "Technical Documentation Management": 1, + "Financial Analysis": 1, + "Emergency Response Planning": 1, + "Legal Compliance Monitoring": 1 + }, + "original_index": 59, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-3051.06", + "job_title": "Hydroelectric Production Managers", + "detailed_work_activities": [ + "Direct maintenance and repair activities in green energy production facilities.", + "Communicate green energy production information.", + "Inspect operations of green energy facilities.", + "Maintain operational records for green energy processes or other environmentally-sustainable activities.", + "Manage environmental sustainability projects.", + "Direct green energy production operations.", + "Evaluate green operations or programs for compliance with standards or regulations.", + "Develop operating strategies, plans, or procedures for green or sustainable operations.", + "Operate green energy production equipment.", + "Implement organizational process or policy changes.", + "Develop sustainable organizational policies or practices.", + "Advise others on green energy or related technologies.", + "Schedule activities or facility use.", + "Resolve customer complaints or problems.", + "Develop procedures to evaluate organizational activities.", + "Prepare operational budgets for green energy or other green operations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work." + ], + "skill_vector": { + "Green Energy Engineering": 1, + "Energy Production Management": 1, + "Energy Systems Analysis": 1, + "Energy Systems Control": 1, + "Energy Systems Operation": 1, + "Operational Monitoring": 1, + "Technical Equipment Management": 1, + "Technical Equipment Operation": 1, + "Operational Safety Management": 1, + "Operational Documentation": 1, + "Operational Compliance Management": 1, + "Strategic Resource Management": 1, + "Technical Performance Monitoring": 1, + "Sustainability Management": 1, + "Project Management": 1, + "Technical Safety Monitoring": 1, + "Renewable Energy Systems": 1, + "Technical Diagnostic Reasoning": 1, + "Operational Cost Analysis": 1, + "Strategic Operational Planning": 1 + }, + "original_index": 60, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "41-9041.00", + "job_title": "Telemarketers", + "detailed_work_activities": [ + "Contact current or potential customers to promote products or services.", + "Maintain records of customer accounts.", + "Answer customer questions about goods or services.", + "Explain technical product or service information to customers.", + "Answer telephones to direct calls or provide information.", + "Deliver promotional presentations to current or prospective customers.", + "Develop content for sales presentations or other materials.", + "Identify potential customers.", + "Schedule appointments with prospective customers.", + "Monitor market conditions or trends." + ], + "skills": [ + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Persuasive Communication": 1, + "Professional Communication": 1, + "Sales Communication": 1, + "Customer Service Communication": 1, + "Interpersonal Communication": 1, + "Strategic Communication": 1, + "Product Knowledge Communication": 1, + "Client Interaction Management": 1, + "Telemarketing Strategy": 1, + "Transaction Processing": 1, + "Customer Information Processing": 1, + "Market Intelligence Gathering": 1, + "Client Relationship Development": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0, + "Technical Equipment Operation": 1, + "Performance Monitoring": 1 + }, + "original_index": 61, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1125.00", + "job_title": "Recreational Therapists", + "detailed_work_activities": [ + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Develop treatment plans that use non-medical therapies.", + "Treat patients using psychological therapies.", + "Monitor patient progress or responses to treatments.", + "Record patient medical histories.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Collect medical information from patients, family members, or other medical professionals.", + "Gather medical information from patient histories.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Encourage patients or clients to develop life skills.", + "Inform medical professionals regarding patient conditions and care.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Develop medical treatment plans." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Therapeutic Intervention": 1, + "Administrative Healthcare Support": 1, + "Advanced Interpersonal Communication": 1, + "Client Case Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Comprehensive Patient Counseling": 1, + "Healthcare Patient Communication": 1, + "Interpersonal Patient Communication": 1, + "Patient Treatment Planning": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 62, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "25-3041.00", + "job_title": "Tutors", + "detailed_work_activities": [ + "Encourage students.", + "Evaluate student work.", + "Tutor students who need extra assistance.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Assess educational needs of students.", + "Collaborate with other teaching professionals to develop educational programs.", + "Monitor student performance.", + "Schedule instructional activities.", + "Organize informational materials.", + "Discuss student progress with parents or guardians.", + "Develop strategies or programs for students with special needs.", + "Maintain student records.", + "Document lesson plans.", + "Develop instructional materials.", + "Administer tests to assess educational needs or progress.", + "Advise students on academic or career matters." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Learner Needs Assessment": 1, + "Student Performance Assessment": 1, + "Student Performance Monitoring": 1, + "Educational Support": 1, + "Instructional Communication": 1, + "Professional Development and Learning": 1 + }, + "original_index": 63, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-3026.01", + "job_title": "Nanotechnology Engineering Technologists and Technicians", + "detailed_work_activities": [ + "Operate precision equipment to control microscopic or nanoscopic processes.", + "Maintain clean work areas.", + "Measure physical or chemical properties of materials or objects.", + "Research engineering applications of emerging technologies.", + "Maintain test equipment.", + "Prepare materials for processing.", + "Monitor processes for compliance with standards.", + "Calibrate scientific or technical equipment.", + "Monitor activities affecting environmental quality.", + "Prepare contracts, disclosures, or applications.", + "Investigate the environmental impact of projects.", + "Devise research or testing protocols.", + "Implement design or process improvements.", + "Prepare technical reports for internal use.", + "Maintain operational records or records systems.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Assemble equipment or components.", + "Prepare procedural documents.", + "Document technical design details." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Nanotechnology Engineering": 1, + "Precision Technical Measurement": 1, + "Technical Equipment Operation": 1, + "Scientific Laboratory Management": 1, + "Technical Documentation Management": 1, + "Advanced Scientific Problem Solving": 1, + "Quality Control Analysis": 1, + "Technical Research Methodology": 1, + "Advanced Equipment Calibration": 1, + "Technical Safety Management": 1, + "Materials Science Analysis": 1, + "Technical Systems Engineering": 1, + "Micro-Scale Process Management": 1, + "Technical Design Documentation": 1, + "Advanced Manufacturing Technologies": 1 + }, + "original_index": 64, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "39-7012.00", + "job_title": "Travel Guides", + "detailed_work_activities": [ + "Explain regulations, policies, or procedures.", + "Provide attraction or event information to patrons.", + "Guide patrons on tours.", + "Drive vehicles to transport patrons.", + "Arrange services or reservations for patrons.", + "Organize recreational activities or events.", + "Resolve customer complaints or problems.", + "Sell products or services.", + "Assist individuals with special needs.", + "Maintain financial or account records.", + "Manage budgets for personal services operations.", + "Evaluate program effectiveness.", + "Report information to managers or other personnel.", + "Monitor availability of equipment or supplies.", + "Demonstrate activity techniques or equipment use.", + "Prepare foods or meals.", + "Administer first aid." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Tour Guide Services": 1, + "Customer Service Coordination": 1, + "Patron Information Support": 1, + "Interpersonal Communication": 1, + "Service Orientation": 1, + "Operational Safety Management": 1, + "Event and Program Coordination": 1, + "Professional Communication": 1, + "Client Interaction Management": 1, + "Recreational Activity Management": 1, + "Passenger Safety Management": 1, + "Administrative Documentation": 1, + "Problem Resolution": 1, + "First Aid and Medical Support": 1 + }, + "original_index": 65, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "21-1021.00", + "job_title": "Child, Family, and School Social Workers", + "detailed_work_activities": [ + "Maintain client records.", + "Write reports or evaluations.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Advocate for individual or community needs.", + "Arrange physical or mental health services for clients.", + "Counsel clients regarding educational or vocational issues.", + "Confer with clients to discuss treatment plans or progress.", + "Evaluate the effectiveness of counseling or educational programs.", + "Counsel clients regarding interpersonal issues.", + "Evaluate potential problems in home or work environments of clients.", + "Evaluate characteristics of individuals to determine needs or eligibility.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Confer with family members to discuss client treatment plans or progress.", + "Recommend legal actions.", + "Conduct research on social issues.", + "Counsel clients or patients with substance abuse issues.", + "Help clients get needed services or resources.", + "Advise clients or community groups on health issues.", + "Collect information about clients.", + "Refer clients to community or social service programs.", + "Refer individuals to educational or work programs.", + "Supervise workers providing client or patient services.", + "Counsel clients or patients regarding personal issues.", + "Collaborate with other professionals to develop education or assistance programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Counseling and Guidance": 1, + "Child Development Support": 1, + "Child Safety Management": 1, + "Client Case Management": 1, + "Client Needs Assessment": 1, + "Family Systems Intervention": 1, + "Behavioral Intervention Management": 1, + "Developmental Behavioral Guidance": 1, + "Social Support Services": 1, + "Advocacy and Resource Navigation": 1, + "Therapeutic Patient Counseling": 1, + "Community Needs Assessment": 1, + "Professional Communication": 1, + "Substance Abuse Intervention": 1, + "Legal Compliance Monitoring": 1 + }, + "original_index": 66, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "39-5093.00", + "job_title": "Shampooers", + "detailed_work_activities": [ + "Administer therapeutic massages.", + "Apply cleansing or conditioning agents to client hair, scalp, or skin.", + "Provide medical or cosmetic advice for clients.", + "Maintain client information or service records.", + "Apply solutions to hair for therapeutic or cosmetic purposes." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 0, + "Service Orientation": 1, + "Client Interaction Management": 1, + "Client Consultation and Needs Assessment": 1, + "Personal Grooming Services": 1, + "Interpersonal Communication": 1, + "Therapeutic Patient Communication": 1, + "Client Information Processing": 1, + "Sanitation and Hygiene Management": 1, + "Technical Equipment Operation": 1, + "Healthcare Patient Support": 1, + "Professional Communication": 1, + "Aesthetic Service Coordination": 1 + }, + "original_index": 67, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "17-3013.00", + "job_title": "Mechanical Drafters", + "detailed_work_activities": [ + "Create graphical representations of mechanical equipment.", + "Create images or other visual displays.", + "Design electromechanical equipment or systems.", + "Analyze design or requirements information for mechanical equipment or systems.", + "Verify mathematical calculations.", + "Confer with technical personnel to prepare designs or operational plans.", + "Discuss designs or plans with clients.", + "Supervise engineering or other technical personnel." + ], + "skills": [ + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Technical Design Documentation": 1, + "Technical Graphical Representation": 1, + "Technical Design Visualization": 1, + "Technical Blueprint Interpretation": 1, + "Technical Measurement and Verification": 1, + "Technical Design Optimization": 1, + "Technical Communication": 1, + "Technical Equipment Design": 1, + "Technical Project Coordination": 1, + "Precision Technical Measurement": 1, + "Technical Illustration Skills": 1, + "Technical Documentation Management": 1, + "Advanced Manufacturing Technologies": 1, + "Technical Systems Design": 1, + "Collaborative Technical Problem Solving": 1 + }, + "original_index": 68, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "15-1299.07", + "job_title": "Blockchain Engineers", + "detailed_work_activities": [ + "Design integrated computer systems.", + "Discuss design or technical features of products or services with technical personnel.", + "Implement security measures for computer or information systems.", + "Test computer system operations to ensure proper functioning.", + "Write computer programming code.", + "Analyze security of systems, network, or data.", + "Create databases to store electronic data.", + "Design software applications.", + "Develop computer or information security policies or procedures.", + "Develop procedures for data management.", + "Evaluate new technologies or methods.", + "Evaluate utility of software or hardware technologies.", + "Install computer software.", + "Maintain computer equipment or software." + ], + "skills": [], + "skill_vector": { + "Blockchain Technology Development": 1, + "Technical Systems Engineering": 1, + "Software Development": 1, + "Cryptographic Protocol Engineering": 1, + "Technical Systems Security": 1, + "Technical Problem Solving": 1, + "Technical Documentation": 1, + "Technical Systems Design": 1, + "Technical Systems Analysis": 1, + "Technical Systems Optimization": 1, + "Information Systems Management": 1, + "Information Security Management": 1, + "Technical Risk Assessment": 1, + "Technical Research and Development": 1, + "Technical Communication": 1, + "Programming Logic": 1, + "Technical Project Management": 1, + "Strategic Technology Management": 1, + "Distributed Systems Engineering": 1, + "Network Systems Engineering": 1 + }, + "original_index": 69, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-9161.00", + "job_title": "Computer Numerically Controlled Tool Operators", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Program equipment to perform production tasks.", + "Install mechanical components in production equipment.", + "Mount attachments or tools onto production equipment.", + "Mount materials or workpieces onto production equipment.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Enter commands, instructions, or specifications into equipment.", + "Calculate specific material, equipment, or labor requirements for production.", + "Remove products or workpieces from production equipment.", + "Watch operating equipment to detect malfunctions.", + "Replace worn equipment components.", + "Remove accessories, tools, or other parts from equipment.", + "Monitor lubrication of equipment or workpieces.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Monitor equipment operation to ensure proper functioning.", + "Set equipment controls to meet cutting specifications.", + "Maintain production or processing equipment.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Adjust equipment controls to regulate coolant flow.", + "Stack finished items for further processing or shipment.", + "Clean production equipment.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Load materials into production equipment.", + "Test electrical equipment or systems to ensure proper functioning." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "CNC Programming": 1, + "Precision Equipment Operation": 1, + "Technical Equipment Control": 1, + "Technical Equipment Monitoring": 1, + "Equipment Maintenance": 1, + "Technical Measurement and Verification": 1, + "Technical Quality Control": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Safety and Compliance Monitoring": 1 + }, + "original_index": 70, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "29-1129.02", + "job_title": "Music Therapists", + "detailed_work_activities": [ + "Treat patients using psychological therapies.", + "Develop treatment plans that use non-medical therapies.", + "Interact with patients to build rapport or provide emotional support.", + "Develop medical treatment plans.", + "Establish treatment goals.", + "Record patient medical histories.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Evaluate patient functioning, capabilities, or health.", + "Monitor patient progress or responses to treatments.", + "Collect medical information from patients, family members, or other medical professionals.", + "Gather medical information from patient histories.", + "Maintain medical or professional knowledge.", + "Communicate test or assessment results to medical professionals.", + "Adjust tuning or functioning of musical instruments.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Treat medical emergencies.", + "Analyze patient data to determine patient needs or treatment goals.", + "Inform medical professionals regarding patient conditions and care.", + "Communicate health and wellness information to the public.", + "Analyze quantitative data to determine effectiveness of treatments or therapies.", + "Evaluate treatment options to guide medical decisions.", + "Supervise patient care personnel.", + "Develop health assessment methods or programs.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Interpersonal Communication": 1, + "Behavioral Health Counseling": 1, + "Client Collaboration": 1, + "Client Needs Assessment": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Compassionate Client Interaction": 1, + "Comprehensive Patient Counseling": 1, + "Counseling and Guidance": 1, + "Healthcare Patient Communication": 1, + "Interpersonal Communication": 1, + "Patient Emotional Support": 1, + "Patient Psychological Support": 1, + "Therapeutic Communication": 1, + "Therapeutic Patient Interaction": 1 + }, + "original_index": 71, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "29-2033.00", + "job_title": "Nuclear Medicine Technologists", + "detailed_work_activities": [ + "Administer medical substances for imaging or other procedures.", + "Create advanced digital images of patients using computer imaging systems.", + "Operate diagnostic imaging equipment.", + "Process x-rays or other medical images.", + "Follow protocols or regulations for healthcare activities.", + "Record patient medical histories.", + "Calculate numerical data for medical activities.", + "Explain medical procedures or test results to patients or family members.", + "Prepare medications or medical solutions.", + "Process healthcare paperwork.", + "Examine medical instruments or equipment to ensure proper operation.", + "Monitor the handling of hazardous materials or medical wastes.", + "Gather medical information from patient histories.", + "Maintain medical laboratory equipment.", + "Adjust settings or positions of medical equipment.", + "Position patients for treatment or examination.", + "Operate laboratory equipment to analyze medical samples.", + "Prepare biological specimens for laboratory analysis.", + "Supervise patient care personnel.", + "Train medical providers.", + "Determine protocols for medical procedures." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Medical Diagnostic Imaging": 1, + "Medical Technical Equipment Management": 1, + "Medical Procedure Support": 1, + "Patient Communication": 1, + "Technical Equipment Operation": 1, + "Healthcare Safety Management": 1, + "Clinical Documentation Management": 1, + "Scientific Operational Documentation": 1, + "Advanced Medical Equipment Management": 1, + "Radiation Safety Management": 1 + }, + "original_index": 72, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-3091.00", + "job_title": "Food and Tobacco Roasting, Baking, and Drying Machine Operators and Tenders", + "detailed_work_activities": [ + "Inspect food products.", + "Evaluate quality of food ingredients or prepared foods.", + "Collect samples of materials or products for testing.", + "Adjust temperature controls of ovens or other heating equipment.", + "Operate pumping systems or equipment.", + "Monitor instruments to ensure proper production conditions.", + "Notify others of equipment repair or maintenance needs.", + "Record operational or production data.", + "Watch operating equipment to detect malfunctions.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Weigh finished products.", + "Clear equipment jams.", + "Operate cooking, baking, or other food preparation equipment.", + "Signal others to coordinate work activities.", + "Feed materials or products into or through equipment.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Position raw materials on processing or production equipment.", + "Sterilize food cooking or processing equipment.", + "Remove products or workpieces from production equipment.", + "Mount attachments or tools onto production equipment.", + "Move products, materials, or equipment between work areas." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Monitoring": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Operation and Control": 1, + "Quality Control Analysis": 1, + "Reading Comprehension": 1, + "Complex Problem Solving": 1, + "Coordination": 1, + "Judgment and Decision Making": 1, + "Social Perceptiveness": 1, + "Speaking": 1 + }, + "original_index": 73, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "39-3011.00", + "job_title": "Gambling Dealers", + "detailed_work_activities": [ + "Conduct gaming transactions.", + "Greet customers, patrons, or visitors.", + "Conduct amusement or gaming activities.", + "Inspect equipment to ensure proper functioning.", + "Maintain financial or account records.", + "Compute gaming wins and losses.", + "Operate gaming equipment.", + "Monitor operational quality or safety.", + "Supervise service workers.", + "Respond to customer inquiries.", + "Usher patrons to seats or exits.", + "Train service staff.", + "Prepare operational reports or records.", + "Refer customers to appropriate personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Gaming Operations Management": 1, + "Patron Safety Management": 1, + "Operational Safety and Rule Enforcement": 1, + "Customer Service Coordination": 1, + "Financial Transaction Processing": 1, + "Interpersonal Communication": 1, + "Equipment Operation and Monitoring": 1, + "Performance Monitoring and Evaluation": 1, + "Professional Communication": 1, + "Training and Staff Development": 1 + }, + "original_index": 74, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-1121.00", + "job_title": "Art, Drama, and Music Teachers, Postsecondary", + "detailed_work_activities": [ + "Teach humanities courses at the college level.", + "Evaluate student work.", + "Tutor students who need extra assistance.", + "Guide class discussions.", + "Develop instructional materials.", + "Maintain student records.", + "Coordinate student extracurricular activities.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Supervise student research or internship work.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Research topics in area of expertise.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Maintain facilities.", + "Repair structural components.", + "Write articles, books or other original materials in area of expertise.", + "Display student work.", + "Plan community programs or activities for the general public.", + "Serve on institutional or departmental committees.", + "Write grant proposals.", + "Compile specialized bibliographies or lists of materials.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 75, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "25-4013.00", + "job_title": "Museum Technicians and Conservators", + "detailed_work_activities": [ + "Prepare materials for preservation, storage, or display.", + "Construct exhibits or parts of exhibits.", + "Classify materials according to standard systems.", + "Direct department activities.", + "Evaluate characteristics of archival or historical objects.", + "Inspect materials or equipment to determine need for repair or replacement.", + "Maintain operational records.", + "Enter information into databases or software programs.", + "Record research or operational data.", + "Advise educators on curricula, instructional methods, or policies.", + "Develop policies or procedures for archives, museums or libraries.", + "Direct activities of subordinates.", + "Discuss problems or issues with supervisors.", + "Research topics in area of expertise.", + "Plan community programs or activities for the general public." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Archival Research and Documentation": 1, + "Collection Management": 1, + "Cultural Heritage Preservation": 1, + "Exhibit Design and Curation": 1, + "Professional Documentation": 1, + "Research Methodology": 1, + "Technical Documentation Management": 1 + }, + "original_index": 76, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "29-1242.00", + "job_title": "Orthopedic Surgeons, Except Pediatric", + "detailed_work_activities": [ + "Diagnose medical conditions.", + "Operate on patients to treat conditions.", + "Prescribe medications.", + "Advise medical personnel regarding healthcare issues.", + "Analyze patient data to determine patient needs or treatment goals.", + "Analyze test data or images to inform diagnosis or treatment.", + "Assist healthcare practitioners during surgery.", + "Conduct research to increase knowledge about medical issues.", + "Examine patients to assess general physical condition.", + "Follow protocols or regulations for healthcare activities.", + "Manage healthcare operations.", + "Order medical diagnostic or clinical tests.", + "Order medical supplies or equipment.", + "Prescribe treatments or therapies.", + "Record patient medical histories.", + "Refer patients to other healthcare practitioners or health resources.", + "Schedule patient procedures or appointments.", + "Sterilize medical equipment or instruments.", + "Supervise patient care personnel.", + "Treat chronic diseases or disorders." + ], + "skills": [], + "skill_vector": { + "Advanced Medical Intervention": 1, + "Surgical Intervention": 1, + "Patient Assessment": 1, + "Patient Treatment Planning": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Documentation Management": 1, + "Medical Equipment Management": 1, + "Patient Safety Management": 1, + "Healthcare Professional Communication": 1, + "Musculoskeletal Intervention Techniques": 1, + "Clinical Procedure Support": 1, + "Medical Diagnostic Assessment": 1, + "Professional Medical Communication": 1, + "Healthcare Safety Protocols": 1, + "Precision Medical Intervention": 1, + "Complex Medical Problem Solving": 1, + "Academic Research and Development": 1, + "Professional Research Methodology": 1, + "Clinical Research Management": 1, + "Anatomical Knowledge": 1, + "Academic Instruction": 1, + "Professional Development": 1, + "Regulatory Compliance Management": 1, + "Healthcare Compliance and Safety": 1 + }, + "original_index": 77, + "sparsity": 0.9890009165902841 + }, + { + "onet_code": "27-2021.00", + "job_title": "Athletes and Sports Competitors", + "detailed_work_activities": [ + "Evaluate skills of athletes or performers.", + "Practice athletic or artistic skills.", + "Participate in athletic events.", + "Promote products, activities, or organizations.", + "Coach others." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Athletic Performance Management": 1, + "Performance Coaching": 1, + "Performance Evaluation Management": 1, + "Performance Monitoring and Analysis": 1, + "Professional Sports Communication": 1, + "Talent Identification": 1, + "Physical Fitness Instruction": 1, + "Interpersonal Performance Monitoring": 1, + "Professional Performance Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Technical Equipment Management": 0 + }, + "original_index": 78, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "49-2098.00", + "job_title": "Security and Fire Alarm Systems Installers", + "detailed_work_activities": [ + "Install electrical components, equipment, or systems.", + "Explain use of products or services.", + "Position equipment using hand tools, power tools, or heavy equipment.", + "Repair electrical components.", + "Repair electrical circuits or wiring.", + "Test electrical circuits or components for proper functioning.", + "Inspect equipment to locate or identify electrical problems.", + "Lay cables to connect equipment.", + "Inspect safety equipment to ensure proper functioning.", + "Drill holes in parts, equipment, or materials.", + "Determine types of equipment, tools, or materials needed for jobs.", + "Plan work procedures.", + "Document operational activities.", + "Confer with customers or users to assess problems.", + "Run wiring to connect equipment.", + "Adjust equipment to ensure optimal performance.", + "Estimate costs for labor or materials.", + "Maintain knowledge of current developments in area of expertise.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Technical Equipment Installation": 1, + "Technical Safety Inspection": 1, + "Technical Equipment Maintenance": 1, + "Technical Troubleshooting": 1, + "Operational Safety Monitoring": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Precision Equipment Installation": 1, + "Wiring and Electrical Circuit Skills": 1 + }, + "original_index": 79, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "27-2041.00", + "job_title": "Music Directors and Composers", + "detailed_work_activities": [ + "Coordinate musical rehearsals or performances.", + "Study details of musical compositions.", + "Create musical compositions, arrangements or scores.", + "Determine presentation subjects or content.", + "Audition or interview potential performers or staff members.", + "Select staff, team members, or performers.", + "Design layout of art or product exhibits, displays, or promotional materials.", + "Direct fundraising or financing activities.", + "Negotiate for services.", + "Collaborate with others to prepare or perform artistic productions.", + "Collaborate with others to determine technical details of productions.", + "Coordinate artistic activities.", + "Coordinate logistics for productions or events.", + "Study scripts to determine project requirements.", + "Operate audio recording equipment.", + "Stay informed about current developments in field of specialization." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Artistic Collaboration": 1, + "Artistic Performance Coordination": 1, + "Artistic Conceptualization": 1, + "Creative Composition Strategy": 1, + "Professional Artistic Communication": 1, + "Performance Arts Management": 1, + "Technical Communication": 1, + "Professional Performance Preparation": 1, + "Artistic Audition and Casting": 1, + "Creative Problem Solving": 1, + "Project Management": 1, + "Professional Networking": 1, + "Fundraising Strategy": 1, + "Strategic Communication": 1, + "Audio Technical Operations": 1 + }, + "original_index": 80, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "31-1122.00", + "job_title": "Personal Care Aides", + "detailed_work_activities": [ + "Administer basic health care or medical treatments.", + "Document client health or progress.", + "Maintain client information or service records.", + "Teach health or hygiene practices.", + "Monitor health or behavior of people or animals.", + "Develop plans for programs or services.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Prepare foods or meals.", + "Assist individuals with special needs.", + "Perform housekeeping duties.", + "Drive vehicles to transport patrons." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Patient Care Coordination": 1, + "Client Needs Assessment": 1, + "Healthcare Patient Support": 1, + "Interpersonal Care Coordination": 1, + "Personal Care Support": 1, + "Compassionate Client Interaction": 1, + "Healthcare Documentation": 1, + "Developmental Care Coordination": 1, + "Medication Management": 1, + "Client Hygiene Management": 1, + "Nutritional Assessment": 1, + "Patient Safety Management": 1, + "Therapeutic Patient Interaction": 1, + "Academic Instruction": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Systems Engineering": 0, + "Advanced Medical Equipment Management": 0, + "Research Methodology": 0 + }, + "original_index": 81, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-1041.01", + "job_title": "Environmental Compliance Inspectors", + "detailed_work_activities": [ + "Investigate legal issues.", + "Prepare legal or investigatory documentation.", + "Maintain data in information systems or databases.", + "Prepare regulatory or compliance documentation.", + "Testify at legal or legislative proceedings.", + "Coordinate enforcement of laws or regulations.", + "Explain regulations, policies, or procedures.", + "Inform individuals or organizations of status or findings.", + "Interview witnesses, suspects, or claimants.", + "Dispose of hazardous materials.", + "Monitor the handling of hazardous materials or medical wastes.", + "Inspect facilities or equipment to ensure specifications are met.", + "Update professional knowledge.", + "Review license or permit applications.", + "Monitor organizational compliance with regulations.", + "Compile technical information or documentation.", + "Gather physical survey data.", + "Analyze environmental regulations to ensure organizational compliance.", + "Research issues related to the environment or sustainable business practices.", + "Update knowledge of legal or regulatory environments.", + "Examine product information to ensure compliance with regulations.", + "Correspond with customers to answer questions or resolve complaints.", + "Advise others on business or operational matters.", + "Prepare financial documents.", + "Communicate results of environmental research.", + "Communicate with the public on environmental issues.", + "Test chemical or physical characteristics of materials or products.", + "Test fluids to identify contamination or other problems.", + "Maintain electronic equipment.", + "Maintain facilities.", + "Maintain mechanical equipment.", + "Establish organizational guidelines or policies.", + "Calculate data to inform organizational operations." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Environmental Compliance Coordination": 1, + "Environmental Regulatory Compliance": 1, + "Operational Compliance Monitoring": 1, + "Technical Documentation Management": 1, + "Investigative Documentation": 1, + "Field Operations Safety": 1, + "Scientific Field Data Collection": 1, + "Stakeholder Communication": 1, + "Risk Assessment": 1, + "Professional Knowledge Maintenance": 1, + "Technical Inspection and Verification": 1, + "Analytical Problem Solving": 1, + "Strategic Environmental Communication": 1, + "Hazardous Materials Management": 1, + "Technical Safety Management": 1 + }, + "original_index": 82, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-9041.01", + "job_title": "Biofuels/Biodiesel Technology and Product Development Managers", + "detailed_work_activities": [ + "Develop technical processes to improve the efficiency of biofuel production.", + "Evaluate energy production data.", + "Develop operating strategies, plans, or procedures for green or sustainable operations.", + "Supervise workers performing environmentally sustainable activities.", + "Develop specifications for new products or processes.", + "Test green technologies or processes.", + "Communicate green energy production information.", + "Model operational processes.", + "Direct green energy production operations." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Biofuel Production Management": 1, + "Green Energy Management": 1, + "Technical Process Engineering": 1, + "Operational Performance Monitoring": 1, + "Technical Documentation Management": 1, + "Scientific Research Methodology": 1, + "Sustainable Production Management": 1, + "Technical Quality Control": 1, + "Strategic Environmental Planning": 1, + "Technical Systems Analysis": 1, + "Renewable Energy Systems": 1, + "Technical Project Management": 1, + "Stakeholder Communication": 1, + "Personnel Resource Management": 1, + "Advanced Problem Solving": 1, + "Operational Cost Analysis": 1, + "Technical Safety Management": 1, + "Environmental Compliance Management": 1 + }, + "original_index": 83, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "43-4131.00", + "job_title": "Loan Interviewers and Clerks", + "detailed_work_activities": [ + "Verify accuracy of financial or transactional data.", + "Compile data or documentation.", + "Maintain financial or account records.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Obtain personal or financial information about customers or applicants.", + "Provide notifications to customers or patrons.", + "Determine the value of goods or services.", + "Interview employees, customers, or others to collect information.", + "Prepare business correspondence.", + "Type documents.", + "Calculate financial data.", + "Monitor financial information.", + "Discuss account status or activity with customers or patrons.", + "Arrange insurance coverage.", + "Collect deposits, payments or fees.", + "Schedule appointments.", + "Negotiate financial arrangements." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Processing": 1, + "Client Information Processing": 1, + "Financial Analysis": 1, + "Customer Service Coordination": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Transaction Processing": 1, + "Regulatory Compliance": 1 + }, + "original_index": 84, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-2141.00", + "job_title": "Painters, Construction and Maintenance", + "detailed_work_activities": [ + "Protect structures or surfaces near work areas to avoid damage.", + "Apply material to fill gaps in surfaces.", + "Smooth surfaces with abrasive materials or tools.", + "Review blueprints or specifications to determine work requirements.", + "Prepare surfaces for finishing.", + "Apply paint to surfaces.", + "Assemble temporary equipment or structures.", + "Mix substances or compounds needed for work activities.", + "Estimate construction project costs.", + "Estimate materials requirements for projects.", + "Clean surfaces in preparation for work activities.", + "Order construction or extraction materials or equipment.", + "Select construction equipment.", + "Apply sealants or other protective coatings.", + "Apply decorative or textured finishes or coverings.", + "Cut carpet, vinyl or other flexible materials.", + "Operate heating or drying equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Construction Surface Preparation": 1, + "Surface Preparation": 1, + "Surface Preparation Techniques": 1, + "Material Handling": 1, + "Material Preparation": 1, + "Technical Equipment Operation": 1, + "Protective Coating Application": 1, + "Construction Equipment Operation": 1, + "Precision Manual Construction Skills": 1, + "Technical Safety Management": 1, + "Workplace Safety Coordination": 1, + "Project Management": 1, + "Time Management": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Social Perceptiveness": 1, + "Technical Documentation": 1, + "Cost Estimation": 1, + "Professional Communication": 1 + }, + "original_index": 85, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "19-2041.00", + "job_title": "Environmental Scientists and Specialists, Including Health", + "detailed_work_activities": [ + "Provide technical information or assistance to public.", + "Advise others about environmental management or conservation.", + "Monitor environmental impacts of production or development activities.", + "Compile environmental or climatological data.", + "Develop environmental sustainability plans or projects.", + "Assess compliance with environmental laws.", + "Review environmental permits, plans, or reports.", + "Research environmental impact of industrial or development activities.", + "Advise others on matters of public policy.", + "Prepare information or documentation related to legal or regulatory matters.", + "Prepare research or technical reports on environmental issues.", + "Plan environmental research.", + "Supervise scientific or technical personnel.", + "Supervise trainees.", + "Direct technical activities or operations.", + "Research impacts of environmental conservation initiatives.", + "Develop plans to manage natural or renewable resources.", + "Develop sustainable industrial or development methods.", + "Develop theories or models of physical phenomena." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research Methodology": 1, + "Environmental Monitoring": 1, + "Environmental Conservation Management": 1, + "Environmental Compliance Management": 1, + "Technical Documentation Management": 1, + "Stakeholder Communication": 1, + "Scientific Data Analysis": 1, + "Policy Analysis and Development": 1, + "Regulatory Compliance Monitoring": 1, + "Strategic Environmental Planning": 1, + "Technical Project Management": 1, + "Sustainability Strategy Development": 1, + "Field Research Methodology": 1 + }, + "original_index": 86, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "43-9022.00", + "job_title": "Word Processors and Typists", + "detailed_work_activities": [ + "Answer telephones to direct calls or provide information.", + "Distribute incoming mail.", + "Sort mail.", + "Proofread documents, records, or other files to ensure accuracy.", + "Store records or related materials.", + "Operate office equipment.", + "Operate computers or computerized equipment.", + "Type documents.", + "Compile data or documentation.", + "Calculate financial data.", + "Verify accuracy of financial or transactional data.", + "Schedule appointments.", + "Format digital documents, data, or images.", + "Maintain operational records.", + "Search files, databases or reference materials to obtain needed information.", + "Prepare research or technical reports.", + "Enter information into databases or software programs.", + "Maintain office equipment in proper operating condition." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Processing": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Clerical Information Processing": 1, + "Digital Document Management": 1, + "Information Processing": 1, + "Operational Documentation": 1, + "Precision Documentation": 1, + "Professional Documentation": 1, + "Technical Documentation": 1, + "Time Management": 1, + "Operational Communication": 1, + "Office Equipment Operation": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Textual Accuracy Verification": 1 + }, + "original_index": 87, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "13-1041.06", + "job_title": "Coroners", + "detailed_work_activities": [ + "Collect evidence for legal proceedings.", + "Prepare legal or investigatory documentation.", + "Interview witnesses, suspects, or claimants.", + "Inform individuals or organizations of status or findings.", + "Coordinate logistics or other business operations.", + "Document information related to legal proceedings.", + "Supervise employees.", + "Coordinate operational activities.", + "Testify at legal or legislative proceedings.", + "Coordinate enforcement of laws or regulations." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Forensic Evidence Analysis": 1, + "Investigative Documentation Management": 1, + "Legal Documentation Management": 1, + "Scientific Documentation": 1, + "Investigative Evidence Collection": 1, + "Medical Diagnostic Reasoning": 1, + "Technical Documentation Management": 1, + "Systematic Investigative Analysis": 1, + "Professional Communication": 1, + "Stakeholder Communication": 1, + "Procedural Legal Communication": 1, + "Scientific Research Methodology": 1, + "Risk Assessment": 1, + "Psychological Assessment": 1, + "Professional Testimony Preparation": 1, + "Academic Research Methodology": 0 + }, + "original_index": 88, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "37-3013.00", + "job_title": "Tree Trimmers and Pruners", + "detailed_work_activities": [ + "Operate grounds maintenance equipment.", + "Drive trucks or other vehicles to or at work sites.", + "Trim trees or other vegetation.", + "Clean equipment or supplies.", + "Climb ladders or vehicles to perform duties.", + "Instruct staff in work policies or procedures.", + "Supervise maintenance workers.", + "Estimate maintenance service requirements or costs.", + "Remove debris from work sites.", + "Inspect landscaping to determine treatment needs.", + "Treat greenery or surfaces with protective substances.", + "Provide information about landscaping services or costs.", + "Irrigate lawns, trees, or plants.", + "Install equipment to protect or support trees.", + "Prepare chemicals for work application.", + "Plant greenery to improve landscape appearance." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Agricultural Equipment Operation": 1, + "Equipment Operation and Control": 1, + "Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Vegetation Management": 1, + "Interpersonal Communication": 1, + "Site Preparation and Inspection": 1, + "Chemical Application": 1, + "Vehicle Operation": 1, + "Supervisory Coordination": 1 + }, + "original_index": 89, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-1022.00", + "job_title": "Microbiologists", + "detailed_work_activities": [ + "Cultivate micro-organisms for study, testing, or medical preparations.", + "Prepare biological samples for testing or analysis.", + "Analyze biological samples.", + "Classify organisms based on their characteristics or behavior.", + "Inspect condition of natural environments.", + "Monitor environmental impacts of production or development activities.", + "Supervise scientific or technical personnel.", + "Operate laboratory or field equipment.", + "Research diseases or parasites.", + "Prepare scientific or technical reports or presentations.", + "Develop new or advanced products or production methods.", + "Examine characteristics or behavior of living organisms.", + "Research microbiological or chemical processes or structures.", + "Analyze chemical compounds or substances." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Biological Research Methodology": 1, + "Scientific Documentation": 1, + "Laboratory Sample Analysis": 1, + "Scientific Problem Solving": 1, + "Technical Equipment Management": 1, + "Environmental Monitoring": 1, + "Scientific Communication": 1, + "Research and Development": 1 + }, + "original_index": 90, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "49-3052.00", + "job_title": "Motorcycle Mechanics", + "detailed_work_activities": [ + "Adjust vehicle components according to specifications.", + "Inspect vehicles to determine overall condition.", + "Replace worn, damaged, or defective mechanical parts.", + "Repair non-engine automotive or vehicle components.", + "Disassemble equipment for maintenance or repair.", + "Repair defective engines or engine components.", + "Measure equipment outputs.", + "Confer with customers or users to assess problems.", + "Observe equipment in operation to detect potential problems.", + "Disassemble equipment to inspect for deficiencies.", + "Install vehicle parts or accessories.", + "Reassemble equipment after repair.", + "Grind parts to required dimensions.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Assemble mechanical components or machine parts.", + "Test mechanical equipment to ensure proper functioning.", + "Operate welding equipment.", + "Remove dents from equipment, materials, tools or structures." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Vehicle Mechanical Repair": 1, + "Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Precision Technical Maintenance": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Problem Solving": 1, + "Quality Control Inspection": 1, + "Technical Safety Management": 1, + "Welding and Fabrication": 1, + "Customer Service Communication": 1, + "Technical Documentation": 1, + "Academic Instruction": 0, + "Healthcare Patient Assessment": 0, + "Agricultural Operations": 0 + }, + "original_index": 91, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "27-1026.00", + "job_title": "Merchandise Displayers and Window Trimmers", + "detailed_work_activities": [ + "Arrange artwork, products, or props.", + "Develop promotional strategies or plans.", + "Discuss production content and progress with others.", + "Maintain inventories of materials, equipment, or products.", + "Train others on work processes.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Maintain records, documents, or other files.", + "Draw detailed or technical illustrations.", + "Select materials or props.", + "Collaborate with others in marketing activities.", + "Monitor current trends.", + "Build models, patterns, or templates.", + "Operate still or video cameras or related equipment.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Visual Design Communication": 1, + "Creative Design Conceptualization": 1, + "Artistic Prop and Material Selection": 1, + "Artistic Trend Analysis": 1, + "Creative Visual Storytelling": 1, + "Professional Communication": 1, + "Operational Coordination": 1, + "Technical Measurement and Layout": 1, + "Inventory Management": 1, + "Strategic Marketing Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Agricultural Operations": 0 + }, + "original_index": 92, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "25-2023.00", + "job_title": "Career/Technical Education Teachers, Middle School", + "detailed_work_activities": [ + "Apply multiple teaching methods.", + "Set up classroom materials or equipment.", + "Establish rules or policies governing student behavior.", + "Modify teaching methods or materials to accommodate student needs.", + "Develop instructional objectives.", + "Encourage students.", + "Maintain student records.", + "Monitor student performance.", + "Teach others to use technology or equipment.", + "Evaluate student work.", + "Assign class work to students.", + "Administer tests to assess educational needs or progress.", + "Enforce rules or policies governing student behavior.", + "Prepare tests.", + "Discuss problems or issues with supervisors.", + "Discuss student progress with parents or guardians.", + "Plan educational activities.", + "Advise students on academic or career matters.", + "Create technology-based learning materials.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products.", + "Monitor student behavior, social development, or health.", + "Order instructional or library materials or equipment.", + "Assist students with special educational needs.", + "Document lesson plans.", + "Develop strategies or programs for students with special needs.", + "Prepare reports detailing student activities or performance.", + "Collaborate with other teaching professionals to develop educational programs.", + "Plan experiential learning activities.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Serve on institutional or departmental committees.", + "Coordinate student extracurricular activities.", + "Supervise school or student activities." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Instructional Technology": 1, + "Adaptive Learning Management": 1, + "Student Performance Assessment": 1, + "Student Performance Evaluation": 1, + "Student Performance Management": 1, + "Classroom Management": 1, + "Classroom Behavioral Management": 1, + "Professional Development": 1, + "Instructional Technology Integration": 1, + "Special Needs Educational Support": 1 + }, + "original_index": 93, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "39-9031.00", + "job_title": "Exercise Trainers and Group Fitness Instructors", + "detailed_work_activities": [ + "Teach exercise or fitness techniques.", + "Develop educational or training programs.", + "Evaluate capabilities or training needs.", + "Enforce rules or regulations.", + "Explain regulations, policies, or procedures.", + "Demonstrate activity techniques or equipment use.", + "Administer first aid.", + "Perform basic equipment maintenance.", + "Teach health or hygiene practices.", + "Distribute resources to patrons or employees.", + "Maintain supply or equipment inventories.", + "Organize recreational activities or events.", + "Maintain client information or service records.", + "Promote products, services, or programs.", + "Sell products or services.", + "Advise customers on the use of products or services.", + "Provide medical or cosmetic advice for clients.", + "Administer therapeutic massages." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Physical Fitness Instruction": 1, + "Performance Instruction": 1, + "Adaptive Instructional Techniques": 1, + "Client Needs Assessment": 1, + "Performance Monitoring and Evaluation": 1, + "Health Education Strategy": 1, + "Safety and Quality Control Monitoring": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1, + "Client Relationship Management": 1, + "Therapeutic Patient Intervention": 1, + "Operational Safety Management": 1 + }, + "original_index": 94, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-5012.00", + "job_title": "Occupational Health and Safety Technicians", + "detailed_work_activities": [ + "Inspect work environments to ensure safety.", + "Protect patients or staff members using safety equipment.", + "Test facilities for environmental hazards.", + "Advise communities or institutions regarding health or safety issues.", + "Prepare official health documents or records.", + "Conduct health or safety training programs.", + "Verify that medical activities or operations meet standards.", + "Maintain inventory of medical supplies or equipment.", + "Maintain medical laboratory equipment.", + "Prepare medical supplies or equipment for use.", + "Conduct research to increase knowledge about medical issues.", + "Develop emergency procedures.", + "Monitor medical facility activities to ensure adherence to standards or regulations.", + "Communicate health and wellness information to the public.", + "Maintain medical facility records.", + "Design public or employee health programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Occupational Safety Management": 1, + "Safety and Compliance Monitoring": 1, + "Workplace Safety Coordination": 1, + "Technical Safety Inspection": 1, + "Technical Safety Management": 1, + "Technical Safety Monitoring": 1, + "Technical Safety Protocols": 1, + "Technical Safety Verification": 1, + "Technical Safety and Compliance": 1, + "Risk Assessment": 1, + "Risk Assessment Management": 1, + "Situational Safety Communication": 1, + "Safety Equipment Verification": 1, + "Safety Protocol Implementation": 1, + "Safety Communication": 1, + "Professional Safety and Compliance Monitoring": 1, + "Environmental Safety Monitoring": 1, + "Environmental Hazard Monitoring": 1, + "Healthcare Safety Management": 1, + "Healthcare Safety Protocols": 1 + }, + "original_index": 95, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "29-1041.00", + "job_title": "Optometrists", + "detailed_work_activities": [ + "Test patient vision.", + "Analyze test data or images to inform diagnosis or treatment.", + "Develop medical treatment plans.", + "Fit eyeglasses, contact lenses, or other vision aids.", + "Prescribe assistive medical devices or related treatments.", + "Prescribe medications.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Monitor patients following surgeries or other treatments.", + "Treat acute illnesses, infections, or injuries.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Refer patients to other healthcare practitioners or health resources.", + "Prescribe treatments or therapies.", + "Treat chronic diseases or disorders." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Medical Intervention": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Management": 1, + "Healthcare Patient Communication": 1, + "Healthcare Patient Guidance": 1, + "Healthcare Treatment Planning": 1, + "Medical Device Customization": 1, + "Medical Diagnostic Assessment": 1, + "Medical Equipment Operation": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Patient Treatment Planning": 1, + "Vision Care Expertise": 1, + "Vision Diagnostic Assessment": 1 + }, + "original_index": 96, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "15-1299.05", + "job_title": "Information Security Engineers", + "detailed_work_activities": [ + "Manage information technology projects or system activities.", + "Develop software or computer applications.", + "Install computer software.", + "Analyze security of systems, network, or data.", + "Coordinate reporting or editing activities.", + "Develop operating strategies, plans, or procedures.", + "Develop performance metrics or standards related to information technology.", + "Establish work standards.", + "Evaluate potential of products, technologies, or resources.", + "Evaluate utility of software or hardware technologies.", + "Implement security measures for computer or information systems.", + "Investigate illegal or suspicious activities.", + "Monitor processes for compliance with standards.", + "Provide technical guidance to other personnel.", + "Read documents to gather technical information.", + "Recommend changes to improve computer or information systems.", + "Supervise information technology personnel.", + "Test computer system operations to ensure proper functioning.", + "Train personnel in technical or scientific procedures.", + "Troubleshoot issues with computer applications or systems.", + "Write reports or evaluations." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Advanced Operational Governance": 1, + "Advanced Operational Monitoring": 1, + "Advanced Regulatory Compliance": 1, + "Advanced Resource Management": 1, + "Analytical Problem Solving": 1, + "Cybersecurity Analysis": 1, + "Cybersecurity Engineering": 1, + "Cybersecurity Evidence Analysis": 1, + "Cybersecurity Implementation": 1, + "Cybersecurity Risk Management": 1, + "Digital Forensic Investigation": 1, + "Digital Systems Management": 1, + "Digital Systems Security": 1, + "Digital Systems Testing": 1, + "Information Management": 1, + "Information Processing": 1, + "Information Security Management": 1, + "Information Systems Management": 1, + "Information Systems Security Analysis": 1, + "Information Technology Optimization": 1, + "Information Technology Problem Solving": 1, + "Information Technology Project Management": 1, + "Network Systems Engineering": 1, + "Network Systems Management": 1, + "Network Systems Support": 1, + "Professional Technical Communication": 1, + "Strategic Technology Management": 1, + "Technical Problem Solving": 1, + "Technical Systems Security": 1 + }, + "original_index": 97, + "sparsity": 0.9835013748854262 + }, + { + "onet_code": "29-1022.00", + "job_title": "Oral and Maxillofacial Surgeons", + "detailed_work_activities": [ + "Administer anesthetics or sedatives to control pain.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Analyze patient data to determine patient needs or treatment goals.", + "Operate on patients to treat conditions.", + "Treat acute illnesses, infections, or injuries.", + "Treat dental problems or diseases.", + "Treat medical emergencies.", + "Treat chronic diseases or disorders." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Advanced Medical Intervention": 1, + "Patient Assessment": 1, + "Patient Treatment Planning": 1, + "Clinical Diagnostic Reasoning": 1, + "Healthcare Professional Collaboration": 1, + "Surgical Intervention Management": 1, + "Medical Documentation Management": 1, + "Healthcare Safety Management": 1, + "Complex Problem Solving": 1 + }, + "original_index": 98, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "27-1013.00", + "job_title": "Fine Artists, Including Painters, Sculptors, and Illustrators", + "detailed_work_activities": [ + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Build models, patterns, or templates.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes.", + "Arrange artwork, products, or props.", + "Draw detailed or technical illustrations.", + "Collaborate with others to determine technical details of productions.", + "Prepare materials for preservation, storage, or display.", + "Present work to clients for approval.", + "Send information, materials or documentation.", + "Coordinate logistics for productions or events.", + "Maintain records, documents, or other files.", + "Estimate costs for projects or productions.", + "Perform marketing activities.", + "Research new technologies.", + "Collaborate with others to prepare or perform artistic productions.", + "Apply finishes to artwork, crafts, or displays.", + "Conduct research to inform art, designs, or other work.", + "Monitor current trends.", + "Operate still or video cameras or related equipment.", + "Teach classes in area of specialization.", + "Entertain public with comedic or dramatic performances." + ], + "skills": [ + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Creative Design Conceptualization": 1, + "Visual Design Communication": 1, + "Artistic Material Preparation": 1, + "Artistic Trend Analysis": 1, + "Professional Artistic Communication": 1, + "Creative Problem Solving": 1, + "Collaborative Creative Production": 1, + "Technical Illustration Skills": 1, + "Visual Composition": 1, + "Professional Documentation": 1, + "Project Management": 1, + "Marketing Strategy": 1, + "Professional Communication": 1, + "Research Methodology": 1 + }, + "original_index": 99, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "27-2012.05", + "job_title": "Media Technical Directors/Managers", + "detailed_work_activities": [ + "Direct productions or performances.", + "Operate control consoles for sound, lighting or video.", + "Determine technical requirements of productions or projects.", + "Manage content of broadcasts or presentations.", + "Coordinate activities of production personnel.", + "Monitor broadcasting operations to ensure proper functioning.", + "Create computer-generated graphics or animation.", + "Operate communications, transmissions, or broadcasting equipment.", + "Inspect communications or broadcasting equipment.", + "Train others on work processes.", + "Coordinate logistics for productions or events.", + "Collaborate with others to determine technical details of productions." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Media Production Technical Control": 1, + "Technical Communication": 1, + "Broadcast Technical Operations": 1, + "Audio-Visual Technical Operations": 1, + "Technical Equipment Management": 1, + "Technical Project Coordination": 1, + "Technical Documentation Management": 1, + "Creative Production Management": 1, + "Technical Safety Management": 1, + "Visual Media Coordination": 1 + }, + "original_index": 100, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "27-2032.00", + "job_title": "Choreographers", + "detailed_work_activities": [ + "Train others on performance techniques.", + "Choreograph dances.", + "Coordinate artistic activities.", + "Determine presentation subjects or content.", + "Monitor current trends.", + "Audition or interview potential performers or staff members.", + "Evaluate skills of athletes or performers.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Practice athletic or artistic skills.", + "Study scripts to determine project requirements.", + "Manage operations of artistic or entertainment departments or organizations." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Artistic Collaboration": 1, + "Artistic Conceptualization": 1, + "Artistic Performance Coordination": 1, + "Performance Choreography": 1, + "Performance Instruction": 1, + "Creative Movement Technique": 1, + "Artistic Performance Management": 1, + "Professional Communication": 1, + "Creative Design Conceptualization": 1, + "Interpersonal Coordination": 1, + "Performance Evaluation Management": 1, + "Audition and Casting": 1, + "Creative Problem Solving": 1, + "Artistic Trend Analysis": 1 + }, + "original_index": 101, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "17-2141.01", + "job_title": "Fuel Cell Engineers", + "detailed_work_activities": [ + "Research energy production, use, or conservation.", + "Design alternative energy systems.", + "Provide technical guidance to other personnel.", + "Analyze test or validation data.", + "Confer with technical personnel to prepare designs or operational plans.", + "Implement design or process improvements.", + "Prepare detailed work plans.", + "Test green technologies or processes.", + "Conduct quantitative failure analyses of operational data.", + "Determine design criteria or specifications.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Conduct validation tests of equipment or processes.", + "Update technical knowledge.", + "Design materials for industrial or commercial applications.", + "Operate industrial equipment.", + "Create physical models or prototypes.", + "Devise research or testing protocols.", + "Prepare proposal documents.", + "Prepare technical reports for internal use.", + "Create models of engineering designs or methods.", + "Analyze green technology design requirements.", + "Analyze costs and benefits of proposed designs or projects.", + "Coordinate activities with suppliers, contractors, clients, or other departments.", + "Maintain inventories of materials, equipment, or products.", + "Investigate the environmental impact of projects.", + "Design energy-efficient vehicles or vehicle components.", + "Develop technical methods or processes.", + "Evaluate the characteristics of green technologies." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Green Energy Engineering": 1, + "Technical Systems Engineering": 1, + "Technical Research and Development": 1, + "Technical Design Optimization": 1, + "Renewable Energy Systems": 1, + "Technical Problem Solving": 1, + "Technical Documentation Management": 1, + "Sustainable Technology Evaluation": 1, + "Technical Equipment Operation": 1, + "Technical Quality Control": 1, + "Environmental Impact Assessment": 1, + "Technical Cost Analysis": 1, + "Stakeholder Communication": 1, + "Academic Research Methodology": 0, + "Academic Instruction": 0 + }, + "original_index": 102, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "37-2011.00", + "job_title": "Janitors and Cleaners, Except Maids and Housekeeping Cleaners", + "detailed_work_activities": [ + "Clean facilities or sites.", + "Dispose of trash or waste materials.", + "Clean building walls or flooring.", + "Confer with coworkers to coordinate maintenance or cleaning activities.", + "Monitor building premises to ensure occupant or visitor safety.", + "Prepare chemicals for work application.", + "Clean furniture or fixtures.", + "Clean equipment or supplies.", + "Select equipment, materials, or supplies for cleaning or maintenance activities.", + "Drive trucks or other vehicles to or at work sites.", + "Remove snow.", + "Maintain equipment or systems to ensure proper functioning.", + "Move furniture.", + "Decorate indoor or outdoor spaces.", + "Treat facilities to eliminate pests.", + "Operate grounds maintenance equipment.", + "Remove debris from work sites.", + "Trim trees or other vegetation." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Active Listening": 1, + "Speaking": 1, + "Facility Cleaning and Maintenance": 1, + "Material Handling": 1, + "Equipment Operation": 1, + "Safety Management": 1, + "Chemical Substance Management": 1, + "Operational Safety Coordination": 1, + "Workplace Maintenance": 1, + "Vehicle Operation": 1, + "Pest Control Operations": 1, + "Vegetation Management": 1, + "Snow Removal": 1, + "Operational Coordination": 1, + "Waste Processing and Sorting": 1, + "Surface Preparation": 1 + }, + "original_index": 103, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "19-3039.02", + "job_title": "Neuropsychologists", + "detailed_work_activities": [ + "Administer standardized physical or psychological tests.", + "Prepare scientific or technical reports or presentations.", + "Diagnose neural or psychological disorders.", + "Collect information from people through observation, interviews, or surveys.", + "Counsel clients on mental health or personal achievement.", + "Establish standards for medical care.", + "Attend conferences or workshops to maintain professional knowledge.", + "Review professional literature to maintain professional knowledge.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Instruct college students in social sciences or humanities disciplines.", + "Design psychological or educational treatment procedures or programs.", + "Direct medical science or healthcare programs.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Psychological Assessment": 1, + "Patient Psychological Assessment": 1, + "Neuropsychological Assessment": 1, + "Behavioral Health Counseling": 1, + "Therapeutic Patient Communication": 1, + "Professional Healthcare Communication": 1 + }, + "original_index": 104, + "sparsity": 0.9876260311640697 + }, + { + "onet_code": "39-4012.00", + "job_title": "Crematory Operators", + "detailed_work_activities": [ + "Adjust temperature controls of ovens or other heating equipment.", + "Apply cleansing or conditioning agents to client hair, scalp, or skin.", + "Apply makeup to alter or enhance appearance.", + "Clean facilities or equipment.", + "Clean facilities or work areas.", + "Discuss goods or services information with customers or patrons.", + "Drive vehicles to transport individuals or equipment.", + "Embalm corpses.", + "Explain use of products or services.", + "Handle caskets.", + "Load materials into equipment for processing.", + "Maintain records, documents, or other files.", + "Operate grinding equipment.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Transport biological or other medical materials.", + "Verify information or specifications." + ], + "skills": [], + "skill_vector": { + "Cremation Equipment Operation": 1, + "Deceased Care Management": 1, + "Deceased Care Preparation": 1, + "Equipment Operation": 1, + "Equipment Temperature Control": 1, + "Operational Safety Management": 1, + "Precision Equipment Operation": 1, + "Technical Equipment Management": 1, + "Operational Documentation": 1, + "Facility Maintenance and Cleaning": 1, + "Client Interaction Management": 1, + "Compassionate Client Interaction": 1, + "Professional Communication": 1, + "Grief Support Communication": 1, + "Mortuary Operations Management": 1, + "Embalming Technical Procedures": 1, + "Material Handling": 1, + "Grinding Equipment Operation": 1, + "Vehicle Operation": 1, + "Personal Grooming Services": 1, + "Academic Instruction": 0, + "Agricultural Operations": 0, + "Biomedical Research": 0, + "Advanced Scientific Problem Solving": 0 + }, + "original_index": 105, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "11-3051.01", + "job_title": "Quality Control Systems Managers", + "detailed_work_activities": [ + "Inspect condition or functioning of facilities or equipment.", + "Direct operational or production activities.", + "Document organizational or operational procedures.", + "Monitor organizational procedures to ensure proper functioning.", + "Confer with organizational members to accomplish work activities.", + "Evaluate quality of materials or products.", + "Analyze data to inform operational decisions or activities.", + "Review documents or materials for compliance with policies or regulations.", + "Supervise employees.", + "Manage control system activities in organizations.", + "Conduct employee training programs.", + "Direct organizational operations, projects, or services.", + "Develop specifications for new products or processes.", + "Analyze data to assess operational or project effectiveness.", + "Recommend organizational process or policy changes.", + "Communicate organizational information to customers or other stakeholders.", + "Communicate organizational policies and procedures.", + "Prepare operational progress or status reports.", + "Develop organizational methods or procedures.", + "Monitor facilities or operational systems.", + "Develop operating strategies, plans, or procedures.", + "Implement organizational process or policy changes.", + "Maintain knowledge of current developments in area of expertise.", + "Prepare operational budgets.", + "Advise customers on technical or procedural issues.", + "Evaluate new technologies or methods.", + "Review details of technical drawings or specifications." + ], + "skills": [ + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Quality Control Analysis": 1, + "Operational Quality Control": 1, + "Operational Monitoring": 1, + "Technical Documentation Management": 1, + "Operational Documentation": 1, + "Technical Inspection and Verification": 1, + "Systematic Quality Verification": 1, + "Advanced Operational Monitoring": 1, + "Operational Performance Management": 1, + "Technical Safety and Compliance": 1, + "Strategic Operational Communication": 1, + "Professional Technical Communication": 1, + "Academic Instruction": 0, + "Therapeutic Patient Care": 0, + "Agricultural Inspection Skills": 0 + }, + "original_index": 106, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "41-3021.00", + "job_title": "Insurance Sales Agents", + "detailed_work_activities": [ + "Customize financial products or services to meet customer needs.", + "Sell products or services.", + "Explain financial information to customers.", + "Maintain records of sales or other business transactions.", + "Take product orders from customers.", + "Develop professional relationships or networks.", + "Identify potential customers.", + "Gather customer or product information to determine customer needs.", + "Prepare sales or other contracts.", + "Examine documents to verify adherence to requirements.", + "Develop marketing plans or strategies.", + "Review accuracy of sales or other transactions.", + "Calculate costs of goods or services.", + "Process sales or other transactions.", + "Manage information technology projects or system activities.", + "Examine condition of property or products.", + "Attend events to develop professional knowledge.", + "Study product information to acquire professional knowledge.", + "Install computer software.", + "Resolve computer software problems." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Commercial Negotiation": 1, + "Client Consultation and Needs Assessment": 1, + "Client Relationship Development": 1, + "Client Relationship Management": 1, + "Customer Financial Advisory": 1, + "Customer Information Acquisition": 1, + "Customer Needs Assessment": 1, + "Financial Analysis": 1, + "Financial Product Sales": 1, + "Interpersonal Communication": 1, + "Persuasive Communication": 1, + "Professional Sales Networking": 1, + "Sales Communication": 1, + "Sales Persuasion": 1, + "Sales Transaction Management": 1 + }, + "original_index": 107, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "23-1023.00", + "job_title": "Judges, Magistrate Judges, and Magistrates", + "detailed_work_activities": [ + "Make decisions in legal cases.", + "Direct courtroom activities or procedures.", + "Conduct hearings to investigate legal issues.", + "Prepare written decisions for legal proceedings.", + "Research relevant legal materials to aid decision making.", + "Identify implications for cases from legal precedents or other legal information.", + "Rule on admissibility of legal proceedings.", + "Authorize payments to settle legal disputes.", + "Arbitrate disputes between parties to resolve legal conflicts.", + "Serve court ordered documents.", + "Supervise activities of other legal personnel.", + "Inform the public about policies, services or procedures.", + "Administer oaths to court participants." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Legal Decision Analysis": 1, + "Legal Reasoning": 1, + "Legal Documentation Management": 1, + "Legal Procedural Coordination": 1, + "Legal Compliance Monitoring": 1, + "Advanced Operational Governance": 1, + "Professional Communication": 1, + "Conflict Resolution and Mediation": 1, + "Strategic Decision Making": 1, + "Professional Testimony Preparation": 1, + "Comprehensive Documentation Management": 1, + "Stakeholder Communication": 1, + "Public Safety Management": 1 + }, + "original_index": 108, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "49-9063.00", + "job_title": "Musical Instrument Repairers and Tuners", + "detailed_work_activities": [ + "Test mechanical equipment to ensure proper functioning.", + "Align equipment or machinery.", + "Adjust tuning or functioning of musical instruments.", + "Adjust equipment to ensure optimal performance.", + "Lubricate equipment to allow proper functioning.", + "Reassemble equipment after repair.", + "Disassemble equipment for maintenance or repair.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Solder parts or connections between parts.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Remove dents from equipment, materials, tools or structures.", + "Test electrical circuits or components for proper functioning.", + "Smooth surfaces of objects or equipment.", + "Prepare compounds or solutions to be used for repairs.", + "Refinish wood or metal surfaces.", + "Fabricate parts or components.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Remove parts or components from equipment.", + "Operate welding equipment.", + "Assemble mechanical components or machine parts.", + "Paint surfaces or equipment." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Precision Equipment Maintenance": 1, + "Precision Technical Diagnostics": 1, + "Precision Manual Manipulation": 1, + "Technical Equipment Repair": 1, + "Mechanical Component Replacement": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Surface Preparation Techniques": 1, + "Welding and Fabrication": 1, + "Academic Instruction": 0 + }, + "original_index": 109, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-8013.04", + "job_title": "Hydroelectric Plant Technicians", + "detailed_work_activities": [ + "Monitor equipment operation to ensure that products are not flawed.", + "Diagnose equipment malfunctions.", + "Operate energy production equipment.", + "Clean work areas.", + "Inspect sustainable energy production facilities or equipment.", + "Exchange information with colleagues.", + "Operate pumping systems or equipment.", + "Maintain sustainable energy production equipment.", + "Assemble electromechanical or hydraulic systems.", + "Install mechanical components in production equipment.", + "Lubricate production equipment.", + "Record operational or production data.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Operate welding equipment.", + "Solder parts or workpieces.", + "Connect supply lines to production equipment or tools.", + "Repair production equipment or tools.", + "Test electrical equipment or systems to ensure proper functioning.", + "Assemble temporary equipment or structures.", + "Cut industrial materials in preparation for fabrication or processing." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Energy Production Management": 1, + "Energy Systems Operation": 1, + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Equipment Monitoring": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Problem Solving": 1, + "Operational Monitoring": 1, + "Operational Safety Management": 1, + "Quality Control": 1, + "Technical Safety Inspection": 1, + "Mechanical Repair Skills": 1, + "Precision Equipment Operation": 1, + "Precision Technical Maintenance": 1, + "Welding and Fabrication": 1, + "Material Handling": 1, + "Technical Documentation": 1 + }, + "original_index": 110, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "29-2099.05", + "job_title": "Ophthalmic Medical Technologists", + "detailed_work_activities": [ + "Test patient vision.", + "Record patient medical histories.", + "Collect medical information from patients, family members, or other medical professionals.", + "Measure the physical or physiological attributes of patients.", + "Administer non-intravenous medications.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Calculate numerical data for medical activities.", + "Operate diagnostic imaging equipment.", + "Diagnose medical conditions.", + "Clean medical equipment or facilities.", + "Sterilize medical equipment or instruments.", + "Communicate detailed medical information to patients or family members.", + "Create advanced digital images of patients using computer imaging systems.", + "Assist healthcare practitioners during surgery.", + "Supervise medical support personnel.", + "Train medical providers.", + "Maintain medical equipment or instruments.", + "Monitor patients following surgeries or other treatments.", + "Instruct patients in the use of assistive equipment.", + "Assist healthcare practitioners during examinations or treatments.", + "Treat acute illnesses, infections, or injuries." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Medical Diagnostic Assessment": 1, + "Medical Technical Equipment Management": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Clinical Procedure Support": 1, + "Healthcare Equipment Operation": 1, + "Healthcare Safety Management": 1, + "Technical Medical Documentation": 1, + "Vision Care Technical Expertise": 1 + }, + "original_index": 111, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "21-2021.00", + "job_title": "Directors, Religious Activities and Education", + "detailed_work_activities": [ + "Develop educational programs.", + "Lead classes or community events.", + "Develop promotional strategies for religious organizations.", + "Plan conferences, programs, or special events.", + "Advise clients or community groups on health issues.", + "Collaborate with other professionals to develop education or assistance programs.", + "Counsel clients or patients regarding personal issues.", + "Counsel clients regarding interpersonal issues.", + "Supervise workers providing client or patient services.", + "Train staff members in social services skills.", + "Assess individual or community needs for educational or social services.", + "Maintain professional social services knowledge.", + "Manage organizational or program finances.", + "Visit individuals in their homes to provide support or information.", + "Present social services program information to the public.", + "Provide educational materials to community members.", + "Interpret cultural or religious information for others." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Community Religious Leadership": 1, + "Instructional Communication": 1, + "Professional Development and Staff Training": 1, + "Counseling and Guidance": 1, + "Community Outreach Coordination": 1, + "Organizational Religious Leadership": 1, + "Spiritual Counseling": 1, + "Client Needs Assessment": 1, + "Stakeholder Communication Strategy": 1, + "Nonprofit Program Development": 1 + }, + "original_index": 112, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "11-9041.00", + "job_title": "Architectural and Engineering Managers", + "detailed_work_activities": [ + "Manage construction activities.", + "Analyze data to determine project feasibility.", + "Manage operations, research, or logistics projects.", + "Negotiate project specifications.", + "Prepare financial documents, reports, or budgets.", + "Communicate organizational information to customers or other stakeholders.", + "Prepare operational budgets.", + "Approve expenditures.", + "Analyze market research data.", + "Confer with organizational members to accomplish work activities.", + "Estimate demand for products or services.", + "Develop operating strategies, plans, or procedures.", + "Implement organizational process or policy changes.", + "Develop organizational policies or programs.", + "Direct facility maintenance or repair activities.", + "Identify environmental concerns.", + "Develop organizational goals or objectives.", + "Manage human resources activities.", + "Purchase materials, equipment, or other resources.", + "Develop sustainable organizational policies or practices.", + "Evaluate environmental impact of operational or development activities.", + "Analyze impact of legal or regulatory changes.", + "Communicate with government agencies.", + "Present information to the public.", + "Promote products, services, or programs." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Technical Project Management": 1, + "Strategic Operational Planning": 1, + "Resource Allocation Management": 1, + "Technical Communication Management": 1, + "Operational Quality Control": 1, + "Strategic Risk Assessment": 1, + "Technical Systems Engineering": 1, + "Sustainability Strategy Development": 1, + "Stakeholder Communication Strategy": 1, + "Financial Strategic Planning": 1, + "Organizational Policy Development": 1, + "Human Resources Management": 1, + "Technical Safety Management": 1 + }, + "original_index": 113, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "11-9121.02", + "job_title": "Water Resource Specialists", + "detailed_work_activities": [ + "Test green technologies or processes.", + "Identify opportunities for green initiatives.", + "Evaluate green operations or programs for compliance with standards or regulations.", + "Develop environmental remediation or protection plans.", + "Evaluate environmental or sustainability projects.", + "Prepare proposals or grant applications to obtain project funding.", + "Analyze data to determine project feasibility.", + "Present sustainable products or services information to the public.", + "Advise others on green energy or related technologies.", + "Compile operational data.", + "Maintain operational records.", + "Identify environmental concerns.", + "Evaluate quality of materials or products.", + "Monitor organizational compliance with regulations.", + "Develop sustainable organizational policies or practices.", + "Develop procedures to evaluate organizational activities.", + "Implement organizational process or policy changes.", + "Monitor resources.", + "Negotiate contracts for environmental remediation, green energy, or renewable resources.", + "Supervise workers performing environmentally sustainable activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Environmental Conservation Management": 1, + "Environmental Monitoring": 1, + "Environmental Data Analysis": 1, + "Environmental Compliance Management": 1, + "Sustainability Planning": 1, + "Green Energy Systems Management": 1, + "Technical Project Management": 1, + "Scientific Research Methodology": 1, + "Stakeholder Communication": 1, + "Regulatory Compliance Monitoring": 1, + "Strategic Environmental Planning": 1, + "Technical Documentation Management": 1, + "Resource Management": 1, + "Contract Negotiation": 1, + "Supervisory Coordination": 1, + "Quality Control Analysis": 1, + "Scientific Problem Solving": 1, + "Technical Site Assessment": 1, + "Strategic Communication": 1, + "Grant Development": 1 + }, + "original_index": 114, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-4072.00", + "job_title": "Molding, Coremaking, and Casting Machine Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Inspect metal, plastic, or composite products.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Monitor equipment operation to ensure that products are not flawed.", + "Operate metal or plastic forming equipment.", + "Adjust temperature controls of ovens or other heating equipment.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Monitor instruments to ensure proper production conditions.", + "Connect supply lines to production equipment or tools.", + "Remove accessories, tools, or other parts from equipment.", + "Apply lubricants or coolants to workpieces.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Mount attachments or tools onto production equipment.", + "Apply protective or decorative finishes to workpieces or products.", + "Clean production equipment.", + "Lubricate production equipment.", + "Maintain production or processing equipment.", + "Package products for storage or shipment.", + "Remove products or workpieces from production equipment.", + "Mark products, workpieces, or equipment with identifying information.", + "Move products, materials, or equipment between work areas.", + "Remove workpieces from molds.", + "Maintain inventories of materials, equipment, or products.", + "Record operational or production data.", + "Repair templates, patterns, or molds.", + "Replace worn equipment components.", + "Select production equipment according to product specifications.", + "Select production input materials.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Load materials into production equipment.", + "Fill cracks, imperfections, or holes in products or workpieces.", + "Smooth metal surfaces or edges.", + "Mix substances to create chemical solutions.", + "Mount materials or workpieces onto production equipment.", + "Operate grinding equipment.", + "Trim excess material from workpieces.", + "Apply parting agents or other solutions to molds.", + "Heat material or workpieces to prepare for or complete production.", + "Load items into ovens or furnaces.", + "Place materials into molds.", + "Skim impurities from molten metal." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Quality Control Analysis": 1, + "Precision Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Material Handling": 1, + "Production Equipment Monitoring": 1, + "Technical Measurement and Verification": 1, + "Manufacturing Quality Control": 1, + "Technical Documentation": 1, + "Safety and Equipment Inspection": 1, + "Operational Safety Management": 1, + "Technical Surface Preparation": 1, + "Precision Material Handling": 1, + "Technical Problem Solving": 1 + }, + "original_index": 115, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-3011.00", + "job_title": "Bakers", + "detailed_work_activities": [ + "Evaluate quality of food ingredients or prepared foods.", + "Adjust temperature controls of ovens or other heating equipment.", + "Load materials into production equipment.", + "Operate cooking, baking, or other food preparation equipment.", + "Inspect food products.", + "Measure ingredients or substances to be used in production processes.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Determine food production methods.", + "Apply protective or decorative finishes to workpieces or products.", + "Operate cutting equipment.", + "Shape clay or dough to create products.", + "Direct operational or production activities.", + "Order materials, supplies, or equipment.", + "Record operational or production data.", + "Create new recipes or food presentations." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Food Preparation": 1, + "Food Production Operations": 1, + "Kitchen Resource Management": 1, + "Production Equipment Operation": 1, + "Quality Control Inspection": 1, + "Material Handling and Preparation": 1, + "Sanitation and Hygiene Management": 1, + "Time Management": 1, + "Operational Safety Management": 1, + "Creative Recipe Development": 1, + "Inventory Management": 1, + "Technical Equipment Maintenance": 1 + }, + "original_index": 116, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "17-1011.00", + "job_title": "Architects, Except Landscape and Naval", + "detailed_work_activities": [ + "Create graphical representations of structures or landscapes.", + "Prepare detailed work plans.", + "Discuss designs or plans with clients.", + "Document technical design details.", + "Design structures or facilities.", + "Supervise engineering or other technical personnel.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Incorporate green features into the design of structures or facilities.", + "Prepare contracts, disclosures, or applications.", + "Direct design or development activities.", + "Perform marketing activities.", + "Investigate the environmental impact of projects.", + "Design water conservation systems.", + "Analyze costs and benefits of proposed designs or projects.", + "Prepare procedural documents." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Architectural Design Planning": 1, + "Technical Design Documentation": 1, + "Technical Design Visualization": 1, + "Project Management": 1, + "Site Evaluation and Preparation": 1, + "Environmental Impact Assessment": 1, + "Cost Analysis": 1, + "Technical Communication": 1, + "Stakeholder Communication": 1, + "Contract Preparation": 1, + "Sustainability Planning": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Agricultural Systems Management": 0 + }, + "original_index": 117, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "51-6042.00", + "job_title": "Shoe Machine Operators and Tenders", + "detailed_work_activities": [ + "Align parts or workpieces to ensure proper assembly.", + "Inspect finishes of workpieces or finished products.", + "Inspect products or operations to ensure that standards are met.", + "Operate sewing equipment.", + "Remove products or workpieces from production equipment.", + "Assemble garments or textile products.", + "Feed materials or products into or through equipment.", + "Load materials into production equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Replace worn equipment components.", + "Conduct test runs of production equipment.", + "Mount attachments or tools onto production equipment.", + "Mount materials or workpieces onto production equipment.", + "Select production input materials.", + "Trim excess material from workpieces." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Material Handling": 1, + "Production Equipment Operation": 1, + "Quality Inspection": 1, + "Equipment Maintenance": 1, + "Precision Manual Manipulation": 1, + "Technical Documentation": 1, + "Reading Comprehension": 1, + "Critical Thinking": 1, + "Monitoring": 1, + "Active Listening": 1 + }, + "original_index": 118, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-1021.00", + "job_title": "General and Operations Managers", + "detailed_work_activities": [ + "Analyze data to inform operational decisions or activities.", + "Analyze financial records to improve efficiency.", + "Direct organizational operations, projects, or services.", + "Direct sales, marketing, or customer service activities.", + "Prepare staff schedules or work assignments.", + "Determine pricing or monetary policies.", + "Direct financial operations.", + "Provide basic information to guests, visitors, or clients.", + "Develop marketing plans or strategies.", + "Conduct employee training programs.", + "Hire personnel.", + "Implement organizational process or policy changes.", + "Develop organizational goals or objectives.", + "Develop organizational policies or programs.", + "Monitor performance of organizational members or partners.", + "Manage environmental sustainability projects.", + "Plan facility layouts or designs.", + "Determine resource needs.", + "Manage construction activities.", + "Recommend organizational process or policy changes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures." + ], + "skill_vector": { + "Operational Performance Management": 1, + "Strategic Organizational Leadership": 1, + "Personnel Resource Management": 1, + "Strategic Resource Allocation": 1, + "Operational Communication Management": 1, + "Strategic Operational Planning": 1, + "Financial Resource Management": 1, + "Operational Compliance Management": 1, + "Strategic Decision Making": 1, + "Stakeholder Communication Management": 1, + "Workforce Training Development": 1, + "Technical Project Management": 1, + "Workplace Safety Management": 1, + "Academic Instruction": 0, + "Medical Patient Care": 0 + }, + "original_index": 119, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "53-6041.00", + "job_title": "Traffic Technicians", + "detailed_work_activities": [ + "Analyze traffic data.", + "Arrange maintenance activities.", + "Identify opportunities to improve operational efficiency.", + "Prepare drawings or diagrams of products or services.", + "Compile operational data.", + "Record operational details of travel.", + "Time vehicle speed or traffic-control equipment operation.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Supervise engineering or other technical personnel.", + "Install metering equipment.", + "Review work orders or schedules to determine operations or procedures.", + "Adjust equipment to ensure optimal performance.", + "Repair electronic equipment.", + "Provide transportation information to passengers or customers.", + "Plan work operations.", + "Create images of data, locations, or products.", + "Provide information to the general public.", + "Monitor surroundings to detect potential hazards.", + "Develop program goals or plans." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operational Monitoring": 1, + "Technical Equipment Operation": 1, + "Technical Documentation": 1, + "Technical Measurement and Verification": 1, + "Operational Safety Management": 1, + "Technical Equipment Maintenance": 1, + "Operational Coordination": 1, + "Technical Problem Solving": 1, + "Public Information Communication": 1, + "Strategic Operational Planning": 1 + }, + "original_index": 120, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-4171.00", + "job_title": "Receptionists and Information Clerks", + "detailed_work_activities": [ + "Schedule appointments.", + "Answer telephones to direct calls or provide information.", + "Greet customers, patrons, or visitors.", + "Collect deposits, payments or fees.", + "Analyze operational or research data.", + "Calculate costs of goods or services.", + "Send information, materials or documentation.", + "Respond to customer problems or complaints.", + "File documents or records.", + "Discuss goods or services information with customers or patrons.", + "Operate computers or computerized equipment.", + "Proofread documents, records, or other files to ensure accuracy.", + "Distribute incoming mail.", + "Sort mail.", + "Record personnel information.", + "Schedule operational activities.", + "Prepare business correspondence.", + "Clean facilities or equipment.", + "Provide notifications to customers or patrons.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Customer Service Communication": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Operational Documentation": 1, + "Operational Coordination": 1, + "Information Processing": 1 + }, + "original_index": 121, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1254.00", + "job_title": "Web Developers", + "detailed_work_activities": [ + "Design websites or web applications.", + "Write computer programming code.", + "Update website content.", + "Create electronic data backup to prevent loss of information.", + "Test software performance.", + "Create databases to store electronic data.", + "Update knowledge about emerging industry or technology trends.", + "Analyze project data to determine specifications or requirements.", + "Collaborate with others to resolve information technology issues.", + "Monitor the security of digital information.", + "Provide customer service to clients or users.", + "Document design or development procedures.", + "Collaborate with others to develop or implement marketing strategies.", + "Provide technical support for computer network issues.", + "Configure computer networks.", + "Recommend changes to improve computer or information systems.", + "Document network-related activities or tasks.", + "Develop specifications or procedures for website development or maintenance.", + "Develop models of information or communications systems.", + "Evaluate utility of software or hardware technologies.", + "Provide recommendations to others about computer hardware.", + "Install computer hardware.", + "Conduct research to gain information about products or processes.", + "Develop diagrams or flow charts of system operation.", + "Develop computer or information security policies or procedures.", + "Implement security measures for computer or information systems." + ], + "skills": [ + "Programming\u2014 Writing computer programs for various purposes.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 0, + "Adaptive Learning Management": 0, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Problem Solving": 1, + "Collaborative Technical Problem Solving": 1, + "Complex Problem Solving": 1, + "Creative Problem Solving": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Technical Systems Design": 1, + "Technical Systems Engineering": 1, + "Technical Documentation": 1, + "Technical Communication": 1, + "Software Development": 1, + "Software Systems Architecture": 1, + "Information Systems Management": 1, + "Information Technology Project Management": 1, + "Web Design and Development": 1, + "Technical Programming": 1, + "Digital Systems Management": 1, + "Digital Systems Security": 1 + }, + "original_index": 122, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "43-4121.00", + "job_title": "Library Assistants, Clerical", + "detailed_work_activities": [ + "Maintain security.", + "Sort materials or products.", + "Enter information into databases or software programs.", + "Track goods or materials.", + "Distribute materials to employees or customers.", + "Refer customers to appropriate personnel.", + "Calculate financial data.", + "Demonstrate activity techniques or equipment use.", + "Inspect items for damage or defects.", + "Maintain inventory records.", + "Answer telephones to direct calls or provide information.", + "Issue documentation or identification to customers or employees.", + "Sort mail.", + "Type documents.", + "Manage clerical or administrative activities.", + "Process library materials.", + "Collect deposits, payments or fees.", + "Maintain inventories of materials, equipment, or products.", + "Send information, materials or documentation.", + "Maintain office equipment in proper operating condition.", + "Plan educational activities.", + "Plan special events.", + "Prepare employee work schedules.", + "Repair books or other printed material.", + "Supervise clerical or administrative personnel.", + "Maintain electronic equipment.", + "Maintain financial or account records.", + "Operate office equipment.", + "Develop computer or online applications.", + "Store records or related materials.", + "Order materials, supplies, or equipment.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Provide customer service to clients or users.", + "Prepare research or technical reports.", + "Deliver items.", + "Arrange items for use or display." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Documentation Processing": 1, + "Clerical Information Processing": 1, + "Client Service Coordination": 1, + "Inventory Management": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Operational Documentation Management": 1 + }, + "original_index": 123, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-6093.00", + "job_title": "Upholsterers", + "detailed_work_activities": [ + "Align parts or workpieces to ensure proper assembly.", + "Mount materials or workpieces onto production equipment.", + "Cut fabrics.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Assemble garments or textile products.", + "Repair furniture or upholstery.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Adjust fabrics or other materials during garment production.", + "Sew clothing or other articles.", + "Examine condition of property or products.", + "Operate sewing equipment.", + "Repair textiles or apparel.", + "Design templates or patterns.", + "Record operational or production data.", + "Attach decorative or functional accessories to products.", + "Confer with customers or designers to determine order specifications.", + "Estimate costs of products, services, or materials.", + "Move furniture.", + "Shape surfaces or edges of wood workpieces.", + "Prepare fabrics or materials for processing or production.", + "Exchange information with colleagues." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Precision Material Handling": 1, + "Technical Material Preparation": 1, + "Textile Material Manipulation": 1, + "Precision Measurement": 1, + "Technical Equipment Operation": 1, + "Production Quality Inspection": 1, + "Customer Interaction Management": 1, + "Cost Estimation": 1, + "Repair and Maintenance Skills": 1 + }, + "original_index": 124, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "19-4043.00", + "job_title": "Geological Technicians, Except Hydrologic Technicians", + "detailed_work_activities": [ + "Analyze geological samples.", + "Collect samples for analysis or testing.", + "Record research or operational data.", + "Prepare maps.", + "Operate laboratory or field equipment.", + "Supervise scientific or technical personnel.", + "Research geological features or processes.", + "Direct technical activities or operations.", + "Set up laboratory or field equipment.", + "Analyze geological or geographical data.", + "Collect archival data.", + "Calibrate scientific or technical equipment.", + "Maintain laboratory or technical equipment.", + "Document events or evidence, using photographic or audiovisual equipment.", + "Locate natural resources using geospatial or other environmental data.", + "Collect information from people through observation, interviews, or surveys.", + "Compile geographic or related data.", + "Research environmental impact of industrial or development activities.", + "Direct natural resources extraction projects.", + "Inspect equipment to ensure proper functioning.", + "Collaborate on research activities with scientists or technical specialists.", + "Collect environmental data or samples.", + "Collect geographical or geological field data.", + "Compile environmental or climatological data.", + "Survey land or properties." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Geological Data Analysis": 1, + "Geological Sample Analysis": 1, + "Geological Sample Collection": 1, + "Geological Site Management": 1, + "Geospatial Analysis": 1, + "Geospatial Data Collection": 1, + "Field Research Methodology": 1, + "Environmental Data Analysis": 1, + "Environmental Field Monitoring": 1, + "Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Measurement and Verification": 1, + "Scientific Sample Management": 1, + "Scientific Field Data Collection": 1, + "Technical Site Assessment": 1, + "Research Methodology": 1, + "Technical Inspection and Verification": 1, + "Collaborative Technical Problem Solving": 1 + }, + "original_index": 125, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "11-9021.00", + "job_title": "Construction Managers", + "detailed_work_activities": [ + "Manage construction activities.", + "Develop operating strategies, plans, or procedures.", + "Prepare financial documents, reports, or budgets.", + "Communicate organizational information to customers or other stakeholders.", + "Communicate organizational policies and procedures.", + "Supervise employees.", + "Negotiate project specifications.", + "Prepare forms or applications.", + "Direct facility maintenance or repair activities.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Determine operational compliance with regulations or standards.", + "Investigate industrial or transportation accidents.", + "Implement organizational process or policy changes.", + "Develop procedures to evaluate organizational activities.", + "Purchase materials, equipment, or other resources.", + "Estimate labor requirements.", + "Evaluate green operations or programs for compliance with standards or regulations.", + "Analyze data to determine project feasibility.", + "Develop environmental remediation or protection plans.", + "Estimate green project costs.", + "Analyze forecasting data to improve business decisions.", + "Model operational processes.", + "Develop sustainable organizational policies or practices.", + "Recruit personnel.", + "Prepare operational budgets for green energy or other green operations.", + "Train employees on environmental awareness, conservation, or safety topics." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Construction Project Management": 1, + "Construction Site Management": 1, + "Construction Site Coordination": 1, + "Construction Resource Planning": 1, + "Construction Safety Coordination": 1, + "Construction Equipment Management": 1, + "Construction Material Management": 1, + "Construction Supervision": 1, + "Construction Project Cost Estimation": 1, + "Technical Project Management": 1, + "Operational Safety Management": 1, + "Strategic Resource Management": 1, + "Operational Documentation Management": 1, + "Stakeholder Communication Management": 1, + "Technical Safety Inspection": 1, + "Operational Compliance Management": 1, + "Strategic Problem Solving": 1, + "Technical Documentation Management": 1, + "Operational Performance Monitoring": 1, + "Strategic Operational Planning": 1 + }, + "original_index": 126, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "17-3012.00", + "job_title": "Electrical and Electronics Drafters", + "detailed_work_activities": [ + "Create schematic drawings for electronics.", + "Create electrical schematics.", + "Document technical design details.", + "Evaluate designs or specifications to ensure quality.", + "Confer with technical personnel to prepare designs or operational plans.", + "Confer with other personnel to resolve design or operational problems.", + "Collect data about project sites.", + "Design electrical equipment or systems.", + "Review technical documents to plan work.", + "Operate computer systems.", + "Verify mathematical calculations.", + "Operate digital imaging equipment.", + "Prepare detailed work plans.", + "Explain engineering drawings, specifications, or other technical information.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Supervise engineering or other technical personnel.", + "Prepare technical reports for internal use.", + "Train personnel on proper operational procedures.", + "Estimate technical or resource requirements for development or production projects." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Technical Design Documentation": 1, + "Technical Design Drafting": 1, + "Technical Documentation Management": 1, + "Technical Communication": 1, + "Technical Equipment Operation": 1, + "Technical Measurement and Verification": 1, + "Technical Problem Solving": 1, + "Technical Quality Control": 1, + "Technical Project Planning": 1, + "Technical Systems Design": 1, + "Technical Resource Management": 1, + "Technical Personnel Supervision": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Healthcare Patient Care": 0 + }, + "original_index": 127, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-2051.00", + "job_title": "Fiberglass Laminators and Fabricators", + "detailed_work_activities": [ + "Smooth surfaces of objects or equipment.", + "Place materials into molds.", + "Apply parting agents or other solutions to molds.", + "Apply water or solutions to fabrics or apparel.", + "Mix substances to create chemical solutions.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Inspect production equipment.", + "Build production molds.", + "Clean production equipment.", + "Select production input materials.", + "Load items into ovens or furnaces.", + "Apply adhesives to construction materials.", + "Repair parts or assemblies.", + "Trim excess material from workpieces." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Fiberglass Material Processing": 1, + "Material Handling": 1, + "Material Preparation": 1, + "Precision Material Manipulation": 1, + "Production Equipment Operation": 1, + "Production Quality Inspection": 1, + "Technical Equipment Maintenance": 1, + "Surface Preparation": 1, + "Adhesive Application": 1, + "Precision Measurement": 1, + "Manufacturing Quality Control": 1, + "Technical Safety Management": 1, + "Mold Preparation and Management": 1, + "Chemical Solution Preparation": 1, + "Technical Documentation": 1, + "Operational Monitoring": 1, + "Complex Problem Solving": 1, + "Interpersonal Communication": 1, + "Academic Instruction": 0, + "Medical Device Fabrication": 0, + "Veterinary Technical Support": 0, + "Blockchain Technology": 0 + }, + "original_index": 128, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "29-1222.00", + "job_title": "Physicians, Pathologists", + "detailed_work_activities": [ + "Analyze laboratory specimens to detect abnormalities or other problems.", + "Diagnose medical conditions.", + "Operate laboratory equipment to analyze medical samples.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Communicate test or assessment results to medical professionals.", + "Research microbiological or chemical processes or structures.", + "Maintain medical or professional knowledge.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Analyze test data or images to inform diagnosis or treatment.", + "Analyze medical data to determine cause of death.", + "Manage healthcare operations.", + "Test biological specimens to gather information about patient conditions.", + "Collect biological specimens from patients.", + "Develop health assessment methods or programs.", + "Train medical providers.", + "Supervise technical medical personnel.", + "Conduct research to increase knowledge about medical issues.", + "Present medical research reports.", + "Testify at legal or legislative proceedings." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Biological Sample Analysis": 1, + "Clinical Diagnostic Reasoning": 1, + "Scientific Documentation": 1, + "Medical Research and Innovation": 1, + "Healthcare Documentation Management": 1, + "Professional Medical Communication": 1, + "Technical Medical Documentation": 1, + "Complex Medical Problem Solving": 1 + }, + "original_index": 129, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "15-1241.01", + "job_title": "Telecommunications Engineering Specialists", + "detailed_work_activities": [ + "Collaborate with others to determine design specifications or details.", + "Coordinate project activities with other personnel or departments.", + "Update knowledge about emerging industry or technology trends.", + "Implement security measures for computer or information systems.", + "Analyze project data to determine specifications or requirements.", + "Evaluate new technologies or methods.", + "Maintain contingency plans for disaster recovery.", + "Conduct research to gain information about products or processes.", + "Document operational procedures.", + "Identify information technology project resource requirements.", + "Install computer hardware.", + "Coordinate software or hardware installation.", + "Install computer software.", + "Create electronic data backup to prevent loss of information.", + "Teach others to use computer equipment or hardware.", + "Analyze security of systems, network, or data.", + "Evaluate project designs to determine adequacy or feasibility.", + "Monitor the performance of computer networks.", + "Test computer hardware performance.", + "Maintain the inventory of equipment.", + "Document operational activities.", + "Document technical specifications or requirements.", + "Provide technical support for computer network issues.", + "Troubleshoot issues with computer applications or systems.", + "Estimate time or monetary resources needed to complete projects.", + "Maintain computer hardware.", + "Develop models of information or communications systems.", + "Document network-related activities or tasks." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Technical Communication": 1, + "Technical Documentation Management": 1, + "Technical Systems Engineering": 1, + "Network Systems Management": 1, + "Technical Equipment Installation": 1, + "Technical Problem Solving": 1, + "Information Technology Project Management": 1, + "Cybersecurity Implementation": 1, + "Technical Safety and Compliance": 1, + "Technical Research and Innovation": 1, + "Digital Systems Security": 1, + "Technical Equipment Diagnostics": 1, + "Information Systems Management": 1, + "Technical Performance Monitoring": 1, + "Strategic Technology Management": 1 + }, + "original_index": 130, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-1032.00", + "job_title": "Insurance Appraisers, Auto Damage", + "detailed_work_activities": [ + "Estimate costs of goods or services.", + "Examine financial records.", + "Inspect mechanical components of vehicles to identify problems.", + "Inspect motor vehicles.", + "Inspect structural components of vehicles to identify problems.", + "Prepare contracts or other transaction documents.", + "Determine the value of goods or services.", + "Communicate with management or other staff to resolve problems." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Interpersonal Communication": 0, + "Operational Coordination": 0, + "Critical Problem Solving": 0, + "Technical Equipment Maintenance": 0, + "Operational Safety and Quality Control": 0, + "Precision Manual Manipulation": 0, + "Emergency Response Management": 0, + "Transportation Systems Navigation": 0, + "Performance and Safety Monitoring": 0, + "Material Processing": 0, + "Industrial Equipment Operation": 0, + "Workplace Maintenance": 0, + "Spatial Visualization": 0, + "Mechanical Fabrication": 0, + "Systems Installation": 0, + "Renewable Energy Systems": 0, + "Technical Documentation": 0, + "Environmental Technology Deployment": 0, + "Logistics Resource Management": 0, + "Operational Compliance and Safety": 0, + "Quantitative Operational Analysis": 0, + "Hospitality Management": 0, + "Organizational Resource Coordination": 0, + "Adaptive Workplace Communication": 0, + "Strategic Operational Planning": 0, + "Performance and Compliance Monitoring": 0, + "Educational Support": 0, + "Developmental Mentorship": 0, + "Inclusive Learning Management": 0, + "Technical Maintenance and Repair": 0, + "Operational Safety Management": 0, + "Resource Coordination and Personnel Management": 0, + "Complex Problem Resolution": 0, + "Technical Systems Analysis": 0, + "Precision Technical Documentation": 0, + "Advanced Equipment Calibration": 0, + "Integrated Systems Engineering": 0, + "Quantitative Technical Problem Solving": 0, + "Mechanical Equipment Diagnostics": 0, + "Preventive Maintenance Execution": 0, + "Technical Repair Workflow Management": 0, + "Geological Site Preparation": 0, + "Drilling and Excavation Techniques": 0, + "Heavy Equipment Navigation": 0, + "Geological Sample Collection": 0, + "Environmental Decontamination": 0, + "Green Energy Management": 0, + "Strategic Environmental Compliance": 0, + "Resource Allocation Strategy": 0, + "Advanced Stakeholder Negotiation": 0, + "Medical Diagnostics": 0, + "Healthcare Patient Management": 0, + "Medical Education and Training": 0, + "Healthcare Communication": 0, + "Medical Research and Innovation": 0, + "Patient Care Management": 0, + "Medical Knowledge Application": 0, + "Healthcare Professional Collaboration": 0, + "Health Education and Counseling": 0, + "Clinical Documentation Management": 0, + "Production Equipment Management": 0, + "Quality Assurance Inspection": 0, + "Surface Preparation and Finishing": 0, + "Operational Material Handling": 0, + "Precision Manufacturing Techniques": 0, + "Process Equipment Operation": 0, + "Operational Material Processing": 0, + "Systematic Quality Verification": 0, + "Food Service Management": 0, + "Culinary Preparation Skills": 0, + "Kitchen Safety and Sanitation": 0, + "Inventory and Resource Management": 0, + "Operational Food Service Coordination": 0, + "Construction Material Manipulation": 0, + "Infrastructure Installation": 0, + "Precision Construction Techniques": 0, + "Mechanical System Diagnostics": 0, + "Precision Equipment Maintenance": 0, + "Technical Operational Control": 0, + "Mechanical Component Fabrication": 0, + "Operational Safety Compliance": 0, + "Legal Decision Making": 0, + "Procedural Legal Communication": 0, + "Regulatory Conflict Resolution": 0, + "Print Production Management": 0, + "Manufacturing Process Control": 0, + "Technical Equipment Calibration": 0, + "Electronic Systems Engineering": 0, + "Technical Performance Diagnostics": 0, + "Technical Documentation Management": 0, + "Instrumentation and Equipment Installation": 0, + "Operational Cost and Resource Planning": 0, + "Labor Relations Management": 0, + "Regulatory Compliance Strategy": 0, + "Strategic Conflict Resolution": 0, + "Organizational Policy Development": 0, + "Professional Communication Dynamics": 0, + "Residential Support Management": 0, + "Interpersonal Behavioral Guidance": 0, + "Organizational Safety Oversight": 0, + "Administrative Support Coordination": 0, + "Conflict Mediation and Resolution": 0, + "Medical Administrative Support": 0, + "Professional Communication Management": 0, + "Organizational Information Processing": 0, + "Mechanical Repair Skills": 0, + "Precision Equipment Installation": 0, + "Operational Safety Monitoring": 0, + "Technical Documentation and Interpretation": 0, + "Legal Research and Analysis": 0, + "Judicial Documentation Management": 0, + "Professional Legal Communication": 0, + "Judicial Procedural Coordination": 0, + "Maternal Healthcare Management": 0, + "Clinical Procedure Instruction": 0, + "Comprehensive Patient Counseling": 0, + "Emergency Reproductive Care": 0, + "Airfield Operations Management": 0, + "Transportation Safety Monitoring": 0, + "Emergency Response Coordination": 0, + "Operational Communication Coordination": 0, + "Vehicle and Equipment Monitoring": 0, + "Therapeutic Counseling": 0, + "Client Treatment Management": 0, + "Substance Abuse Intervention": 0, + "Crisis Support Management": 0, + "Family Systems Counseling": 0, + "Maritime Operations Management": 0, + "Emergency Water Response": 0, + "Vessel Maintenance and Inspection": 0, + "Water Transportation Coordination": 0, + "Construction Material Preparation": 0, + "Structural Component Assembly": 0, + "Construction Equipment Management": 0, + "Surface Preparation Techniques": 0, + "Child Development Support": 0, + "Developmental Care Coordination": 0, + "Adaptive Caregiving": 0, + "Family Engagement and Communication": 0, + "Holistic Child Safety Management": 0, + "Measurement and Verification": 0, + "Logistics and Inventory Management": 0, + "Operational Documentation": 0, + "Vehicle Glass Repair": 0, + "Automotive Component Replacement": 0, + "Precision Surface Preparation": 0, + "Regulatory Compliance Management": 0, + "Strategic Resource Allocation": 0, + "Advanced Operational Governance": 0, + "Scientific Research Methodology": 0, + "Environmental Conservation Strategy": 0, + "Biological Systems Analysis": 0, + "Professional Scientific Communication": 0, + "Organizational Research Management": 0, + "Regulatory Environmental Compliance": 0, + "Technical Systems Optimization": 0, + "Resource and Budget Management": 0, + "Workforce Training and Development": 0, + "Postal Service Operations": 0, + "Customer Interaction Management": 0, + "Administrative Documentation": 0, + "Vehicle and Equipment Operation": 0, + "Legal Documentation Management": 0, + "Professional Transcription Skills": 0, + "Procedural Information Processing": 0, + "Precision Device Assembly": 0, + "Equipment Diagnostic Inspection": 0, + "Precision Measurement Techniques": 0, + "Client Representation Management": 0, + "Strategic Talent Negotiation": 0, + "Performance Career Development": 0, + "Entertainment Industry Coordination": 0, + "Professional Financial Management": 0, + "Hazardous Materials Management": 0, + "Safety and Risk Mitigation": 0, + "Heavy Equipment Operation": 0, + "Environmental Site Management": 0, + "Technical Substance Preparation": 0, + "Pharmaceutical Workflow Management": 0, + "Healthcare Compliance and Safety": 0, + "Environmental Conservation Management": 0, + "Specialized Equipment Operation": 0, + "Field Operations Coordination": 0, + "Agricultural Inventory Management": 0, + "Preventive Plant Care": 0, + "Environmental Data Analysis": 0, + "Scientific Sample Management": 0, + "Technical Reporting and Documentation": 0, + "Environmental Monitoring and Assessment": 0, + "Green Energy Engineering": 0, + "Technical Design Visualization": 0, + "Systematic Performance Evaluation": 0, + "Renewable Technology Testing": 0, + "Technical Project Planning": 0, + "Mechanical Repair and Maintenance": 0, + "Precision Material Manipulation": 0, + "Customer Engagement": 0, + "Retail Product Management": 0, + "Sales Transaction Processing": 0, + "Property Valuation Analysis": 0, + "Professional Documentation Management": 0, + "Economic Trend Forecasting": 0, + "Client Service Coordination": 0, + "Legal Testimony Preparation": 0, + "Production Assembly Skills": 0, + "Operational Quality Monitoring": 0, + "Technical Equipment Management": 0, + "Workplace Procedural Coordination": 0, + "Material Handling and Preparation": 0, + "Food Service Leadership": 0, + "Organizational Resource Allocation": 0, + "Interpersonal Conflict Resolution": 0, + "Performance Monitoring and Evaluation": 0, + "Project Management": 0, + "Strategic Technology Management": 0, + "Organizational Resource Optimization": 0, + "Advanced Stakeholder Communication": 0, + "Glass Fabrication Techniques": 0, + "Production Equipment Setup": 0, + "Manufacturing Quality Verification": 0, + "Personal Grooming Services": 0, + "Client Relationship Management": 0, + "Beauty Product Expertise": 0, + "Aesthetic Service Coordination": 0, + "Waste Management Operations": 0, + "Vehicle and Equipment Navigation": 0, + "Safety and Maintenance Inspection": 0, + "Software Development": 0, + "Information Technology Problem Solving": 0, + "Technology Project Management": 0, + "Enterprise Technology Integration": 0, + "Security Risk Management": 0, + "Investigative Compliance Analysis": 0, + "Personnel Resource Optimization": 0, + "Strategic Organizational Governance": 0, + "Comprehensive Workplace Monitoring": 0, + "Workforce Training Development": 0, + "Sales Communication": 0, + "Customer Relationship Cultivation": 0, + "Telemarketing Strategy": 0, + "Therapeutic Patient Care": 0, + "Healthcare Education and Counseling": 0, + "Adaptive Therapeutic Intervention": 0, + "Educational Support and Mentorship": 0, + "Adaptive Learning Management": 0, + "Performance Assessment and Monitoring": 0, + "Interpersonal Educational Communication": 0, + "Professional Educational Development": 0, + "Nanotechnology Process Control": 0, + "Precision Scientific Measurement": 0, + "Technical Research and Innovation": 0, + "Environmental Compliance Monitoring": 0, + "Technical Documentation and Reporting": 0, + "Tour Guide Services": 0, + "Patron Support Coordination": 0, + "Recreational Activity Management": 0, + "Social Support Services": 0, + "Family Systems Intervention": 0, + "Advocacy and Resource Navigation": 0, + "Psychosocial Assessment": 0, + "Client Hygiene Management": 0, + "Technical Design Drafting": 0, + "Precision Measurement Analysis": 0, + "Technical Collaborative Communication": 0, + "Blockchain Technology Development": 0, + "Cybersecurity Implementation": 0, + "Software Architecture Design": 0, + "Cryptographic Protocol Engineering": 0, + "Distributed Systems Engineering": 0, + "Precision Equipment Operation": 0, + "Manufacturing Quality Control": 0, + "Production Process Management": 0, + "Therapeutic Music Intervention": 0, + "Patient Psychological Assessment": 0, + "Healthcare Treatment Planning": 0, + "Empathetic Patient Communication": 0, + "Medical Documentation Management": 0, + "Medical Imaging Technology": 0, + "Healthcare Procedural Compliance": 0, + "Patient Diagnostic Interaction": 0, + "Medical Substance Management": 0, + "Clinical Equipment Maintenance": 0, + "Food Processing Operations": 0, + "Production Equipment Monitoring": 0, + "Quality Verification Techniques": 0, + "Material Handling and Processing": 0, + "Gaming Operations Management": 0, + "Customer Service Interaction": 0, + "Operational Quality Assurance": 0, + "Academic Instruction": 0, + "Student Performance Assessment": 0, + "Academic Research and Development": 0, + "Institutional Governance": 0, + "Professional Development Management": 0, + "Cultural Heritage Preservation": 0, + "Exhibit Design and Curation": 0, + "Archival Research and Documentation": 0, + "Surgical Intervention": 0, + "Medical Diagnostic Assessment": 0, + "Healthcare Procedural Coordination": 0, + "Medical Equipment Sterilization": 0, + "Clinical Research Management": 0, + "Athletic Performance Management": 0, + "Strategic Physical Coordination": 0, + "Professional Sports Communication": 0, + "Electrical Systems Installation": 0, + "Technical Equipment Diagnostics": 0, + "Safety Equipment Verification": 0, + "Artistic Performance Coordination": 0, + "Creative Composition Strategy": 0, + "Professional Artistic Negotiation": 0, + "Personal Care Support": 0, + "Compassionate Client Interaction": 0, + "Healthcare Assistance Coordination": 0, + "Domestic Support Management": 0, + "Environmental Regulatory Compliance": 0, + "Systematic Investigative Analysis": 0, + "Technical Environmental Monitoring": 0, + "Professional Regulatory Communication": 0, + "Green Energy Innovation": 0, + "Operational Environmental Strategy": 0, + "Technical Process Engineering": 0, + "Sustainable Production Management": 0, + "Energy Production Analytics": 0, + "Financial Information Processing": 0, + "Customer Information Acquisition": 0, + "Administrative Communication Management": 0, + "Financial Transaction Coordination": 0, + "Regulatory Compliance Documentation": 0, + "Construction Material Management": 0, + "Protective Work Environment Setup": 0, + "Construction Project Cost Estimation": 0, + "Environmental Science Research": 0, + "Regulatory Environmental Management": 0, + "Scientific Communication and Reporting": 0, + "Sustainability Planning": 0, + "Environmental Impact Assessment": 0, + "Administrative Document Processing": 0, + "Office Equipment Operation": 0, + "Communication and Information Routing": 0, + "Professional Time and Task Management": 0, + "Forensic Investigation": 0, + "Professional Testimony Preparation": 0, + "Landscape Maintenance Operations": 0, + "Specialized Equipment Navigation": 0, + "Safety-Focused Field Operations": 0, + "Biological Research Methodology": 0, + "Laboratory Sample Analysis": 0, + "Scientific Instrumentation Management": 0, + "Microorganism Classification": 0, + "Environmental Microbiological Assessment": 0, + "Vehicle Mechanical Repair": 0, + "Precision Manual Tool Operation": 0, + "Visual Display Design": 0, + "Creative Promotional Strategy": 0, + "Artistic Prop and Material Selection": 0, + "Technical Illustration and Modeling": 0, + "Educational Program Development": 0, + "Student Performance Management": 0, + "Adaptive Instructional Techniques": 0, + "Classroom Behavior Management": 0, + "Physical Fitness Instruction": 0, + "Health and Safety Management": 0, + "Client Performance Evaluation": 0, + "Recreational Activity Coordination": 0, + "Fitness Equipment Management": 0, + "Occupational Safety Management": 0, + "Health and Wellness Communication": 0, + "Regulatory Documentation Management": 0, + "Emergency Preparedness Planning": 0, + "Technical Equipment Inspection": 0, + "Medical Diagnostic Precision": 0, + "Healthcare Patient Interaction": 0, + "Vision Care Expertise": 0, + "Medical Treatment Planning": 0, + "Healthcare Equipment Management": 0, + "Cybersecurity Engineering": 0, + "Information Technology Project Management": 0, + "Security Risk Assessment": 0, + "Software Systems Architecture": 0, + "Surgical Intervention Management": 0, + "Medical Diagnostic Reasoning": 0, + "Healthcare Professional Coordination": 0, + "Precision Medical Equipment Management": 0, + "Patient Care and Communication": 0, + "Artistic Conceptualization": 0, + "Creative Technical Illustration": 0, + "Artistic Production Collaboration": 0, + "Artistic Material Preparation": 0, + "Creative Trend Monitoring": 0, + "Media Production Management": 0, + "Broadcast Technical Control": 0, + "Creative Technical Graphics": 0, + "Performance Choreography": 0, + "Artistic Performance Management": 0, + "Creative Artistic Instruction": 0, + "Artistic Trend Analysis": 0, + "Scientific Problem Solving": 0, + "Research and Development Methodology": 0, + "Facility Maintenance": 0, + "Equipment Operation": 0, + "Safety and Sanitation": 0, + "Psychological Assessment": 0, + "Clinical Counseling": 0, + "Scientific Mental Health Research": 0, + "Professional Healthcare Collaboration": 0, + "Neuropsychological Diagnostic Reasoning": 0, + "Mortuary Operations Management": 0, + "Deceased Care Preparation": 0, + "Grief Support Communication": 0, + "Cremation Equipment Operation": 0, + "Funeral Service Documentation": 0, + "Quality Systems Management": 0, + "Strategic Operational Decision Making": 0, + "Organizational Performance Monitoring": 0, + "Technical Documentation and Specification Development": 0, + "Personnel Resource Development": 0, + "Financial Product Sales": 0, + "Customer Needs Assessment": 0, + "Sales Transaction Management": 0, + "Professional Network Development": 0, + "Product Knowledge Acquisition": 0, + "Legal Decision Analysis": 0, + "Conflict Resolution and Mediation": 0, + "Precision Instrument Repair": 0, + "Technical Diagnostic Assessment": 0, + "Specialized Equipment Maintenance": 0, + "Precision Surface Refinishing": 0, + "Energy Systems Operation": 0, + "Industrial Equipment Maintenance": 0, + "Technical Safety Monitoring": 0, + "Precision Manual Technical Skills": 0, + "Operational Data Recording": 0, + "Medical Diagnostic Imaging": 0, + "Patient Care Coordination": 0, + "Clinical Equipment Management": 0, + "Healthcare Procedural Support": 0, + "Religious Program Management": 0, + "Spiritual Counseling": 0, + "Community Outreach Coordination": 0, + "Interpersonal Guidance": 0, + "Organizational Religious Leadership": 0, + "Strategic Project Management": 0, + "Advanced Resource Allocation": 0, + "Operational Performance Monitoring": 0, + "Environmental Systems Management": 0, + "Strategic Environmental Planning": 0, + "Technical Environmental Analysis": 0, + "Professional Environmental Communication": 0, + "Operational Environmental Monitoring": 0, + "Manufacturing Equipment Operation": 0, + "Quality Inspection and Verification": 0, + "Operational Safety and Compliance": 0, + "Food Production Management": 0, + "Ingredient Precision Handling": 0, + "Operational Quality Control": 0, + "Equipment Temperature Management": 0, + "Culinary Safety Protocols": 0, + "Architectural Design Planning": 0, + "Technical Project Management": 0, + "Professional Design Communication": 0, + "Environmental Design Integration": 0, + "Analytical Design Evaluation": 0, + "Production Equipment Operation": 0, + "Technical Documentation Reading": 0, + "Strategic Organizational Leadership": 0, + "Advanced Resource Management": 0, + "Traffic Systems Analysis": 0, + "Technical Equipment Monitoring": 0, + "Operational Documentation Management": 0, + "Infrastructure Marking and Visualization": 0, + "Administrative Communication": 0, + "Operational Documentation Processing": 0, + "Technical Problem Solving": 0, + "Web Technology Management": 0, + "Digital Systems Security": 0, + "Library Resource Management": 0, + "Administrative Information Processing": 0, + "Customer Service Coordination": 0, + "Precision Material Fabrication": 0, + "Textile Manipulation Skills": 0, + "Geological Sample Analysis": 0, + "Field Data Collection": 0, + "Geospatial Resource Mapping": 0, + "Environmental Site Preparation": 0, + "Construction Project Management": 0, + "Strategic Resource Coordination": 0, + "Regulatory Compliance and Safety": 0, + "Electronic Systems Design": 0, + "Technical Communication": 0, + "Fiberglass Material Processing": 0, + "Mold Preparation and Management": 0, + "Surface Treatment Techniques": 0, + "Medical Diagnostic Expertise": 0, + "Scientific Laboratory Management": 0, + "Professional Medical Communication": 0, + "Pathological Analysis": 0, + "Technical Systems Engineering": 0, + "Information Security Management": 0, + "Collaborative Technical Problem Solving": 0, + "Technology Project Coordination": 0, + "Vehicle Damage Assessment": 0, + "Insurance Claims Documentation": 0, + "Technical Cost Estimation": 0, + "Gas Systems Operation": 0, + "Industrial Equipment Monitoring": 0, + "Operational Safety Protocols": 0, + "Early Childhood Education": 0, + "Child Safety Management": 0, + "Developmental Instructional Adaptation": 0, + "Parent-Educator Communication": 0, + "Classroom Behavioral Management": 0, + "Nuclear Systems Control": 0, + "Complex Equipment Diagnostics": 0, + "Operational Performance Optimization": 0, + "Critical Decision Making": 0, + "Technical Writing Proficiency": 0, + "Information Processing": 0, + "Professional Communication Strategy": 0, + "Critical Analysis and Decision Making": 0, + "Continuous Learning Management": 0, + "Broadcast Technical Operations": 0, + "Production Coordination": 0, + "Technical Communication Management": 0, + "Emergency Medical Care": 0, + "Patient Transportation Management": 0, + "Healthcare Team Collaboration": 0, + "Emergency Medical Documentation": 0, + "Technical Problem Analysis": 0, + "Industrial Process Management": 0, + "Technical Documentation Interpretation": 0, + "Quality Control Engineering": 0, + "Engineering Design Visualization": 0, + "Laboratory Sample Management": 0, + "Technical Troubleshooting": 0, + "Operational Equipment Coordination": 0, + "Recreational Facility Management": 0, + "Financial Record Management": 0, + "Legal Reasoning": 0, + "Legal Dispute Resolution": 0, + "Client Legal Representation": 0, + "Public Safety Management": 0, + "Animal Care and Control": 0, + "Investigative Documentation": 0, + "Cybersecurity Risk Management": 0, + "Professional Information Processing": 0, + "Continuous Professional Learning": 0, + "Vehicle Component Maintenance": 0, + "Equipment Operation and Safety": 0, + "Geospatial Data Analysis": 0, + "Technical Field Documentation": 0, + "Scientific Instrumentation Operation": 0, + "Environmental Site Analysis": 0, + "Academic Instruction Design": 0, + "Scholarly Research Management": 0, + "Professional Academic Communication": 0, + "Institutional Academic Governance": 0, + "Healthcare Patient Assessment": 0, + "Therapeutic Physical Intervention": 0, + "Medical Equipment Management": 0, + "Professional Healthcare Coordination": 0, + "Food Production Operations": 0, + "Equipment Temperature Control": 0, + "Surface Leveling and Preparation": 0, + "Masonry Material Installation": 0, + "Financial Analysis": 0, + "Professional Documentation": 0, + "Strategic Business Advisory": 0, + "Utility Service Monitoring": 0, + "Material Preparation and Handling": 0, + "Precision Measurement and Layout": 0, + "Installation Quality Control": 0, + "Specialized Material Manipulation": 0, + "Technical Equipment Installation": 0, + "Diagnostic Technical Troubleshooting": 0, + "Operational Safety Verification": 0, + "Human Factors Engineering": 0, + "Technical Design Optimization": 0, + "Learner Needs Assessment": 0, + "Customer Transaction Management": 0, + "Product Information Communication": 0, + "Operational Customer Interaction": 0, + "Market Intelligence": 0, + "Professional Product Knowledge": 0, + "Technical Equipment Setup": 0, + "Technical Control Systems Operation": 0, + "Surface Finishing Techniques": 0, + "Precision Manual Construction Skills": 0, + "Creative Design Conceptualization": 0, + "Trend and Market Research": 0, + "Therapeutic Patient Counseling": 0, + "Aviation Safety Inspection": 0, + "Technical Performance Verification": 0, + "Medical Precision Intervention": 0, + "Healthcare Equipment Customization": 0, + "Business Intelligence Analysis": 0, + "Information Systems Management": 0, + "Analytical Problem Solving": 0, + "Precision Technical Diagnostics": 0, + "Legislative Policy Development": 0, + "Public Governance Coordination": 0, + "Strategic Hearing Management": 0, + "Professional Development Leadership": 0, + "Regulatory Impact Analysis": 0, + "Engineering Systems Design": 0, + "Scientific Problem Resolution": 0, + "Technical Performance Optimization": 0, + "Performance Arts Management": 0, + "Expressive Communication": 0, + "Creative Skill Development": 0, + "Professional Talent Representation": 0, + "Artistic Audition and Casting": 0, + "Animal Training and Care": 0, + "Performance Instruction": 0, + "Administrative Coordination": 0, + "Social Research Methodology": 0, + "Professional Knowledge Communication": 0, + "Systematic Analytical Reasoning": 0, + "Interpersonal Observation Skills": 0, + "Academic and Policy Consultation": 0, + "Vehicle Operation Management": 0, + "Logistics Documentation": 0, + "Insurance Claims Processing": 0, + "Administrative Information Management": 0, + "Customer Information Verification": 0, + "Sales Persuasion": 0, + "Customer Engagement Strategy": 0, + "Product Demonstration Skills": 0, + "Safety and Hazard Management": 0, + "Operational Documentation and Reporting": 0, + "Scientific Laboratory Procedures": 0, + "Quality Control Analysis": 0, + "Chemical Substance Management": 0, + "Software Quality Assurance": 0, + "Technical Problem Diagnostics": 0, + "Performance Monitoring and Analysis": 0, + "Collaborative Technical Communication": 0, + "Academic Research and Instruction": 0, + "Professional Academic Development": 0, + "Special Needs Education Support": 0, + "Developmental Behavioral Management": 0, + "Educational Assessment and Monitoring": 0, + "Collaborative Educational Planning": 0, + "Adaptive Instructional Technology": 0, + "Mechanical Repair Expertise": 0, + "Precision Equipment Manipulation": 0, + "Technical Problem Resolution": 0, + "Equipment Maintenance and Safety": 0, + "Rehabilitation Case Management": 0, + "Forensic Social Intervention": 0, + "Therapeutic Client Counseling": 0, + "Community Resource Navigation": 0, + "Legal Compliance Monitoring": 0, + "Hazardous Environment Management": 0, + "Precision Manual Infrastructure Skills": 0, + "Strategic Organizational Communication": 0, + "Strategic Decision Making": 0, + "Computational Bioinformatics": 0, + "Human Resources Management": 0, + "Strategic Interpersonal Communication": 0, + "Compliance and Regulatory Management": 0, + "Forensic Evidence Analysis": 0, + "Scientific Documentation": 0, + "Curriculum Development": 0, + "Nutritional Assessment": 0, + "Healthcare Nutrition Counseling": 0, + "Dietary Program Management": 0, + "Scientific Nutrition Research": 0, + "Interdisciplinary Healthcare Collaboration": 0, + "Professional Client Interaction": 0, + "Regulatory Compliance and Interpretation": 0, + "Geospatial Data Collection": 0, + "Cartographic Visualization": 0, + "Medical Records Management": 0, + "Healthcare Administrative Communication": 0, + "Medical Facility Operational Coordination": 0, + "Pedagogical Assessment and Monitoring": 0, + "Technical Validation Engineering": 0, + "Complex Problem Analysis": 0, + "Forensic Evidence Management": 0, + "Legal Documentation and Testimony": 0, + "Investigative Information Management": 0, + "Emergency Response Documentation": 0, + "Pattern Design and Fabrication": 0, + "Technical Measurement and Layout": 0, + "Production Equipment Programming": 0, + "Risk Assessment Management": 0, + "Technical Specification Development": 0, + "Operational Compliance Monitoring": 0, + "Strategic Investigative Analysis": 0, + "Forestry Equipment Operation": 0, + "Field Operations Safety": 0, + "Water Systems Management": 0, + "Chemical Processing Control": 0, + "Precision Operational Documentation": 0, + "Information Management": 0, + "Procedural Documentation": 0, + "Digital Systems Management": 0, + "Precision Manufacturing Skills": 0, + "Equipment Diagnostic Monitoring": 0, + "Technical Quality Verification": 0, + "Machine Operation Control": 0, + "Technical Quality Inspection": 0, + "Technical Documentation Comprehension": 0, + "Precision Material Handling": 0, + "Vision Care Technical Skills": 0, + "Medical Device Customization": 0, + "Performance Arts Coordination": 0, + "Creative Movement Technique": 0, + "Professional Performance Preparation": 0, + "Web Design and Development": 0, + "Digital Visual Communication": 0, + "Technical Project Collaboration": 0, + "Digital Systems Testing": 0, + "Emerging Technology Adaptation": 0, + "Operational Problem Resolution": 0, + "Quantitative Technical Analysis": 0, + "Educational Instruction Management": 0, + "Student Performance Evaluation": 0, + "Research and Scholarly Contribution": 0, + "Health Education Strategy": 0, + "Social Services Coordination": 0, + "Professional Health Communication": 0, + "Community Needs Assessment": 0, + "Organizational Health Program Management": 0, + "Textile Equipment Operation": 0, + "Precision Material Cutting": 0, + "Production Quality Inspection": 0, + "Equipment Setup and Calibration": 0, + "Operational Pattern Management": 0, + "Precision Medical Intervention": 0, + "Healthcare Professional Communication": 0, + "Customer Service Communication": 0, + "Problem Resolution Strategy": 0, + "Chemical Analysis and Synthesis": 0, + "Technical Quality Control": 0, + "Laboratory Equipment Management": 0, + "Postal Operations Management": 0, + "Personnel Resource Coordination": 0, + "Operational Communication Strategy": 0, + "Strategic Problem Resolution": 0, + "Administrative Documentation Management": 0, + "Operational Monitoring and Control": 0, + "Site Dimensional Management": 0, + "Material Handling and Coordination": 0, + "Pumping and Hydraulic Systems Management": 0, + "Recreational Program Management": 0, + "Client Engagement and Support": 0, + "Operational Safety and Rule Enforcement": 0, + "Genetic Research Methodology": 0, + "Scientific Literature Review": 0, + "Research Collaboration Management": 0, + "Biological Sample Analysis": 0, + "Scientific Proposal Development": 0, + "Organizational Research Methodology": 0, + "Professional Counseling": 0, + "Interpersonal Observation": 0, + "Research Communication": 0, + "Patient Care Communication": 0, + "Medical Procedure Support": 0, + "Remote Sensing Analysis": 0, + "Educational Leadership": 0, + "Organizational Compliance Management": 0, + "Professional Development Coordination": 0, + "Interpersonal Guidance and Support": 0, + "Landscape Design Planning": 0, + "Green Infrastructure Development": 0, + "Site Analysis and Preparation": 0, + "Technical Project Coordination": 0, + "Complex Problem Solving": 0, + "Mathematical Problem Analysis": 0, + "Advanced Learning Strategies": 0, + "Mining Equipment Operation": 0, + "Geological Site Management": 0, + "Extraction Workflow Coordination": 0, + "Mental Health Patient Care": 0, + "Therapeutic Communication": 0, + "Clinical Behavioral Intervention": 0, + "Patient Emotional Support": 0, + "Medical Psychiatric Documentation": 0, + "Maritime Navigation Skills": 0, + "Emergency Maritime Response": 0, + "Vessel Equipment Maintenance": 0, + "Transportation Logistics Coordination": 0, + "Marine Communication Protocols": 0, + "Vegetation Management": 0, + "Chemical Application Safety": 0, + "Equipment Maintenance and Operation": 0, + "Animal Research Methodology": 0, + "Agricultural Systems Analysis": 0, + "Scientific Agricultural Communication": 0, + "Livestock Breeding Expertise": 0, + "Agricultural Process Management": 0, + "Healthcare Information Systems": 0, + "Clinical Documentation Processing": 0, + "Mechanical Equipment Maintenance": 0, + "Precision Technical Installation": 0, + "Technical Design Documentation": 0, + "Precision Equipment Calibration": 0, + "Wood Product Fabrication": 0, + "Technical Blueprint Interpretation": 0, + "Counseling and Guidance": 0, + "Client Needs Assessment": 0, + "Educational Resource Coordination": 0, + "Professional Communication and Intervention": 0, + "Holistic Client Development": 0, + "Strategic Communication Management": 0, + "Media Relations Coordination": 0, + "Event and Program Management": 0, + "Organizational Narrative Development": 0, + "Stakeholder Engagement Strategy": 0, + "Equipment Diagnostic Assessment": 0, + "Precision Machine Operation": 0, + "Operational Quality Verification": 0, + "Medical Device Fabrication": 0, + "Patient Assessment and Measurement": 0, + "Electrical Systems Maintenance": 0, + "Technical Diagnostic Troubleshooting": 0, + "Academic Instruction and Research": 0, + "Pedagogical Assessment and Mentorship": 0, + "Continuous Professional Development": 0, + "Electrical Installation Skills": 0, + "Precision Manual Technical Work": 0, + "Resource and Schedule Management": 0, + "Information Processing and Documentation": 0, + "Problem Analysis and Resolution": 0, + "Surgical Patient Care": 0, + "Healthcare Safety Protocol": 0, + "Personal Resource Management": 0, + "Service Environment Maintenance": 0, + "Patron Safety and Support": 0, + "Photographic Process Management": 0, + "Technical Material Preparation": 0, + "Medical Anesthesia Support": 0, + "Advanced Life Support Management": 0, + "Medical Equipment Precision Management": 0, + "Clinical Documentation and Reporting": 0, + "Student Safety Management": 0, + "Passenger Transportation Support": 0, + "Behavioral Conflict Mediation": 0, + "Healthcare Regulatory Compliance": 0, + "Research Data Management": 0, + "Interdisciplinary Research Collaboration": 0, + "Chemical Solution Preparation": 0, + "Production Monitoring and Quality Control": 0, + "Retail Leadership": 0, + "Merchandise Display Strategy": 0, + "Retail Inventory Management": 0, + "Creative Design Management": 0, + "Professional Visual Communication": 0, + "Artistic Collaboration and Coordination": 0, + "Network Systems Support": 0, + "Technical Security Implementation": 0, + "Operational Technical Documentation": 0, + "Border Security Operations": 0, + "Investigative Risk Assessment": 0, + "Legal Compliance Enforcement": 0, + "Interpersonal Threat Detection": 0, + "Postsecondary Educational Instruction": 0, + "Academic Research and Scholarship": 0, + "Interdisciplinary Academic Communication": 0, + "Energy Systems Control": 0, + "Equipment Performance Monitoring": 0, + "Pedagogical Assessment and Development": 0, + "Scientific Knowledge Communication": 0, + "Professional Development and Learning": 0, + "Spiritual Guidance": 0, + "Community Religious Leadership": 0, + "Interpersonal Empathetic Support": 0, + "Religious Educational Programming": 0, + "Holistic Community Support": 0, + "Precision Material Measurement": 0, + "Creative Design Visualization": 0, + "Market and Trend Analysis": 0, + "Collaborative Design Production": 0, + "Client Interaction Management": 0, + "Precision Manual Skill Application": 0, + "Broadcast Media Performance": 0, + "Media Production Coordination": 0, + "News and Information Gathering": 0, + "Classroom Management": 0, + "Instructional Strategy Development": 0, + "Student Performance Monitoring": 0, + "Educational Communication": 0, + "Developmental Learning Support": 0, + "Operational Food Service Management": 0, + "Professional Communication and Coordination": 0, + "Textile Material Manipulation": 0, + "Precision Garment Production": 0, + "Pattern Design and Layout": 0, + "Agricultural Systems Engineering": 0, + "Complex Problem Solving in Engineering": 0, + "Operational Systems Analysis": 0, + "Equipment Diagnostic Troubleshooting": 0, + "Precision Technical Maintenance": 0, + "Biomedical Engineering Design": 0, + "Systems Engineering Analysis": 0, + "Professional Technical Communication": 0, + "Technical Systems Design": 0, + "Equipment Performance Diagnostics": 0, + "Technical Measurement and Verification": 0, + "Vehicle Diagnostic Assessment": 0, + "Mechanical Repair Precision": 0, + "Equipment Maintenance Strategy": 0, + "Technical Safety Verification": 0, + "Precision Manual Tool Manipulation": 0, + "Patient Treatment and Counseling": 0, + "Medical Procedure and Equipment Management": 0, + "Training Program Development": 0, + "Organizational Learning Strategy": 0, + "Performance Evaluation and Monitoring": 0, + "Interpersonal Learning Facilitation": 0, + "Organizational Training Coordination": 0, + "Investigative Evidence Analysis": 0, + "Regulatory Compliance Investigation": 0, + "Financial Fraud Detection": 0, + "Professional Interviewing": 0, + "Professional Procedural Communication": 0, + "Interpersonal Conflict Management": 0, + "Technical Illustration Skills": 0, + "Exhibition and Display Design": 0, + "Design Material Preparation": 0, + "Visual Presentation Skills": 0, + "Professional Image Modeling": 0, + "Career Opportunity Identification": 0, + "Data Management": 0, + "Systematic Problem Analysis": 0, + "Therapeutic Art Intervention": 0, + "Empathetic Professional Communication": 0, + "Treatment Plan Development": 0, + "Creative Psychological Intervention": 0, + "Equipment Operation and Control": 0, + "Technical Safety and Compliance": 0, + "Patron Safety Management": 0, + "Professional Communication and Interaction": 0, + "Operational Information Management": 0, + "Inventory Management": 0, + "Material Handling": 0, + "Quality Inspection": 0, + "Infrastructure Design": 0, + "Environmental Systems Analysis": 0, + "Site Evaluation and Preparation": 0, + "Vehicle Mechanical Diagnostics": 0, + "Specialized Tool Operation": 0, + "Patient Care Support": 0, + "Healthcare Procedural Assistance": 0, + "Interpersonal Patient Interaction": 0, + "Personal Care and Safety Management": 0, + "Agricultural Data Analysis": 0, + "Environmental Field Operations": 0, + "Precision Agricultural Technology": 0, + "Scientific Operational Documentation": 0, + "Geospatial Survey Techniques": 0, + "Vehicle Body Repair": 0, + "Welding and Fabrication": 0, + "Automotive Parts Replacement": 0, + "Creative Writing Skills": 0, + "Artistic Collaboration": 0, + "Research and Conceptualization": 0, + "Professional Creative Communication": 0, + "Intellectual Property Management": 0, + "Criminal Investigation Skills": 0, + "Strategic Information Gathering": 0, + "Administrative Documentation Processing": 0, + "Operational Communication Management": 0, + "Clinical Procedure Support": 0, + "Patient Assessment": 0, + "Project Management in Technology": 0, + "Systems Design and Integration": 0, + "Scientific Communication": 0, + "Quantitative Risk Analysis": 0, + "Strategic Financial Modeling": 0, + "Complex Problem Reasoning": 0, + "Professional Data Interpretation": 0, + "Food Service Operations": 0, + "Sanitation and Hygiene Management": 0, + "Resource Distribution": 0, + "Scientific Environmental Assessment": 0, + "Natural Resource Planning": 0, + "Precision Pattern Design": 0, + "Strategic Procurement Management": 0, + "Financial Transaction Processing": 0, + "Operational Communication and Coordination": 0, + "Geospatial Data Visualization": 0, + "Survey Data Collection": 0, + "Technical Measurement Precision": 0, + "Collection Management": 0, + "Research and Documentation": 0, + "Community Program Development": 0, + "Institutional Resource Management": 0, + "Professional Communication": 0, + "Information Gathering and Verification": 0, + "Procedural Compliance and Coordination": 0, + "Operational Sanitation Management": 0, + "Resource Distribution and Coordination": 0, + "Transaction Processing": 0, + "Vehicle Traffic Management": 0, + "Spatial Measurement and Marking": 0, + "Data Systems Engineering": 0, + "Information Technology Optimization": 0, + "Laboratory Specimen Analysis": 0, + "Healthcare Quality Control": 0, + "Precision Scientific Documentation": 0, + "Microbiological Cultivation": 0, + "Construction Material Handling": 0, + "Temporary Structure Assembly": 0, + "Construction Equipment Operation": 0, + "Food Preparation Skills": 0, + "Interpersonal Healthcare Communication": 0, + "Property Management": 0, + "Financial Resource Coordination": 0, + "Stakeholder Communication": 0, + "Operational Compliance Management": 0, + "Strategic Facility Management": 0, + "Food Science Technical Analysis": 0, + "Scientific Laboratory Procedure Management": 0, + "Technical Research and Development": 0, + "Precision Measurement and Instrumentation": 0, + "Early Childhood Educational Administration": 0, + "Child Development Program Oversight": 0, + "Organizational Resource Allocation in Education": 0, + "Regulatory Compliance in Childcare": 0, + "Professional Development and Staff Training": 0, + "Precision Medical Device Fabrication": 0, + "Vision Care Technical Expertise": 0, + "Quality Control Inspection": 0, + "Medical Device Measurement and Fitting": 0, + "Drilling Operations Management": 0, + "Site Preparation and Inspection": 0, + "Extraction Equipment Maintenance": 0, + "Spatial Analysis and Visualization": 0, + "Precision Measurement and Verification": 0, + "Infrastructure Design and Planning": 0, + "Complex Problem Analysis and Resolution": 0, + "Digital Marketing Strategy": 0, + "Web Analytics and Insights": 0, + "Strategic Online Communication": 0, + "Technical Marketing Technology": 0, + "Precision Surface Finishing": 0, + "Equipment Maintenance and Inspection": 0, + "Quality Control Measurement": 0, + "Manual Material Manipulation": 0, + "Production Workflow Management": 0, + "Electrical Circuit Maintenance": 0, + "Mechanical Component Inspection": 0, + "Precision Equipment Lubrication": 0, + "Technical Documentation and Record Keeping": 0, + "Claims Investigation": 0, + "Financial Claims Processing": 0, + "Regulatory Compliance Assessment": 0, + "Scientific Field Research": 0, + "Natural Resource Analysis": 0, + "Geospatial Environmental Mapping": 0, + "Sustainable Land Management": 0, + "Vehicle Inspection and Safety": 0, + "Operational Incident Documentation": 0, + "Technical Compliance Monitoring": 0, + "Epidemiological Research": 0, + "Healthcare Program Management": 0, + "Public Health Strategy": 0, + "Grant and Research Funding": 0, + "Healthcare Technical Support": 0, + "Patient Monitoring and Assessment": 0, + "Cardiovascular Technical Expertise": 0, + "Operational Environmental Compliance": 0, + "Postsecondary Academic Instruction": 0, + "Scholarly Research and Development": 0, + "Academic Professional Communication": 0, + "Medical Anesthesia Management": 0, + "Advanced Medical Intervention": 0, + "Patient Safety and Monitoring": 0, + "Medical Procedural Documentation": 0, + "Water Systems Engineering": 0, + "Technical Design and Planning": 0, + "Operational Quality Management": 0, + "Financial Record Analysis": 0, + "Systematic Problem Resolution": 0, + "Patient Communication": 0, + "Administrative Healthcare Support": 0, + "Precision Material Crafting": 0, + "Jewelry Technical Fabrication": 0, + "Micro-Scale Design Engineering": 0, + "Technical Graphical Representation": 0, + "Emerging Technology Research": 0, + "Operational Protocol Development": 0, + "Precision Technical Validation": 0, + "Mechanical Equipment Repair": 0, + "Statistical Analysis": 0, + "Technical Problem Reasoning": 0, + "Computational Data Processing": 0, + "Precision Medical Documentation": 0, + "Archival Resource Management": 0, + "Research Documentation": 0, + "Cultural Program Development": 0, + "Patient Rehabilitation Support": 0, + "Therapeutic Assessment and Planning": 0, + "Therapeutic Patient Interaction": 0, + "Medical Procedural Assistance": 0, + "Patient Safety Management": 0, + "Urban Planning Strategy": 0, + "Environmental Policy Analysis": 0, + "Geospatial Data Interpretation": 0, + "Stakeholder Engagement Management": 0, + "Sustainable Development Planning": 0, + "Educational Research and Scholarship": 0, + "Sales Technical Communication": 0, + "Product Demonstration Strategy": 0, + "Market Intelligence Gathering": 0, + "Professional Sales Networking": 0, + "Fundraising Strategy Development": 0, + "Nonprofit Program Development": 0, + "Relationship Management": 0, + "Exercise Science Assessment": 0, + "Patient Health Counseling": 0, + "Clinical Exercise Intervention": 0, + "Performance Physiological Monitoring": 0, + "Technical Equipment Coordination": 0, + "Precision Technical Measurement": 0, + "Scholarly Research Methodology": 0, + "Hearing Healthcare Support": 0, + "Patient Technical Consultation": 0, + "Agricultural Equipment Operation": 0, + "Crop and Plant Management": 0, + "Agricultural Inventory Documentation": 0, + "Genetic Counseling Communication": 0, + "Medical Genetic Assessment": 0, + "Patient Psychological Support": 0, + "Forensic Investigation Skills": 0, + "Fire Safety and Prevention": 0, + "Technical Investigative Communication": 0, + "Regulatory Compliance Monitoring": 0, + "Robotic Systems Maintenance": 0, + "Technical Diagnostic Reasoning": 0, + "Operational Workflow Coordination": 0, + "Metal Production Operations": 0, + "Precision Manufacturing Inspection": 0, + "Emergency Vehicle Operations": 0, + "Customer Financial Advisory": 0, + "Regulatory Financial Compliance": 0, + "Professional Networking": 0, + "Persuasive Presentation": 0, + "Customer Needs Analysis": 0, + "Vehicle Diagnostic Repair": 0, + "Pediatric Surgical Intervention": 0, + "Pediatric Patient Communication": 0, + "Stakeholder Engagement": 0, + "Traffic Safety Management": 0, + "Situational Awareness Communication": 0, + "Operational Safety Signaling": 0, + "Public Transportation Management": 0, + "Passenger Safety and Support": 0, + "Vehicle Operational Safety": 0, + "Route Navigation and Planning": 0, + "Customer Transaction Processing": 0, + "Safety and Quality Control Inspection": 0, + "Dental Healthcare Services": 0, + "Healthcare Patient Communication": 0, + "Preventive Health Education": 0, + "Mold and Pattern Fabrication": 0, + "Material Surface Treatment": 0, + "Technical Material Manipulation": 0, + "Production Quality Verification": 0, + "Creative Performance Skills": 0, + "Artistic Audition and Career Development": 0, + "Musical Composition and Arrangement": 0, + "Professional Artistic Communication": 0, + "Legal Document Processing": 0, + "Professional Information Verification": 0, + "Regulatory Compliance Coordination": 0, + "Patient Communication and Counseling": 0, + "Diagnostic Assessment and Reasoning": 0, + "Specialized Medical Device Management": 0, + "Professional Healthcare Documentation": 0, + "Medication Management": 0, + "Healthcare Patient Guidance": 0, + "Clinical Information Processing": 0, + "Pharmaceutical Safety Protocols": 0, + "Petroleum Engineering Analysis": 0, + "Energy Production Management": 0, + "Industrial Design Methodology": 0, + "Environmental Systems Engineering": 0, + "Biological Specimen Processing": 0, + "Medical Laboratory Equipment Operation": 0, + "Healthcare Technical Documentation": 0, + "Scientific Quality Control": 0, + "Medical Diagnostic Support": 0, + "Information Processing and Verification": 0, + "Legal and Regulatory Compliance": 0, + "Investment Strategy": 0, + "Risk Assessment": 0, + "Wellness Program Management": 0, + "Health Education and Communication": 0, + "Quality Control and Inspection": 0, + "Safety and Regulatory Compliance": 0, + "Law Enforcement Operations": 0, + "Investigative Evidence Management": 0, + "Public Safety Communication": 0, + "Regulatory Compliance Enforcement": 0, + "Operational Risk Management": 0, + "Audio Technical Operations": 0, + "Media Technical Communication": 0, + "Digital Media Conversion": 0, + "Performance Technical Support": 0, + "Surveillance Operations": 0, + "Customer Information Management": 0, + "Operational Communication": 0, + "Precision Manual Fabrication": 0, + "Structural Component Installation": 0, + "CNC Programming": 0, + "Professional Time Management": 0, + "Robotic Systems Engineering": 0, + "Visual Composition": 0, + "Technical Image Processing": 0, + "Creative Equipment Operation": 0, + "Professional Creative Documentation": 0, + "Technical Monitoring and Inspection": 0, + "Analytical Problem Resolution": 0, + "Precision Documentation Management": 0, + "Mathematical Performance Analysis": 0, + "Patron Safety and Interaction": 0, + "Operational Resource Distribution": 0, + "Customer Interaction in Service Environments": 0, + "Operational Financial Record Maintenance": 0, + "Agricultural Inspection Skills": 0, + "Environmental Field Monitoring": 0, + "Regulatory Agricultural Compliance": 0, + "Government Program Eligibility Assessment": 0, + "Regulatory Compliance Communication": 0, + "Financial Analysis and Reporting": 0, + "Quantitative Problem Solving": 0, + "Correctional Operations Management": 0, + "Emergency Response and Safety": 0, + "Personnel Performance Evaluation": 0, + "Surface Preparation Skills": 0, + "Wildlife Resource Management": 0, + "Outdoor Equipment Operation": 0, + "Field Safety and Hazard Management": 0, + "Precision Metal Fabrication": 0, + "Equipment Safety Monitoring": 0, + "Technical Dimensional Verification": 0, + "Forestry Resource Assessment": 0, + "Operational Field Coordination": 0, + "Technical Measurement and Marking": 0, + "Retail Transaction Processing": 0, + "Operational Cash Management": 0, + "Logistics Analysis": 0, + "Early Childhood Education Management": 0, + "Developmental Behavioral Guidance": 0, + "Instructional Adaptation": 0, + "Child Safety and Welfare": 0, + "Precision Surface Etching": 0, + "Equipment Control and Monitoring": 0, + "Protective Finishing Application": 0, + "Workplace Safety Engineering": 0, + "Financial Risk Analysis": 0, + "Strategic Business Intelligence": 0, + "Financial Reporting and Documentation": 0, + "Investment Strategy Development": 0, + "Biomass Production Operations": 0, + "Sustainable Energy Quality Control": 0, + "Operational Data Documentation": 0, + "Industrial Safety Compliance": 0, + "Special Needs Educational Support": 0, + "Guest Service Coordination": 0, + "Facility Maintenance and Cleaning": 0, + "Economic Analysis": 0, + "Quantitative Reasoning": 0, + "Critical Analytical Reasoning": 0, + "Research Methodology": 0, + "Underwater Technical Operations": 0, + "Safety and Emergency Response": 0, + "Complex Problem-Solving in Technical Environments": 0, + "Professional Communication in Technical Contexts": 0, + "Equipment Operation Monitoring": 0, + "Mathematical Problem Solving": 0, + "Advanced Analytical Reasoning": 0, + "Systematic Documentation": 0, + "Interpersonal Needs Assessment": 0, + "Agricultural Systems Management": 0, + "Sustainable Resource Management": 0, + "Information Services Support": 0, + "Technical Documentation Processing": 0, + "Computational Bioinformatics Analysis": 0, + "Complex Problem Solving in Scientific Contexts": 0, + "Safety and Quality Inspection": 0, + "Technical Equipment Operation": 0, + "Strategic Resource Management": 0, + "Professional Communication in Healthcare": 0, + "Transcription and Information Processing": 0, + "Telecommunications Equipment Installation": 0, + "Field Technical Operations": 0, + "Technical Safety and Equipment Inspection": 0, + "Operational Problem-Solving": 0, + "Print Production Technical Skills": 0, + "Technical Equipment Programming": 0, + "Mail Processing Operations": 0, + "Equipment Maintenance and Monitoring": 0, + "Workplace Safety and Quality Control": 0, + "Operational Coordination and Communication": 0, + "Strategic Compensation Management": 0, + "Regulatory Compliance Oversight": 0, + "Financial Resource Allocation": 0, + "Equipment Operation and Monitoring": 0, + "Workplace Safety and Maintenance": 0, + "Material Handling and Movement": 0, + "Strategic Conservation Planning": 0, + "Network Systems Management": 0, + "Systems Performance Optimization": 0, + "Mortuary Service Management": 0, + "Facility Maintenance and Sanitation": 0, + "Administrative Funeral Documentation": 0, + "Sustainability Strategy Development": 0, + "Organizational Green Innovation": 0, + "Stakeholder Environmental Communication": 0, + "Operational Sustainability Monitoring": 0, + "Anesthesia and Life Support": 0, + "Digital Document Management": 0, + "Technical Information Processing": 0, + "Resource and Task Management": 0, + "Therapeutic Social Support": 0, + "Client Case Management": 0, + "Professional Interpersonal Assessment": 0, + "Ethical Professional Intervention": 0, + "Cybersecurity Analysis": 0, + "Technical Penetration Testing": 0, + "Security Policy Development": 0, + "Technical Risk Mitigation": 0, + "Investigative Technical Documentation": 0, + "Precision Manual Craftsmanship": 0, + "Product Quality Inspection": 0, + "Promotional Content Creation": 0, + "Construction Site Operations": 0, + "Manual Construction Skills": 0, + "Operational Safety Coordination": 0, + "Community Health Support": 0, + "Social Service Coordination": 0, + "Interpersonal Health Communication": 0, + "Preventive Health Intervention": 0, + "Medical Radiation Treatment": 0, + "Patient Safety Monitoring": 0, + "Precision Patient Care": 0, + "Recycling Operational Management": 0, + "Environmental Compliance Coordination": 0, + "Material Transport and Logistics": 0, + "Waste Processing and Sorting": 0, + "Construction Surface Preparation": 0, + "Professional Communication and Documentation": 0, + "Investigative Analysis and Evidence Management": 0, + "Operational Compliance and Safety Monitoring": 0, + "Financial Sales Strategy": 0, + "Market Intelligence Analysis": 0, + "Professional Financial Communication": 0, + "Customer Needs Financial Assessment": 0, + "Precision Material Processing": 0, + "Technical Surface Treatment": 0, + "Developmental Learning Adaptation": 0, + "Child Safety and Developmental Support": 0, + "Academic Instruction Management": 0, + "Scholarly Research Development": 0, + "Interpersonal Academic Communication": 0, + "Quantitative Data Processing": 0, + "Operational Information Verification": 0, + "Materials Science Analysis": 0, + "Laboratory Quality Control": 0, + "Environmental Conservation Expertise": 0, + "Interpretive Educational Communication": 0, + "Field Research and Documentation": 0, + "Wildlife Interaction and Management": 0, + "Ecological Site Assessment": 0, + "Strategic Marketing Communication": 0, + "Professional Persuasive Communication": 0, + "Comprehensive Performance Monitoring": 0, + "Adaptive Physical Education Support": 0, + "Student Developmental Guidance": 0, + "Specialized Instructional Adaptation": 0, + "Inclusive Physical Education Management": 0, + "Route Navigation and Logistics": 0, + "Administrative Transaction Processing": 0, + "Agricultural Resource Management": 0, + "Operational Compliance and Documentation": 0, + "Strategic Agricultural Planning": 0, + "Field Operations Safety Management": 0, + "Agricultural Equipment and Technology Management": 0, + "Public Safety Monitoring": 0, + "First Aid and Medical Support": 0, + "Patron Safety Coordination": 0, + "Construction Supervision": 0, + "Technical Project Inspection": 0, + "Construction Resource Planning": 0, + "Site Preparation and Measurement": 0, + "Construction Personnel Training": 0, + "Equipment Programming and Control": 0, + "Roofing Material Preparation": 0, + "Protective Coating Application": 0, + "Patient Assessment and Diagnosis": 0, + "Musculoskeletal Treatment Techniques": 0, + "Holistic Patient Care Management": 0, + "Logistics and Delivery Coordination": 0, + "Menu Planning and Coordination": 0, + "Ingredient and Supply Management": 0, + "Non-Destructive Testing Expertise": 0, + "Precision Measurement and Analysis": 0, + "Quality Control Systematic Analysis": 0, + "Resource and Personnel Management": 0, + "Vision Rehabilitation Support": 0, + "Assistive Device Expertise": 0, + "Patient-Centered Rehabilitation Instruction": 0, + "Disability Management Counseling": 0, + "Functional Capability Assessment": 0, + "Marine Equipment Troubleshooting": 0, + "Marine Safety Equipment Verification": 0, + "Technical Equipment Operation Control": 0, + "Semiconductor Process Control": 0, + "Event and Program Coordination": 0, + "Operational Safety and Patron Support": 0, + "Administrative Resource Management": 0, + "Interpersonal Service Communication": 0, + "Precision Information Processing": 0, + "Rock Extraction Operations": 0, + "Precision Manual Material Manipulation": 0, + "Technical Equipment Control": 0, + "Visual Design Creation": 0, + "Creative Technical Storytelling": 0, + "Digital Media Transformation": 0, + "Artistic Conceptual Development": 0, + "Deceased Care Management": 0, + "Embalming Technical Procedures": 0, + "Cosmetic Restoration Skills": 0, + "Fire Safety Engineering": 0, + "Emergency Preparedness Management": 0, + "Technical Regulatory Compliance": 0, + "Operational Safety Inspection": 0, + "Technical Investigative Analysis": 0, + "Petroleum Systems Monitoring": 0, + "Chemical Substance Preparation": 0, + "Compliance and Regulatory Enforcement": 0, + "Cardiovascular Clinical Expertise": 0, + "Medical Imaging and Diagnostic Procedures": 0, + "Patient Treatment Planning": 0, + "Metal Processing Operations": 0, + "Precision Equipment Monitoring": 0, + "Industrial Safety Inspection": 0, + "Technical Quality Control Analysis": 0, + "Cultural Research Methodology": 0, + "Archaeological Field Operations": 0, + "Systematic Observational Analysis": 0, + "Historical Evidence Interpretation": 0, + "Professional Information Gathering": 0, + "Systematic Documentation Management": 0, + "Biological Specimen Analysis": 0, + "Medical Laboratory Operations": 0, + "Patient Safety and Quality Control": 0, + "Scientific Diagnostic Reasoning": 0, + "Equipment Maintenance and Repair": 0, + "Technical Diagnostic Analysis": 0, + "Safety and Quality Control Monitoring": 0, + "Technical Performance Monitoring": 0, + "Manufacturing Safety Compliance": 0, + "Network Systems Engineering": 0, + "Technical Documentation and Communication": 0, + "Delivery Operations Management": 0, + "Interpersonal Information Gathering": 0, + "Creative Writing Expertise": 0, + "Professional Artistic Collaboration": 0, + "Personnel Resource Management": 0, + "Interpersonal Coordination": 0, + "Interpersonal Communication and Coordination": 0, + "Operational Performance Management": 0, + "Service Orientation and Problem Resolution": 0, + "Regulatory Compliance and Safety Management": 0, + "Precision Measurement and Marking": 0, + "Social Support Intervention": 0, + "Crisis Management and Referral": 0, + "Professional Ethical Intervention": 0, + "Passenger Service Coordination": 0, + "Operational Performance Supervision": 0, + "Resource Allocation Management": 0, + "Professional Development Support": 0, + "Reproductive Health Counseling": 0, + "Women's Health Comprehensive Care": 0, + "Talent Acquisition Strategy": 0, + "Logistics Systems Analysis": 0, + "Operational Efficiency Planning": 0, + "Business Strategy Development": 0, + "Material Processing and Handling": 0, + "Production Quality Monitoring": 0, + "Scientific Field Data Collection": 0, + "Vegetation Management and Protection": 0, + "Manufactured Building Installation": 0, + "Structural Sealing and Leak Prevention": 0, + "Equipment and System Inspection": 0, + "Mechanical Component Replacement": 0, + "Technical Surface Preparation": 0, + "Editorial Content Management": 0, + "Professional Writing and Communication": 0, + "Creative Content Development": 0, + "Interpersonal Communication Management": 0, + "Operational Resource Management": 0, + "Therapeutic Manual Intervention": 0, + "Patient Assessment and Care Coordination": 0, + "Healthcare Facility Management": 0, + "Interpersonal Therapeutic Engagement": 0, + "Transportation Safety Inspection": 0, + "Cargo Handling and Coordination": 0, + "Passenger Safety Management": 0, + "Transportation Operational Coordination": 0, + "Service Communication and Information Exchange": 0, + "Clay Material Manipulation": 0, + "Production Equipment Control": 0, + "Strategic Leadership": 0, + "Comprehensive Resource Management": 0, + "Advanced Interpersonal Communication": 0, + "Organizational Governance": 0, + "Patient Diagnostic Communication": 0, + "Medical Image Interpretation": 0, + "Visual Design Communication": 0, + "Creative Problem Solving": 0, + "Collaborative Creative Production": 0, + "Agricultural Education Management": 0, + "Instructional Resource Coordination": 0, + "Life Skills Education": 0, + "Professional Knowledge Transfer": 0, + "Extraction Equipment Operation": 0, + "Site Preparation and Safety": 0, + "Material Handling and Positioning": 0, + "Operational Monitoring and Coordination": 0, + "Textile Machine Operation": 0, + "Production Equipment Inspection": 0, + "Material Preparation and Cutting": 0, + "Strategic Operational Communication": 0, + "Adaptive Problem Resolution": 0, + "Elevator Systems Installation": 0, + "Precision Mechanical Maintenance": 0, + "Neurological Patient Care": 0, + "Complex Medical Problem Solving": 0, + "Medical Specimen Collection": 0, + "Healthcare Documentation Management": 0, + "Biomedical Waste Management": 0, + "Operational Systems Coordination": 0, + "Technical User Support": 0, + "User Communication and Guidance": 0, + "Technology Problem Resolution": 0, + "Technical Knowledge Maintenance": 0, + "Logistics Coordination": 0, + "Transportation Documentation": 0, + "Operational Financial Negotiation": 0, + "Shipping Systems Analysis": 0, + "Travel Service Coordination": 0, + "Therapeutic Patient Intervention": 0, + "Game Design Creativity": 0, + "Technical Game Development": 0, + "Interactive System Design": 0, + "Visual Design Conceptualization": 0, + "Collaborative Game Production": 0, + "Chemical Process Control": 0, + "Technical Safety Management": 0, + "Interdepartmental Communication": 0, + "Production Planning Coordination": 0, + "Policy Analysis and Development": 0, + "Academic Knowledge Communication": 0, + "Interdisciplinary Reasoning": 0, + "Strategic Information Synthesis": 0, + "Performance Equipment Management": 0, + "Event Performance Coordination": 0, + "Multimedia Content Editing": 0, + "Professional Resource Management": 0, + "Legal Administrative Support": 0, + "Patron Interaction Management": 0, + "Administrative Service Coordination": 0, + "Shipment Quality Inspection": 0, + "Transportation Safety Management": 0, + "Solar Energy Systems Management": 0, + "Construction Project Coordination": 0, + "Technical Site Assessment": 0, + "Operational Cost Analysis": 0, + "Green Technology Performance Verification": 0, + "Biofuel Production Management": 0, + "Renewable Energy Technical Monitoring": 0, + "Sustainable Production Quality Control": 0, + "Green Energy Equipment Maintenance": 0, + "Technical Design and Analysis": 0, + "Engineering Systems Optimization": 0, + "Precision Material Assessment": 0, + "Surgical Technical Support": 0, + "Precision Medical Supply Management": 0, + "Vision Diagnostic Assessment": 0, + "Medical Technical Precision": 0, + "Patient Vision Counseling": 0, + "Healthcare Diagnostic Reasoning": 0, + "Specialized Medical Equipment Management": 0, + "Hearing Healthcare Assessment": 0, + "Patient Communication Support": 0, + "Real Estate Transaction Management": 0, + "Property Valuation and Analysis": 0, + "Sales Persuasion Techniques": 0, + "Client Relationship Development": 0, + "Real Estate Market Intelligence": 0, + "Safety-Focused Technical Monitoring": 0, + "Rock Drilling and Extraction Techniques": 0, + "Complex Technical Problem Solving": 0, + "Material Handling Coordination": 0, + "Surface Material Treatment": 0, + "Emotional Support Coordination": 0, + "Precision Technical Calibration": 0, + "Financial Account Management": 0, + "Negotiation and Persuasion": 0, + "Academic Research Methodology": 0, + "Workplace Safety Management": 0, + "Risk Assessment and Prevention": 0, + "Health Program Development": 0, + "Technical Safety Inspection": 0, + "Technical Visual Assessment": 0, + "Precision Measurement Skills": 0, + "Operational Task Coordination": 0, + "Procedural Compliance Management": 0, + "Chemical Processing Monitoring": 0, + "Surface Preparation and Leveling": 0, + "Adhesive and Mortar Application": 0, + "Spatial Measurement and Layout": 0, + "Construction Safety Coordination": 0, + "Environmental Systems Monitoring": 0, + "Technical Visualization and Mapping": 0, + "Remote Sensing Technology Management": 0, + "Interpersonal Performance Monitoring": 0, + "Educational Assessment and Mentorship": 0, + "Precision Food Preparation": 0, + "Equipment Operation Management": 0, + "Workplace Safety Coordination": 0, + "Construction Site Management": 0, + "Safety Protocol Implementation": 0, + "Cargo Handling and Inspection": 0, + "Transportation Safety Compliance": 0, + "Route Planning and Navigation": 0, + "Professional Vehicle Documentation": 0, + "Financial Resource Management": 0, + "Comprehensive Operational Coordination": 0, + "Advanced Regulatory Compliance": 0, + "Diagnostic Reasoning": 0, + "Operational Information Routing": 0, + "Patient Personal Care Support": 0, + "Interpersonal Care Coordination": 0, + "Adaptive Care Assistance": 0, + "Medical Safety and Monitoring": 0, + "Public Safety Enforcement": 0, + "Legal Procedural Coordination": 0, + "Situational Risk Assessment": 0, + "Patron Monitoring and Control": 0, + "Investigative Documentation Management": 0, + "Supervisory Coordination": 0, + "Surface Preparation and Installation": 0, + "Decorative Material Application": 0, + "Fence Construction Skills": 0, + "Construction Site Preparation": 0, + "Radiation Safety Monitoring": 0, + "Technical Radiation Measurement": 0, + "Environmental Data Collection": 0, + "Pest Control Operations": 0, + "Environmental Safety Monitoring": 0, + "Welding Equipment Operation": 0, + "Research Methodology and Scholarship": 0, + "Professional Development and Continuous Learning": 0, + "Facility Cleaning and Maintenance": 0, + "Material and Equipment Handling": 0, + "Operational Resource Coordination": 0, + "Patron and Customer Support": 0, + "Healthcare Administration": 0, + "Interprofessional Healthcare Coordination": 0, + "Organizational Performance Management": 0, + "Complex Healthcare Decision Making": 0, + "Costume Resource Management": 0, + "Performance Support Coordination": 0, + "Creative Design Implementation": 0, + "Advanced Problem Solving": 0, + "Wildlife Conservation Management": 0, + "Outdoor Resource Management": 0, + "Advanced Operational Monitoring": 0, + "Dental Device Fabrication": 0, + "Medical Device Quality Inspection": 0, + "Healthcare Technical Communication": 0, + "Operational Material Preparation": 0, + "Data Science Analytics": 0, + "Machine Learning Application": 0, + "Technical Programming": 0, + "HVAC System Installation": 0, + "Athletic Performance Officiating": 0, + "Professional Rule Enforcement": 0, + "Service Communication Management": 0, + "Precision Equipment Repair": 0, + "Material Handling Precision": 0, + "Procurement Operations Management": 0, + "Clinical Patient Assessment": 0, + "Field Research Documentation": 0, + "Remote Sensing Technology": 0, + "Strategic Marketing Planning": 0, + "Stakeholder Communication Management": 0, + "Atmospheric Data Analysis": 0, + "Vehicle Cleaning and Maintenance": 0, + "Construction Inspection Expertise": 0, + "Technical Site Evaluation": 0, + "Culinary Operations Management": 0, + "Kitchen Resource Management": 0, + "Food Quality Control": 0, + "Interpersonal Kitchen Coordination": 0, + "Creative Production Management": 0, + "Strategic Content Development": 0, + "Performance Conceptualization": 0, + "Operational Coordination and Supervision": 0, + "Precision Resource Documentation": 0, + "Material Handling and Loading": 0, + "Vehicle and Equipment Coordination": 0, + "Medical Imaging Technical Skills": 0, + "Healthcare Safety Protocol Management": 0, + "Diagnostic Procedure Support": 0, + "Client Treatment Planning": 0, + "Mechatronic Systems Design": 0, + "Technical Equipment Integration": 0, + "Interdisciplinary Technical Problem Solving": 0, + "Advanced Manufacturing Technologies": 0, + "Precision Engineering Measurement": 0, + "Precision Equipment Assembly": 0, + "Product Knowledge Communication": 0, + "Persuasive Communication": 0, + "Equipment Operation Control": 0, + "Digital Forensic Investigation": 0, + "Cybersecurity Evidence Analysis": 0, + "Technical Investigative Documentation": 0, + "Information Systems Security Analysis": 0, + "Legal Compliance Technical Monitoring": 0, + "Vehicle Operation Control": 0, + "Radio Frequency Technology Management": 0, + "Technical Equipment Design": 0, + "Complex Systems Analysis": 0, + "Equipment Installation and Maintenance": 0, + "Mechanical Equipment Inspection": 0, + "Installation and Maintenance Skills": 0, + "Environmental Safety and Compliance": 0, + "Multilingual Communication": 0, + "Comprehensive Information Processing": 0, + "Professional Active Listening": 0, + "Professional Communication in Law Enforcement": 0, + "Patient Counseling": 0, + "Therapeutic Intervention Strategy": 0, + "Professional Healthcare Communication": 0, + "Audio-Visual Technical Operations": 0, + "Technical Laboratory Equipment Management": 0, + "Quality Control and Safety Monitoring": 0, + "Rail Vehicle Operation": 0, + "Signal and Communication Coordination": 0, + "Operational Workflow Management": 0, + "Safety and Risk Management": 0, + "Manual Technical Manipulation": 0, + "Photonics Technical Expertise": 0, + "Precision Measurement and Calibration": 0, + "Equipment Diagnostic Analysis": 0, + "Interpersonal Patient Communication": 0, + "Behavioral Intervention Management": 0, + "Healthcare Safety Monitoring": 0, + "Vendor Relationship Management": 0, + "Financial Decision Making": 0, + "Workforce Performance Management": 0, + "Production Safety Oversight": 0, + "Information Processing Accuracy": 0, + "Procedural Compliance Monitoring": 0, + "Developmental Support Counseling": 0, + "Educational Intervention Strategy": 0, + "Interpersonal Behavioral Analysis": 0, + "Comprehensive Client Guidance": 0, + "Dimensional Measurement Verification": 0, + "Beverage Preparation Skills": 0, + "Neuropsychological Assessment": 0, + "Professional Psychological Communication": 0, + "Psychological Research Methodology": 0, + "Diagnostic Test Administration": 0, + "Clinical Treatment Planning": 0, + "Communication Information Management": 0, + "Operational Customer Support": 0, + "Professional Interpersonal Coordination": 0, + "Critical Information Analysis": 0, + "Equipment Diagnostic Reasoning": 0, + "Systems Engineering Integration": 0, + "Patient-Centered Care Communication": 0, + "Rehabilitation Treatment Planning": 0, + "Musculoskeletal Intervention Techniques": 0, + "Professional Medical Documentation": 0, + "Alternative Medical Practice": 0, + "Infrastructure Maintenance": 0, + "Site Preparation and Marking": 0, + "Information Resource Management": 0, + "Collection Development": 0, + "Patron Information Support": 0, + "Library Technology Integration": 0, + "Research Assistance": 0, + "Quantitative Financial Analysis": 0, + "Technical Financial Communication": 0, + "Respiratory Care Management": 0, + "Medical Emergency Response": 0, + "Healthcare Equipment Operation": 0, + "Patient Condition Monitoring": 0, + "Environmental Compliance Management": 0, + "Sustainable Business Analysis": 0, + "Food Service Coordination": 0, + "Sanitation and Hygiene Maintenance": 0, + "Patron Support and Interaction": 0, + "Strategic Documentation Management": 0, + "Stakeholder Communication Strategy": 0, + "Operational Risk Assessment": 0, + "Event Planning Management": 0, + "Stakeholder Relationship Management": 0, + "Strategic Environmental Communication": 0, + "Construction Site Safety Management": 0, + "Insulation Material Installation": 0, + "Material Measurement and Preparation": 0, + "International Trade Documentation": 0, + "Commercial Risk Assessment": 0, + "Professional Communication in Trade": 0, + "Animal Care and Handling": 0, + "Medical Equipment Operation": 0, + "Clinical Patient Support": 0, + "Veterinary Diagnostic Procedures": 0, + "Healthcare Facility Maintenance": 0, + "Laundry Equipment Operation": 0, + "Textile Inspection and Quality Control": 0, + "Public Safety Leadership": 0, + "Risk Assessment and Mitigation": 0, + "Family Engagement Communication": 0, + "Personal Care Coordination": 0, + "Environmental Economic Analysis": 0, + "Quantitative Policy Reasoning": 0, + "Strategic Environmental Forecasting": 0, + "Comprehensive Research Methodology": 0, + "Technical Sustainability Communication": 0, + "Scientific Instruction and Curriculum Development": 0, + "Field Research Methodology": 0, + "Strategic Organizational Analysis": 0, + "Comprehensive Decision Making": 0, + "Adaptive Learning and Problem Solving": 0, + "Precision Manual Food Preparation": 0, + "Food Safety and Quality Control": 0, + "Transportation Systems Analysis": 0, + "Strategic Policy Communication": 0, + "Psychological Assessment and Intervention": 0, + "Patient-Centered Mental Health Communication": 0, + "Clinical Diagnostic Reasoning": 0, + "Technical Inspection and Verification": 0, + "Social Impact Assessment": 0, + "Clinical Procedure Management": 0, + "Healthcare Equipment Expertise": 0, + "Medical Documentation Precision": 0, + "Property Transaction Management": 0, + "Diagnostic Technical Support": 0, + "Therapeutic Patient Communication": 0, + "Crisis Intervention Management": 0, + "Client Treatment Coordination": 0, + "Behavioral Health Counseling": 0, + "Statistical Analysis and Modeling": 0, + "Renewable Energy Sales Strategy": 0, + "Technical Product Communication": 0, + "Customer Needs Assessment in Green Technology": 0, + "Sustainable Technology Evaluation": 0, + "Public Safety Operations": 0, + "Technical Equipment Operation and Safety": 0, + "Financial Strategic Analysis": 0, + "Investment Portfolio Management": 0, + "Quantitative Financial Reasoning": 0, + "Emergency Communication Management": 0, + "Crisis Decision Support": 0, + "Technical Communication Systems Operation": 0, + "Public Safety Coordination": 0, + "Workflow Coordination": 0, + "Precision Documentation": 0, + "Critical Patient Monitoring": 0, + "Emergency Medical Intervention": 0, + "Healthcare Interdisciplinary Coordination": 0, + "Advanced Medical Equipment Management": 0, + "Strategic Market Communication": 0, + "Consumer Trend Interpretation": 0, + "Systematic Research Methodology": 0, + "Intelligence Analysis": 0, + "Criminal Activity Assessment": 0, + "Interagency Collaboration": 0, + "Medical Technical Equipment Management": 0, + "Healthcare Safety and Compliance": 0, + "Geothermal Systems Operation": 0, + "Green Energy Installation": 0, + "Precision Maintenance Procedures": 0, + "Rail Infrastructure Maintenance": 0, + "Service Coordination and Support": 0, + "Precision Material Preparation": 0, + "Service Orientation": 0, + "Physical Therapy Technical Support": 0, + "Marine Systems Engineering": 0, + "Maritime Safety and Compliance": 0, + "Complex Naval Problem Solving": 0, + "Precision Marine Equipment Maintenance": 0, + "Civil Infrastructure Design": 0, + "Operational Cost Estimation": 0, + "Technical Communication and Reporting": 0, + "Service Communication": 0, + "Safety and Compliance Monitoring": 0, + "Financial Strategic Planning": 0, + "Organizational Resource Management": 0, + "Client Information Verification": 0, + "Fire Safety Assessment": 0, + "Public Safety Education": 0, + "Environmental Hazard Monitoring": 0, + "Investigative Evidence Collection": 0, + "Strategic Information Verification": 0, + "Professional Surveillance Techniques": 0, + "Interpersonal Interrogation Skills": 0, + "Compensation Strategy Development": 0, + "Organizational Policy Analysis": 0, + "Human Resources Data Analysis": 0, + "Strategic Workforce Planning": 0, + "Masonry Surface Treatment": 0, + "Design Visualization": 0, + "Spatial Design Planning": 0, + "Professional Research Methodology": 0, + "Client Collaboration": 0, + "Situational Safety Communication": 0, + "Precision Layout Preparation": 0, + "Manufacturing Quality Inspection": 0, + "Emergency Management Coordination": 0, + "Strategic Risk Assessment": 0, + "Postsecondary Educational Leadership": 0, + "Academic Program Development": 0, + "Institutional Governance and Compliance": 0, + "Media Production Technical Control": 0, + "Visual Media Coordination": 0, + "Professional Media Communication": 0, + "Camera Operation and Technical Control": 0, + "Kitchen Safety Management": 0, + "Animal Care Management": 0, + "Facility Sanitation and Maintenance": 0, + "Product Demonstration": 0, + "Avionics Equipment Maintenance": 0, + "Aviation Safety Compliance": 0, + "Electronic Systems Quality Control": 0, + "Diagnostic Technical Problem Solving": 0, + "Investigative Reporting": 0, + "Media Content Development": 0, + "Multimedia Storytelling": 0, + "Medical Equipment Preparation": 0, + "Medical Supply Inventory Control": 0, + "Healthcare Safety Compliance": 0, + "File Management and Organization": 0, + "Clerical Information Processing": 0, + "Precision Manual Material Handling": 0, + "Information Verification": 0, + "Communication Routing": 0, + "Operational Administrative Support": 0, + "Interpersonal Information Exchange": 0, + "Agricultural Operations": 0, + "Precision Manual Animal Handling": 0, + "Agricultural Inspection and Compliance": 0, + "Material Handling and Inspection": 0, + "Safety and Hygiene Management": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0, + "Computational Data Analysis": 0, + "Precision Technical Communication": 0, + "Strategic Operational Coordination": 0, + "Strategic Operational Analysis": 0, + "Business Relationship Development": 0, + "Proposal and Documentation Management": 0, + "Professional Knowledge Maintenance": 0, + "Healthcare Documentation": 0, + "Dental Healthcare Support": 0, + "Preventive Dental Care": 0, + "Textual Accuracy Verification": 0, + "Systematic Information Review": 0, + "Professional Written Communication": 0, + "Analytical Systems Evaluation": 0, + "Operational Data Interpretation": 0, + "Vehicle Service Operations": 0, + "Financial Analysis and Compliance": 0, + "Strategic Financial Decision Making": 0, + "Investigative Financial Verification": 0, + "Employee Relations Management": 0, + "Entertainment Service Management": 0, + "Operational Performance Reporting": 0, + "Staff Development and Training": 0, + "Resource Allocation Coordination": 0, + "Security Screening Protocols": 0, + "Threat Detection and Assessment": 0, + "Public Safety Interaction": 0, + "Commercial Negotiation": 0, + "Air Traffic Control Management": 0, + "Security Operations Management": 0, + "Surveillance and Threat Detection": 0, + "Construction Site Coordination": 0, + "Agricultural Product Inspection": 0, + "Material Handling and Sorting": 0, + "Equipment Operations Monitoring": 0, + "Safety and Compliance Management": 0, + "Historical Research Methodology": 0, + "Scholarly Documentation Management": 0, + "Instructional Communication": 0, + "Wind Turbine Technical Maintenance": 0, + "Safety-Focused Technical Inspection": 0, + "Green Energy Systems Management": 0, + "Geospatial Analysis": 0, + "Environmental Monitoring": 0, + "Chemical Flow and Process Control": 0, + "Gauges and Indicator Monitoring": 0, + "Equipment Monitoring": 0, + "Precision Technical Manipulation": 0, + "Energy Systems Engineering": 0, + "Technical Performance Analysis": 0, + "Technical Resource Coordination": 0, + "Scientific Management": 0, + "Natural Resource Management": 0, + "Agricultural Systems Coordination": 0, + "Field Operations Management": 0, + "Artistic Design Conceptualization": 0, + "Floral Arrangement Expertise": 0, + "Client Consultation and Needs Assessment": 0, + "Material and Prop Selection": 0, + "Nutritional Assessment and Planning": 0, + "Nutritional Research and Documentation": 0, + "Healthcare Patient Support": 0, + "Clinical Procedure Assistance": 0, + "Patient Measurement and Assessment": 0, + "Nuclear Systems Engineering": 0, + "Technical Risk Assessment": 0, + "Organizational Risk Management": 0, + "Strategic Security Oversight": 0, + "Operational Policy Implementation": 0, + "Precision Manual Cutting": 0, + "Financial Counseling": 0, + "Client Information Processing": 0, + "Instructional Assessment and Mentorship": 0, + "Chemical Engineering Analysis": 0, + "Technical Systems Problem Solving": 0, + "Neurological Patient Assessment": 0, + "Medical Diagnostic Equipment Operation": 0, + "Patient Monitoring and Safety": 0, + "Technical Communication in Healthcare": 0, + "Surface Preparation": 0, + "Adhesive Application": 0, + "Precision Manual Construction": 0, + "Explosives Handling Safety": 0, + "Site Dimensional Preparation": 0, + "Technical Safety Signaling": 0, + "Precision Manual Tool Usage": 0, + "Structural Component Positioning": 0, + "Technical Coordination and Communication": 0, + "Meat Processing Skills": 0, + "Food Safety Compliance": 0, + "Equipment Cleaning and Maintenance": 0, + "Rail Transportation Management": 0, + "Vehicle Movement Coordination": 0, + "Critical Information Processing": 0, + "Strategic Problem Solving": 0, + "Operational Equipment Control": 0, + "Animal Patient Care": 0, + "Veterinary Technical Support": 0, + "Vehicle Electrical Systems Repair": 0, + "Equipment Monitoring and Control": 0, + "Patient Assessment and Care": 0, + "Radiation Safety Management": 0, + "Technical Medical Documentation": 0, + "Programming Logic": 0, + "Broadcast Technical Communication": 0, + "Content Development Strategy": 0, + "Nanotechnology Engineering": 0, + "Micro-Scale Process Management": 0, + "Vehicle Operation Safety": 0, + "Passenger Support Services": 0, + "Fundraising Strategy": 0, + "Persuasive Proposal Development": 0, + "Shipping and Logistics Management": 0, + "Aviation Safety Management": 0, + "Aircraft Operations Control": 0, + "Emergency Response Preparedness": 0, + "Safety Signaling and Risk Management": 0, + "Database Systems Design": 0, + "Information Architecture Management": 0, + "Financial Advisory Communication": 0, + "Investment Strategy Analysis": 0, + "Client Financial Needs Assessment": 0, + "Professional Financial Networking": 0, + "Operational Financial Analysis": 0, + "Commercial Relationship Management": 0, + "Garment Quality Inspection": 0, + "Veterinary Medical Care": 0, + "Animal Medical Procedure Support": 0, + "Preventive Animal Healthcare": 0, + "Resource Management": 0, + "Underground Work Operations": 0, + "Breeding Procedure Execution": 0, + "Agricultural Resource Coordination": 0, + "Landscape Maintenance": 0, + "Geological Data Analysis": 0, + "Environmental Field Research": 0, + "Natural Resource Mapping": 0, + "Theatrical Makeup Application": 0, + "Performance Costume Preparation": 0, + "Creative Visual Transformation": 0, + "Textile Production Skills": 0, + "Database Management": 0, + "Technical Systems Security": 0, + "Photonics Engineering": 0, + "Technical Precision Measurement": 0, + "Optical Systems Analysis": 0, + "Facilities Management": 0, + "Operational Budget Planning": 0, + "Environmental Project Management": 0, + "Site Remediation Planning": 0, + "Technical Grant Development": 0, + "Environmental Risk Assessment": 0, + "Geological Resource Management": 0, + "Technical Safety Protocols": 0, + "Media Content Editing": 0, + "Creative Visual Storytelling": 0, + "Technical Media Production": 0, + "Agricultural Technical Operations": 0, + "Strategic Sales Management": 0, + "Interpersonal Persuasion": 0, + "Commercial Relationship Development": 0, + "Operational Supervision": 0, + "Maintenance and Cleaning": 0, + "Professional Counseling Support": 0, + "Performance Coaching": 0, + "Talent Identification": 0, + "Strategic Performance Coordination": 0, + "Professional Performance Communication": 0, + "Instructional Technology Integration": 0, + "Energy Systems Analysis": 0, + "Rigging and Material Positioning": 0, + "Scholarly Communication": 0, + "Professional Knowledge Dissemination": 0, + "Financial Cost Analysis": 0, + "Strategic Resource Estimation": 0, + "Technical Documentation Precision": 0, + "Business Data Interpretation": 0, + "Extraction Site Management": 0, + "Technical Material Handling": 0, + "Strategic Communication": 0, + "Comprehensive Documentation Management": 0, + "Medical Technical Support": 0, + "Clinical Assessment and Reasoning": 0, + "Healthcare Safety Management": 0, + "Equipment Installation": 0, + "Safety and Quality Verification": 0, + "Healthcare Informatics Management": 0, + "Technical Information Security": 0, + "Professional Research and Development": 0, + "Healthcare Safety Protocols": 0, + "Precision Manual Medical Skills": 0, + "Performance Evaluation Management": 0, + "Technical Repair Workflow": 0, + "Preventive Healthcare Strategy": 0, + "Patient-Centered Communication": 0, + "Population Health Management": 0, + "Organizational Resilience Planning": 0, + "Regulatory Risk Assessment": 0, + "Strategic Contingency Management": 0, + "Shipping and Logistics Coordination": 0, + "Mechanical Diagnostic Assessment": 0, + "Mechanical Repair Workflow": 0, + "Educational Support Services": 0, + "Student Safety and Welfare": 0, + "Sales Team Management": 0, + "Strategic Performance Monitoring": 0, + "Biological Sample Processing": 0, + "Scientific Analytical Reasoning": 0, + "Equipment Quality Monitoring": 0, + "Manufacturing Surface Finishing": 0, + "Precision Equipment Management": 0, + "Situational Awareness": 0, + "Safety Communication": 0, + "Operational Monitoring": 0, + "Patron Safety Support": 0, + "Solar Energy Systems Installation": 0, + "Renewable Energy Quality Control": 0, + "Precision Installation Techniques": 0, + "Resource Coordination": 0, + "Clinical Assessment Skills": 0, + "Physical Rehabilitation Support": 0, + "Professional Academic Mentorship": 0, + "Electrical Systems Design": 0, + "Electromechanical Systems Management": 0 + }, + "original_index": 131, + "sparsity": 1.0 + }, + { + "onet_code": "51-8092.00", + "job_title": "Gas Plant Operators", + "detailed_work_activities": [ + "Monitor equipment operation to ensure proper functioning.", + "Inspect production equipment.", + "Operate natural gas distribution equipment.", + "Record operational or production data.", + "Advise others on ways to improve processes or products.", + "Diagnose equipment malfunctions.", + "Adjust equipment controls to regulate gas flow.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Operate natural gas generation equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Maintain production or processing equipment.", + "Clean production equipment.", + "Notify others of equipment repair or maintenance needs.", + "Repair production equipment or tools.", + "Test chemical or physical characteristics of materials or products.", + "Direct operational or production activities.", + "Signal others to coordinate work activities.", + "Analyze test results." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Operation and Control": 1, + "Monitoring": 1, + "Critical Thinking": 1, + "Judgment and Decision Making": 1, + "Quality Control Analysis": 1, + "Reading Comprehension": 1, + "Active Listening": 1, + "Complex Problem Solving": 1, + "Coordination": 1, + "Speaking": 1, + "Time Management": 1, + "Troubleshooting": 1, + "Writing": 1 + }, + "original_index": 132, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "25-2011.00", + "job_title": "Preschool Teachers, Except Special Education", + "detailed_work_activities": [ + "Teach life skills.", + "Provide for basic needs of children.", + "Set up classroom materials or equipment.", + "Establish rules or policies governing student behavior.", + "Modify teaching methods or materials to accommodate student needs.", + "Discuss student progress with parents or guardians.", + "Discuss problems or issues with supervisors.", + "Monitor student behavior, social development, or health.", + "Plan educational activities.", + "Evaluate student work.", + "Maintain student records.", + "Monitor student performance.", + "Read to students.", + "Develop instructional objectives.", + "Apply multiple teaching methods.", + "Arrange childcare or educational settings to ensure physical safety of children.", + "Enforce rules or policies governing student behavior.", + "Develop strategies or programs for students with special needs.", + "Collaborate with other teaching professionals to develop educational programs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Assist students with special educational needs.", + "Display student work.", + "Prepare reports detailing student activities or performance.", + "Plan experiential learning activities.", + "Supervise school or student activities.", + "Distribute instructional or library materials.", + "Evaluate performance of educational staff.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment.", + "Supervise student research or internship work.", + "Administer tests to assess educational needs or progress.", + "Serve on institutional or departmental committees." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Child Development Support": 1, + "Classroom Management": 1, + "Developmental Learning Support": 1, + "Early Childhood Education": 1, + "Educational Support": 1, + "Interpersonal Communication": 1, + "Learning Strategies": 1, + "Parent-Educator Communication": 1, + "Student Performance Assessment": 1, + "Student Safety Management": 1 + }, + "original_index": 133, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "51-8011.00", + "job_title": "Nuclear Power Reactor Operators", + "detailed_work_activities": [ + "Operate energy production equipment.", + "Operate energy distribution equipment.", + "Plan production or operational procedures or sequences.", + "Direct operational or production activities.", + "Monitor equipment operation to ensure proper functioning.", + "Advise others on ways to improve processes or products.", + "Diagnose equipment malfunctions.", + "Maintain sustainable energy production equipment.", + "Notify others of equipment repair or maintenance needs.", + "Record operational or production data.", + "Watch operating equipment to detect malfunctions.", + "Move products, materials, or equipment between work areas.", + "Exchange information with colleagues.", + "Document organizational or operational procedures.", + "Inspect facilities." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Nuclear Systems Control": 1, + "Nuclear Systems Engineering": 1, + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Management": 1, + "Technical Safety Management": 1, + "Radiation Safety Management": 1, + "Technical Safety Monitoring": 1, + "Operational Safety Compliance": 1, + "Complex Problem Solving": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Documentation": 1, + "Operational Documentation Management": 1, + "Technical Performance Monitoring": 1, + "Advanced Operational Monitoring": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0 + }, + "original_index": 134, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "27-3042.00", + "job_title": "Technical Writers", + "detailed_work_activities": [ + "Edit written materials.", + "Compile technical information or documentation.", + "Maintain records, documents, or other files.", + "Determine presentation subjects or content.", + "Research new technologies.", + "Write informational material.", + "Review details of technical drawings or specifications.", + "Coordinate logistics for productions or events.", + "Design layouts for print publications.", + "Monitor current trends.", + "Draw detailed or technical illustrations.", + "Confer with clients to determine needs." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Professional Technical Communication": 1, + "Technical Documentation Management": 1, + "Technical Writing Proficiency": 1, + "Research Methodology": 1, + "Information Processing": 1, + "Precision Documentation": 1, + "Administrative Documentation": 1 + }, + "original_index": 135, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "27-4012.00", + "job_title": "Broadcast Technicians", + "detailed_work_activities": [ + "Maintain recording or broadcasting equipment.", + "Notify others of equipment problems.", + "Operate communications, transmissions, or broadcasting equipment.", + "Maintain logs of production activities.", + "Monitor broadcasting operations to ensure proper functioning.", + "Operate audio recording equipment.", + "Coordinate activities of production personnel.", + "Edit audio or video recordings.", + "Operate control consoles for sound, lighting or video.", + "Train others on work processes.", + "Determine technical requirements of productions or projects.", + "Direct productions or performances.", + "Confer with clients to determine needs." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Broadcast Technical Operations": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Media Production Technical Control": 1, + "Audio Technical Operations": 1, + "Technical Communication": 1, + "Technical Documentation": 1, + "Technical Performance Monitoring": 1, + "Professional Training and Development": 1, + "Client Consultation": 1, + "Production Coordination": 1, + "Academic Instruction": 0 + }, + "original_index": 136, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "29-2042.00", + "job_title": "Emergency Medical Technicians", + "detailed_work_activities": [ + "Inform medical professionals regarding patient conditions and care.", + "Treat medical emergencies.", + "Analyze patient data to determine patient needs or treatment goals.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Drive vehicles to transport individuals or equipment.", + "Interact with patients to build rapport or provide emotional support.", + "Maintain inventory of medical supplies or equipment.", + "Maintain medical equipment or instruments.", + "Maintain medical or professional knowledge.", + "Monitor patient progress or responses to treatments.", + "Position patients for treatment or examination.", + "Record patient medical histories.", + "Sterilize medical equipment or instruments." + ], + "skills": [], + "skill_vector": { + "Emergency Medical Care": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Medical Equipment Management": 1, + "Emergency Response Coordination": 1, + "Vehicle Operations": 1, + "Medical Documentation": 1, + "Professional Knowledge Maintenance": 1, + "Patient Safety Management": 1, + "Healthcare Professional Collaboration": 1, + "Clinical Procedure Support": 1, + "Advanced Life Support Management": 1, + "Interpersonal Healthcare Communication": 1 + }, + "original_index": 137, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-3026.00", + "job_title": "Industrial Engineering Technologists and Technicians", + "detailed_work_activities": [ + "Assess product or process usefulness.", + "Test products for functionality or quality.", + "Research human performance or health factors related to engineering or design activities.", + "Monitor processes for compliance with standards.", + "Inspect operational processes.", + "Prepare detailed work plans.", + "Develop technical methods or processes.", + "Analyze costs and benefits of proposed designs or projects.", + "Calibrate scientific or technical equipment.", + "Design industrial processing systems.", + "Select project materials.", + "Create graphical representations of industrial production systems.", + "Create physical models or prototypes.", + "Design industrial equipment.", + "Design structures or facilities.", + "Determine operational methods.", + "Direct industrial production activities.", + "Direct quality control activities.", + "Estimate operational costs.", + "Explain engineering drawings, specifications, or other technical information.", + "Implement design or process improvements.", + "Monitor activities affecting environmental quality.", + "Monitor the productivity or efficiency of industrial operations.", + "Operate industrial equipment.", + "Prepare drawings or diagrams of products or services.", + "Prepare operational reports.", + "Purchase materials, equipment, or other resources.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Train personnel on proper operational procedures." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs." + ], + "skill_vector": { + "Technical Problem Solving": 1, + "Technical Equipment Operation": 1, + "Technical Quality Control": 1, + "Technical Documentation Management": 1, + "Technical Design Visualization": 1, + "Operational Performance Monitoring": 1, + "Technical Systems Analysis": 1, + "Technical Safety Management": 1, + "Technical Resource Management": 1, + "Technical Process Engineering": 1, + "Advanced Manufacturing Technologies": 1, + "Technical Performance Optimization": 1, + "Precision Equipment Calibration": 1, + "Technical Measurement and Verification": 1, + "Technical Project Management": 1 + }, + "original_index": 138, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-1042.00", + "job_title": "Medical Scientists, Except Epidemiologists", + "detailed_work_activities": [ + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Research diseases or parasites.", + "Analyze biological samples.", + "Direct medical science or healthcare programs.", + "Plan biological research.", + "Establish standards for medical care.", + "Instruct college students in physical or life sciences.", + "Prepare proposals or grant applications to obtain project funding.", + "Prepare scientific or technical reports or presentations.", + "Write grant proposals.", + "Operate laboratory or field equipment.", + "Establish standards for products, processes, or procedures.", + "Advise others on healthcare matters." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Scientific Research Methodology": 1, + "Scientific Documentation": 1, + "Biological Research Methodology": 1, + "Biological Sample Analysis": 1, + "Complex Problem Solving": 1, + "Technical Documentation Management": 1, + "Advanced Scientific Problem Solving": 1, + "Research Methodology": 1, + "Technical Research and Development": 1, + "Analytical Problem Solving": 1, + "Clinical Research Management": 1, + "Scholarly Research Management": 1, + "Professional Scientific Communication": 1, + "Precision Scientific Documentation": 1, + "Academic Professional Communication": 1, + "Biological Systems Analysis": 1 + }, + "original_index": 139, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "47-2111.00", + "job_title": "Electricians", + "detailed_work_activities": [ + "Create construction or installation diagrams.", + "Thread wire or cable through ducts or conduits.", + "Repair electrical equipment.", + "Test electrical equipment or systems to ensure proper functioning.", + "Install electrical components, equipment, or systems.", + "Update job related knowledge or skills.", + "Plan layout of construction, installation, or repairs.", + "Direct construction or extraction personnel.", + "Train construction or extraction personnel.", + "Inspect electrical or electronic systems for defects.", + "Communicate with other construction or extraction personnel to discuss project details.", + "Fabricate parts or components.", + "Assist skilled construction or extraction personnel.", + "Estimate construction project costs.", + "Order construction or extraction materials or equipment.", + "Prepare operational reports.", + "Dig holes or trenches." + ], + "skills": [ + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Technical Equipment Installation": 1, + "Technical Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Technical Safety Protocols": 1, + "Technical Troubleshooting": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Documentation": 1, + "Technical Measurement Precision": 1, + "Technical Quality Control": 1, + "Equipment Operation Control": 1, + "Technical Equipment Diagnostics": 1, + "Technical Safety Inspection": 1, + "Technical Problem Solving": 1, + "Operational Safety Compliance": 1, + "Technical Repair Workflow": 1, + "Technical Surface Preparation": 1, + "Precision Equipment Maintenance": 1, + "Technical Material Handling": 1, + "Construction Equipment Operation": 1 + }, + "original_index": 140, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "39-3091.00", + "job_title": "Amusement and Recreation Attendants", + "detailed_work_activities": [ + "Explain regulations, policies, or procedures.", + "Sell products or services.", + "Provide attraction or event information to patrons.", + "Maintain knowledge of business operations.", + "Provide patrons with directions to locales or attractions.", + "Communicate with management or other staff to resolve problems.", + "Monitor operational quality or safety.", + "Assist patrons with entering or exiting vehicles or other forms of transportation.", + "Maintain financial or account records.", + "Prepare operational reports or records.", + "Clean facilities or work areas.", + "Clean tools or equipment.", + "Inspect equipment to ensure proper functioning.", + "Verify patron or staff credentials.", + "Maintain supply or equipment inventories.", + "Arrange facility schedules.", + "Distribute resources to patrons or employees." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Service Orientation": 1, + "Patron Interaction Management": 1, + "Customer Service Communication": 1, + "Operational Safety Management": 1, + "Operational Documentation": 1, + "Operational Coordination": 1, + "Interpersonal Communication": 1, + "Inventory Management": 1, + "Resource Distribution": 1, + "Facility Maintenance": 1, + "Equipment Inspection": 1, + "Credential Verification": 1, + "Sales Transaction Processing": 1, + "Operational Safety and Patron Support": 1 + }, + "original_index": 141, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "43-3021.00", + "job_title": "Billing and Posting Clerks", + "detailed_work_activities": [ + "Verify accuracy of financial or transactional data.", + "Maintain financial or account records.", + "Reconcile records of sales or other financial transactions.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Operate office equipment.", + "Calculate costs of goods or services.", + "Provide information to coworkers.", + "Maintain operational records.", + "Discuss account status or activity with customers or patrons.", + "Weigh parcels to determine shipping costs.", + "Search files, databases or reference materials to obtain needed information.", + "Order materials, supplies, or equipment.", + "Execute sales or other financial transactions.", + "Calculate shipping costs.", + "Prepare informational or reference materials.", + "Route mail to correct destinations.", + "Analyze financial information.", + "Monitor equipment operation to ensure proper functioning.", + "Maintain office equipment in proper operating condition.", + "Report maintenance or equipment problems to appropriate personnel.", + "Answer telephones to direct calls or provide information.", + "Calculate financial data.", + "Explain regulations, policies, or procedures.", + "Prepare financial documents, reports, or budgets.", + "Prepare financial documents.", + "Respond to customer problems or complaints.", + "Schedule appointments." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Processing": 1, + "Operational Documentation": 1, + "Precision Information Processing": 1, + "Financial Record Management": 1, + "Transaction Processing": 1, + "Customer Information Management": 1, + "Technical Documentation": 1, + "Professional Communication": 1 + }, + "original_index": 142, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "23-1011.00", + "job_title": "Lawyers", + "detailed_work_activities": [ + "Provide legal advice to clients.", + "Identify implications for cases from legal precedents or other legal information.", + "Interview claimants to get information related to legal proceedings.", + "Represent the interests of clients in legal proceedings.", + "Meet with individuals involved in legal processes to provide information and clarify issues.", + "Prepare legal documents.", + "Research relevant legal materials to aid decision making.", + "Arbitrate disputes between parties to resolve legal conflicts.", + "Supervise activities of other legal personnel.", + "Negotiate contracts with clients or service providers.", + "Negotiate purchases or contracts.", + "Prepare documentation of legal proceedings.", + "Evaluate information related to legal matters in public or personal records.", + "Draft legislation or regulations." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Legal Administrative Support": 1, + "Legal Compliance Monitoring": 1, + "Legal Documentation Management": 1, + "Legal Reasoning": 1, + "Legal Research and Analysis": 1, + "Client Legal Representation": 1, + "Legal Dispute Resolution": 1, + "Professional Legal Communication": 1, + "Strategic Decision Making": 1, + "Stakeholder Communication Management": 1, + "Academic Instruction": 0, + "Medical Documentation": 0, + "Technical Equipment Operation": 0 + }, + "original_index": 143, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-9011.00", + "job_title": "Animal Control Workers", + "detailed_work_activities": [ + "Examine crime scenes to obtain evidence.", + "Interview people to gather information about criminal activities.", + "Investigate illegal or suspicious activities.", + "Provide care for animals.", + "Use weapons or physical force to maintain security.", + "Maintain operational records.", + "Write operational reports.", + "Check physical condition of people or animals.", + "Testify at legal or legislative proceedings.", + "Issue warnings or citations.", + "Inform the public about policies, services or procedures.", + "Clean facilities or equipment.", + "Collaborate with law enforcement or security agencies to respond to incidents.", + "Examine personal documentation to ensure that it is valid.", + "Inspect facilities to ensure compliance with security or safety regulations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Animal Care Management": 1, + "Animal Care and Control": 1, + "Animal Care and Handling": 1, + "Investigative Evidence Analysis": 1, + "Investigative Documentation": 1, + "Public Safety Communication": 1, + "Interpersonal Communication": 1, + "Legal Compliance Monitoring": 1, + "Safety and Risk Management": 1, + "Operational Documentation Management": 1, + "Professional Communication": 1, + "Threat Detection and Assessment": 1, + "Workplace Safety Management": 1, + "Academic Instruction": 0, + "Academic Research Methodology": 0 + }, + "original_index": 144, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "15-1212.00", + "job_title": "Information Security Analysts", + "detailed_work_activities": [ + "Develop computer or information security policies or procedures.", + "Update knowledge about emerging industry or technology trends.", + "Implement security measures for computer or information systems.", + "Test computer system operations to ensure proper functioning.", + "Collaborate with others to resolve information technology issues.", + "Document operational procedures.", + "Troubleshoot issues with computer applications or systems.", + "Coordinate project activities with other personnel or departments.", + "Monitor the security of digital information.", + "Train others in computer interface or software use." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 0, + "Information Security Management": 1, + "Technical Systems Security": 1, + "Cybersecurity Analysis": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Operational Compliance Management": 1, + "Risk Assessment": 1, + "Technical Communication": 1, + "Strategic Technology Management": 1, + "Professional Knowledge Communication": 1, + "Operational Monitoring": 1, + "Technical Safety and Compliance": 1 + }, + "original_index": 145, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "49-3093.00", + "job_title": "Tire Repairers and Changers", + "detailed_work_activities": [ + "Operate cranes, hoists, or other moving or lifting equipment.", + "Install vehicle parts or accessories.", + "Service vehicles to maintain functionality.", + "Remove parts or components from vehicles.", + "Test mechanical equipment to ensure proper functioning.", + "Repair tires.", + "Assemble mechanical components or machine parts.", + "Reassemble equipment after repair.", + "Inspect mechanical components of vehicles to identify problems.", + "Clean work areas.", + "Smooth surfaces of objects or equipment.", + "Order materials, supplies, or equipment.", + "Disassemble equipment for maintenance or repair.", + "Drive trucks or other vehicles to or at work sites.", + "Clean equipment, parts, or tools to repair or maintain them in good working order." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Automotive Component Replacement": 1, + "Vehicle Mechanical Repair": 1, + "Equipment Maintenance and Repair": 1, + "Technical Equipment Operation": 1, + "Material Handling": 1, + "Vehicle Inspection and Safety": 1, + "Precision Manual Tool Operation": 1, + "Workplace Safety Management": 1, + "Technical Equipment Maintenance": 1, + "Operational Documentation": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Service Orientation": 1, + "Time Management": 1, + "Inventory Management": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0 + }, + "original_index": 146, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "17-1022.01", + "job_title": "Geodetic Surveyors", + "detailed_work_activities": [ + "Analyze operational data to evaluate operations, processes or products.", + "Calculate geographic positions from survey data.", + "Survey land or bodies of water to measure or determine features.", + "Maintain operational records or records systems.", + "Verify mathematical calculations.", + "Direct surveying activities.", + "Analyze physical, survey, or geographic data.", + "Explain project details to the general public.", + "Gather physical survey data.", + "Update technical knowledge.", + "Train personnel on proper operational procedures.", + "Evaluate designs or specifications to ensure quality.", + "Prepare operational reports." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Research Methodology": 1, + "Geospatial Analysis": 1, + "Technical Measurement and Verification": 1, + "Field Research Documentation": 1, + "Technical Documentation Management": 1, + "Spatial Measurement and Layout": 1, + "Technical Site Assessment": 1, + "Mathematical Problem Solving": 1, + "Technical Equipment Operation": 1 + }, + "original_index": 147, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "25-1125.00", + "job_title": "History Teachers, Postsecondary", + "detailed_work_activities": [ + "Develop instructional materials.", + "Guide class discussions.", + "Teach humanities courses at the college level.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Evaluate student work.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Maintain student records.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Advise students on academic or career matters.", + "Evaluate scholarly materials.", + "Supervise student research or internship work.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Create technology-based learning materials.", + "Teach online courses.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Write grant proposals.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 148, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-9091.00", + "job_title": "Athletic Trainers", + "detailed_work_activities": [ + "Analyze patient data to determine patient needs or treatment goals.", + "Evaluate patient outcomes to determine effectiveness of treatments.", + "Inform medical professionals regarding patient conditions and care.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Treat patients using physical therapy techniques.", + "Evaluate patient functioning, capabilities, or health.", + "Maintain medical facility records.", + "Perform clerical work in medical settings.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Clean facilities or equipment.", + "Maintain clean work areas.", + "Advise athletes, coaches, or trainers on exercise regimens, nutrition, or equipment use.", + "Develop exercise or conditioning programs.", + "Apply bandages, dressings, or splints.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Inspect work environments to ensure safety.", + "Process medical billing information.", + "Consult with others regarding safe or healthy equipment or facilities.", + "Treat patients using alternative medical procedures.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues.", + "Maintain inventory of medical supplies or equipment.", + "Maintain medical equipment or instruments." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Physical Education Support": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Advanced Stakeholder Communication": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Support": 1, + "Complex Problem Solving": 1, + "Healthcare Patient Management": 1, + "Healthcare Treatment Planning": 1, + "Musculoskeletal Intervention Techniques": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Patient Treatment Planning": 1, + "Performance Assessment and Monitoring": 1, + "Therapeutic Patient Care": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 149, + "sparsity": 0.9871677360219981 + }, + { + "onet_code": "51-3093.00", + "job_title": "Food Cooking Machine Operators and Tenders", + "detailed_work_activities": [ + "Clean work areas.", + "Sterilize food cooking or processing equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Monitor instruments to ensure proper production conditions.", + "Measure ingredients or substances to be used in production processes.", + "Operate cooking, baking, or other food preparation equipment.", + "Record operational or production data.", + "Adjust temperature controls of ovens or other heating equipment.", + "Operate pumping systems or equipment.", + "Operate mixing equipment.", + "Collect samples of materials or products for testing.", + "Inspect food products.", + "Remove products or workpieces from production equipment.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Load materials into production equipment.", + "Operate grinding equipment.", + "Notify others of equipment repair or maintenance needs.", + "Watch operating equipment to detect malfunctions.", + "Signal others to coordinate work activities.", + "Move products, materials, or equipment between work areas.", + "Adjust equipment controls to regulate coolant flow." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Precision Equipment Operation": 1, + "Production Equipment Management": 1, + "Technical Equipment Monitoring": 1, + "Operational Safety Management": 1, + "Quality Control Inspection": 1, + "Material Handling": 1, + "Operational Documentation": 1, + "Technical Safety Protocols": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Healthcare Patient Assessment": 0 + }, + "original_index": 150, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-4091.00", + "job_title": "Segmental Pavers", + "detailed_work_activities": [ + "Compact materials to create level bases.", + "Spread sand, dirt or other loose materials onto surfaces.", + "Move construction or extraction materials to locations where they are needed.", + "Communicate with clients about products, procedures, and policies.", + "Align masonry materials.", + "Cut tile, stone, or other masonry materials.", + "Create construction or installation diagrams.", + "Mark reference points on construction materials.", + "Clean work sites.", + "Install masonry materials.", + "Finish concrete surfaces." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Precision Manual Construction Skills": 1, + "Surface Preparation": 1, + "Material Measurement and Preparation": 1, + "Technical Measurement and Marking": 1, + "Operational Safety Management": 1, + "Equipment Operation": 1, + "Site Preparation and Measurement": 1, + "Professional Communication": 1, + "Technical Documentation": 1 + }, + "original_index": 151, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "13-2011.00", + "job_title": "Accountants and Auditors", + "detailed_work_activities": [ + "Prepare financial documents, reports, or budgets.", + "Advise others on financial matters.", + "Report information to managers or other personnel.", + "Advise others on business or operational matters.", + "Examine financial records.", + "Collect evidence for legal proceedings.", + "Investigate legal issues.", + "Oversee business processes.", + "Examine financial records or processes.", + "Discuss business strategies, practices, or policies with managers.", + "Analyze business or financial data.", + "Prepare financial documents.", + "Verify accuracy of records.", + "Verify accuracy of financial information.", + "Analyze financial information.", + "Conduct financial or regulatory audits.", + "Calculate tax information.", + "Advise others on human resources topics.", + "Develop business or financial information systems.", + "Assess financial status of clients.", + "Coordinate regulatory documentation activities.", + "Evaluate effectiveness of personnel policies or practices.", + "Analyze budgetary or accounting data.", + "Pay charges, fees, or taxes.", + "Prepare operational budgets." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Financial Analysis": 1, + "Financial Record Management": 1, + "Operational Documentation": 1, + "Regulatory Compliance Management": 1, + "Business Strategy Communication": 1, + "Technical Documentation": 1, + "Quantitative Financial Analysis": 1, + "Professional Communication": 1, + "Risk Assessment": 1, + "Strategic Resource Management": 1 + }, + "original_index": 152, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-5041.00", + "job_title": "Meter Readers, Utilities", + "detailed_work_activities": [ + "Enter information into databases or software programs.", + "Operate vehicles or material-moving equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Record service or repair activities.", + "Verify accuracy of data.", + "Report maintenance or equipment problems to appropriate personnel.", + "Discuss account status or activity with customers or patrons.", + "Control power supply connections.", + "Refer customers to appropriate personnel.", + "Maintain financial or account records.", + "Notify others of equipment repair or maintenance needs.", + "Perform basic equipment maintenance." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Advanced Operational Monitoring": 1, + "Client Information Processing": 1, + "Communication Information Management": 1, + "Equipment Monitoring": 1, + "Information Processing": 1, + "Operational Documentation": 1, + "Operational Information Management": 1, + "Operational Monitoring": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Vehicle Operation": 1 + }, + "original_index": 153, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-9197.00", + "job_title": "Tire Builders", + "detailed_work_activities": [ + "Assemble tires.", + "Mount materials or workpieces onto production equipment.", + "Smooth surfaces with abrasive materials or tools.", + "Apply solutions to production equipment.", + "Align parts or workpieces to ensure proper assembly.", + "Cut industrial materials in preparation for fabrication or processing.", + "Inspect items for damage or defects.", + "Measure product or material dimensions.", + "Trim excess material from workpieces.", + "Fill cracks, imperfections, or holes in products or workpieces.", + "Mount attachments or tools onto production equipment.", + "Apply protective or decorative finishes to workpieces or products.", + "Clean workpieces or finished products.", + "Load materials into production equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Monitoring": 1, + "Precision Material Handling": 1, + "Production Equipment Operation": 1, + "Production Quality Inspection": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Precision Measurement": 1, + "Material Preparation": 1, + "Technical Documentation": 1, + "Equipment Diagnostic Monitoring": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 154, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-2041.00", + "job_title": "Carpet Installers", + "detailed_work_activities": [ + "Cut carpet, vinyl or other flexible materials.", + "Measure materials or objects for installation or assembly.", + "Inspect work sites to determine condition or necessary repairs.", + "Mark reference points on construction materials.", + "Prepare surfaces for finishing.", + "Install carpet or flooring.", + "Smooth surfaces with abrasive materials or tools.", + "Plan layout of construction, installation, or repairs.", + "Estimate materials requirements for projects.", + "Measure work site dimensions.", + "Review blueprints or specifications to determine work requirements.", + "Clean work sites.", + "Create construction or installation diagrams.", + "Remove worn, damaged or outdated materials from work areas." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Material Handling": 1, + "Precision Measurement and Layout": 1, + "Material Preparation and Cutting": 1, + "Surface Preparation": 1, + "Construction Material Handling": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Coordination": 1, + "Critical Thinking": 1, + "Mathematics": 1 + }, + "original_index": 155, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "49-2022.00", + "job_title": "Telecommunications Equipment Installers and Repairers, Except Line Installers", + "detailed_work_activities": [ + "Explain use of products or services.", + "Test communications equipment to ensure proper functioning.", + "Test electrical circuits or components for proper functioning.", + "Install electrical components, equipment, or systems.", + "Assemble electrical components, subsystems, or systems.", + "Climb equipment or structures to access work areas.", + "Run wiring to connect equipment.", + "Drive trucks or other vehicles to or at work sites.", + "Gather information about work conditions or locations.", + "Inspect telecommunications equipment to identify problems.", + "Confer with coworkers to resolve equipment problems.", + "Clean work areas.", + "Repair electronic equipment.", + "Document operational activities.", + "Connect electrical components or equipment.", + "Determine types of equipment, tools, or materials needed for jobs.", + "Rewire electrical or electronic systems.", + "Troubleshoot equipment or systems operation problems.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Maintain work equipment or machinery.", + "Service vehicles to maintain functionality.", + "Verify information or specifications.", + "Install programs onto computer or computer-controlled equipment.", + "Analyze test or performance data to assess equipment operation.", + "Enter codes or other information into computers.", + "Measure distances or dimensions.", + "Adjust equipment to ensure optimal performance.", + "Lubricate equipment to allow proper functioning.", + "Paint surfaces or equipment.", + "Repair electrical components.", + "Read technical information needed to perform maintenance or repairs.", + "Dig holes or trenches.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Advise others on issues related to repairs, installation, or equipment design.", + "Investigate legal issues." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Telecommunications Equipment Installation": 1, + "Technical Equipment Installation": 1, + "Technical Equipment Maintenance": 1, + "Technical Diagnostic Troubleshooting": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Equipment Operation Control": 1, + "Technical Quality Control": 1, + "Technical Measurement and Verification": 1, + "Operational Safety Compliance": 1, + "Technical Communication": 1, + "Technical Problem Solving": 1, + "Precision Equipment Installation": 1, + "Technical Inspection and Verification": 1, + "Academic Instruction": 0 + }, + "original_index": 156, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "17-2112.01", + "job_title": "Human Factors Engineers and Ergonomists", + "detailed_work_activities": [ + "Research human performance or health factors related to engineering or design activities.", + "Confer with technical personnel to prepare designs or operational plans.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Document design or operational test results.", + "Advise others on health and safety issues.", + "Assess product or process usefulness.", + "Determine operational criteria or specifications.", + "Analyze operational data to evaluate operations, processes or products.", + "Develop technical methods or processes.", + "Investigate safety of work environment.", + "Prepare proposal documents.", + "Train personnel on proper operational procedures.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Devise research or testing protocols.", + "Estimate technical or resource requirements for development or production projects.", + "Estimate time requirements for development or production projects.", + "Prepare procedural documents.", + "Create models of engineering designs or methods.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Advanced Problem Solving": 1, + "Analytical Problem Solving": 1, + "Technical Documentation": 1, + "Technical Design": 1, + "Technical Communication": 1, + "Technical Research Methodology": 1, + "Technical Systems Analysis": 1, + "Workplace Safety Management": 1, + "Operational Safety Monitoring": 1, + "Operational Performance Monitoring": 1, + "Professional Communication": 1, + "Stakeholder Communication": 1, + "Complex Problem Solving": 1, + "Scientific Research Methodology": 1, + "Technology Design": 1 + }, + "original_index": 157, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "25-3011.00", + "job_title": "Adult Basic Education, Adult Secondary Education, and English as a Second Language Instructors", + "detailed_work_activities": [ + "Evaluate student work.", + "Monitor student performance.", + "Assess educational needs of students.", + "Develop instructional objectives.", + "Modify teaching methods or materials to accommodate student needs.", + "Encourage students.", + "Set up classroom materials or equipment.", + "Plan educational activities.", + "Apply multiple teaching methods.", + "Assign class work to students.", + "Maintain student records.", + "Establish rules or policies governing student behavior.", + "Assist students with special educational needs.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Advise students on academic or career matters.", + "Develop strategies or programs for students with special needs.", + "Document lesson plans.", + "Enforce rules or policies governing student behavior.", + "Create technology-based learning materials.", + "Prepare reports detailing student activities or performance.", + "Evaluate effectiveness of educational programs.", + "Schedule instructional activities.", + "Perform student enrollment or registration activities.", + "Collaborate with other teaching professionals to develop educational programs.", + "Train staff members.", + "Serve on institutional or departmental committees.", + "Discuss problems or issues with supervisors.", + "Distribute instructional or library materials.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Plan experiential learning activities.", + "Collaborate with other agencies and institutions to coordinate educational matters.", + "Evaluate performance of educational staff.", + "Promote educational institutions or programs." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Classroom Management": 1, + "Educational Assessment and Monitoring": 1, + "Educational Support": 1, + "Learner Needs Assessment": 1, + "Student Performance Assessment": 1, + "Student Performance Management": 1, + "Specialized Instructional Adaptation": 1, + "Professional Development and Continuous Learning": 1 + }, + "original_index": 158, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "41-2021.00", + "job_title": "Counter and Rental Clerks", + "detailed_work_activities": [ + "Process sales or other transactions.", + "Calculate costs of goods or services.", + "Take product orders from customers.", + "Advise customers on the use of products or services.", + "Explain financial information to customers.", + "Explain technical product or service information to customers.", + "Gather customer or product information to determine customer needs.", + "Greet customers, patrons, or visitors.", + "Answer customer questions about goods or services.", + "Examine condition of property or products.", + "Prepare sales or other contracts.", + "Sell products or services.", + "Maintain records of sales or other business transactions.", + "Set up merchandise displays.", + "Recommend products or services to customers.", + "Arrange services or reservations for patrons." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Customer Service Coordination": 1, + "Operational Customer Support": 1, + "Transaction Processing": 1, + "Client Interaction Management": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1, + "Sales Transaction Management": 1, + "Product Knowledge Communication": 1, + "Inventory Management": 1, + "Administrative Documentation": 1, + "Operational Information Processing": 1, + "Service Orientation": 1, + "Precision Information Processing": 1, + "Operational Coordination": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0, + "Advanced Medical Intervention": 0 + }, + "original_index": 159, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "41-3091.00", + "job_title": "Sales Representatives of Services, Except Advertising, Insurance, Financial Services, and Travel", + "detailed_work_activities": [ + "Monitor market conditions or trends.", + "Advise customers on the use of products or services.", + "Advise others on business or operational matters.", + "Answer customer questions about goods or services.", + "Assess the cost effectiveness of products, projects, or services.", + "Attend events to develop professional knowledge.", + "Calculate costs of goods or services.", + "Contact current or potential customers to promote products or services.", + "Develop content for sales presentations or other materials.", + "Distribute promotional literature or samples to customers.", + "Estimate costs or terms of sales.", + "Explain technical product or service information to customers.", + "Identify potential customers.", + "Maintain records of customer accounts.", + "Negotiate prices or other sales terms.", + "Prepare sales or other contracts.", + "Recommend products or services to customers.", + "Study product information to acquire professional knowledge." + ], + "skills": [], + "skill_vector": { + "Sales Communication": 1, + "Customer Needs Assessment": 1, + "Product Knowledge Communication": 1, + "Professional Persuasion": 1, + "Client Relationship Development": 1, + "Market Intelligence": 1, + "Professional Documentation": 1, + "Stakeholder Communication": 1, + "Strategic Sales Management": 1, + "Transaction Processing": 1, + "Professional Networking": 1, + "Cost Analysis": 1, + "Presentation Skills": 1, + "Professional Communication": 1, + "Technical Product Communication": 1 + }, + "original_index": 160, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "27-4015.00", + "job_title": "Lighting Technicians", + "detailed_work_activities": [ + "Set up still or video cameras or related equipment.", + "Attach equipment extensions or accessories.", + "Calibrate equipment to specifications.", + "Collaborate with others to determine design specifications or details.", + "Disassemble equipment for maintenance or repair.", + "Gather information about work conditions or locations.", + "Inspect equipment to ensure safety or proper functioning.", + "Install computer hardware.", + "Install electrical components, equipment, or systems.", + "Load materials or equipment.", + "Notify others of equipment problems.", + "Operate control consoles for sound, lighting or video.", + "Position safety or support equipment.", + "Program equipment to perform production tasks.", + "Repair electrical equipment.", + "Run wiring to connect equipment.", + "Set up material handling gear or equipment, such as rigging, packaging, or temporary structures.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Unload materials or equipment." + ], + "skills": [], + "skill_vector": { + "Technical Equipment Installation": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Technical Equipment Calibration": 1, + "Technical Communication": 1, + "Technical Documentation": 1, + "Electrical Systems Installation": 1, + "Technical Problem Solving": 1, + "Material Handling": 1, + "Technical Equipment Programming": 1, + "Technical Inspection": 1, + "Collaborative Technical Communication": 1, + "Technical Performance Verification": 1 + }, + "original_index": 161, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "47-2053.00", + "job_title": "Terrazzo Workers and Finishers", + "detailed_work_activities": [ + "Mix substances or compounds needed for work activities.", + "Load materials into construction equipment.", + "Measure materials or objects for installation or assembly.", + "Apply decorative masonry finishes.", + "Smooth surfaces with abrasive materials or tools.", + "Cut metal components for installation.", + "Plan production or operational procedures or sequences.", + "Finish concrete surfaces.", + "Clean surfaces in preparation for work activities.", + "Spread concrete or other aggregate mixtures.", + "Apply sealants or other protective coatings.", + "Align masonry materials.", + "Apply material to fill gaps in surfaces.", + "Clean equipment or facilities.", + "Clean work sites.", + "Install masonry materials.", + "Prepare surfaces for finishing.", + "Move construction or extraction materials to locations where they are needed.", + "Break up rock, asphalt, or concrete.", + "Drill holes in construction materials.", + "Position structural components.", + "Pour materials into or on designated areas.", + "Build construction forms or molds.", + "Position construction forms or molds.", + "Install roofing materials.", + "Dismantle equipment or temporary structures.", + "Signal equipment operators to indicate proper equipment positioning." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Coordination": 1, + "Quality Control Analysis": 1, + "Material Handling": 1, + "Surface Preparation": 1, + "Construction Material Manipulation": 1, + "Precision Manual Construction": 1, + "Technical Equipment Operation": 1, + "Safety and Compliance Management": 1, + "Measurement and Verification": 1, + "Technical Surface Treatment": 1 + }, + "original_index": 162, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1241.00", + "job_title": "Ophthalmologists, Except Pediatric", + "detailed_work_activities": [ + "Test patient vision.", + "Diagnose medical conditions.", + "Monitor patients following surgeries or other treatments.", + "Treat chronic diseases or disorders.", + "Develop medical treatment plans.", + "Operate on patients to treat conditions.", + "Administer non-intravenous medications.", + "Prescribe medications.", + "Analyze test data or images to inform diagnosis or treatment.", + "Order medical diagnostic or clinical tests.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Record patient medical histories.", + "Advise medical personnel regarding healthcare issues.", + "Refer patients to other healthcare practitioners or health resources.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Prescribe assistive medical devices or related treatments.", + "Prescribe treatments or therapies.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Diagnostic Assessment": 1, + "Medical Treatment Planning": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Medical Procedure Support": 1, + "Healthcare Professional Collaboration": 1, + "Medical Documentation Management": 1, + "Advanced Medical Intervention": 1, + "Precision Medical Intervention": 1, + "Scientific Research Methodology": 1, + "Technical Medical Documentation": 1, + "Vision Care Technical Expertise": 1 + }, + "original_index": 163, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "27-1022.00", + "job_title": "Fashion Designers", + "detailed_work_activities": [ + "Draw detailed or technical illustrations.", + "Write informational material.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Collaborate with others to develop or refine designs.", + "Select materials or props.", + "Promote products, activities, or organizations.", + "Coordinate design activities.", + "Conduct market research.", + "Build models, patterns, or templates.", + "Monitor current trends.", + "Maintain inventories of materials, equipment, or products.", + "Conduct research to inform art, designs, or other work.", + "Study scripts to determine project requirements." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Creative Design Conceptualization": 1, + "Visual Design Communication": 1, + "Artistic Material Preparation": 1, + "Design Visualization": 1, + "Creative Trend Monitoring": 1, + "Collaborative Design Production": 1, + "Technical Design Documentation": 1, + "Market Intelligence Analysis": 1, + "Professional Communication": 1, + "Product Demonstration Skills": 1, + "Persuasive Communication": 1, + "Strategic Marketing Communication": 1, + "Textile Material Manipulation": 1, + "Color Theory and Application": 0 + }, + "original_index": 164, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "19-3033.00", + "job_title": "Clinical and Counseling Psychologists", + "detailed_work_activities": [ + "Evaluate patient functioning, capabilities, or health.", + "Record research or operational data.", + "Diagnose neural or psychological disorders.", + "Prepare scientific or technical reports or presentations.", + "Counsel clients on mental health or personal achievement.", + "Collect information from people through observation, interviews, or surveys.", + "Evaluate the effectiveness of counseling or educational programs.", + "Modify treatment plans to accommodate client needs.", + "Design psychological or educational treatment procedures or programs.", + "Direct medical science or healthcare programs.", + "Review professional literature to maintain professional knowledge.", + "Collect archival data.", + "Administer standardized physical or psychological tests.", + "Advise others on healthcare matters.", + "Supervise trainees.", + "Supervise workers providing client or patient services.", + "Train staff members.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Develop educational programs.", + "Advise others on educational matters.", + "Write reports or evaluations.", + "Plan social sciences research." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Behavioral Health Counseling": 1, + "Behavioral Intervention Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Counseling": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Documentation Management": 1, + "Patient Psychological Assessment": 1, + "Psychological Assessment": 1, + "Therapeutic Patient Communication": 1, + "Therapeutic Intervention Strategy": 1 + }, + "original_index": 165, + "sparsity": 0.9876260311640697 + }, + { + "onet_code": "53-6051.01", + "job_title": "Aviation Inspectors", + "detailed_work_activities": [ + "Inspect aircraft or aircraft components.", + "Investigate transportation incidents, violations, or complaints.", + "Review documents or materials for compliance with policies or regulations.", + "Issue certificates or licenses.", + "Record service or repair activities.", + "Recommend changes or corrective procedures.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Pilot aircraft.", + "Evaluate performance of applicants, trainees, or employees.", + "Test performance of aircraft equipment." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Aviation Safety Inspection": 1, + "Aviation Safety Management": 1, + "Aviation Safety Compliance": 1, + "Technical Safety Inspection": 1, + "Technical Documentation Management": 1, + "Operational Safety Monitoring": 1, + "Regulatory Compliance Monitoring": 1, + "Technical Equipment Diagnostics": 1, + "Performance Evaluation Management": 1, + "Technical Investigative Documentation": 1 + }, + "original_index": 166, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1024.00", + "job_title": "Prosthodontists", + "detailed_work_activities": [ + "Check physical condition of people or animals.", + "Examine mouth, teeth, gums, or related facial structures.", + "Adjust prostheses or other assistive devices.", + "Adjust dental devices or appliances to ensure fit.", + "Measure the physical or physiological attributes of patients.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Design medical devices or appliances.", + "Treat dental problems or diseases." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Science\u2014 Using scientific rules and methods to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Management": 1, + "Healthcare Equipment Customization": 1, + "Healthcare Patient Communication": 1, + "Medical Device Fabrication": 1, + "Medical Diagnostic Reasoning": 1, + "Precision Medical Device Fabrication": 1, + "Treatment Plan Development": 1 + }, + "original_index": 167, + "sparsity": 0.9867094408799266 + }, + { + "onet_code": "15-2051.01", + "job_title": "Business Intelligence Analysts", + "detailed_work_activities": [ + "Prepare analytical reports.", + "Update computer database information.", + "Develop information communication procedures.", + "Provide technical support for software maintenance or use.", + "Analyze market or customer related data.", + "Create databases to store electronic data.", + "Document operational procedures.", + "Collect data about customer needs.", + "Report information to managers or other personnel.", + "Update knowledge about emerging industry or technology trends.", + "Develop models of information or communications systems.", + "Document technical specifications or requirements." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Business Intelligence Analysis": 1, + "Advanced Analytical Reasoning": 1, + "Analytical Problem Solving": 1, + "Data Management": 1, + "Information Processing": 1, + "Strategic Information Gathering": 1, + "Technical Documentation Management": 1, + "Strategic Business Intelligence": 1, + "Communication Information Management": 1, + "Trend and Market Research": 1, + "Technical Communication": 1, + "Systems Analysis": 1, + "Computational Data Analysis": 1, + "Strategic Operational Analysis": 1 + }, + "original_index": 168, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "49-2021.00", + "job_title": "Radio, Cellular, and Tower Equipment Installers and Repairers", + "detailed_work_activities": [ + "Climb equipment or structures to access work areas.", + "Inspect completed work to ensure proper functioning.", + "Lay cables to connect equipment.", + "Test communications equipment to ensure proper functioning.", + "Install electrical components, equipment, or systems.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Replace worn, damaged, or defective mechanical parts.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Connect electrical components or equipment.", + "Assemble electrical components, subsystems, or systems.", + "Bolt objects into place.", + "Test electrical equipment or systems to ensure proper functioning.", + "Maintain work equipment or machinery.", + "Gather information about work conditions or locations.", + "Document operational activities.", + "Adjust equipment to ensure optimal performance.", + "Inspect telecommunications equipment to identify problems.", + "Repair electrical components.", + "Move large objects using heavy equipment.", + "Record images needed to address work issues.", + "Adjust the tension of nuts or bolts.", + "Calibrate equipment to specifications.", + "Control power supply connections.", + "Inspect safety equipment to ensure proper functioning.", + "Install audio or communications equipment.", + "Position equipment using hand tools, power tools, or heavy equipment.", + "Repair electrical circuits or wiring.", + "Repair electronic equipment.", + "Solder parts or connections between parts.", + "Test electrical circuits or components for proper functioning." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Technical Equipment Installation": 1, + "Equipment Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Technical Measurement and Verification": 1, + "Technical Problem Solving": 1, + "Precision Equipment Operation": 1, + "Technical Communication": 1, + "Telecommunications Equipment Installation": 1, + "Technical Safety Inspection": 1, + "Material Handling": 1, + "Technical Repair Workflow": 1, + "Operational Safety Monitoring": 1 + }, + "original_index": 169, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-1031.00", + "job_title": "Legislators", + "detailed_work_activities": [ + "Maintain knowledge of current developments in area of expertise.", + "Represent the organization in external relations.", + "Conduct hearings to investigate legal issues.", + "Present information to the public.", + "Support the professional development of others.", + "Analyze impact of legal or regulatory changes.", + "Approve expenditures.", + "Compile data or documentation.", + "Confer with organizational members to accomplish work activities.", + "Coordinate operational activities with external stakeholders.", + "Develop marketing plans or strategies.", + "Draft legislation or regulations.", + "Establish interpersonal business relationships to facilitate work activities.", + "Evaluate program effectiveness.", + "Gather customer or product information to determine customer needs.", + "Hire personnel.", + "Manage outreach activities.", + "Prepare proposals or grant applications to obtain project funding.", + "Promote products, services, or programs.", + "Recommend organizational process or policy changes.", + "Resolve customer complaints or problems.", + "Serve on institutional or departmental committees.", + "Supervise employees." + ], + "skills": [], + "skill_vector": { + "Advanced Operational Governance": 1, + "Advanced Stakeholder Communication": 1, + "Advanced Stakeholder Negotiation": 1, + "Policy Analysis and Development": 1, + "Legal Reasoning": 1, + "Strategic Organizational Communication": 1, + "Strategic Policy Communication": 1, + "Organizational Governance": 1, + "Strategic Organizational Leadership": 1, + "Professional Communication": 1, + "Strategic Decision Making": 1, + "Regulatory Compliance Management": 1, + "Strategic Resource Allocation": 1, + "Investigative Documentation": 1, + "Professional Documentation Management": 1, + "Stakeholder Relationship Management": 1, + "Strategic Communication": 1, + "Public Safety Management": 1, + "Comprehensive Operational Coordination": 1, + "Strategic Risk Assessment": 1 + }, + "original_index": 170, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "17-2011.00", + "job_title": "Aerospace Engineers", + "detailed_work_activities": [ + "Create models of engineering designs or methods.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Design electromechanical equipment or systems.", + "Direct quality control activities.", + "Prepare procedural documents.", + "Direct design or development activities.", + "Evaluate designs or specifications to ensure quality.", + "Inspect equipment or systems.", + "Investigate system, equipment, or product failures.", + "Determine design criteria or specifications.", + "Analyze design or requirements information for mechanical equipment or systems.", + "Maintain operational records or records systems.", + "Approve expenditures.", + "Gather organizational performance information.", + "Design systems to reduce harmful emissions.", + "Research design or application of green technologies." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Research Methodology": 1, + "Advanced Scientific Problem Solving": 1, + "Engineering Systems Design": 1, + "Technical Design Documentation": 1, + "Technical Systems Engineering": 1, + "Complex Problem Solving": 1, + "Technology Design": 1, + "Quality Control Analysis": 1 + }, + "original_index": 171, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "27-2011.00", + "job_title": "Actors", + "detailed_work_activities": [ + "Collaborate with others to prepare or perform artistic productions.", + "Entertain public with comedic or dramatic performances.", + "Study scripts to determine project requirements.", + "Practice athletic or artistic skills.", + "Audition for roles.", + "Perform music for the public.", + "Collaborate with others to determine technical details of productions.", + "Promote products, activities, or organizations.", + "Write material for artistic or entertainment purposes.", + "Inform viewers, listeners, or audiences.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Artistic Audition and Career Development": 1, + "Artistic Collaboration": 1, + "Artistic Performance Coordination": 1, + "Artistic Performance Management": 1, + "Professional Performance Communication": 1, + "Creative Performance Skills": 1, + "Performance Career Development": 1, + "Professional Talent Representation": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Creative Artistic Instruction": 1, + "Performance Coaching": 1, + "Promotional Content Creation": 1, + "Media Production Coordination": 1, + "Professional Image Modeling": 1 + }, + "original_index": 172, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "39-2011.00", + "job_title": "Animal Trainers", + "detailed_work_activities": [ + "Train animals.", + "Direct productions or performances.", + "Care for animals.", + "Clean facilities or work areas.", + "Maintain facilities.", + "Monitor health or behavior of people or animals.", + "Evaluate capabilities or training needs.", + "Administer basic health care or medical treatments.", + "Document client health or progress.", + "Discuss service options or needs with clients.", + "Organize recreational activities or events." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Animal Care Management": 1, + "Animal Care and Handling": 1, + "Animal Training and Care": 1, + "Instructional Adaptation": 1, + "Performance Instruction": 1, + "Performance Monitoring and Evaluation": 1, + "Adaptive Instructional Techniques": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1, + "Client Interaction Management": 1, + "Preventive Animal Healthcare": 1, + "Veterinary Technical Support": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 173, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "43-6011.00", + "job_title": "Executive Secretaries and Executive Administrative Assistants", + "detailed_work_activities": [ + "Schedule operational activities.", + "Execute sales or other financial transactions.", + "Make travel, accommodations, or entertainment arrangements for others.", + "Prepare research or technical reports.", + "Maintain medical records.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Manage clerical or administrative activities.", + "Answer telephones to direct calls or provide information.", + "Coordinate operational activities.", + "Prepare business correspondence.", + "Distribute incoming mail.", + "Greet customers, patrons, or visitors.", + "Sort mail.", + "Compile data or documentation.", + "Order materials, supplies, or equipment.", + "File documents or records.", + "Explain regulations, policies, or procedures.", + "Read materials to determine needed actions.", + "Develop organizational policies or programs.", + "Perform administrative or clerical tasks.", + "Confer with coworkers to coordinate work activities.", + "Record information from meetings or other formal proceedings.", + "Transcribe spoken or written information.", + "Supervise clerical or administrative personnel.", + "Train personnel.", + "Inspect operational processes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Administrative Support Coordination": 1, + "Professional Communication": 1, + "Professional Documentation": 1, + "Time Management": 1, + "Operational Coordination": 1, + "Stakeholder Communication Management": 1, + "Strategic Operational Communication": 1, + "Client Relationship Management": 1, + "Travel Service Coordination": 1, + "Meeting Coordination": 1, + "Scheduling Management": 1, + "Professional Networking": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0 + }, + "original_index": 174, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "19-3041.00", + "job_title": "Sociologists", + "detailed_work_activities": [ + "Conduct research on social issues.", + "Interpret research or operational data.", + "Prepare scientific or technical reports or presentations.", + "Collect information from people through observation, interviews, or surveys.", + "Develop methods of social or economic research.", + "Instruct college students in social sciences or humanities disciplines.", + "Plan social sciences research.", + "Present research results to others.", + "Inform viewers, listeners, or audiences.", + "Present information to the public.", + "Design psychological or educational treatment procedures or programs.", + "Advise others on matters of public policy.", + "Supervise scientific or technical personnel.", + "Coordinate cross-disciplinary research programs.", + "Prepare proposals or grant applications to obtain project funding.", + "Write grant proposals." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Research Methodology": 1, + "Social Research Methodology": 1, + "Strategic Policy Communication": 1, + "Stakeholder Communication": 1, + "Professional Research and Development": 1, + "Interdisciplinary Research Collaboration": 1 + }, + "original_index": 175, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "53-3033.00", + "job_title": "Light Truck Drivers", + "detailed_work_activities": [ + "Follow safety procedures for vehicle operation.", + "Report vehicle or equipment malfunctions.", + "Verify information or specifications.", + "Maintain vehicles in good working condition.", + "Inspect motor vehicles.", + "Read maps to determine routes.", + "Receive information or instructions for performing work assignments.", + "Process customer bills or payments.", + "Load shipments, belongings, or materials.", + "Collect fares or payment from customers.", + "Record details of deliveries or shipments.", + "Operate vehicles or material-moving equipment.", + "Maintain work equipment or machinery.", + "Notify others of emergencies, problems, or hazards." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Vehicle Operation Control": 1, + "Vehicle Operation Safety": 1, + "Vehicle Inspection and Safety": 1, + "Vehicle Mechanical Diagnostics": 1, + "Route Navigation and Planning": 1, + "Material Handling": 1, + "Operational Documentation": 1, + "Customer Service Coordination": 1, + "Operational Safety Management": 1, + "Transportation Safety Compliance": 1 + }, + "original_index": 176, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-9041.00", + "job_title": "Insurance Claims and Policy Processing Clerks", + "detailed_work_activities": [ + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Check data for recording errors.", + "Execute sales or other financial transactions.", + "Calculate costs of goods or services.", + "Compile data or documentation.", + "Send information, materials or documentation.", + "Review customer insurance information.", + "Discuss account status or activity with customers or patrons.", + "Maintain operational records.", + "Enter information into databases or software programs.", + "Explain regulations, policies, or procedures.", + "Provide notifications to customers or patrons.", + "Verify accuracy of financial or transactional data.", + "Collect deposits, payments or fees.", + "Answer telephones to direct calls or provide information.", + "Interview employees, customers, or others to collect information.", + "Obtain personal or financial information about customers or applicants.", + "Prepare business correspondence.", + "Provide information to coworkers.", + "Maintain financial or account records.", + "Calculate financial data." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Administrative Transaction Processing": 1, + "Client Information Processing": 1, + "Customer Information Management": 1, + "Financial Information Processing": 1, + "Insurance Claims Processing": 1, + "Operational Documentation": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Regulatory Compliance Documentation": 1, + "Technical Documentation": 1 + }, + "original_index": 177, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "41-9091.00", + "job_title": "Door-to-Door Sales Workers, News and Street Vendors, and Related Workers", + "detailed_work_activities": [ + "Demonstrate products to consumers.", + "Explain technical product or service information to customers.", + "Identify potential customers.", + "Arrange delivery of goods or services.", + "Process sales or other transactions.", + "Take product orders from customers.", + "Contact current or potential customers to promote products or services.", + "Coordinate sales campaigns.", + "Answer customer questions about goods or services.", + "Sell products or services.", + "Distribute promotional literature or samples to customers.", + "Purchase stocks of merchandise or supplies.", + "Set up merchandise displays.", + "Stock products or parts." + ], + "skills": [ + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Academic Instruction": 0, + "Sales Communication": 1, + "Customer Interaction Management": 1, + "Product Demonstration": 1, + "Persuasive Communication": 1, + "Transaction Processing": 1, + "Inventory Management": 1, + "Strategic Sales Management": 1, + "Professional Networking": 1 + }, + "original_index": 178, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "53-6011.00", + "job_title": "Bridge and Lock Tenders", + "detailed_work_activities": [ + "Control pumps or pumping equipment.", + "Control equipment that regulates vehicle traffic.", + "Monitor surroundings to detect potential hazards.", + "Monitor vehicle movement or location.", + "Direct vehicle traffic.", + "Record operational details of travel.", + "Monitor traffic signals.", + "Clean machinery or equipment.", + "Report vehicle or equipment malfunctions.", + "Arrange maintenance activities.", + "Secure watercraft to docks, wharves or other vessels.", + "Prepare accident or incident reports.", + "Clean facilities or work areas." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Safety and Compliance Monitoring": 1, + "Technical Documentation": 1, + "Coordination and Communication": 1, + "Maintenance and Cleaning": 1, + "Transportation Systems Navigation": 1, + "Maritime Operations Management": 1 + }, + "original_index": 179, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "19-4031.00", + "job_title": "Chemical Technicians", + "detailed_work_activities": [ + "Analyze chemical compounds or substances.", + "Clean objects.", + "Maintain laboratory or technical equipment.", + "Evaluate quality of materials or products.", + "Prepare compounds or solutions for products or testing.", + "Set up laboratory or field equipment.", + "Interpret research or operational data.", + "Serve on institutional or departmental committees.", + "Train personnel in technical or scientific procedures.", + "Prepare scientific or technical reports or presentations.", + "Manage scientific or technical project resources.", + "Operate laboratory or field equipment.", + "Supervise scientific or technical personnel.", + "Develop new or advanced products or production methods." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Chemical Analysis and Synthesis": 1, + "Scientific Research Methodology": 1, + "Laboratory Equipment Management": 1, + "Technical Documentation": 1, + "Quality Control Analysis": 1, + "Scientific Problem Solving": 1, + "Technical Equipment Operation": 1, + "Chemical Solution Preparation": 1, + "Precision Measurement": 1, + "Technical Safety Management": 1 + }, + "original_index": 180, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1253.00", + "job_title": "Software Quality Assurance Analysts and Testers", + "detailed_work_activities": [ + "Document operational activities.", + "Analyze data to identify or resolve operational problems.", + "Troubleshoot issues with computer applications or systems.", + "Compile technical information or documentation.", + "Report maintenance or equipment problems to appropriate personnel.", + "Develop testing routines or procedures.", + "Document design or development procedures.", + "Recommend changes to improve computer or information systems.", + "Install computer software.", + "Test computer system operations to ensure proper functioning.", + "Create databases to store electronic data.", + "Monitor computer system performance to ensure proper operation.", + "Develop performance metrics or standards related to information technology.", + "Collaborate with others to determine design specifications or details.", + "Develop detailed project plans.", + "Test software performance.", + "Provide customer service to clients or users.", + "Manage documentation to ensure organization or accuracy.", + "Read documents to gather technical information.", + "Collaborate with others to resolve information technology issues.", + "Analyze data to identify trends or relationships among variables.", + "Evaluate utility of software or hardware technologies.", + "Assess database performance.", + "Modify software programs to improve performance.", + "Prepare data for analysis.", + "Provide recommendations to others about computer hardware." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Programming\u2014 Writing computer programs for various purposes.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Software Quality Assurance": 1, + "Technical Documentation Management": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Technical Quality Control": 1, + "Technical Communication": 1, + "Technical Performance Monitoring": 1, + "Technical Project Coordination": 1, + "Technical Information Processing": 1, + "Technical Risk Assessment": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Healthcare Patient Assessment": 0 + }, + "original_index": 181, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-1124.00", + "job_title": "Foreign Language and Literature Teachers, Postsecondary", + "detailed_work_activities": [ + "Develop instructional materials.", + "Evaluate student work.", + "Maintain student records.", + "Guide class discussions.", + "Teach humanities courses at the college level.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Administer tests to assess educational needs or progress.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Prepare tests.", + "Stay informed about current developments in field of specialization.", + "Advise students on academic or career matters.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Supervise student research or internship work.", + "Write reports or evaluations.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Create technology-based learning materials.", + "Coordinate student extracurricular activities.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Write grant proposals." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 0 + }, + "original_index": 182, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "25-2057.00", + "job_title": "Special Education Teachers, Middle School", + "detailed_work_activities": [ + "Establish rules or policies governing student behavior.", + "Modify teaching methods or materials to accommodate student needs.", + "Develop strategies or programs for students with special needs.", + "Design psychological or educational treatment procedures or programs.", + "Develop educational programs.", + "Maintain student records.", + "Prepare reports detailing student activities or performance.", + "Discuss student progress with parents or guardians.", + "Teach life skills.", + "Discuss problems or issues with supervisors.", + "Collaborate with other teaching professionals to develop educational programs.", + "Evaluate student work.", + "Monitor student performance.", + "Monitor student behavior, social development, or health.", + "Assist students with special educational needs.", + "Plan educational activities.", + "Direct activities of subordinates.", + "Set up classroom materials or equipment.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Apply multiple teaching methods.", + "Create technology-based learning materials.", + "Develop instructional objectives.", + "Advise students on academic or career matters.", + "Document lesson plans.", + "Evaluate performance of educational staff.", + "Supervise student research or internship work.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Teach others to use technology or equipment.", + "Teach vocational courses.", + "Serve on institutional or departmental committees.", + "Plan experiential learning activities.", + "Display student work.", + "Supervise school or student activities.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment.", + "Tutor students who need extra assistance." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Classroom Behavior Management": 1, + "Developmental Instructional Adaptation": 1, + "Educational Support": 1, + "Inclusive Learning Management": 1, + "Learner Needs Assessment": 1, + "Student Performance Assessment": 1, + "Student Performance Management": 1, + "Student Safety Management": 1, + "Counseling and Guidance": 1, + "Developmental Support Counseling": 1 + }, + "original_index": 183, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "49-3091.00", + "job_title": "Bicycle Repairers", + "detailed_work_activities": [ + "Install vehicle parts or accessories.", + "Adjust vehicle components according to specifications.", + "Explain technical product or service information to customers.", + "Assemble mechanical components or machine parts.", + "Align equipment or machinery.", + "Sell products or services.", + "Order materials, supplies, or equipment.", + "Perform basic equipment maintenance.", + "Disassemble equipment for maintenance or repair.", + "Grind parts to required dimensions.", + "Repair tires." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Academic Instruction": 0, + "Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Mechanical Repair Skills": 1, + "Technical Diagnostic Reasoning": 1, + "Customer Service Communication": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Safety Inspection": 1, + "Material Handling": 1, + "Precision Measurement": 1 + }, + "original_index": 184, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "21-1092.00", + "job_title": "Probation Officers and Correctional Treatment Specialists", + "detailed_work_activities": [ + "Maintain client information or service records.", + "Collect information about clients.", + "Counsel clients or patients with substance abuse issues.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Monitor health or behavior of people or animals.", + "Visit individuals in their homes to provide support or information.", + "Recommend legal actions.", + "Arrange physical or mental health services for clients.", + "Investigate legal issues.", + "Develop working relationships with others to facilitate program activities.", + "Administer drug screening tests.", + "Explain regulations, policies, or procedures.", + "Write reports or evaluations.", + "Plan programs to address community mental wellness needs.", + "Evaluate characteristics of individuals to determine needs or eligibility.", + "Help clients get needed services or resources.", + "Refer individuals to educational or work programs.", + "Provide educational materials to community members." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Client Case Management": 1, + "Client Interaction Management": 1, + "Behavioral Intervention Management": 1, + "Counseling and Guidance": 1, + "Legal Compliance Monitoring": 1, + "Substance Abuse Intervention": 1, + "Risk Assessment": 1, + "Professional Documentation": 1, + "Community Resource Navigation": 1, + "Conflict Resolution and Mediation": 1, + "Professional Communication": 1, + "Treatment Plan Development": 1, + "Academic Instruction": 0, + "Technical Equipment Management": 0 + }, + "original_index": 185, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-4071.00", + "job_title": "Septic Tank Servicers and Sewer Pipe Cleaners", + "detailed_work_activities": [ + "Communicate with other construction or extraction personnel to discuss project details.", + "Drive trucks or truck-mounted equipment.", + "Inspect plumbing systems or fixtures.", + "Clean equipment or facilities.", + "Record operational or environmental data.", + "Maintain plumbing structures or fixtures.", + "Measure work site dimensions.", + "Locate equipment or materials in need of repair or replacement.", + "Maintain construction tools or equipment.", + "Decontaminate equipment or sites to remove hazardous or toxic substances.", + "Inspect completed work to ensure proper installation.", + "Maintain mechanical equipment.", + "Install equipment attachments or components.", + "Operate heavy-duty construction or installation equipment.", + "Dig holes or trenches.", + "Edit documents.", + "Compact materials to create level bases.", + "Cut metal components for installation.", + "Remove worn, damaged or outdated materials from work areas.", + "Spread sand, dirt or other loose materials onto surfaces.", + "Order construction or extraction materials or equipment.", + "Break up rock, asphalt, or concrete.", + "Drill holes in construction materials." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Critical Thinking": 1, + "Active Listening": 1, + "Equipment Maintenance": 1, + "Quality Control Analysis": 1, + "Repairing": 1, + "Time Management": 1, + "Troubleshooting": 1 + }, + "original_index": 186, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "11-9199.01", + "job_title": "Regulatory Affairs Managers", + "detailed_work_activities": [ + "Develop operating strategies, plans, or procedures.", + "Review documents or materials for compliance with policies or regulations.", + "Manage control system activities in organizations.", + "Maintain regulatory or compliance documentation.", + "Prepare reports related to compliance matters.", + "Coordinate with external parties to exchange information.", + "Represent the organization in external relations.", + "Advise others on legal or regulatory compliance matters.", + "Communicate organizational policies and procedures.", + "Maintain knowledge of current developments in area of expertise.", + "Implement organizational process or policy changes.", + "Develop organizational policies or programs.", + "Coordinate regulatory documentation activities.", + "Examine marketing materials to ensure compliance with policies or regulations.", + "Manage documentation to ensure organization or accuracy.", + "Develop organizational methods or procedures.", + "Monitor organizational procedures to ensure proper functioning.", + "Conduct employee training programs.", + "Develop organizational goals or objectives.", + "Prepare operational budgets.", + "Prepare staff schedules or work assignments.", + "Monitor organizational compliance with regulations.", + "Confer with organizational members to accomplish work activities.", + "Monitor external affairs or events affecting business operations.", + "Establish interpersonal business relationships to facilitate work activities.", + "Evaluate environmental impact of operational or development activities.", + "Coordinate operational activities with external stakeholders.", + "Evaluate potential of products, technologies, or resources." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Advanced Regulatory Compliance": 1, + "Regulatory Compliance Management": 1, + "Regulatory Compliance Documentation": 1, + "Regulatory Compliance Monitoring": 1, + "Regulatory Compliance Communication": 1, + "Strategic Compliance Communication": 1, + "Professional Documentation Management": 1, + "Stakeholder Communication Management": 1, + "Strategic Operational Communication": 1, + "Technical Documentation Management": 1, + "Strategic Risk Assessment": 1, + "Professional Communication": 1, + "Strategic Decision Making": 1, + "Operational Compliance Management": 1, + "Professional Regulatory Communication": 1 + }, + "original_index": 187, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-1029.01", + "job_title": "Bioinformatics Scientists", + "detailed_work_activities": [ + "Develop software or applications for scientific or technical use.", + "Prepare scientific or technical reports or presentations.", + "Advise others on the development or use of new technologies.", + "Analyze biological samples.", + "Review professional literature to maintain professional knowledge.", + "Develop technical or scientific databases.", + "Research genetic characteristics or expression.", + "Supervise scientific or technical personnel.", + "Collaborate with technical specialists to resolve design or development problems.", + "Advise others on business or operational matters.", + "Train personnel in technical or scientific procedures." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Scholarship": 1, + "Biological Research Methodology": 1, + "Computational Bioinformatics": 1, + "Computational Bioinformatics Analysis": 1, + "Scientific Communication": 1, + "Scientific Documentation": 1, + "Scientific Research Methodology": 1, + "Technical Documentation": 1, + "Technical Research Methodology": 1, + "Advanced Scientific Problem Solving": 1, + "Research Data Management": 1, + "Technical Systems Analysis": 1, + "Software Development": 1, + "Database Management": 1, + "Genetic Research Methodology": 1, + "Biological Sample Analysis": 1, + "Biological Systems Analysis": 1, + "Advanced Analytical Reasoning": 1, + "Technical Problem Solving": 1, + "Professional Knowledge Communication": 1, + "Stakeholder Communication": 1, + "Technical Communication": 1, + "Collaborative Technical Problem Solving": 1 + }, + "original_index": 188, + "sparsity": 0.9857928505957837 + }, + { + "onet_code": "11-3121.00", + "job_title": "Human Resources Managers", + "detailed_work_activities": [ + "Liaise between departments or other groups to improve function or communication.", + "Advise others on legal or regulatory compliance matters.", + "Recommend organizational process or policy changes.", + "Administer compensation or benefits programs.", + "Analyze data to inform operational decisions or activities.", + "Manage human resources activities.", + "Hire personnel.", + "Represent the organization in external relations.", + "Interview employees, customers, or others to collect information.", + "Negotiate labor disputes.", + "Recruit personnel.", + "Supervise employees.", + "Communicate organizational policies and procedures.", + "Estimate labor requirements.", + "Investigate industrial or transportation accidents.", + "Prepare reports related to compliance matters.", + "Analyze data to inform personnel decisions.", + "Conduct employee training programs.", + "Maintain knowledge of current developments in area of expertise.", + "Compile operational data.", + "Maintain personnel records.", + "Prepare operational budgets.", + "Administer standardized physical or psychological tests.", + "Coordinate special events or programs.", + "Perform human resources activities.", + "Negotiate sales or lease agreements for products or services.", + "Advise others on career or personal development." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Human Resources Management": 1, + "Organizational Resource Management": 1, + "Personnel Resource Coordination": 1, + "Strategic Workforce Planning": 1, + "Professional Communication": 1, + "Talent Acquisition Strategy": 1, + "Employee Performance Management": 1, + "Compliance and Regulatory Management": 1, + "Compensation Strategy Development": 1, + "Conflict Resolution": 1, + "Training Program Development": 1, + "Professional Development Management": 1, + "Stakeholder Communication Management": 1, + "Operational Documentation Management": 1, + "Strategic Decision Making": 1, + "Advanced Interpersonal Communication": 1, + "Risk Assessment Management": 1, + "Psychological Assessment": 1, + "Legal Compliance Monitoring": 1, + "Budgetary Resource Management": 1 + }, + "original_index": 189, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "19-4092.00", + "job_title": "Forensic Science Technicians", + "detailed_work_activities": [ + "Analyze forensic evidence to solve crimes.", + "Prepare scientific or technical reports or presentations.", + "Record research or operational data.", + "Document events or evidence, using photographic or audiovisual equipment.", + "Testify at legal or legislative proceedings.", + "Collect evidence for legal proceedings.", + "Examine crime scenes to obtain evidence.", + "Measure distances or dimensions.", + "Train personnel in technical or scientific procedures.", + "Maintain laboratory or technical equipment.", + "Operate laboratory or field equipment.", + "Interpret research or operational data.", + "Collaborate on research activities with scientists or technical specialists.", + "Prepare compounds or solutions for products or testing." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Forensic Evidence Analysis": 1, + "Scientific Documentation": 1, + "Technical Documentation Management": 1, + "Scientific Research Methodology": 1, + "Technical Investigative Analysis": 1, + "Legal Documentation Management": 1, + "Technical Measurement and Verification": 1, + "Technical Equipment Operation": 1, + "Professional Communication": 1, + "Technical Safety Management": 1, + "Collaborative Technical Problem Solving": 1, + "Technical Training and Instruction": 1, + "Photographic Documentation": 1 + }, + "original_index": 190, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-1081.00", + "job_title": "Education Teachers, Postsecondary", + "detailed_work_activities": [ + "Research topics in area of expertise.", + "Develop instructional materials.", + "Write articles, books or other original materials in area of expertise.", + "Evaluate student work.", + "Administer tests to assess educational needs or progress.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Prepare tests.", + "Stay informed about current developments in field of specialization.", + "Supervise student research or internship work.", + "Guide class discussions.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Maintain student records.", + "Direct department activities.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Collaborate with other agencies and institutions to coordinate educational matters.", + "Write grant proposals.", + "Advise educators on curricula, instructional methods, or policies.", + "Train staff members.", + "Plan community programs or activities for the general public.", + "Compile specialized bibliographies or lists of materials." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 191, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1031.00", + "job_title": "Dietitians and Nutritionists", + "detailed_work_activities": [ + "Analyze patient data to determine patient needs or treatment goals.", + "Monitor nutrition related activities of individuals or groups.", + "Analyze laboratory findings.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Interpret cultural or religious information for others.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Compile data or documentation.", + "Create new recipes or food presentations.", + "Plan menu options.", + "Direct healthcare delivery programs.", + "Advise communities or institutions regarding health or safety issues.", + "Manage healthcare operations.", + "Supervise medical support personnel.", + "Train caregivers or other non-medical personnel.", + "Monitor medical facility activities to ensure adherence to standards or regulations.", + "Prepare healthcare training materials.", + "Manage preparation of special meals or diets.", + "Conduct health or safety training programs.", + "Conduct research to increase knowledge about medical issues.", + "Train medical providers.", + "Order medical supplies or equipment.", + "Design public or employee health programs.", + "Devise research or testing protocols.", + "Evaluate data quality.", + "Present medical research reports.", + "Consult with others regarding safe or healthy equipment or facilities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Administrative Healthcare Support": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Client Consultation and Needs Assessment": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Healthcare Patient Communication": 1, + "Healthcare Professional Collaboration": 1, + "Nutritional Assessment": 1, + "Patient Treatment Planning": 1, + "Scientific Research Methodology": 1 + }, + "original_index": 192, + "sparsity": 0.9862511457378552 + }, + { + "onet_code": "13-2082.00", + "job_title": "Tax Preparers", + "detailed_work_activities": [ + "Calculate tax information.", + "Examine financial records.", + "Interview clients to gather financial information.", + "Advise others on financial matters.", + "Verify accuracy of records.", + "Update professional knowledge.", + "Explain regulations, policies, or procedures.", + "Correspond with customers to answer questions or resolve complaints.", + "Develop financial plans for clients.", + "Schedule appointments." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Financial Analysis": 1, + "Financial Record Management": 1, + "Client Financial Needs Assessment": 1, + "Professional Communication": 1, + "Regulatory Compliance": 1, + "Information Processing": 1, + "Professional Knowledge Maintenance": 1, + "Quantitative Reasoning": 1, + "Customer Service Coordination": 1, + "Technical Documentation": 1 + }, + "original_index": 193, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-3031.00", + "job_title": "Surveying and Mapping Technicians", + "detailed_work_activities": [ + "Survey land or bodies of water to measure or determine features.", + "Evaluate designs or specifications to ensure quality.", + "Develop software or computer applications.", + "Monitor processes for compliance with standards.", + "Create maps.", + "Gather physical survey data.", + "Operate computer systems.", + "Verify mathematical calculations.", + "Explain project details to the general public.", + "Calculate geographic positions from survey data.", + "Assist engineers or scientists with research.", + "Prepare maps.", + "Document technical design details.", + "Create graphical representations of structures or landscapes.", + "Determine geographic coordinates.", + "Enter codes or other information into computers.", + "Estimate costs for projects or productions.", + "Supervise engineering or other technical personnel.", + "Survey land or properties." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Geospatial Analysis": 1, + "Geospatial Data Collection": 1, + "Geospatial Data Interpretation": 1, + "Geospatial Data Visualization": 1, + "Geospatial Survey Techniques": 1, + "Technical Measurement Precision": 1, + "Technical Measurement and Verification": 1, + "Technical Documentation": 1, + "Technical Graphical Representation": 1, + "Technical Visualization and Mapping": 1, + "Mathematical Problem Solving": 1, + "Computer Systems Operation": 1, + "Technical Equipment Operation": 1, + "Site Measurement and Layout": 1, + "Technical Problem Solving": 1, + "Project Management": 1, + "Quality Control Inspection": 1, + "Cost Estimation": 1, + "Professional Communication": 1 + }, + "original_index": 194, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "29-2072.00", + "job_title": "Medical Records Specialists", + "detailed_work_activities": [ + "Perform clerical work in medical settings.", + "Process healthcare paperwork.", + "Classify materials according to standard systems.", + "Code data or other information.", + "Collect medical information from patients, family members, or other medical professionals.", + "Communicate with management or other staff to resolve problems.", + "Enter patient or treatment data into computers.", + "Maintain medical facility records.", + "Maintain medical or professional knowledge.", + "Maintain security.", + "Monitor medical facility activities to ensure adherence to standards or regulations.", + "Prepare official health documents or records.", + "Process medical billing information.", + "Record patient medical histories.", + "Schedule appointments.", + "Schedule patient procedures or appointments." + ], + "skills": [], + "skill_vector": { + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Administrative Healthcare Support": 1, + "Clinical Documentation Management": 1, + "Clinical Documentation Processing": 1, + "Healthcare Documentation": 1, + "Precision Documentation": 1, + "Precision Medical Documentation": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Information Processing": 1, + "Precision Information Processing": 1, + "Client Information Processing": 1, + "Operational Documentation": 1, + "Operational Documentation Management": 1, + "Professional Documentation": 1, + "Professional Documentation Management": 1, + "Systematic Documentation": 1, + "Systematic Documentation Management": 1, + "Administrative Communication": 1, + "Professional Communication": 1, + "Patient Communication": 1, + "Interpersonal Communication": 1, + "Regulatory Compliance Management": 1, + "Regulatory Compliance Monitoring": 1, + "Scheduling": 1, + "Client Service Coordination": 1, + "Operational Coordination": 1 + }, + "original_index": 195, + "sparsity": 0.9862511457378552 + }, + { + "onet_code": "25-1022.00", + "job_title": "Mathematical Science Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Teach physical science or mathematics courses at the college level.", + "Maintain student records.", + "Develop instructional materials.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Guide class discussions.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Prepare activity or work schedules.", + "Prepare staff schedules or work assignments.", + "Schedule instructional activities.", + "Evaluate performance of educational staff.", + "Monitor performance of organizational members or partners.", + "Supervise student research or internship work.", + "Serve on institutional or departmental committees.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Write grant proposals.", + "Plan community programs or activities for the general public.", + "Compile specialized bibliographies or lists of materials." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 0 + }, + "original_index": 196, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "17-2112.02", + "job_title": "Validation Engineers", + "detailed_work_activities": [ + "Review technical documents to plan work.", + "Analyze test or validation data.", + "Prepare detailed work plans.", + "Document technical design details.", + "Maintain test equipment.", + "Conduct validation tests of equipment or processes.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Maintain operational records or records systems.", + "Inspect finished products to locate flaws.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Devise research or testing protocols.", + "Operate computer systems.", + "Resolve operational performance problems.", + "Inspect operational processes.", + "Collect samples of raw materials or finished products.", + "Direct quality control activities.", + "Update technical knowledge.", + "Train personnel on proper operational procedures.", + "Design electronic or computer equipment or instrumentation." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Technical Documentation": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Quality Control Analysis": 1, + "Technical Equipment Inspection": 1, + "Technical Safety Management": 1, + "Technical Problem Solving": 1, + "Technical Performance Verification": 1, + "Technical Communication": 1, + "Technical Research Methodology": 1, + "Technical Systems Analysis": 1, + "Precision Technical Documentation": 1, + "Technical Compliance Monitoring": 1, + "Advanced Operational Monitoring": 1, + "Technical Design Documentation": 1, + "Operational Quality Control": 1 + }, + "original_index": 197, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "33-3021.02", + "job_title": "Police Identification and Records Officers", + "detailed_work_activities": [ + "Document legal or regulatory information.", + "Write operational reports.", + "Process forensic or legal evidence in accordance with procedures.", + "Testify at legal or legislative proceedings.", + "Analyze crime scene evidence.", + "Examine crime scenes to obtain evidence.", + "Interview people to gather information about criminal activities.", + "Record crime or accident scene evidence with video or still cameras.", + "Respond to emergencies to provide assistance.", + "Draw detailed or technical illustrations.", + "Use databases to locate investigation details or other information.", + "Collaborate with law enforcement or security agencies to share information.", + "Direct employee training programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Investigative Documentation": 1, + "Investigative Evidence Analysis": 1, + "Investigative Evidence Collection": 1, + "Legal Documentation Management": 1, + "Forensic Investigation": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Interpersonal Observation": 1, + "Information Systems Management": 1, + "Public Safety Operations": 1, + "Strategic Investigative Analysis": 1, + "Technical Safety Management": 1 + }, + "original_index": 198, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-6092.00", + "job_title": "Fabric and Apparel Patternmakers", + "detailed_work_activities": [ + "Design templates or patterns.", + "Program equipment to perform production tasks.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Adjust fabrics or other materials during garment production.", + "Calculate dimensions of workpieces, products, or equipment.", + "Mark products, workpieces, or equipment with identifying information.", + "Assemble garments or textile products.", + "Position patterns on equipment, materials, or workpieces.", + "Confer with customers or designers to determine order specifications.", + "Inspected printed materials or other images to verify quality.", + "Construct patterns, templates, or other work aids.", + "Cut fabrics." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Pattern Design and Fabrication": 1, + "Pattern Design and Layout": 1, + "Precision Pattern Design": 1, + "Technical Design Documentation": 1, + "Technical Measurement and Layout": 1, + "Technical Measurement and Marking": 1, + "Textile Material Manipulation": 1, + "Material Handling and Preparation": 1, + "Precision Material Cutting": 1, + "Precision Material Preparation": 1, + "Quality Control Inspection": 1, + "Precision Technical Documentation": 1, + "Technical Communication": 1, + "Precision Manual Manipulation": 1, + "Technical Design Visualization": 1, + "Operational Pattern Management": 1, + "Production Quality Inspection": 1, + "Textile Inspection and Quality Control": 1, + "Precision Measurement Skills": 1, + "Technical Measurement Precision": 1 + }, + "original_index": 199, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "13-1199.07", + "job_title": "Security Management Specialists", + "detailed_work_activities": [ + "Develop technical specifications for systems or equipment.", + "Advise others on business or operational matters.", + "Assess risks to business operations.", + "Inspect facilities or equipment to ensure specifications are met.", + "Analyze budgetary or accounting data.", + "Design electronic or computer equipment or instrumentation.", + "Develop diagrams or flow charts of system operation.", + "Develop safety standards, policies, or procedures.", + "Document information related to legal proceedings.", + "Establish organizational guidelines or policies.", + "Implement organizational process or policy changes.", + "Inspect facilities to ensure compliance with safety, quality, or service standards.", + "Install instrumentation or electronic equipment or systems.", + "Interview witnesses, suspects, or claimants.", + "Investigate legal issues.", + "Maintain electronic equipment.", + "Monitor operations to ensure compliance with safety or security policies or regulations.", + "Prepare financial documents.", + "Repair electronic equipment.", + "Respond to emergencies to provide assistance.", + "Supervise employees.", + "Train personnel in organizational or compliance procedures.", + "Verify accuracy of records." + ], + "skills": [], + "skill_vector": { + "Advanced Operational Governance": 1, + "Advanced Operational Monitoring": 1, + "Advanced Problem Solving": 1, + "Advanced Regulatory Compliance": 1, + "Advanced Resource Management": 1, + "Advanced Stakeholder Communication": 1, + "Analytical Problem Solving": 1, + "Compliance and Regulatory Management": 1, + "Comprehensive Operational Coordination": 1, + "Comprehensive Performance Monitoring": 1, + "Critical Decision Making": 1, + "Emergency Preparedness Management": 1, + "Investigative Analysis": 1, + "Operational Compliance Management": 1, + "Operational Documentation": 1, + "Operational Risk Assessment": 1, + "Organizational Policy Development": 1, + "Professional Communication": 1, + "Risk Assessment": 1, + "Safety and Compliance Management": 1 + }, + "original_index": 200, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "45-4022.00", + "job_title": "Logging Equipment Operators", + "detailed_work_activities": [ + "Inspect equipment or facilities to determine condition or maintenance needs.", + "Maintain forestry, hunting, or agricultural equipment.", + "Operate forestry equipment.", + "Evaluate log quality.", + "Cut trees or logs.", + "Maintain personnel records.", + "Measure physical characteristics of forestry or agricultural products." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Agricultural Equipment Operation": 1, + "Equipment Operation and Control": 1, + "Equipment Maintenance": 1, + "Operational Monitoring": 1, + "Quality Control Analysis": 1, + "Troubleshooting": 1, + "Field Operations Management": 1, + "Safety and Compliance Management": 1, + "Technical Equipment Maintenance": 1 + }, + "original_index": 201, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-8031.00", + "job_title": "Water and Wastewater Treatment Plant and System Operators", + "detailed_work_activities": [ + "Operate chemical processing or water treatment systems or equipment.", + "Collect samples of materials or products for testing.", + "Test chemical or physical characteristics of materials or products.", + "Record operational or production data.", + "Inspect production equipment.", + "Maintain production or processing equipment.", + "Lubricate production equipment.", + "Repair production equipment or tools.", + "Clean production equipment.", + "Clean work areas.", + "Direct operational or production activities." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Chemical Processing Control": 1, + "Equipment Operation and Monitoring": 1, + "Quality Control Analysis": 1, + "Technical Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Operational Monitoring": 1, + "Technical Documentation": 1, + "Environmental Monitoring": 1, + "Precision Equipment Operation": 1 + }, + "original_index": 202, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "15-1299.03", + "job_title": "Document Management Specialists", + "detailed_work_activities": [ + "Develop procedures for data management.", + "Develop procedures for data entry or processing.", + "Prepare data for analysis.", + "Retrieve information from electronic sources.", + "Analyze costs and benefits of proposed designs or projects.", + "Assess the cost effectiveness of products, projects, or services.", + "Develop performance metrics or standards related to information technology.", + "Document operational procedures.", + "Implement security measures for computer or information systems.", + "Develop testing routines or procedures.", + "Manage documentation to ensure organization or accuracy.", + "Monitor operational activities to ensure compliance with regulations or standard operating procedures.", + "Collect data about customer needs.", + "Update knowledge about emerging industry or technology trends.", + "Document technical specifications or requirements.", + "Monitor the security of digital information.", + "Provide technical support for software maintenance or use.", + "Recommend changes to improve computer or information systems.", + "Prepare instruction manuals.", + "Analyze data to identify or resolve operational problems." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Precision Documentation": 1, + "Information Security Management": 1, + "Operational Documentation": 1, + "Systematic Documentation Management": 1, + "Technical Information Processing": 1, + "Comprehensive Information Processing": 1, + "Strategic Information Verification": 1, + "Operational Compliance Management": 1, + "Technical Safety and Compliance": 1 + }, + "original_index": 203, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-4111.00", + "job_title": "Tool and Die Makers", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate grinding equipment.", + "Operate metal or plastic forming equipment.", + "Calculate dimensions of workpieces, products, or equipment.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Inspect metal, plastic, or composite products.", + "Assemble machine tools, parts, or fixtures.", + "Operate welding equipment.", + "Repair parts or assemblies.", + "Select production input materials.", + "Smooth metal surfaces or edges.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Mount materials or workpieces onto production equipment.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Polish materials, workpieces, or finished products.", + "Conduct test runs of production equipment.", + "Design tools, fixtures, or other devices for production equipment.", + "Cut industrial materials in preparation for fabrication or processing.", + "Shape metal workpieces with hammers or other small hand tools.", + "Drill holes in parts, equipment, or materials.", + "Adjust temperature controls of ovens or other heating equipment.", + "Feed materials or products into or through equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Precision Technical Measurement": 1, + "Technical Equipment Operation": 1, + "Precision Material Handling": 1, + "Technical Quality Control": 1, + "Equipment Maintenance": 1, + "Technical Diagnostic Troubleshooting": 1, + "Precision Manufacturing Skills": 1, + "Technical Blueprint Interpretation": 1, + "Technical Safety Management": 1, + "Mechanical Component Fabrication": 1 + }, + "original_index": 204, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-4023.00", + "job_title": "Rolling Machine Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Operate metal or plastic forming equipment.", + "Watch operating equipment to detect malfunctions.", + "Inspect metal, plastic, or composite products.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Monitor equipment operation to ensure proper functioning.", + "Feed materials or products into or through equipment.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Calculate specific material, equipment, or labor requirements for production.", + "Install mechanical components in production equipment.", + "Select production equipment according to product specifications.", + "Mount attachments or tools onto production equipment.", + "Adjust equipment controls to regulate coolant flow.", + "Monitor instruments to ensure proper production conditions.", + "Operate cutting equipment.", + "Operate grinding equipment.", + "Reshape metal workpieces to established specifications.", + "Signal others to coordinate work activities.", + "Record operational or production data.", + "Polish materials, workpieces, or finished products.", + "Direct operational or production activities.", + "Instruct workers to use equipment or perform technical procedures.", + "Disassemble equipment for maintenance or repair.", + "Sort materials or products for processing, storing, shipping, or grading." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Quality Control Analysis": 1, + "Monitoring": 1, + "Speaking": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Active Learning": 1, + "Complex Problem Solving": 1, + "Coordination": 1, + "Equipment Maintenance": 1, + "Judgment and Decision Making": 1, + "Reading Comprehension": 1, + "Repairing": 1, + "Time Management": 1, + "Troubleshooting": 1 + }, + "original_index": 205, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "27-1012.00", + "job_title": "Craft Artists", + "detailed_work_activities": [ + "Construct distinctive physical objects for artistic, functional, or commercial purposes.", + "Apply finishes to artwork, crafts, or displays.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Select materials or props.", + "Promote products, activities, or organizations.", + "Build models, patterns, or templates.", + "Confer with clients to determine needs.", + "Develop promotional strategies or plans.", + "Draw detailed or technical illustrations.", + "Monitor current trends." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Artistic Design Conceptualization": 1, + "Creative Design Management": 1, + "Material Handling": 1, + "Artistic Material Preparation": 1, + "Visual Design Communication": 1, + "Creative Trend Monitoring": 1, + "Professional Artistic Communication": 1, + "Promotional Content Creation": 1, + "Client Consultation": 1, + "Technical Illustration Skills": 1, + "Surface Finishing Techniques": 1, + "Pattern Design and Fabrication": 1, + "Creative Problem Solving": 1, + "Academic Instruction": 0 + }, + "original_index": 206, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "29-2081.00", + "job_title": "Opticians, Dispensing", + "detailed_work_activities": [ + "Measure the physical or physiological attributes of patients.", + "Fabricate medical devices.", + "Fit eyeglasses, contact lenses, or other vision aids.", + "Recommend types of assistive devices.", + "Record patient medical histories.", + "Instruct patients in the use of assistive equipment.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Merchandise healthcare products or services.", + "Perform clerical work in medical settings.", + "Gather medical information from patient histories.", + "Verify accuracy of patient information.", + "Process medical billing information.", + "Train medical providers.", + "Order medical supplies or equipment." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Administrative Healthcare Support": 1, + "Advanced Medical Equipment Management": 1, + "Client Consultation and Needs Assessment": 1, + "Clinical Assessment Skills": 1, + "Healthcare Equipment Customization": 1, + "Healthcare Patient Communication": 1, + "Healthcare Technical Documentation": 1, + "Medical Device Fabrication": 1, + "Medical Diagnostic Assessment": 1, + "Patient Measurement and Assessment": 1, + "Vision Care Technical Expertise": 1 + }, + "original_index": 207, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "27-2031.00", + "job_title": "Dancers", + "detailed_work_activities": [ + "Repair textiles or apparel.", + "Sew clothing or other articles.", + "Practice athletic or artistic skills.", + "Perform dances.", + "Entertain public with comedic or dramatic performances.", + "Audition for roles.", + "Monitor current trends.", + "Train others on performance techniques.", + "Choreograph dances." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Artistic Audition and Career Development": 1, + "Artistic Performance Coordination": 1, + "Artistic Performance Management": 1, + "Creative Movement Technique": 1, + "Performance Choreography": 1, + "Performance Coaching": 1, + "Performance Instruction": 1, + "Professional Artistic Communication": 1, + "Professional Performance Communication": 1, + "Artistic Trend Analysis": 1 + }, + "original_index": 208, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1255.00", + "job_title": "Web and Digital Interface Designers", + "detailed_work_activities": [ + "Design websites or web applications.", + "Develop specifications or procedures for website development or maintenance.", + "Update website content.", + "Collaborate with others to resolve information technology issues.", + "Conduct research to gain information about products or processes.", + "Create images or other visual displays.", + "Develop models of information or communications systems.", + "Document design or development procedures.", + "Prepare graphics or other visual representations of information.", + "Test software performance.", + "Analyze operational data to evaluate operations, processes or products.", + "Collaborate with others to determine design specifications or details.", + "Collaborate with others to develop or implement marketing strategies.", + "Develop detailed project plans.", + "Develop diagrams or flow charts of system operation.", + "Develop testing routines or procedures.", + "Document network-related activities or tasks.", + "Gather customer or product information to determine customer needs.", + "Implement design or process improvements.", + "Provide customer service to clients or users.", + "Provide technical support for computer network issues.", + "Resolve computer software problems.", + "Supervise information technology personnel.", + "Troubleshoot issues with computer applications or systems.", + "Update knowledge about emerging industry or technology trends.", + "Write computer programming code.", + "Write reports or evaluations." + ], + "skills": [], + "skill_vector": { + "Web Design and Development": 1, + "Visual Design Communication": 1, + "Technical Communication": 1, + "Technical Documentation Management": 1, + "Creative Design Conceptualization": 1, + "Digital Visual Communication": 1, + "Technical Project Management": 1, + "Information Technology Optimization": 1, + "Software Quality Assurance": 1, + "Technical Problem Solving": 1, + "Professional Communication": 1, + "Strategic Technology Management": 1, + "User Communication and Guidance": 1, + "Marketing Strategy Development": 1, + "Client Needs Assessment": 1 + }, + "original_index": 209, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "17-2112.03", + "job_title": "Manufacturing Engineers", + "detailed_work_activities": [ + "Determine causes of operational problems or failures.", + "Analyze operational data to evaluate operations, processes or products.", + "Resolve operational performance problems.", + "Develop technical methods or processes.", + "Implement design or process improvements.", + "Determine operational methods.", + "Provide technical guidance to other personnel.", + "Design industrial processing systems.", + "Evaluate designs or specifications to ensure quality.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Prepare operational reports.", + "Create graphical representations of industrial production systems.", + "Prepare procedural documents.", + "Confer with technical personnel to prepare designs or operational plans.", + "Assess product or process usefulness.", + "Design industrial equipment.", + "Install production equipment or systems.", + "Supervise production or support personnel.", + "Estimate operational costs.", + "Estimate technical or resource requirements for development or production projects.", + "Estimate time requirements for development or production projects.", + "Train personnel on proper operational procedures.", + "Devise research or testing protocols.", + "Analyze costs and benefits of proposed designs or projects.", + "Purchase materials, equipment, or other resources.", + "Investigate the environmental impact of projects.", + "Update technical knowledge.", + "Develop operational methods or processes that use green materials or emphasize sustainability." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Advanced Manufacturing Technologies": 1, + "Technical Equipment Operation": 1, + "Technical Systems Engineering": 1, + "Technical Design Documentation": 1, + "Operational Quality Control": 1, + "Technical Problem Solving": 1, + "Technical Performance Analysis": 1, + "Technical Systems Analysis": 1, + "Technical Project Management": 1, + "Precision Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Technical Cost Estimation": 1, + "Operational Performance Monitoring": 1, + "Technical Resource Coordination": 1, + "Sustainability Production Management": 1 + }, + "original_index": 210, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-1072.00", + "job_title": "Nursing Instructors and Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Supervise student research or internship work.", + "Supervise laboratory work.", + "Guide class discussions.", + "Teach physical science or mathematics courses at the college level.", + "Administer tests to assess educational needs or progress.", + "Assess educational needs of students.", + "Prepare tests.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Develop instructional materials.", + "Stay informed about current developments in field of specialization.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Maintain student records.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Advise educators on curricula, instructional methods, or policies.", + "Collaborate with other agencies and institutions to coordinate educational matters.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Write articles, books or other original materials in area of expertise.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Direct department activities.", + "Evaluate performance of educational staff.", + "Monitor performance of organizational members or partners.", + "Compile specialized bibliographies or lists of materials.", + "Write grant proposals.", + "Plan community programs or activities for the general public." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Professional Development and Continuous Learning": 1, + "Student Performance Assessment": 1, + "Student Performance Evaluation": 1, + "Student Performance Monitoring": 1, + "Instructional Resource Coordination": 1 + }, + "original_index": 211, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "21-1091.00", + "job_title": "Health Education Specialists", + "detailed_work_activities": [ + "Provide educational materials to community members.", + "Develop working relationships with others to facilitate program activities.", + "Maintain social services program records.", + "Plan programs to address community health issues.", + "Present social services program information to the public.", + "Develop tools to diagnose or assess needs.", + "Assess individual or community needs for educational or social services.", + "Collect information about community health needs.", + "Supervise workers providing client or patient services.", + "Develop educational policies.", + "Evaluate the effectiveness of counseling or educational programs.", + "Advise others on social or educational issues.", + "Develop educational programs.", + "Train staff members in social services skills." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Health Education Strategy": 1, + "Community Health Support": 1, + "Public Health Strategy": 1, + "Stakeholder Communication": 1, + "Professional Development and Staff Training": 1, + "Client Needs Assessment": 1, + "Interpersonal Communication": 1, + "Strategic Communication": 1 + }, + "original_index": 212, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-6062.00", + "job_title": "Textile Cutting Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Feed materials or products into or through equipment.", + "Operate textile cutting or production equipment.", + "Set equipment controls to meet cutting specifications.", + "Inspect products or operations to ensure that standards are met.", + "Inspect textile products.", + "Inspect work to ensure standards are met.", + "Cut fabrics.", + "Position patterns on equipment, materials, or workpieces.", + "Exchange information with colleagues.", + "Program equipment to perform production tasks.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Notify others of equipment repair or maintenance needs.", + "Record operational or production data.", + "Inspect production equipment.", + "Conduct test runs of production equipment.", + "Install mechanical components in production equipment.", + "Mount attachments or tools onto production equipment.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Clean production equipment.", + "Lubricate production equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Textile Equipment Operation": 1, + "Equipment Operation and Control": 1, + "Precision Equipment Monitoring": 1, + "Quality Control Analysis": 1, + "Technical Equipment Maintenance": 1, + "Precision Material Cutting": 1, + "Production Equipment Operation": 1, + "Operational Documentation": 1, + "Technical Safety Management": 1, + "Interpersonal Communication": 1 + }, + "original_index": 213, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1021.00", + "job_title": "Dentists, General", + "detailed_work_activities": [ + "Protect patients or staff members using safety equipment.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Examine mouth, teeth, gums, or related facial structures.", + "Operate diagnostic imaging equipment.", + "Administer anesthetics or sedatives to control pain.", + "Develop medical treatment plans.", + "Treat dental problems or diseases.", + "Diagnose dental conditions.", + "Adjust prostheses or other assistive devices.", + "Advise patients on preventive care techniques.", + "Design medical devices or appliances.", + "Fabricate medical devices.", + "Prescribe medications.", + "Operate on patients to treat conditions.", + "Analyze patient data to determine patient needs or treatment goals.", + "Supervise patient care personnel.", + "Design public or employee health programs.", + "Direct healthcare delivery programs.", + "Prepare healthcare training materials." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Patient Assessment": 1, + "Patient Treatment Planning": 1, + "Medical Diagnostic Reasoning": 1, + "Medical Equipment Management": 1, + "Patient Safety Management": 1, + "Healthcare Procedural Support": 1, + "Medical Device Fabrication": 1, + "Medication Management": 1, + "Professional Healthcare Communication": 1, + "Healthcare Administrative Support": 1 + }, + "original_index": 214, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "43-4051.00", + "job_title": "Customer Service Representatives", + "detailed_work_activities": [ + "Discuss goods or services information with customers or patrons.", + "Maintain financial or account records.", + "Respond to customer problems or complaints.", + "Provide notifications to customers or patrons.", + "Calculate costs of goods or services.", + "Collect deposits, payments or fees.", + "Execute sales or other financial transactions.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Refer customers to appropriate personnel.", + "Review customer insurance information.", + "Promote products, services, or programs.", + "Process customer bills or payments.", + "Verify accuracy of financial or transactional data.", + "Recommend packing or shipping methods." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Customer Service Communication": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Administrative Communication": 1, + "Client Interaction Management": 1, + "Service Orientation": 1, + "Operational Customer Support": 1, + "Financial Transaction Processing": 1, + "Information Processing": 1, + "Operational Documentation": 1, + "Stakeholder Communication": 1, + "Problem Resolution": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0, + "Technical Engineering": 0 + }, + "original_index": 215, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "19-2031.00", + "job_title": "Chemists", + "detailed_work_activities": [ + "Develop new or advanced products or production methods.", + "Analyze chemical compounds or substances.", + "Establish standards for products, processes, or procedures.", + "Maintain laboratory or technical equipment.", + "Prepare compounds or solutions for products or testing.", + "Prepare scientific or technical reports or presentations.", + "Test quality of materials or finished products.", + "Collaborate on research activities with scientists or technical specialists.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Supervise scientific or technical personnel.", + "Manage scientific or technical project resources." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Advanced Scientific Problem Solving": 1, + "Chemical Analysis and Synthesis": 1, + "Scientific Documentation": 1, + "Laboratory Sample Analysis": 1, + "Technical Equipment Management": 1, + "Quality Control Analysis": 1, + "Scientific Communication": 1 + }, + "original_index": 216, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9131.00", + "job_title": "Postmasters and Mail Superintendents", + "detailed_work_activities": [ + "Prepare staff schedules or work assignments.", + "Direct organizational operations, projects, or services.", + "Resolve customer complaints or problems.", + "Direct administrative or support services.", + "Conduct employee training programs.", + "Hire personnel.", + "Evaluate employee performance.", + "Prepare operational progress or status reports.", + "Provide basic information to guests, visitors, or clients.", + "Negotiate labor disputes.", + "Collect payments for goods or services.", + "Coordinate with external parties to exchange information." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation Management": 1, + "Operational Performance Management": 1, + "Personnel Resource Management": 1, + "Operational Communication Management": 1, + "Strategic Operational Planning": 1, + "Workplace Safety Management": 1, + "Training Program Development": 1, + "Conflict Resolution": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Agricultural Operations": 0 + }, + "original_index": 217, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "53-7031.00", + "job_title": "Dredge Operators", + "detailed_work_activities": [ + "Operate excavation equipment.", + "Control pumps or pumping equipment.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Measure work site dimensions.", + "Direct material handling or moving activities." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Material Handling": 1, + "Technical Equipment Operation": 1, + "Operational Coordination": 1, + "Site Preparation and Measurement": 1, + "Technical Safety Management": 1, + "Critical Problem Solving": 1, + "Precision Equipment Operation": 1 + }, + "original_index": 218, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "39-9032.00", + "job_title": "Recreation Workers", + "detailed_work_activities": [ + "Enforce rules or regulations.", + "Organize recreational activities or events.", + "Gather information in order to provide services to clients.", + "Promote products, services, or programs.", + "Monitor recreational facility operations.", + "Administer first aid.", + "Explain regulations, policies, or procedures.", + "Prepare operational reports or records.", + "Demonstrate activity techniques or equipment use.", + "Liaise between departments or other groups to improve function or communication.", + "Assign duties or work schedules to employees.", + "Supervise service workers.", + "Train service staff.", + "Arrange facility schedules.", + "Document client health or progress.", + "Greet customers, patrons, or visitors.", + "Visit individuals in their homes to provide support or information.", + "Communicate with management or other staff to resolve problems.", + "Develop treatment plans for patients or clients.", + "Evaluate employee performance.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Accompany individuals or groups to activities.", + "Develop plans for programs or services.", + "Arrange items for use or display." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Recreational Activity Coordination": 1, + "Recreational Activity Management": 1, + "Recreational Facility Management": 1, + "Recreational Program Management": 1, + "Interpersonal Communication": 1, + "Patron Safety Management": 1, + "Client Interaction Management": 1, + "Performance Instruction": 1, + "Operational Safety Management": 1, + "Operational Documentation": 1, + "Operational Coordination": 1, + "Client Support Services": 1, + "Stakeholder Communication": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Technical Equipment Management": 0 + }, + "original_index": 219, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "19-1029.03", + "job_title": "Geneticists", + "detailed_work_activities": [ + "Supervise scientific or technical personnel.", + "Research genetic characteristics or expression.", + "Plan biological research.", + "Prepare scientific or technical reports or presentations.", + "Review professional literature to maintain professional knowledge.", + "Prepare proposal documents or grant applications.", + "Record research or operational data.", + "Interpret research or operational data.", + "Attend conferences or workshops to maintain professional knowledge.", + "Analyze biological samples.", + "Research diseases or parasites.", + "Collaborate on research activities with scientists or technical specialists.", + "Instruct college students in physical or life sciences.", + "Train personnel in technical or scientific procedures.", + "Inspect equipment to ensure proper functioning.", + "Collaborate with technical specialists to resolve design or development problems.", + "Develop software or applications for scientific or technical use.", + "Establish standards for medical care.", + "Develop technical or scientific databases.", + "Plan natural resources conservation or restoration programs." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Biological Research Methodology": 1, + "Scientific Research Methodology": 1, + "Complex Problem Solving": 1, + "Scientific Problem Solving": 1, + "Technical Documentation": 1, + "Research Data Management": 1, + "Laboratory Sample Analysis": 1, + "Technical Research and Development": 1, + "Computational Bioinformatics": 1, + "Advanced Scientific Problem Solving": 1 + }, + "original_index": 220, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "19-3032.00", + "job_title": "Industrial-Organizational Psychologists", + "detailed_work_activities": [ + "Advise others on business or operational matters.", + "Develop methods of social or economic research.", + "Conduct scientific research of organizational behavior or processes.", + "Collect information from people through observation, interviews, or surveys.", + "Prepare scientific or technical reports or presentations.", + "Counsel clients on mental health or personal achievement.", + "Administer standardized physical or psychological tests.", + "Train personnel in technical or scientific procedures.", + "Develop educational programs.", + "Testify at legal or legislative proceedings.", + "Confer with clients to exchange information.", + "Review professional literature to maintain professional knowledge.", + "Mediate disputes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 0, + "Adaptive Workplace Communication": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Interpersonal Communication": 1, + "Advanced Learning Strategies": 1, + "Advanced Problem Solving": 1, + "Advanced Stakeholder Communication": 1, + "Behavioral Conflict Mediation": 1, + "Behavioral Health Counseling": 1, + "Behavioral Intervention Management": 1, + "Business Intelligence Analysis": 1, + "Business Relationship Development": 1, + "Business Strategy Development": 1, + "Client Consultation and Needs Assessment": 1, + "Client Relationship Management": 1, + "Collaborative Educational Planning": 1, + "Complex Problem Solving": 1, + "Comprehensive Performance Monitoring": 1, + "Conflict Resolution and Mediation": 1, + "Continuous Professional Development": 1, + "Counseling and Guidance": 1, + "Creative Problem Solving": 1, + "Critical Analytical Reasoning": 1, + "Employee Relations Management": 1, + "Interpersonal Behavioral Analysis": 1, + "Organizational Performance Management": 1, + "Organizational Research Methodology": 1, + "Performance Evaluation Management": 1, + "Professional Development Leadership": 1, + "Professional Research Methodology": 1, + "Psychological Assessment": 1, + "Strategic Organizational Communication": 1, + "Workforce Performance Management": 1 + }, + "original_index": 221, + "sparsity": 0.9798350137488543 + }, + { + "onet_code": "29-1071.00", + "job_title": "Physician Assistants", + "detailed_work_activities": [ + "Diagnose medical conditions.", + "Prescribe treatments or therapies.", + "Record patient medical histories.", + "Analyze test data or images to inform diagnosis or treatment.", + "Collect medical information from patients, family members, or other medical professionals.", + "Examine patients to assess general physical condition.", + "Prescribe medications.", + "Order medical diagnostic or clinical tests.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Administer intravenous medications.", + "Immunize patients.", + "Monitor patient progress or responses to treatments.", + "Assist healthcare practitioners during surgery.", + "Supervise patient care personnel.", + "Order medical supplies or equipment." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Patient Assessment": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Treatment Planning": 1, + "Patient Care Coordination": 1, + "Healthcare Documentation Management": 1, + "Medical Procedure Support": 1, + "Healthcare Safety Management": 1, + "Advanced Medical Intervention": 1, + "Medical Equipment Management": 1 + }, + "original_index": 222, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-4099.03", + "job_title": "Remote Sensing Technicians", + "detailed_work_activities": [ + "Collect geographical or geological field data.", + "Analyze geological or geographical data.", + "Create images or other visual displays.", + "Develop software or applications for scientific or technical use.", + "Collaborate with technical specialists to resolve design or development problems.", + "Calibrate scientific or technical equipment.", + "Develop technical or scientific databases.", + "Record research or operational data.", + "Prepare scientific or technical reports or presentations.", + "Collect environmental data or samples.", + "Communicate results of environmental research." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making." + ], + "skill_vector": { + "Remote Sensing Analysis": 1, + "Geospatial Data Analysis": 1, + "Geospatial Data Collection": 1, + "Technical Equipment Operation": 1, + "Scientific Field Data Collection": 1, + "Technical Documentation": 1, + "Geospatial Data Visualization": 1, + "Technical Equipment Calibration": 1, + "Scientific Database Development": 1, + "Technical Problem Solving": 1, + "Environmental Monitoring": 1, + "Software Development": 1, + "Academic Research Methodology": 0, + "Academic Instruction": 0 + }, + "original_index": 223, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-9032.00", + "job_title": "Education Administrators, Kindergarten through Secondary", + "detailed_work_activities": [ + "Determine operational compliance with regulations or standards.", + "Evaluate program effectiveness.", + "Develop educational goals, standards, policies, or procedures.", + "Support the professional development of others.", + "Advise others on career or personal development.", + "Supervise employees.", + "Conduct employee training programs.", + "Hire personnel.", + "Recruit personnel.", + "Analyze data to inform operational decisions or activities.", + "Evaluate student work.", + "Develop organizational policies or programs.", + "Perform human resources activities.", + "Prepare financial documents, reports, or budgets.", + "Prepare proposals or grant applications to obtain project funding.", + "Schedule activities or facility use.", + "Advise others on business or operational matters.", + "Prepare forms or applications.", + "Recommend organizational process or policy changes.", + "Develop operating strategies, plans, or procedures.", + "Develop safety standards, policies, or procedures.", + "Establish interpersonal business relationships to facilitate work activities.", + "Coordinate special events or programs.", + "Approve expenditures.", + "Prepare operational budgets.", + "Direct facility maintenance or repair activities.", + "Manage outreach activities.", + "Collaborate with other professionals to develop education or assistance programs.", + "Serve on institutional or departmental committees.", + "Direct organizational operations, projects, or services.", + "Promote products, services, or programs.", + "Maintain personnel records.", + "Prepare operational progress or status reports.", + "Teach classes in area of specialization.", + "Coordinate operational activities with external stakeholders.", + "Maintain knowledge of current developments in area of expertise.", + "Analyze forecasting data to improve business decisions.", + "Conduct opinion surveys or needs assessments.", + "Develop promotional materials." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Educational Leadership": 1, + "Organizational Resource Management": 1, + "Supervisory Coordination": 1, + "Regulatory Compliance Management": 1, + "Strategic Operational Planning": 1, + "Professional Development Management": 1, + "Performance Evaluation Management": 1, + "Stakeholder Communication Management": 1, + "Financial Resource Management": 1, + "Adaptive Instructional Techniques": 1, + "Administrative Documentation Management": 1, + "Operational Coordination": 1, + "Safety and Compliance Management": 1 + }, + "original_index": 224, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "17-1012.00", + "job_title": "Landscape Architects", + "detailed_work_activities": [ + "Create graphical representations of structures or landscapes.", + "Discuss designs or plans with clients.", + "Incorporate green features into the design of structures or facilities.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Analyze physical, survey, or geographic data.", + "Perform marketing activities.", + "Supervise engineering or other technical personnel.", + "Explain project details to the general public.", + "Create maps.", + "Prepare detailed work plans.", + "Confer with technical personnel to prepare designs or operational plans.", + "Design water conservation systems.", + "Update technical knowledge.", + "Advise customers on the use of products or services.", + "Select project materials." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Landscape Design Planning": 1, + "Spatial Design Planning": 1, + "Spatial Visualization": 1, + "Technical Design Documentation": 1, + "Technical Design Visualization": 1, + "Site Analysis and Preparation": 1, + "Environmental Design Integration": 1, + "Geospatial Analysis": 1, + "Environmental Systems Analysis": 1, + "Sustainable Land Management": 1, + "Technical Project Management": 1, + "Client Consultation and Needs Assessment": 1, + "Stakeholder Communication": 1, + "Technical Measurement and Verification": 1, + "Site Preparation and Measurement": 1, + "Technical Graphical Representation": 1, + "Green Infrastructure Development": 1, + "Environmental Conservation Management": 1, + "Technical Systems Analysis": 1, + "Water Systems Engineering": 1, + "Cartographic Visualization": 1, + "Professional Technical Communication": 1, + "Strategic Environmental Planning": 1, + "Sustainability Planning": 1 + }, + "original_index": 225, + "sparsity": 0.9890009165902841 + }, + { + "onet_code": "19-2012.00", + "job_title": "Physicists", + "detailed_work_activities": [ + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Analyze geological or geographical data.", + "Develop theories or models of physical phenomena.", + "Instruct college students in physical or life sciences.", + "Prepare proposals or grant applications to obtain project funding.", + "Prepare scientific or technical reports or presentations.", + "Operate laboratory or field equipment.", + "Collaborate on research activities with scientists or technical specialists." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Programming\u2014 Writing computer programs for various purposes.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Scientific Problem Solving": 1, + "Scientific Research Methodology": 1, + "Scientific Communication": 1, + "Technical Documentation": 1, + "Research Methodology": 1, + "Complex Problem Solving": 1, + "Quantitative Reasoning": 1, + "Analytical Systems Evaluation": 1 + }, + "original_index": 226, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "43-4041.00", + "job_title": "Credit Authorizers, Checkers, and Clerks", + "detailed_work_activities": [ + "Analyze financial information.", + "Maintain financial or account records.", + "Compile data or documentation.", + "File documents or records.", + "Obtain personal or financial information about customers or applicants.", + "Interview employees, customers, or others to collect information.", + "Send information, materials or documentation.", + "Search files, databases or reference materials to obtain needed information.", + "Discuss account status or activity with customers or patrons.", + "Execute sales or other financial transactions.", + "Collect deposits, payments or fees.", + "Correspond with customers to answer questions or resolve complaints.", + "Examine financial records.", + "Prepare documentation for contracts, transactions, or regulatory compliance." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Financial Information Processing": 1, + "Client Information Verification": 1, + "Operational Documentation": 1, + "Client Financial Needs Assessment": 1, + "Operational Information Management": 1, + "Professional Communication": 1, + "Transaction Processing": 1, + "Risk Assessment": 1, + "Regulatory Compliance": 1, + "Customer Service Coordination": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 227, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-5041.00", + "job_title": "Continuous Mining Machine Operators", + "detailed_work_activities": [ + "Position safety or support equipment.", + "Test air quality at work sites.", + "Inspect completed work to ensure proper installation.", + "Operate mining equipment.", + "Position construction or extraction equipment.", + "Determine appropriate locations for operations or installations.", + "Install safety or support equipment.", + "Monitor extraction operations.", + "Clean equipment or facilities.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Maintain extraction or excavation equipment.", + "Apply new technologies to improve work processes.", + "Assist skilled construction or extraction personnel.", + "Direct construction or extraction personnel." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Mining Equipment Operation": 1, + "Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Operational Safety Management": 1, + "Technical Safety Inspection": 1, + "Technical Diagnostic Troubleshooting": 1, + "Precision Equipment Operation": 1, + "Field Operations Management": 1, + "Technical Performance Monitoring": 1, + "Workplace Safety Coordination": 1, + "Technical Equipment Maintenance": 1, + "Underground Work Operations": 1, + "Academic Instruction": 0, + "Behavioral Health Counseling": 0, + "Genetic Research Methodology": 0 + }, + "original_index": 228, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-2053.00", + "job_title": "Psychiatric Technicians", + "detailed_work_activities": [ + "Care for patients with mental illnesses.", + "Treat patients using psychological therapies.", + "Administer intravenous medications.", + "Administer non-intravenous medications.", + "Encourage patients or clients to develop life skills.", + "Position patients for treatment or examination.", + "Maintain inventory of medical supplies or equipment.", + "Maintain medical facility records.", + "Inform medical professionals regarding patient conditions and care.", + "Examine patients to assess general physical condition.", + "Interact with patients to build rapport or provide emotional support.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Record patient medical histories.", + "Assist patients with hygiene or daily living activities.", + "Assist healthcare practitioners during examinations or treatments.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Collect medical information from patients, family members, or other medical professionals.", + "Teach health management classes.", + "Train medical providers.", + "Move patients to or from treatment areas.", + "Perform clerical work in medical settings." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Therapeutic Intervention": 1, + "Patient Assessment": 1, + "Patient Psychological Assessment": 1, + "Therapeutic Patient Communication": 1, + "Behavioral Health Counseling": 1, + "Clinical Patient Support": 1, + "Mental Health Patient Care": 1, + "Healthcare Patient Management": 1, + "Healthcare Documentation": 1, + "Healthcare Professional Collaboration": 1, + "Medication Management": 1, + "Interpersonal Patient Communication": 1, + "Interpersonal Empathetic Support": 1, + "Therapeutic Patient Intervention": 1, + "Patient Treatment Planning": 1, + "Clinical Procedure Support": 1, + "Psychological Assessment": 1, + "Academic Instruction": 0 + }, + "original_index": 229, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "53-5021.00", + "job_title": "Captains, Mates, and Pilots of Water Vessels", + "detailed_work_activities": [ + "Choose optimal transportation routes or speeds.", + "Direct passenger or freight transport activities.", + "Read maps to determine routes.", + "Operate ships or other watercraft.", + "Operate communications equipment or systems.", + "Monitor surroundings to detect potential hazards.", + "Monitor equipment operation to ensure proper functioning.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Signal others to coordinate vehicle movement.", + "Notify others of emergencies, problems, or hazards.", + "Assist others during emergencies.", + "Measure the level or depth of water or other liquids.", + "Communicate with others to coordinate material handling or movement.", + "Maintain watercraft engines or machinery.", + "Explain regulations, policies, or procedures.", + "Monitor work environment to ensure safety or adherence to specifications.", + "Record operational details of travel.", + "Determine geographic coordinates.", + "Maintain professional knowledge or certifications.", + "Direct maintenance or repair activities.", + "Direct material handling or moving activities.", + "Arrange maintenance activities.", + "Acquire supplies or equipment.", + "Recommend personnel decisions or human resources activities.", + "Provide safety training." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Instructing\u2014 Teaching others how to do something.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Repairing\u2014 Repairing machines or systems using the needed tools." + ], + "skill_vector": { + "Maritime Navigation Skills": 1, + "Operational Safety Management": 1, + "Technical Equipment Operation": 1, + "Route Navigation and Planning": 1, + "Emergency Response Coordination": 1, + "Vessel Equipment Maintenance": 1, + "Communication and Information Routing": 1, + "Technical Safety Monitoring": 1, + "Operational Documentation": 1, + "Professional Knowledge Maintenance": 1, + "Resource Management": 1, + "Situational Awareness": 1, + "Transportation Safety Management": 1, + "Technical Measurement and Verification": 1, + "Comprehensive Operational Coordination": 1 + }, + "original_index": 230, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "37-3012.00", + "job_title": "Pesticide Handlers, Sprayers, and Applicators, Vegetation", + "detailed_work_activities": [ + "Prepare chemicals for work application.", + "Treat greenery or surfaces with protective substances.", + "Inspect landscaping to determine treatment needs.", + "Operate grounds maintenance equipment.", + "Clean equipment or supplies.", + "Maintain equipment or systems to ensure proper functioning.", + "Instruct staff in work policies or procedures.", + "Plant greenery to improve landscape appearance." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Agricultural Equipment Operation": 1, + "Agricultural Inspection Skills": 1, + "Chemical Application Safety": 1, + "Chemical Substance Management": 1, + "Chemical Substance Preparation": 1, + "Equipment Maintenance and Operation": 1, + "Operational Safety Management": 1, + "Vegetation Management": 1, + "Workplace Safety Coordination": 1, + "Agricultural Operations": 1, + "Technical Equipment Operation": 1 + }, + "original_index": 231, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "19-1011.00", + "job_title": "Animal Scientists", + "detailed_work_activities": [ + "Research livestock management methods.", + "Prepare scientific or technical reports or presentations.", + "Develop agricultural methods.", + "Advise others on business or operational matters.", + "Advise others on ways to improve processes or products.", + "Research genetic characteristics or expression.", + "Perform animal breeding procedures." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Agricultural Systems Management": 1, + "Animal Research Methodology": 1, + "Scientific Research Methodology": 1, + "Biological Research Methodology": 1, + "Breeding Procedure Execution": 1, + "Agricultural Data Analysis": 1, + "Technical Documentation": 1, + "Professional Scientific Communication": 1, + "Livestock Breeding Expertise": 1, + "Agricultural Operations": 1, + "Scientific Problem Solving": 1 + }, + "original_index": 232, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "29-9021.00", + "job_title": "Health Information Technologists and Medical Registrars", + "detailed_work_activities": [ + "Code data or other information.", + "Classify materials according to standard systems.", + "Collect medical information from patients, family members, or other medical professionals.", + "Communicate with management or other staff to resolve problems.", + "Create databases to store electronic data.", + "Develop procedures for data management.", + "Evaluate applicable laws and regulations to determine impact on organizational activities.", + "Gather medical information from patient histories.", + "Maintain medical facility records.", + "Maintain security.", + "Manage healthcare operations.", + "Market products, services, or events.", + "Monitor external affairs or events affecting business operations.", + "Perform clerical work in medical settings.", + "Prepare healthcare training materials.", + "Present medical research reports.", + "Promote educational institutions or programs.", + "Recommend changes to improve computer or information systems.", + "Supervise medical support personnel.", + "Test computer hardware performance.", + "Test software performance.", + "Train caregivers or other non-medical personnel." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Administrative Healthcare Support": 1, + "Clinical Documentation Management": 1, + "Clinical Documentation Processing": 1, + "Healthcare Documentation": 1, + "Healthcare Information Systems": 1, + "Healthcare Informatics Management": 1, + "Information Processing": 1, + "Professional Documentation": 1, + "Technical Documentation": 1, + "Regulatory Compliance Management": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1 + }, + "original_index": 233, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-9044.00", + "job_title": "Millwrights", + "detailed_work_activities": [ + "Adjust equipment to ensure optimal performance.", + "Replace worn, damaged, or defective mechanical parts.", + "Align equipment or machinery.", + "Position equipment using hand tools, power tools, or heavy equipment.", + "Adjust the tension of nuts or bolts.", + "Communicate with coworkers to coordinate installations or repairs.", + "Lubricate equipment to allow proper functioning.", + "Maintain work equipment or machinery.", + "Assemble mechanical components or machine parts.", + "Bolt objects into place.", + "Operate welding equipment.", + "Move materials, equipment, or supplies.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Level machines or equipment.", + "Dismantle heavy equipment or machinery.", + "Drill holes in parts, equipment, or materials.", + "Lay out work according to specifications.", + "Fabricate parts or components.", + "Operate heating or drying equipment.", + "Repair worn, damaged, or defective mechanical parts.", + "Troubleshoot equipment or systems operation problems.", + "Test mechanical equipment to ensure proper functioning.", + "Install programs onto computer or computer-controlled equipment.", + "Grind parts to required dimensions." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Installation": 1, + "Mechanical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Technical Equipment Installation": 1, + "Troubleshooting": 1, + "Technical Diagnostic Troubleshooting": 1, + "Precision Technical Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Safety Management": 1, + "Welding and Fabrication": 1, + "Material Handling": 1, + "Technical Measurement and Verification": 1, + "Academic Instruction": 0, + "Patient Care": 0 + }, + "original_index": 234, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-2072.00", + "job_title": "Electronics Engineers, Except Computer", + "detailed_work_activities": [ + "Design electronic or computer equipment or instrumentation.", + "Operate computer systems.", + "Evaluate characteristics of equipment or systems.", + "Direct industrial production activities.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Confer with technical personnel to prepare designs or operational plans.", + "Discuss designs or plans with clients.", + "Advise customers on the use of products or services.", + "Provide technical guidance to other personnel.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Document technical design details.", + "Determine operational criteria or specifications.", + "Test products for functionality or quality.", + "Analyze design requirements for computer or electronics systems.", + "Prepare operational reports.", + "Schedule operational activities.", + "Inspect finished products to locate flaws.", + "Estimate technical or resource requirements for development or production projects.", + "Create schematic drawings for electronics.", + "Estimate operational costs.", + "Prepare project budgets.", + "Research design or application of green technologies.", + "Explain project details to the general public." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Technical Design and Analysis": 1, + "Technical Systems Engineering": 1, + "Technical Equipment Design": 1, + "Technical Equipment Maintenance": 1, + "Technical Documentation Management": 1, + "Technical Problem Solving": 1, + "Technical Communication": 1, + "Technical Quality Control": 1, + "Technical Project Management": 1, + "Technical Research and Development": 1, + "Advanced Operational Monitoring": 1, + "Technology Project Coordination": 1, + "Strategic Technology Management": 1, + "Academic Instruction": 0, + "Healthcare Technical Support": 0 + }, + "original_index": 235, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "51-7031.00", + "job_title": "Model Makers, Wood", + "detailed_work_activities": [ + "Exchange information with colleagues.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Assemble wood products.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Shape surfaces or edges of wood workpieces.", + "Trim excess material from workpieces.", + "Build production molds.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Mark products, workpieces, or equipment with identifying information.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Select production input materials.", + "Operate cutting equipment.", + "Set equipment controls to meet cutting specifications.", + "Record operational or production data.", + "Assemble machine tools, parts, or fixtures.", + "Distribute supplies to workers.", + "Construct patterns, templates, or other work aids.", + "Apply protective or decorative finishes to workpieces or products." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Wood Product Fabrication": 1, + "Technical Material Handling": 1, + "Precision Material Preparation": 1, + "Technical Measurement and Verification": 1, + "Precision Manual Fabrication": 1, + "Technical Equipment Operation": 1, + "Surface Preparation Techniques": 1, + "Technical Documentation": 1, + "Pattern Design and Fabrication": 1, + "Precision Technical Measurement": 1, + "Technical Safety Management": 1, + "Operational Quality Control": 1 + }, + "original_index": 236, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "21-1012.00", + "job_title": "Educational, Guidance, and Career Counselors and Advisors", + "detailed_work_activities": [ + "Complete documentation required by programs or regulations.", + "Counsel clients regarding educational or vocational issues.", + "Counsel clients regarding interpersonal issues.", + "Counsel clients or patients regarding personal issues.", + "Intervene in crisis situations to assist clients.", + "Evaluate characteristics of individuals to determine needs or eligibility.", + "Write reports or evaluations.", + "Evaluate potential problems in home or work environments of clients.", + "Help clients get needed services or resources.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Confer with family members to discuss client treatment plans or progress.", + "Refer individuals to educational or work programs.", + "Develop educational programs.", + "Assist clients in handling details of daily life.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Assess individual or community needs for educational or social services.", + "Refer clients to community or social service programs.", + "Teach life skills or strategies to clients or their families.", + "Develop educational policies.", + "Plan programs to address community mental wellness needs.", + "Present social services program information to the public.", + "Maintain professional social services knowledge.", + "Lead classes or community events.", + "Supervise workers providing client or patient services.", + "Train staff members in social services skills.", + "Advise others on social or educational issues.", + "Collaborate with other professionals to develop education or assistance programs.", + "Promote educational institutions or programs.", + "Develop working relationships with others to facilitate program activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Knowledge Communication": 1, + "Academic Program Development": 1, + "Counseling and Guidance": 1, + "Client Needs Assessment": 1, + "Professional Communication": 1, + "Career Opportunity Identification": 1, + "Educational Support": 1, + "Interpersonal Communication": 1, + "Client Treatment Planning": 1, + "Adaptive Learning Management": 1, + "Professional Development": 1, + "Behavioral Health Counseling": 1 + }, + "original_index": 237, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-2032.00", + "job_title": "Public Relations Managers", + "detailed_work_activities": [ + "Develop promotional materials.", + "Establish interpersonal business relationships to facilitate work activities.", + "Liaise between departments or other groups to improve function or communication.", + "Present information to the public.", + "Confer with organizational members to accomplish work activities.", + "Coordinate special events or programs.", + "Coordinate with external parties to exchange information.", + "Develop contingency plans to deal with organizational emergencies.", + "Develop library or archival databases.", + "Develop marketing plans or strategies.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Direct employee training programs.", + "Direct sales, marketing, or customer service activities.", + "Distribute instructional or library materials.", + "Edit documents.", + "Evaluate employee performance.", + "Evaluate program effectiveness.", + "Maintain operational records.", + "Manage organizational or project budgets.", + "Monitor external affairs or events affecting business operations.", + "Operate still or video cameras or related equipment.", + "Supervise employees." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 1, + "Advanced Stakeholder Communication": 1, + "Advanced Stakeholder Negotiation": 1, + "Strategic Communication": 1, + "Strategic Communication Management": 1, + "Professional Communication": 1, + "Professional Communication Management": 1, + "Interpersonal Communication": 1, + "Interpersonal Communication Management": 1, + "Media Relations Coordination": 1, + "Promotional Content Creation": 1, + "Strategic Marketing Communication": 1, + "Business Relationship Development": 1, + "Organizational Policy Development": 1, + "Strategic Organizational Communication": 1, + "Event Planning Management": 1, + "Strategic Performance Coordination": 1, + "Operational Communication Management": 1, + "Strategic Stakeholder Communication": 1 + }, + "original_index": 238, + "sparsity": 0.9903758020164987 + }, + { + "onet_code": "49-9094.00", + "job_title": "Locksmiths and Safe Repairers", + "detailed_work_activities": [ + "Cut materials according to specifications or needs.", + "Disassemble equipment for maintenance or repair.", + "Fabricate parts or components.", + "Repair worn, damaged, or defective mechanical parts.", + "Drill holes in parts, equipment, or materials.", + "Install hardware or other interior fixtures.", + "Replace worn, damaged, or defective mechanical parts.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Document operational activities.", + "Disable door locks.", + "Repair structural components.", + "Assemble electrical components, subsystems, or systems.", + "Refinish wood or metal surfaces." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Mechanical Repair Skills": 1, + "Precision Technical Maintenance": 1, + "Precision Manual Tool Manipulation": 1, + "Technical Equipment Operation": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Problem Solving": 1, + "Precision Measurement Skills": 1, + "Technical Documentation": 1, + "Material Handling": 1, + "Quality Control Inspection": 1, + "Technical Safety Management": 1, + "Professional Communication": 1, + "Time Management": 1, + "Operational Documentation": 1 + }, + "original_index": 239, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-4034.00", + "job_title": "Lathe and Turning Machine Tool Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Operate metal or plastic forming equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Set equipment controls to meet cutting specifications.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate grinding equipment.", + "Replace worn equipment components.", + "Sharpen cutting or grinding tools.", + "Feed materials or products into or through equipment.", + "Calculate dimensions of workpieces, products, or equipment.", + "Conduct test runs of production equipment.", + "Mount attachments or tools onto production equipment.", + "Monitor equipment operation to ensure that products are not flawed.", + "Operate cutting equipment.", + "Perform basic equipment maintenance.", + "Program equipment to perform production tasks.", + "Program robotic equipment.", + "Clean work areas.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Mount materials or workpieces onto production equipment.", + "Install mechanical components in production equipment.", + "Select production equipment according to product specifications.", + "Adjust equipment controls to regulate coolant flow." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Precision Machine Operation": 1, + "Technical Equipment Operation": 1, + "Equipment Maintenance": 1, + "Quality Control Analysis": 1, + "Precision Measurement Skills": 1, + "Technical Documentation": 1, + "Production Equipment Control": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Precision Tool Operation": 1 + }, + "original_index": 240, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2091.00", + "job_title": "Orthotists and Prosthetists", + "detailed_work_activities": [ + "Adjust prostheses or other assistive devices.", + "Instruct patients in the use of assistive equipment.", + "Record patient medical histories.", + "Collect medical information from patients, family members, or other medical professionals.", + "Examine patients to assess general physical condition.", + "Measure the physical or physiological attributes of patients.", + "Fabricate medical devices.", + "Design medical devices or appliances.", + "Supervise medical support personnel.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Train medical providers.", + "Maintain medical or professional knowledge.", + "Conduct research to increase knowledge about medical issues.", + "Present medical research reports." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Client Needs Assessment": 1, + "Clinical Assessment Skills": 1, + "Clinical Procedure Support": 1, + "Healthcare Equipment Customization": 1, + "Healthcare Patient Guidance": 1, + "Interpersonal Patient Communication": 1, + "Medical Device Fabrication": 1, + "Medical Device Measurement and Fitting": 1, + "Patient Treatment Planning": 1, + "Precision Medical Device Management": 1 + }, + "original_index": 241, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "49-2093.00", + "job_title": "Electrical and Electronics Installers and Repairers, Transportation Equipment", + "detailed_work_activities": [ + "Inspect electrical or electronic systems for defects.", + "Test electrical equipment or systems to ensure proper functioning.", + "Reassemble equipment after repair.", + "Test electrical circuits or components for proper functioning.", + "Confer with customers or users to assess problems.", + "Repair electrical circuits or wiring.", + "Adjust equipment to ensure optimal performance.", + "Connect electrical components or equipment.", + "Solder parts or connections between parts.", + "Install heating, ventilation, or air conditioning (HVAC) equipment.", + "Maintain repair or maintenance records.", + "Install electrical components, equipment, or systems.", + "Read technical information needed to perform maintenance or repairs.", + "Rebuild parts or components.", + "Repair electronic equipment.", + "Drill holes in parts, equipment, or materials.", + "Estimate costs for labor or materials.", + "Cut materials according to specifications or needs.", + "Measure distances or dimensions." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Electrical Systems Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Equipment Inspection": 1, + "Technical Problem Solving": 1, + "Precision Equipment Maintenance": 1, + "Technical Documentation": 1, + "Technical Safety Management": 1, + "Measurement and Verification": 1, + "Academic Instruction": 0 + }, + "original_index": 242, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "25-1113.00", + "job_title": "Social Work Teachers, Postsecondary", + "detailed_work_activities": [ + "Guide class discussions.", + "Develop instructional materials.", + "Evaluate student work.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Supervise student research or internship work.", + "Supervise laboratory work.", + "Teach social science courses at the college level.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Direct department activities.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Advise students on academic or career matters.", + "Maintain student records.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Compile specialized bibliographies or lists of materials.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Advise others on career or personal development.", + "Support the professional development of others.", + "Plan community programs or activities for the general public.", + "Write grant proposals.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 243, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-3013.00", + "job_title": "Helpers--Electricians", + "detailed_work_activities": [ + "Install electrical components, equipment, or systems.", + "Cut metal components for installation.", + "Measure materials or objects for installation or assembly.", + "Test electrical equipment or systems to ensure proper functioning.", + "Repair electrical equipment.", + "Inspect electrical or electronic systems for defects.", + "Thread wire or cable through ducts or conduits.", + "Drill holes in construction materials.", + "Maintain construction tools or equipment.", + "Clean work sites.", + "Fabricate parts or components.", + "Move construction or extraction materials to locations where they are needed.", + "Dig holes or trenches.", + "Remove debris or vegetation from work sites.", + "Position construction or extraction equipment.", + "Order construction or extraction materials or equipment.", + "Assemble temporary equipment or structures.", + "Apply paint to surfaces.", + "Break up rock, asphalt, or concrete.", + "Operate excavation equipment.", + "Operate heavy-duty construction or installation equipment.", + "Weld metal components." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Electrical Systems Installation": 1, + "Electrical Systems Maintenance": 1, + "Technical Equipment Installation": 1, + "Technical Equipment Maintenance": 1, + "Precision Manual Technical Skills": 1, + "Material Handling": 1, + "Construction Material Handling": 1, + "Precision Measurement and Verification": 1, + "Technical Safety Management": 1, + "Workplace Safety Coordination": 1, + "Technical Troubleshooting": 1, + "Quality Control Inspection": 1, + "Coordination": 1, + "Critical Thinking": 1, + "Active Listening": 1, + "Speaking": 1, + "Judgment and Decision Making": 1 + }, + "original_index": 244, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "43-5032.00", + "job_title": "Dispatchers, Except Police, Fire, and Ambulance", + "detailed_work_activities": [ + "Schedule operational activities.", + "Prepare employee work schedules.", + "Relay information between personnel.", + "Respond to customer problems or complaints.", + "Operate communications equipment or systems.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Coordinate operational activities.", + "Maintain operational records.", + "Track goods or materials.", + "Select resources needed to accomplish tasks.", + "Provide information to coworkers.", + "Distribute materials to employees or customers.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Operational Communication": 1, + "Operational Coordination": 1, + "Operational Documentation": 1, + "Operational Information Management": 1, + "Professional Communication": 1, + "Professional Time Management": 1, + "Resource Coordination": 1, + "Strategic Operational Communication": 1, + "Technical Communication": 1 + }, + "original_index": 245, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "29-9093.00", + "job_title": "Surgical Assistants", + "detailed_work_activities": [ + "Verify accuracy of patient information.", + "Maintain sterile operative fields.", + "Position patients for treatment or examination.", + "Protect patients or staff members using safety equipment.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Operate on patients to treat conditions.", + "Apply bandages, dressings, or splints.", + "Treat acute illnesses, infections, or injuries.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Maintain inventory of medical supplies or equipment.", + "Implement advanced life support techniques.", + "Examine medical instruments or equipment to ensure proper operation.", + "Sterilize medical equipment or instruments.", + "Assist healthcare practitioners during surgery.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Prepare patients physically for medical procedures.", + "Prepare medical supplies or equipment for use.", + "Move patients to or from treatment areas.", + "Administer anesthetics or sedatives to control pain.", + "Administer intravenous medications.", + "Administer basic health care or medical treatments.", + "Administer blood or other fluids intravenously." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Advanced Medical Intervention": 1, + "Advanced Life Support Management": 1, + "Clinical Procedure Assistance": 1, + "Clinical Patient Assessment": 1, + "Patient Safety Management": 1, + "Medical Equipment Management": 1, + "Healthcare Procedural Support": 1, + "Precision Medical Intervention": 1, + "Medical Supply Management": 1, + "Sterile Field Management": 1, + "Patient Monitoring": 1, + "Healthcare Team Collaboration": 1 + }, + "original_index": 246, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "47-2131.00", + "job_title": "Insulation Workers, Floor, Ceiling, and Wall", + "detailed_work_activities": [ + "Cut carpet, vinyl or other flexible materials.", + "Measure materials or objects for installation or assembly.", + "Install insulation in equipment or structures.", + "Load materials into construction equipment.", + "Apply sealants or other protective coatings.", + "Review blueprints or specifications to determine work requirements.", + "Select construction materials.", + "Remove worn, damaged or outdated materials from work areas.", + "Apply adhesives to construction materials.", + "Prepare surfaces for finishing." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Adhesive Application": 1, + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Precision Material Cutting": 1, + "Precision Material Handling": 1, + "Technical Blueprint Interpretation": 1, + "Surface Preparation": 1, + "Technical Measurement and Verification": 1, + "Construction Safety Management": 1, + "Operational Safety Protocols": 1, + "Technical Equipment Operation": 1, + "Protective Coating Application": 1, + "Material Selection": 1, + "Workplace Safety Coordination": 1, + "Professional Communication": 1, + "Critical Thinking": 1 + }, + "original_index": 247, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "39-3093.00", + "job_title": "Locker Room, Coatroom, and Dressing Room Attendants", + "detailed_work_activities": [ + "Clean fabrics or apparel.", + "Distribute resources to patrons or employees.", + "Assign resources or facilities to patrons or employees.", + "Monitor availability of equipment or supplies.", + "Administer first aid.", + "Monitor patron activities to identify problems or potential problems.", + "Clean facilities or work areas.", + "Perform housekeeping duties.", + "Purchase products or services.", + "Handle luggage or other possessions for patrons.", + "Explain regulations, policies, or procedures.", + "Resolve customer complaints or problems.", + "Respond to customer inquiries.", + "Help clients get needed services or resources.", + "Maintain supply or equipment inventories.", + "Maintain facilities.", + "Store items.", + "Arrange services or reservations for patrons.", + "Communicate with management or other staff to resolve problems.", + "Prepare operational reports or records.", + "Mark materials or objects for identification.", + "Set up mechanical equipment." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Service Orientation": 1, + "Patron Interaction Management": 1, + "Customer Service Coordination": 1, + "Operational Safety Management": 1, + "Facility Maintenance and Cleaning": 1, + "Inventory Management": 1, + "Resource Distribution": 1, + "Professional Communication": 1, + "Operational Documentation": 1, + "Patron Safety Management": 1 + }, + "original_index": 248, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-9151.00", + "job_title": "Photographic Process Workers and Processing Machine Operators", + "detailed_work_activities": [ + "Load digital images onto computers or websites.", + "Operate photographic developing or print production equipment.", + "Inspected printed materials or other images to verify quality.", + "Operate digital imaging equipment.", + "Load materials into production equipment.", + "Measure ingredients or substances to be used in production processes.", + "Mix substances to create chemical solutions.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Immerse objects or workpieces in cleaning or coating solutions.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Prepare outgoing mail.", + "Watch operating equipment to detect malfunctions.", + "Position raw materials on processing or production equipment.", + "Record operational or production data.", + "Cut industrial materials in preparation for fabrication or processing.", + "Mount materials or workpieces onto production equipment.", + "Apply decorative coloring to photographs or printed materials." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Photographic Process Management": 1, + "Production Equipment Operation": 1, + "Quality Control Analysis": 1, + "Technical Equipment Operation": 1, + "Material Handling": 1, + "Chemical Solution Preparation": 1, + "Operational Documentation": 1, + "Equipment Maintenance": 1, + "Technical Measurement and Verification": 1, + "Digital Media Conversion": 1, + "Surface Preparation": 1, + "Operational Monitoring": 1, + "Academic Instruction": 0, + "Healthcare Patient Assessment": 0, + "Legal Compliance": 0 + }, + "original_index": 249, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1071.01", + "job_title": "Anesthesiologist Assistants", + "detailed_work_activities": [ + "Adjust settings or positions of medical equipment.", + "Assist healthcare practitioners during examinations or treatments.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Implement advanced life support techniques.", + "Treat medical emergencies.", + "Administer blood or other fluids intravenously.", + "Record patient medical histories.", + "Gather medical information from patient histories.", + "Maintain inventory of medical supplies or equipment.", + "Examine medical instruments or equipment to ensure proper operation.", + "Maintain medical equipment or instruments.", + "Monitor patient progress or responses to treatments.", + "Administer anesthetics or sedatives to control pain.", + "Supervise patient care personnel.", + "Train medical providers.", + "Collect biological specimens from patients.", + "Maintain medical or professional knowledge." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Science\u2014 Using scientific rules and methods to solve problems." + ], + "skill_vector": { + "Advanced Medical Equipment Management": 1, + "Advanced Life Support Management": 1, + "Patient Monitoring and Assessment": 1, + "Medical Procedural Assistance": 1, + "Medical Documentation Management": 1, + "Clinical Procedure Support": 1, + "Healthcare Safety Management": 1, + "Medical Technical Equipment Management": 1, + "Professional Medical Communication": 1, + "Anesthesia and Life Support": 1, + "Academic Instruction": 0, + "Agricultural Operations": 0 + }, + "original_index": 250, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-9094.00", + "job_title": "School Bus Monitors", + "detailed_work_activities": [ + "Assist patrons with entering or exiting vehicles or other forms of transportation.", + "Assist customers to ensure comfort or safety.", + "Communicate with others to coordinate vehicle movement.", + "Provide transportation information to passengers or customers.", + "Assist disabled or incapacitated individuals.", + "Assist motorists or pedestrians.", + "Assist passengers during vehicle boarding.", + "Assist students with special educational needs.", + "Clean vehicles or vehicle components.", + "Discuss child development and behavior with parents or guardians.", + "Mediate disputes.", + "Monitor student behavior, social development, or health.", + "Monitor traffic signals.", + "Notify others of emergencies, problems, or hazards.", + "Operate vehicles or material-moving equipment.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Record operational details of travel." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 0, + "Passenger Safety Management": 1, + "Student Safety Management": 1, + "Child Safety Management": 1, + "Interpersonal Communication": 1, + "Behavioral Conflict Mediation": 1, + "Operational Safety Management": 1, + "Operational Safety Coordination": 1, + "Vehicle Operation Safety": 1, + "Patron Safety Coordination": 1, + "Developmental Behavioral Guidance": 1, + "Interpersonal Observation": 1, + "Emergency Response Management": 1, + "Communication Information Management": 1 + }, + "original_index": 251, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-9121.01", + "job_title": "Clinical Research Coordinators", + "detailed_work_activities": [ + "Schedule activities or facility use.", + "Interview employees, customers, or others to collect information.", + "Communicate organizational information to customers or other stakeholders.", + "Prepare operational progress or status reports.", + "Maintain regulatory or compliance documentation.", + "Communicate with government agencies.", + "Monitor organizational compliance with regulations.", + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Calculate numerical data for medical activities.", + "Instruct patients in the use of assistive equipment.", + "Prepare medications or medical solutions.", + "Analyze data to identify or resolve operational problems.", + "Analyze risks to minimize losses or damages.", + "Coordinate operational activities with external stakeholders.", + "Code data or other information.", + "Interpret research or operational data.", + "Maintain operational records.", + "Manage operations, research, or logistics projects.", + "Conduct employee training programs.", + "Conduct financial or regulatory audits.", + "Purchase materials, equipment, or other resources.", + "Coordinate with external parties to exchange information.", + "Develop organizational methods or procedures.", + "Advise customers on technical or procedural issues.", + "Confer with organizational members to accomplish work activities.", + "Maintain knowledge of current developments in area of expertise.", + "Perform clerical work in medical settings.", + "Plan facility layouts or designs.", + "Develop promotional materials.", + "Promote products, services, or programs.", + "Manage organizational or project budgets." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Research Methodology": 1, + "Clinical Research Management": 1, + "Clinical Documentation Management": 1, + "Clinical Patient Assessment": 1, + "Professional Communication": 1, + "Research Documentation": 1, + "Regulatory Compliance Management": 1, + "Scientific Research Methodology": 1, + "Healthcare Administrative Support": 1, + "Advanced Stakeholder Communication": 1, + "Project Management": 1, + "Technical Documentation": 1, + "Patient Safety Monitoring": 1, + "Adhesive Application": 0, + "Agricultural Inspection Skills": 0, + "Automotive Repair": 0 + }, + "original_index": 252, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "51-9192.00", + "job_title": "Cleaning, Washing, and Metal Pickling Equipment Operators and Tenders", + "detailed_work_activities": [ + "Apply solutions to production equipment.", + "Monitor instruments to ensure proper production conditions.", + "Adjust temperature controls of ovens or other heating equipment.", + "Operate pumping systems or equipment.", + "Collect samples of materials or products for testing.", + "Test chemical or physical characteristics of materials or products.", + "Clean production equipment.", + "Lubricate production equipment.", + "Operate industrial equipment.", + "Record operational or production data.", + "Inspect production equipment.", + "Load materials into production equipment.", + "Remove products or workpieces from production equipment.", + "Measure ingredients or substances to be used in production processes.", + "Mix substances to create chemical solutions." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Equipment Operation": 1, + "Equipment Monitoring": 1, + "Material Handling": 1, + "Production Quality Control": 1, + "Technical Equipment Maintenance": 1, + "Chemical Solution Preparation": 1, + "Precision Equipment Operation": 1, + "Operational Documentation": 1 + }, + "original_index": 253, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "41-1011.00", + "job_title": "First-Line Supervisors of Retail Sales Workers", + "detailed_work_activities": [ + "Answer customer questions about goods or services.", + "Greet customers, patrons, or visitors.", + "Supervise sales or support personnel.", + "Establish operational policies.", + "Examine condition of property or products.", + "Monitor sales activities.", + "Train sales personnel.", + "Assign duties or work schedules to employees.", + "Set up merchandise displays.", + "Develop marketing plans or strategies.", + "Clean work areas.", + "Maintain records of sales or other business transactions.", + "Sell products or services.", + "Coordinate sales campaigns.", + "Monitor inventories of products or materials.", + "Prepare financial documents, reports, or budgets.", + "Purchase stocks of merchandise or supplies.", + "Monitor work areas to provide security.", + "Monitor market conditions or trends.", + "Authorize financial actions.", + "Prepare operational budgets." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operational Supervision": 1, + "Personnel Resource Management": 1, + "Customer Service Coordination": 1, + "Sales Transaction Management": 1, + "Inventory Management": 1, + "Operational Performance Monitoring": 1, + "Merchandise Display Strategy": 1, + "Marketing Strategy Development": 1, + "Financial Documentation": 1, + "Workplace Safety Management": 1, + "Professional Communication": 1, + "Training Program Development": 1, + "Policy Development": 1, + "Product Quality Inspection": 1, + "Strategic Operational Planning": 1 + }, + "original_index": 254, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-3092.00", + "job_title": "Food Batchmakers", + "detailed_work_activities": [ + "Record operational or production data.", + "Clean work areas.", + "Sterilize food cooking or processing equipment.", + "Inspect food products.", + "Operate cooking, baking, or other food preparation equipment.", + "Operate mixing equipment.", + "Inspect production equipment.", + "Direct operational or production activities.", + "Measure ingredients or substances to be used in production processes.", + "Select production input materials.", + "Determine food production methods.", + "Notify others of equipment repair or maintenance needs.", + "Watch operating equipment to detect malfunctions.", + "Load materials into production equipment.", + "Operate pumping systems or equipment.", + "Adjust temperature controls of ovens or other heating equipment.", + "Monitor instruments to ensure proper production conditions.", + "Shape clay or dough to create products.", + "Move products, materials, or equipment between work areas.", + "Evaluate quality of food ingredients or prepared foods.", + "Package products for storage or shipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Food Production Operations": 1, + "Production Equipment Operation": 1, + "Operational Monitoring": 1, + "Quality Control Inspection": 1, + "Material Handling": 1, + "Sanitation and Hygiene Management": 1, + "Technical Equipment Maintenance": 1, + "Precision Material Preparation": 1, + "Operational Safety Management": 1, + "Operational Documentation": 1 + }, + "original_index": 255, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "27-1011.00", + "job_title": "Art Directors", + "detailed_work_activities": [ + "Collaborate with others to develop or refine designs.", + "Present work to clients for approval.", + "Coordinate artistic activities.", + "Manage operations of artistic or entertainment departments or organizations.", + "Confer with clients to determine needs.", + "Review art or design materials.", + "Design layout of art or product exhibits, displays, or promotional materials.", + "Determine technical requirements of productions or projects.", + "Draw detailed or technical illustrations.", + "Design layouts for print publications.", + "Write informational material.", + "Coordinate design activities.", + "Select staff, team members, or performers.", + "Train others on work processes.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Research new technologies.", + "Prepare production storyboards.", + "Negotiate for services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Creative Design Conceptualization": 1, + "Visual Design Communication": 1, + "Artistic Collaboration": 1, + "Project Management": 1, + "Client Consultation": 1, + "Technical Illustration": 1, + "Layout Design": 1, + "Promotional Material Design": 1, + "Staff Selection": 1, + "Training and Instruction": 1, + "Technology Research": 1, + "Negotiation": 1, + "Professional Communication": 1, + "Strategic Planning": 1 + }, + "original_index": 256, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "15-1231.00", + "job_title": "Computer Network Support Specialists", + "detailed_work_activities": [ + "Create electronic data backup to prevent loss of information.", + "Implement security measures for computer or information systems.", + "Analyze security of systems, network, or data.", + "Resolve computer network problems.", + "Document network-related activities or tasks.", + "Configure computer networks.", + "Install computer software.", + "Test computer system operations to ensure proper functioning.", + "Analyze data to identify or resolve operational problems.", + "Monitor the performance of computer networks.", + "Provide technical support for computer network issues.", + "Troubleshoot issues with computer applications or systems.", + "Maintain computer hardware.", + "Install computer hardware.", + "Develop specifications for computer network operation.", + "Test computer hardware performance.", + "Test software performance.", + "Update knowledge about emerging industry or technology trends.", + "Train others in computer interface or software use.", + "Document operational activities.", + "Conduct research to gain information about products or processes.", + "Prepare instruction manuals." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Technical Communication": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Technical Equipment Maintenance": 1, + "Technical Safety and Compliance": 1, + "Technical Information Processing": 1, + "Technical User Support": 1, + "Technical Performance Monitoring": 1, + "Technical Research and Innovation": 1 + }, + "original_index": 257, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-3051.04", + "job_title": "Customs and Border Protection Officers", + "detailed_work_activities": [ + "Examine personal documentation to ensure that it is valid.", + "Interview people to obtain information about actions or status of individuals.", + "Detain suspects or witnesses.", + "Inspect cargo to identify potential hazards.", + "Confiscate prohibited or dangerous items.", + "Locate suspicious objects or vehicles.", + "Inform others about laws or regulations.", + "Collaborate with law enforcement or security agencies to share information.", + "Investigate illegal or suspicious activities.", + "Testify at legal or legislative proceedings.", + "Maintain operational records.", + "Calculate tax information.", + "Obtain property information.", + "Investigate legal issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Border Security Operations": 1, + "Investigative Analysis": 1, + "Compliance and Regulatory Enforcement": 1, + "Interpersonal Interrogation Skills": 1, + "Operational Safety Management": 1, + "Threat Detection and Assessment": 1, + "Documentation Management": 1, + "Legal Compliance Monitoring": 1, + "Cargo Handling and Inspection": 1, + "Interagency Collaboration": 1, + "Professional Communication": 1, + "Risk Assessment": 1, + "Strategic Security Oversight": 1 + }, + "original_index": 258, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-1054.00", + "job_title": "Physics Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Develop instructional materials.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Teach physical science or mathematics courses at the college level.", + "Advise students on academic or career matters.", + "Supervise student research or internship work.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Guide class discussions.", + "Maintain student records.", + "Supervise laboratory work.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Write grant proposals.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Serve on institutional or departmental committees.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 259, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-8012.00", + "job_title": "Power Distributors and Dispatchers", + "detailed_work_activities": [ + "Exchange information with colleagues.", + "Operate energy distribution equipment.", + "Direct operational or production activities.", + "Plan production or operational procedures or sequences.", + "Record operational or production data.", + "Monitor equipment operation to ensure proper functioning.", + "Calculate specific material, equipment, or labor requirements for production.", + "Inspect production equipment.", + "Adjust equipment to ensure optimal performance.", + "Monitor external factors impacting operations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Management": 1, + "Technical Safety Management": 1, + "Operational Safety Monitoring": 1, + "Technical Performance Monitoring": 1, + "Operational Communication": 1, + "Technical Documentation": 1, + "Strategic Operational Planning": 1, + "Technical Problem Solving": 1, + "Energy Systems Control": 1, + "Operational Risk Management": 1, + "Academic Instruction": 0 + }, + "original_index": 260, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "25-1051.00", + "job_title": "Atmospheric, Earth, Marine, and Space Sciences Teachers, Postsecondary", + "detailed_work_activities": [ + "Maintain student records.", + "Teach physical science or mathematics courses at the college level.", + "Evaluate student work.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Supervise student research or internship work.", + "Supervise laboratory work.", + "Develop instructional materials.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Guide class discussions.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Advise students on academic or career matters.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Write grant proposals.", + "Serve on institutional or departmental committees.", + "Direct department activities.", + "Maintain inventories of materials, equipment, or products.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Evaluate scholarly materials.", + "Provide information to the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 261, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "21-2011.00", + "job_title": "Clergy", + "detailed_work_activities": [ + "Lead classes or community events.", + "Counsel clients or patients regarding personal issues.", + "Visit individuals in their homes to provide support or information.", + "Train staff members in social services skills.", + "Develop educational programs.", + "Interpret cultural or religious information for others.", + "Intervene in crisis situations to assist clients.", + "Develop promotional strategies for religious organizations.", + "Manage organizational or program finances.", + "Plan conferences, programs, or special events.", + "Refer clients to community or social service programs." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Counseling and Guidance": 1, + "Spiritual Counseling": 1, + "Community Religious Leadership": 1, + "Behavioral Health Counseling": 1, + "Crisis Intervention Management": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Stakeholder Communication": 1, + "Event and Program Management": 1, + "Resource Management": 1, + "Administrative Documentation": 1 + }, + "original_index": 262, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "25-1041.00", + "job_title": "Agricultural Sciences Teachers, Postsecondary", + "detailed_work_activities": [ + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Advise students on academic or career matters.", + "Supervise student research or internship work.", + "Supervise laboratory work.", + "Research topics in area of expertise.", + "Teach physical science or mathematics courses at the college level.", + "Write articles, books or other original materials in area of expertise.", + "Develop instructional materials.", + "Evaluate student work.", + "Guide class discussions.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Direct department activities.", + "Administer tests to assess educational needs or progress.", + "Maintain student records.", + "Prepare tests.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Write grant proposals.", + "Serve on institutional or departmental committees.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies.", + "Compile specialized bibliographies or lists of materials." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Agricultural Education Management": 1, + "Agricultural Systems Analysis": 1, + "Scientific Research Methodology": 1, + "Scientific Communication": 1, + "Professional Development and Continuous Learning": 1, + "Scholarly Research Management": 1, + "Technical Documentation": 1, + "Stakeholder Communication": 1 + }, + "original_index": 263, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-9195.03", + "job_title": "Stone Cutters and Carvers, Manufacturing", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Inspect finishes of workpieces or finished products.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Engrave designs, text, or other markings onto materials, workpieces, or products.", + "Trim excess material from workpieces.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Cut industrial materials in preparation for fabrication or processing.", + "Drill holes in parts, equipment, or materials.", + "Select production equipment according to product specifications.", + "Polish materials, workpieces, or finished products.", + "Apply decorative masonry finishes.", + "Load materials into production equipment.", + "Attach decorative or functional accessories to products.", + "Remove accessories, tools, or other parts from equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Precision Material Cutting": 1, + "Precision Material Handling": 1, + "Precision Measurement and Verification": 1, + "Technical Measurement and Layout": 1, + "Surface Preparation": 1, + "Technical Equipment Operation": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Critical Thinking": 1, + "Precision Manual Craftsmanship": 1, + "Active Listening": 1, + "Judgment and Decision Making": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0 + }, + "original_index": 264, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "27-1021.00", + "job_title": "Commercial and Industrial Designers", + "detailed_work_activities": [ + "Draw detailed or technical illustrations.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Collaborate with others to develop or refine designs.", + "Present work to clients for approval.", + "Estimate costs for projects or productions.", + "Coordinate construction or installation activities.", + "Conduct market research.", + "Coordinate design activities.", + "Conduct research to inform art, designs, or other work.", + "Monitor current trends.", + "Build models, patterns, or templates.", + "Develop promotional strategies or plans." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Artistic Conceptual Development": 1, + "Artistic Design Conceptualization": 1, + "Creative Design Conceptualization": 1, + "Creative Design Implementation": 1, + "Creative Design Management": 1, + "Creative Design Visualization": 1, + "Technical Design Documentation": 1, + "Technical Design Drafting": 1, + "Technical Design Visualization": 1, + "Project Management": 1, + "Client Collaboration": 1, + "Client Consultation and Needs Assessment": 1, + "Professional Communication": 1, + "Market Intelligence": 1, + "Cost Estimation": 1, + "Strategic Design Planning": 1, + "Technology Design": 1 + }, + "original_index": 265, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "39-5092.00", + "job_title": "Manicurists and Pedicurists", + "detailed_work_activities": [ + "Clean tools or equipment.", + "Treat nails by shaping, decorating, or augmenting.", + "Maintain client information or service records.", + "Maintain supply or equipment inventories.", + "Schedule appointments.", + "Administer therapeutic massages.", + "Assess skin or hair conditions.", + "Provide medical or cosmetic advice for clients.", + "Promote products, services, or programs.", + "Sell products or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Service Orientation": 1, + "Client Interaction Management": 1, + "Personal Grooming Services": 1, + "Interpersonal Communication": 1, + "Customer Service Coordination": 1, + "Aesthetic Service Coordination": 1, + "Precision Manual Skill Application": 1, + "Equipment Maintenance": 1, + "Inventory Management": 1 + }, + "original_index": 266, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "27-3011.00", + "job_title": "Broadcast Announcers and Radio Disc Jockeys", + "detailed_work_activities": [ + "Operate control consoles for sound, lighting or video.", + "Perform for recordings.", + "Inform viewers, listeners, or audiences.", + "Gather information for news stories.", + "Report news to the public.", + "Determine presentation subjects or content.", + "Edit written materials.", + "Write material for artistic or entertainment purposes.", + "Organize informational materials.", + "Coordinate logistics for productions or events.", + "Maintain logs of production activities.", + "Operate communications, transmissions, or broadcasting equipment.", + "Host events.", + "Promote products, activities, or organizations.", + "Interview others for news or entertainment purposes." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Broadcast Media Performance": 1, + "Broadcast Technical Communication": 1, + "Broadcast Technical Control": 1, + "Broadcast Technical Operations": 1, + "Media Content Development": 1, + "Media Production Coordination": 1, + "Professional Communication": 1, + "Professional Performance Communication": 1, + "Technical Communication": 1, + "Creative Content Development": 1, + "Event Performance Coordination": 1, + "Interpersonal Communication": 1, + "Media Technical Communication": 1, + "Professional Interviewing": 1, + "Promotional Content Creation": 1, + "Strategic Communication": 1, + "Academic Instruction": 0, + "Healthcare Communication": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 267, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "25-2021.00", + "job_title": "Elementary School Teachers, Except Special Education", + "detailed_work_activities": [ + "Apply multiple teaching methods.", + "Establish rules or policies governing student behavior.", + "Advise students on academic or career matters.", + "Modify teaching methods or materials to accommodate student needs.", + "Plan educational activities.", + "Set up classroom materials or equipment.", + "Evaluate student work.", + "Discuss problems or issues with supervisors.", + "Discuss student progress with parents or guardians.", + "Monitor student performance.", + "Monitor student behavior, social development, or health.", + "Read to students.", + "Create technology-based learning materials.", + "Develop instructional objectives.", + "Assign class work to students.", + "Develop strategies or programs for students with special needs.", + "Administer tests to assess educational needs or progress.", + "Encourage students.", + "Prepare tests.", + "Maintain student records.", + "Enforce rules or policies governing student behavior.", + "Assist students with special educational needs.", + "Document lesson plans.", + "Teach others to use technology or equipment.", + "Collaborate with other teaching professionals to develop educational programs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Plan experiential learning activities.", + "Prepare reports detailing student activities or performance.", + "Evaluate performance of educational staff.", + "Supervise student research or internship work.", + "Display student work.", + "Supervise school or student activities.", + "Serve on institutional or departmental committees.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment.", + "Coordinate student extracurricular activities." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Performance Monitoring": 1, + "Student Safety Management": 1, + "Developmental Learning Support": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Parent-Educator Communication": 1, + "Professional Development and Continuous Learning": 1, + "Educational Support Services": 1, + "Child Development Support": 1 + }, + "original_index": 268, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "35-9031.00", + "job_title": "Hosts and Hostesses, Restaurant, Lounge, and Coffee Shop", + "detailed_work_activities": [ + "Assist customers with seating arrangements.", + "Present food or beverage information or menus to customers.", + "Provide customers with general information or assistance.", + "Operate cash registers.", + "Process customer bills or payments.", + "Communicate with customers to resolve complaints or ensure satisfaction.", + "Communicate dining or order details to kitchen personnel.", + "Package food or supplies.", + "Take customer orders.", + "Coordinate activities of food service staff.", + "Schedule dining reservations.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Perform human resources activities.", + "Train food preparation or food service personnel.", + "Record operational or production data.", + "Assist chefs or caterers with food or drink preparation.", + "Plan special events.", + "Order materials, supplies, or equipment.", + "Manage food service operations or parts of operations.", + "Plan menu options." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Service Orientation": 1, + "Customer Service Communication": 1, + "Interpersonal Communication": 1, + "Operational Coordination": 1, + "Professional Communication": 1, + "Patron Safety Management": 1, + "Transaction Processing": 1, + "Food Service Operations": 1, + "Inventory Management": 1, + "Operational Documentation": 1, + "Training and Development": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0, + "Medical Procedure Support": 0, + "Technical Equipment Management": 0 + }, + "original_index": 269, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "51-6051.00", + "job_title": "Sewers, Hand", + "detailed_work_activities": [ + "Cut materials according to specifications or needs.", + "Measure clients to ensure proper product fit.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Select production input materials.", + "Align parts or workpieces to ensure proper assembly.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Trim excess material from workpieces.", + "Smooth surfaces of objects or equipment.", + "Sew clothing or other articles.", + "Cut industrial materials in preparation for fabrication or processing.", + "Design templates or patterns.", + "Adjust fabrics or other materials during garment production.", + "Assemble garments or textile products." + ], + "skills": [], + "skill_vector": { + "Interpersonal Communication": 0, + "Operational Coordination": 0, + "Critical Problem Solving": 0, + "Technical Equipment Maintenance": 0, + "Operational Safety and Quality Control": 0, + "Precision Manual Manipulation": 0, + "Emergency Response Management": 0, + "Transportation Systems Navigation": 0, + "Performance and Safety Monitoring": 0, + "Material Processing": 0, + "Industrial Equipment Operation": 0, + "Workplace Maintenance": 0, + "Spatial Visualization": 0, + "Mechanical Fabrication": 0, + "Systems Installation": 0, + "Renewable Energy Systems": 0, + "Technical Documentation": 0, + "Environmental Technology Deployment": 0, + "Logistics Resource Management": 0, + "Operational Compliance and Safety": 0, + "Quantitative Operational Analysis": 0, + "Hospitality Management": 0, + "Organizational Resource Coordination": 0, + "Adaptive Workplace Communication": 0, + "Strategic Operational Planning": 0, + "Performance and Compliance Monitoring": 0, + "Educational Support": 0, + "Developmental Mentorship": 0, + "Inclusive Learning Management": 0, + "Technical Maintenance and Repair": 0, + "Operational Safety Management": 0, + "Resource Coordination and Personnel Management": 0, + "Complex Problem Resolution": 0, + "Technical Systems Analysis": 0, + "Precision Technical Documentation": 0, + "Advanced Equipment Calibration": 0, + "Integrated Systems Engineering": 0, + "Quantitative Technical Problem Solving": 0, + "Mechanical Equipment Diagnostics": 0, + "Preventive Maintenance Execution": 0, + "Technical Repair Workflow Management": 0, + "Geological Site Preparation": 0, + "Drilling and Excavation Techniques": 0, + "Heavy Equipment Navigation": 0, + "Geological Sample Collection": 0, + "Environmental Decontamination": 0, + "Green Energy Management": 0, + "Strategic Environmental Compliance": 0, + "Resource Allocation Strategy": 0, + "Advanced Stakeholder Negotiation": 0, + "Medical Diagnostics": 0, + "Healthcare Patient Management": 0, + "Medical Education and Training": 0, + "Healthcare Communication": 0, + "Medical Research and Innovation": 0, + "Patient Care Management": 0, + "Medical Knowledge Application": 0, + "Healthcare Professional Collaboration": 0, + "Health Education and Counseling": 0, + "Clinical Documentation Management": 0, + "Production Equipment Management": 0, + "Quality Assurance Inspection": 0, + "Surface Preparation and Finishing": 0, + "Operational Material Handling": 0, + "Precision Manufacturing Techniques": 0, + "Process Equipment Operation": 0, + "Operational Material Processing": 0, + "Systematic Quality Verification": 0, + "Food Service Management": 0, + "Culinary Preparation Skills": 0, + "Kitchen Safety and Sanitation": 0, + "Inventory and Resource Management": 0, + "Operational Food Service Coordination": 0, + "Construction Material Manipulation": 0, + "Infrastructure Installation": 0, + "Precision Construction Techniques": 0, + "Mechanical System Diagnostics": 0, + "Precision Equipment Maintenance": 0, + "Technical Operational Control": 0, + "Mechanical Component Fabrication": 0, + "Operational Safety Compliance": 0, + "Legal Decision Making": 0, + "Procedural Legal Communication": 0, + "Regulatory Conflict Resolution": 0, + "Print Production Management": 0, + "Manufacturing Process Control": 0, + "Technical Equipment Calibration": 0, + "Electronic Systems Engineering": 0, + "Technical Performance Diagnostics": 0, + "Technical Documentation Management": 0, + "Instrumentation and Equipment Installation": 0, + "Operational Cost and Resource Planning": 0, + "Labor Relations Management": 0, + "Regulatory Compliance Strategy": 0, + "Strategic Conflict Resolution": 0, + "Organizational Policy Development": 0, + "Professional Communication Dynamics": 0, + "Residential Support Management": 0, + "Interpersonal Behavioral Guidance": 0, + "Organizational Safety Oversight": 0, + "Administrative Support Coordination": 0, + "Conflict Mediation and Resolution": 0, + "Medical Administrative Support": 0, + "Professional Communication Management": 0, + "Organizational Information Processing": 0, + "Mechanical Repair Skills": 0, + "Precision Equipment Installation": 0, + "Operational Safety Monitoring": 0, + "Technical Documentation and Interpretation": 0, + "Legal Research and Analysis": 0, + "Judicial Documentation Management": 0, + "Professional Legal Communication": 0, + "Judicial Procedural Coordination": 0, + "Maternal Healthcare Management": 0, + "Clinical Procedure Instruction": 0, + "Comprehensive Patient Counseling": 0, + "Emergency Reproductive Care": 0, + "Airfield Operations Management": 0, + "Transportation Safety Monitoring": 0, + "Emergency Response Coordination": 0, + "Operational Communication Coordination": 0, + "Vehicle and Equipment Monitoring": 0, + "Therapeutic Counseling": 0, + "Client Treatment Management": 0, + "Substance Abuse Intervention": 0, + "Crisis Support Management": 0, + "Family Systems Counseling": 0, + "Maritime Operations Management": 0, + "Emergency Water Response": 0, + "Vessel Maintenance and Inspection": 0, + "Water Transportation Coordination": 0, + "Construction Material Preparation": 0, + "Structural Component Assembly": 0, + "Construction Equipment Management": 0, + "Surface Preparation Techniques": 0, + "Child Development Support": 0, + "Developmental Care Coordination": 0, + "Adaptive Caregiving": 0, + "Family Engagement and Communication": 0, + "Holistic Child Safety Management": 0, + "Measurement and Verification": 0, + "Logistics and Inventory Management": 0, + "Operational Documentation": 0, + "Vehicle Glass Repair": 0, + "Automotive Component Replacement": 0, + "Precision Surface Preparation": 0, + "Regulatory Compliance Management": 0, + "Strategic Resource Allocation": 0, + "Advanced Operational Governance": 0, + "Scientific Research Methodology": 0, + "Environmental Conservation Strategy": 0, + "Biological Systems Analysis": 0, + "Professional Scientific Communication": 0, + "Organizational Research Management": 0, + "Regulatory Environmental Compliance": 0, + "Technical Systems Optimization": 0, + "Resource and Budget Management": 0, + "Workforce Training and Development": 0, + "Postal Service Operations": 0, + "Customer Interaction Management": 0, + "Administrative Documentation": 0, + "Vehicle and Equipment Operation": 0, + "Legal Documentation Management": 0, + "Professional Transcription Skills": 0, + "Procedural Information Processing": 0, + "Precision Device Assembly": 0, + "Equipment Diagnostic Inspection": 0, + "Precision Measurement Techniques": 0, + "Client Representation Management": 0, + "Strategic Talent Negotiation": 0, + "Performance Career Development": 0, + "Entertainment Industry Coordination": 0, + "Professional Financial Management": 0, + "Hazardous Materials Management": 0, + "Safety and Risk Mitigation": 0, + "Heavy Equipment Operation": 0, + "Environmental Site Management": 0, + "Technical Substance Preparation": 0, + "Pharmaceutical Workflow Management": 0, + "Healthcare Compliance and Safety": 0, + "Environmental Conservation Management": 0, + "Specialized Equipment Operation": 0, + "Field Operations Coordination": 0, + "Agricultural Inventory Management": 0, + "Preventive Plant Care": 0, + "Environmental Data Analysis": 0, + "Scientific Sample Management": 0, + "Technical Reporting and Documentation": 0, + "Environmental Monitoring and Assessment": 0, + "Green Energy Engineering": 0, + "Technical Design Visualization": 0, + "Systematic Performance Evaluation": 0, + "Renewable Technology Testing": 0, + "Technical Project Planning": 0, + "Mechanical Repair and Maintenance": 0, + "Precision Material Manipulation": 0, + "Customer Engagement": 0, + "Retail Product Management": 0, + "Sales Transaction Processing": 0, + "Property Valuation Analysis": 0, + "Professional Documentation Management": 0, + "Economic Trend Forecasting": 0, + "Client Service Coordination": 0, + "Legal Testimony Preparation": 0, + "Production Assembly Skills": 0, + "Operational Quality Monitoring": 0, + "Technical Equipment Management": 0, + "Workplace Procedural Coordination": 0, + "Material Handling and Preparation": 0, + "Food Service Leadership": 0, + "Organizational Resource Allocation": 0, + "Interpersonal Conflict Resolution": 0, + "Performance Monitoring and Evaluation": 0, + "Project Management": 0, + "Strategic Technology Management": 0, + "Organizational Resource Optimization": 0, + "Advanced Stakeholder Communication": 0, + "Glass Fabrication Techniques": 0, + "Production Equipment Setup": 0, + "Manufacturing Quality Verification": 0, + "Personal Grooming Services": 0, + "Client Relationship Management": 0, + "Beauty Product Expertise": 0, + "Aesthetic Service Coordination": 0, + "Waste Management Operations": 0, + "Vehicle and Equipment Navigation": 0, + "Safety and Maintenance Inspection": 0, + "Software Development": 0, + "Information Technology Problem Solving": 0, + "Technology Project Management": 0, + "Enterprise Technology Integration": 0, + "Security Risk Management": 0, + "Investigative Compliance Analysis": 0, + "Personnel Resource Optimization": 0, + "Strategic Organizational Governance": 0, + "Comprehensive Workplace Monitoring": 0, + "Workforce Training Development": 0, + "Sales Communication": 0, + "Customer Relationship Cultivation": 0, + "Telemarketing Strategy": 0, + "Therapeutic Patient Care": 0, + "Healthcare Education and Counseling": 0, + "Adaptive Therapeutic Intervention": 0, + "Educational Support and Mentorship": 0, + "Adaptive Learning Management": 0, + "Performance Assessment and Monitoring": 0, + "Interpersonal Educational Communication": 0, + "Professional Educational Development": 0, + "Nanotechnology Process Control": 0, + "Precision Scientific Measurement": 0, + "Technical Research and Innovation": 0, + "Environmental Compliance Monitoring": 0, + "Technical Documentation and Reporting": 0, + "Tour Guide Services": 0, + "Patron Support Coordination": 0, + "Recreational Activity Management": 0, + "Social Support Services": 0, + "Family Systems Intervention": 0, + "Advocacy and Resource Navigation": 0, + "Psychosocial Assessment": 0, + "Client Hygiene Management": 0, + "Technical Design Drafting": 0, + "Precision Measurement Analysis": 0, + "Technical Collaborative Communication": 0, + "Blockchain Technology Development": 0, + "Cybersecurity Implementation": 0, + "Software Architecture Design": 0, + "Cryptographic Protocol Engineering": 0, + "Distributed Systems Engineering": 0, + "Precision Equipment Operation": 0, + "Manufacturing Quality Control": 0, + "Production Process Management": 0, + "Therapeutic Music Intervention": 0, + "Patient Psychological Assessment": 0, + "Healthcare Treatment Planning": 0, + "Empathetic Patient Communication": 0, + "Medical Documentation Management": 0, + "Medical Imaging Technology": 0, + "Healthcare Procedural Compliance": 0, + "Patient Diagnostic Interaction": 0, + "Medical Substance Management": 0, + "Clinical Equipment Maintenance": 0, + "Food Processing Operations": 0, + "Production Equipment Monitoring": 0, + "Quality Verification Techniques": 0, + "Material Handling and Processing": 0, + "Gaming Operations Management": 0, + "Customer Service Interaction": 0, + "Operational Quality Assurance": 0, + "Academic Instruction": 0, + "Student Performance Assessment": 0, + "Academic Research and Development": 0, + "Institutional Governance": 0, + "Professional Development Management": 0, + "Cultural Heritage Preservation": 0, + "Exhibit Design and Curation": 0, + "Archival Research and Documentation": 0, + "Surgical Intervention": 0, + "Medical Diagnostic Assessment": 0, + "Healthcare Procedural Coordination": 0, + "Medical Equipment Sterilization": 0, + "Clinical Research Management": 0, + "Athletic Performance Management": 0, + "Strategic Physical Coordination": 0, + "Professional Sports Communication": 0, + "Electrical Systems Installation": 0, + "Technical Equipment Diagnostics": 0, + "Safety Equipment Verification": 0, + "Artistic Performance Coordination": 0, + "Creative Composition Strategy": 0, + "Professional Artistic Negotiation": 0, + "Personal Care Support": 0, + "Compassionate Client Interaction": 0, + "Healthcare Assistance Coordination": 0, + "Domestic Support Management": 0, + "Environmental Regulatory Compliance": 0, + "Systematic Investigative Analysis": 0, + "Technical Environmental Monitoring": 0, + "Professional Regulatory Communication": 0, + "Green Energy Innovation": 0, + "Operational Environmental Strategy": 0, + "Technical Process Engineering": 0, + "Sustainable Production Management": 0, + "Energy Production Analytics": 0, + "Financial Information Processing": 0, + "Customer Information Acquisition": 0, + "Administrative Communication Management": 0, + "Financial Transaction Coordination": 0, + "Regulatory Compliance Documentation": 0, + "Construction Material Management": 0, + "Protective Work Environment Setup": 0, + "Construction Project Cost Estimation": 0, + "Environmental Science Research": 0, + "Regulatory Environmental Management": 0, + "Scientific Communication and Reporting": 0, + "Sustainability Planning": 0, + "Environmental Impact Assessment": 0, + "Administrative Document Processing": 0, + "Office Equipment Operation": 0, + "Communication and Information Routing": 0, + "Professional Time and Task Management": 0, + "Forensic Investigation": 0, + "Professional Testimony Preparation": 0, + "Landscape Maintenance Operations": 0, + "Specialized Equipment Navigation": 0, + "Safety-Focused Field Operations": 0, + "Biological Research Methodology": 0, + "Laboratory Sample Analysis": 0, + "Scientific Instrumentation Management": 0, + "Microorganism Classification": 0, + "Environmental Microbiological Assessment": 0, + "Vehicle Mechanical Repair": 0, + "Precision Manual Tool Operation": 0, + "Visual Display Design": 0, + "Creative Promotional Strategy": 0, + "Artistic Prop and Material Selection": 0, + "Technical Illustration and Modeling": 0, + "Educational Program Development": 0, + "Student Performance Management": 0, + "Adaptive Instructional Techniques": 0, + "Classroom Behavior Management": 0, + "Physical Fitness Instruction": 0, + "Health and Safety Management": 0, + "Client Performance Evaluation": 0, + "Recreational Activity Coordination": 0, + "Fitness Equipment Management": 0, + "Occupational Safety Management": 0, + "Health and Wellness Communication": 0, + "Regulatory Documentation Management": 0, + "Emergency Preparedness Planning": 0, + "Technical Equipment Inspection": 0, + "Medical Diagnostic Precision": 0, + "Healthcare Patient Interaction": 0, + "Vision Care Expertise": 0, + "Medical Treatment Planning": 0, + "Healthcare Equipment Management": 0, + "Cybersecurity Engineering": 0, + "Information Technology Project Management": 0, + "Security Risk Assessment": 0, + "Software Systems Architecture": 0, + "Surgical Intervention Management": 0, + "Medical Diagnostic Reasoning": 0, + "Healthcare Professional Coordination": 0, + "Precision Medical Equipment Management": 0, + "Patient Care and Communication": 0, + "Artistic Conceptualization": 0, + "Creative Technical Illustration": 0, + "Artistic Production Collaboration": 0, + "Artistic Material Preparation": 0, + "Creative Trend Monitoring": 0, + "Media Production Management": 0, + "Broadcast Technical Control": 0, + "Creative Technical Graphics": 0, + "Performance Choreography": 0, + "Artistic Performance Management": 0, + "Creative Artistic Instruction": 0, + "Artistic Trend Analysis": 0, + "Scientific Problem Solving": 0, + "Research and Development Methodology": 0, + "Facility Maintenance": 0, + "Equipment Operation": 0, + "Safety and Sanitation": 0, + "Psychological Assessment": 0, + "Clinical Counseling": 0, + "Scientific Mental Health Research": 0, + "Professional Healthcare Collaboration": 0, + "Neuropsychological Diagnostic Reasoning": 0, + "Mortuary Operations Management": 0, + "Deceased Care Preparation": 0, + "Grief Support Communication": 0, + "Cremation Equipment Operation": 0, + "Funeral Service Documentation": 0, + "Quality Systems Management": 0, + "Strategic Operational Decision Making": 0, + "Organizational Performance Monitoring": 0, + "Technical Documentation and Specification Development": 0, + "Personnel Resource Development": 0, + "Financial Product Sales": 0, + "Customer Needs Assessment": 0, + "Sales Transaction Management": 0, + "Professional Network Development": 0, + "Product Knowledge Acquisition": 0, + "Legal Decision Analysis": 0, + "Conflict Resolution and Mediation": 0, + "Precision Instrument Repair": 0, + "Technical Diagnostic Assessment": 0, + "Specialized Equipment Maintenance": 0, + "Precision Surface Refinishing": 0, + "Energy Systems Operation": 0, + "Industrial Equipment Maintenance": 0, + "Technical Safety Monitoring": 0, + "Precision Manual Technical Skills": 0, + "Operational Data Recording": 0, + "Medical Diagnostic Imaging": 0, + "Patient Care Coordination": 0, + "Clinical Equipment Management": 0, + "Healthcare Procedural Support": 0, + "Religious Program Management": 0, + "Spiritual Counseling": 0, + "Community Outreach Coordination": 0, + "Interpersonal Guidance": 0, + "Organizational Religious Leadership": 0, + "Strategic Project Management": 0, + "Advanced Resource Allocation": 0, + "Operational Performance Monitoring": 0, + "Environmental Systems Management": 0, + "Strategic Environmental Planning": 0, + "Technical Environmental Analysis": 0, + "Professional Environmental Communication": 0, + "Operational Environmental Monitoring": 0, + "Manufacturing Equipment Operation": 0, + "Quality Inspection and Verification": 0, + "Operational Safety and Compliance": 0, + "Food Production Management": 0, + "Ingredient Precision Handling": 0, + "Operational Quality Control": 0, + "Equipment Temperature Management": 0, + "Culinary Safety Protocols": 0, + "Architectural Design Planning": 0, + "Technical Project Management": 0, + "Professional Design Communication": 0, + "Environmental Design Integration": 0, + "Analytical Design Evaluation": 0, + "Production Equipment Operation": 0, + "Technical Documentation Reading": 0, + "Strategic Organizational Leadership": 0, + "Advanced Resource Management": 0, + "Traffic Systems Analysis": 0, + "Technical Equipment Monitoring": 0, + "Operational Documentation Management": 0, + "Infrastructure Marking and Visualization": 0, + "Administrative Communication": 0, + "Operational Documentation Processing": 0, + "Technical Problem Solving": 0, + "Web Technology Management": 0, + "Digital Systems Security": 0, + "Library Resource Management": 0, + "Administrative Information Processing": 0, + "Customer Service Coordination": 0, + "Precision Material Fabrication": 0, + "Textile Manipulation Skills": 0, + "Geological Sample Analysis": 0, + "Field Data Collection": 0, + "Geospatial Resource Mapping": 0, + "Environmental Site Preparation": 0, + "Construction Project Management": 0, + "Strategic Resource Coordination": 0, + "Regulatory Compliance and Safety": 0, + "Electronic Systems Design": 0, + "Technical Communication": 0, + "Fiberglass Material Processing": 0, + "Mold Preparation and Management": 0, + "Surface Treatment Techniques": 0, + "Medical Diagnostic Expertise": 0, + "Scientific Laboratory Management": 0, + "Professional Medical Communication": 0, + "Pathological Analysis": 0, + "Technical Systems Engineering": 0, + "Information Security Management": 0, + "Collaborative Technical Problem Solving": 0, + "Technology Project Coordination": 0, + "Vehicle Damage Assessment": 0, + "Insurance Claims Documentation": 0, + "Technical Cost Estimation": 0, + "Gas Systems Operation": 0, + "Industrial Equipment Monitoring": 0, + "Operational Safety Protocols": 0, + "Early Childhood Education": 0, + "Child Safety Management": 0, + "Developmental Instructional Adaptation": 0, + "Parent-Educator Communication": 0, + "Classroom Behavioral Management": 0, + "Nuclear Systems Control": 0, + "Complex Equipment Diagnostics": 0, + "Operational Performance Optimization": 0, + "Critical Decision Making": 0, + "Technical Writing Proficiency": 0, + "Information Processing": 0, + "Professional Communication Strategy": 0, + "Critical Analysis and Decision Making": 0, + "Continuous Learning Management": 0, + "Broadcast Technical Operations": 0, + "Production Coordination": 0, + "Technical Communication Management": 0, + "Emergency Medical Care": 0, + "Patient Transportation Management": 0, + "Healthcare Team Collaboration": 0, + "Emergency Medical Documentation": 0, + "Technical Problem Analysis": 0, + "Industrial Process Management": 0, + "Technical Documentation Interpretation": 0, + "Quality Control Engineering": 0, + "Engineering Design Visualization": 0, + "Laboratory Sample Management": 0, + "Technical Troubleshooting": 0, + "Operational Equipment Coordination": 0, + "Recreational Facility Management": 0, + "Financial Record Management": 0, + "Legal Reasoning": 0, + "Legal Dispute Resolution": 0, + "Client Legal Representation": 0, + "Public Safety Management": 0, + "Animal Care and Control": 0, + "Investigative Documentation": 0, + "Cybersecurity Risk Management": 0, + "Professional Information Processing": 0, + "Continuous Professional Learning": 0, + "Vehicle Component Maintenance": 0, + "Equipment Operation and Safety": 0, + "Geospatial Data Analysis": 0, + "Technical Field Documentation": 0, + "Scientific Instrumentation Operation": 0, + "Environmental Site Analysis": 0, + "Academic Instruction Design": 0, + "Scholarly Research Management": 0, + "Professional Academic Communication": 0, + "Institutional Academic Governance": 0, + "Healthcare Patient Assessment": 0, + "Therapeutic Physical Intervention": 0, + "Medical Equipment Management": 0, + "Professional Healthcare Coordination": 0, + "Food Production Operations": 0, + "Equipment Temperature Control": 0, + "Surface Leveling and Preparation": 0, + "Masonry Material Installation": 0, + "Financial Analysis": 0, + "Professional Documentation": 0, + "Strategic Business Advisory": 0, + "Utility Service Monitoring": 0, + "Material Preparation and Handling": 0, + "Precision Measurement and Layout": 0, + "Installation Quality Control": 0, + "Specialized Material Manipulation": 0, + "Technical Equipment Installation": 0, + "Diagnostic Technical Troubleshooting": 0, + "Operational Safety Verification": 0, + "Human Factors Engineering": 0, + "Technical Design Optimization": 0, + "Learner Needs Assessment": 0, + "Customer Transaction Management": 0, + "Product Information Communication": 0, + "Operational Customer Interaction": 0, + "Market Intelligence": 0, + "Professional Product Knowledge": 0, + "Technical Equipment Setup": 0, + "Technical Control Systems Operation": 0, + "Surface Finishing Techniques": 0, + "Precision Manual Construction Skills": 0, + "Creative Design Conceptualization": 0, + "Trend and Market Research": 0, + "Therapeutic Patient Counseling": 0, + "Aviation Safety Inspection": 0, + "Technical Performance Verification": 0, + "Medical Precision Intervention": 0, + "Healthcare Equipment Customization": 0, + "Business Intelligence Analysis": 0, + "Information Systems Management": 0, + "Analytical Problem Solving": 0, + "Precision Technical Diagnostics": 0, + "Legislative Policy Development": 0, + "Public Governance Coordination": 0, + "Strategic Hearing Management": 0, + "Professional Development Leadership": 0, + "Regulatory Impact Analysis": 0, + "Engineering Systems Design": 0, + "Scientific Problem Resolution": 0, + "Technical Performance Optimization": 0, + "Performance Arts Management": 0, + "Expressive Communication": 0, + "Creative Skill Development": 0, + "Professional Talent Representation": 0, + "Artistic Audition and Casting": 0, + "Animal Training and Care": 0, + "Performance Instruction": 0, + "Administrative Coordination": 0, + "Social Research Methodology": 0, + "Professional Knowledge Communication": 0, + "Systematic Analytical Reasoning": 0, + "Interpersonal Observation Skills": 0, + "Academic and Policy Consultation": 0, + "Vehicle Operation Management": 0, + "Logistics Documentation": 0, + "Insurance Claims Processing": 0, + "Administrative Information Management": 0, + "Customer Information Verification": 0, + "Sales Persuasion": 0, + "Customer Engagement Strategy": 0, + "Product Demonstration Skills": 0, + "Safety and Hazard Management": 0, + "Operational Documentation and Reporting": 0, + "Scientific Laboratory Procedures": 0, + "Quality Control Analysis": 0, + "Chemical Substance Management": 0, + "Software Quality Assurance": 0, + "Technical Problem Diagnostics": 0, + "Performance Monitoring and Analysis": 0, + "Collaborative Technical Communication": 0, + "Academic Research and Instruction": 0, + "Professional Academic Development": 0, + "Special Needs Education Support": 0, + "Developmental Behavioral Management": 0, + "Educational Assessment and Monitoring": 0, + "Collaborative Educational Planning": 0, + "Adaptive Instructional Technology": 0, + "Mechanical Repair Expertise": 0, + "Precision Equipment Manipulation": 0, + "Technical Problem Resolution": 0, + "Equipment Maintenance and Safety": 0, + "Rehabilitation Case Management": 0, + "Forensic Social Intervention": 0, + "Therapeutic Client Counseling": 0, + "Community Resource Navigation": 0, + "Legal Compliance Monitoring": 0, + "Hazardous Environment Management": 0, + "Precision Manual Infrastructure Skills": 0, + "Strategic Organizational Communication": 0, + "Strategic Decision Making": 0, + "Computational Bioinformatics": 0, + "Human Resources Management": 0, + "Strategic Interpersonal Communication": 0, + "Compliance and Regulatory Management": 0, + "Forensic Evidence Analysis": 0, + "Scientific Documentation": 0, + "Curriculum Development": 0, + "Nutritional Assessment": 0, + "Healthcare Nutrition Counseling": 0, + "Dietary Program Management": 0, + "Scientific Nutrition Research": 0, + "Interdisciplinary Healthcare Collaboration": 0, + "Professional Client Interaction": 0, + "Regulatory Compliance and Interpretation": 0, + "Geospatial Data Collection": 0, + "Cartographic Visualization": 0, + "Medical Records Management": 0, + "Healthcare Administrative Communication": 0, + "Medical Facility Operational Coordination": 0, + "Pedagogical Assessment and Monitoring": 0, + "Technical Validation Engineering": 0, + "Complex Problem Analysis": 0, + "Forensic Evidence Management": 0, + "Legal Documentation and Testimony": 0, + "Investigative Information Management": 0, + "Emergency Response Documentation": 0, + "Pattern Design and Fabrication": 0, + "Technical Measurement and Layout": 0, + "Production Equipment Programming": 0, + "Risk Assessment Management": 0, + "Technical Specification Development": 0, + "Operational Compliance Monitoring": 0, + "Strategic Investigative Analysis": 0, + "Forestry Equipment Operation": 0, + "Field Operations Safety": 0, + "Water Systems Management": 0, + "Chemical Processing Control": 0, + "Precision Operational Documentation": 0, + "Information Management": 0, + "Procedural Documentation": 0, + "Digital Systems Management": 0, + "Precision Manufacturing Skills": 0, + "Equipment Diagnostic Monitoring": 0, + "Technical Quality Verification": 0, + "Machine Operation Control": 0, + "Technical Quality Inspection": 0, + "Technical Documentation Comprehension": 0, + "Precision Material Handling": 0, + "Vision Care Technical Skills": 0, + "Medical Device Customization": 0, + "Performance Arts Coordination": 0, + "Creative Movement Technique": 0, + "Professional Performance Preparation": 0, + "Web Design and Development": 0, + "Digital Visual Communication": 0, + "Technical Project Collaboration": 0, + "Digital Systems Testing": 0, + "Emerging Technology Adaptation": 0, + "Operational Problem Resolution": 0, + "Quantitative Technical Analysis": 0, + "Educational Instruction Management": 0, + "Student Performance Evaluation": 0, + "Research and Scholarly Contribution": 0, + "Health Education Strategy": 0, + "Social Services Coordination": 0, + "Professional Health Communication": 0, + "Community Needs Assessment": 0, + "Organizational Health Program Management": 0, + "Textile Equipment Operation": 0, + "Precision Material Cutting": 0, + "Production Quality Inspection": 0, + "Equipment Setup and Calibration": 0, + "Operational Pattern Management": 0, + "Precision Medical Intervention": 0, + "Healthcare Professional Communication": 0, + "Customer Service Communication": 0, + "Problem Resolution Strategy": 0, + "Chemical Analysis and Synthesis": 0, + "Technical Quality Control": 0, + "Laboratory Equipment Management": 0, + "Postal Operations Management": 0, + "Personnel Resource Coordination": 0, + "Operational Communication Strategy": 0, + "Strategic Problem Resolution": 0, + "Administrative Documentation Management": 0, + "Operational Monitoring and Control": 0, + "Site Dimensional Management": 0, + "Material Handling and Coordination": 0, + "Pumping and Hydraulic Systems Management": 0, + "Recreational Program Management": 0, + "Client Engagement and Support": 0, + "Operational Safety and Rule Enforcement": 0, + "Genetic Research Methodology": 0, + "Scientific Literature Review": 0, + "Research Collaboration Management": 0, + "Biological Sample Analysis": 0, + "Scientific Proposal Development": 0, + "Organizational Research Methodology": 0, + "Professional Counseling": 0, + "Interpersonal Observation": 0, + "Research Communication": 0, + "Patient Care Communication": 0, + "Medical Procedure Support": 0, + "Remote Sensing Analysis": 0, + "Educational Leadership": 0, + "Organizational Compliance Management": 0, + "Professional Development Coordination": 0, + "Interpersonal Guidance and Support": 0, + "Landscape Design Planning": 0, + "Green Infrastructure Development": 0, + "Site Analysis and Preparation": 0, + "Technical Project Coordination": 0, + "Complex Problem Solving": 0, + "Mathematical Problem Analysis": 0, + "Advanced Learning Strategies": 0, + "Mining Equipment Operation": 0, + "Geological Site Management": 0, + "Extraction Workflow Coordination": 0, + "Mental Health Patient Care": 0, + "Therapeutic Communication": 0, + "Clinical Behavioral Intervention": 0, + "Patient Emotional Support": 0, + "Medical Psychiatric Documentation": 0, + "Maritime Navigation Skills": 0, + "Emergency Maritime Response": 0, + "Vessel Equipment Maintenance": 0, + "Transportation Logistics Coordination": 0, + "Marine Communication Protocols": 0, + "Vegetation Management": 0, + "Chemical Application Safety": 0, + "Equipment Maintenance and Operation": 0, + "Animal Research Methodology": 0, + "Agricultural Systems Analysis": 0, + "Scientific Agricultural Communication": 0, + "Livestock Breeding Expertise": 0, + "Agricultural Process Management": 0, + "Healthcare Information Systems": 0, + "Clinical Documentation Processing": 0, + "Mechanical Equipment Maintenance": 0, + "Precision Technical Installation": 0, + "Technical Design Documentation": 0, + "Precision Equipment Calibration": 0, + "Wood Product Fabrication": 0, + "Technical Blueprint Interpretation": 0, + "Counseling and Guidance": 0, + "Client Needs Assessment": 0, + "Educational Resource Coordination": 0, + "Professional Communication and Intervention": 0, + "Holistic Client Development": 0, + "Strategic Communication Management": 0, + "Media Relations Coordination": 0, + "Event and Program Management": 0, + "Organizational Narrative Development": 0, + "Stakeholder Engagement Strategy": 0, + "Equipment Diagnostic Assessment": 0, + "Precision Machine Operation": 0, + "Operational Quality Verification": 0, + "Medical Device Fabrication": 0, + "Patient Assessment and Measurement": 0, + "Electrical Systems Maintenance": 0, + "Technical Diagnostic Troubleshooting": 0, + "Academic Instruction and Research": 0, + "Pedagogical Assessment and Mentorship": 0, + "Continuous Professional Development": 0, + "Electrical Installation Skills": 0, + "Precision Manual Technical Work": 0, + "Resource and Schedule Management": 0, + "Information Processing and Documentation": 0, + "Problem Analysis and Resolution": 0, + "Surgical Patient Care": 0, + "Healthcare Safety Protocol": 0, + "Personal Resource Management": 0, + "Service Environment Maintenance": 0, + "Patron Safety and Support": 0, + "Photographic Process Management": 0, + "Technical Material Preparation": 0, + "Medical Anesthesia Support": 0, + "Advanced Life Support Management": 0, + "Medical Equipment Precision Management": 0, + "Clinical Documentation and Reporting": 0, + "Student Safety Management": 0, + "Passenger Transportation Support": 0, + "Behavioral Conflict Mediation": 0, + "Healthcare Regulatory Compliance": 0, + "Research Data Management": 0, + "Interdisciplinary Research Collaboration": 0, + "Chemical Solution Preparation": 0, + "Production Monitoring and Quality Control": 0, + "Retail Leadership": 0, + "Merchandise Display Strategy": 0, + "Retail Inventory Management": 0, + "Creative Design Management": 0, + "Professional Visual Communication": 0, + "Artistic Collaboration and Coordination": 0, + "Network Systems Support": 0, + "Technical Security Implementation": 0, + "Operational Technical Documentation": 0, + "Border Security Operations": 0, + "Investigative Risk Assessment": 0, + "Legal Compliance Enforcement": 0, + "Interpersonal Threat Detection": 0, + "Postsecondary Educational Instruction": 0, + "Academic Research and Scholarship": 0, + "Interdisciplinary Academic Communication": 0, + "Energy Systems Control": 0, + "Equipment Performance Monitoring": 0, + "Pedagogical Assessment and Development": 0, + "Scientific Knowledge Communication": 0, + "Professional Development and Learning": 0, + "Spiritual Guidance": 0, + "Community Religious Leadership": 0, + "Interpersonal Empathetic Support": 0, + "Religious Educational Programming": 0, + "Holistic Community Support": 0, + "Precision Material Measurement": 0, + "Creative Design Visualization": 0, + "Market and Trend Analysis": 0, + "Collaborative Design Production": 0, + "Client Interaction Management": 0, + "Precision Manual Skill Application": 0, + "Broadcast Media Performance": 0, + "Media Production Coordination": 0, + "News and Information Gathering": 0, + "Classroom Management": 0, + "Instructional Strategy Development": 0, + "Student Performance Monitoring": 0, + "Educational Communication": 0, + "Developmental Learning Support": 0, + "Operational Food Service Management": 0, + "Professional Communication and Coordination": 0, + "Textile Material Manipulation": 0, + "Precision Garment Production": 0, + "Pattern Design and Layout": 0, + "Agricultural Systems Engineering": 0, + "Complex Problem Solving in Engineering": 0, + "Operational Systems Analysis": 0, + "Equipment Diagnostic Troubleshooting": 0, + "Precision Technical Maintenance": 0, + "Biomedical Engineering Design": 0, + "Systems Engineering Analysis": 0, + "Professional Technical Communication": 0, + "Technical Systems Design": 0, + "Equipment Performance Diagnostics": 0, + "Technical Measurement and Verification": 0, + "Vehicle Diagnostic Assessment": 0, + "Mechanical Repair Precision": 0, + "Equipment Maintenance Strategy": 0, + "Technical Safety Verification": 0, + "Precision Manual Tool Manipulation": 0, + "Patient Treatment and Counseling": 0, + "Medical Procedure and Equipment Management": 0, + "Training Program Development": 0, + "Organizational Learning Strategy": 0, + "Performance Evaluation and Monitoring": 0, + "Interpersonal Learning Facilitation": 0, + "Organizational Training Coordination": 0, + "Investigative Evidence Analysis": 0, + "Regulatory Compliance Investigation": 0, + "Financial Fraud Detection": 0, + "Professional Interviewing": 0, + "Professional Procedural Communication": 0, + "Interpersonal Conflict Management": 0, + "Technical Illustration Skills": 0, + "Exhibition and Display Design": 0, + "Design Material Preparation": 0, + "Visual Presentation Skills": 0, + "Professional Image Modeling": 0, + "Career Opportunity Identification": 0, + "Data Management": 0, + "Systematic Problem Analysis": 0, + "Therapeutic Art Intervention": 0, + "Empathetic Professional Communication": 0, + "Treatment Plan Development": 0, + "Creative Psychological Intervention": 0, + "Equipment Operation and Control": 0, + "Technical Safety and Compliance": 0, + "Patron Safety Management": 0, + "Professional Communication and Interaction": 0, + "Operational Information Management": 0, + "Inventory Management": 0, + "Material Handling": 0, + "Quality Inspection": 0, + "Infrastructure Design": 0, + "Environmental Systems Analysis": 0, + "Site Evaluation and Preparation": 0, + "Vehicle Mechanical Diagnostics": 0, + "Specialized Tool Operation": 0, + "Patient Care Support": 0, + "Healthcare Procedural Assistance": 0, + "Interpersonal Patient Interaction": 0, + "Personal Care and Safety Management": 0, + "Agricultural Data Analysis": 0, + "Environmental Field Operations": 0, + "Precision Agricultural Technology": 0, + "Scientific Operational Documentation": 0, + "Geospatial Survey Techniques": 0, + "Vehicle Body Repair": 0, + "Welding and Fabrication": 0, + "Automotive Parts Replacement": 0, + "Creative Writing Skills": 0, + "Artistic Collaboration": 0, + "Research and Conceptualization": 0, + "Professional Creative Communication": 0, + "Intellectual Property Management": 0, + "Criminal Investigation Skills": 0, + "Strategic Information Gathering": 0, + "Administrative Documentation Processing": 0, + "Operational Communication Management": 0, + "Clinical Procedure Support": 0, + "Patient Assessment": 0, + "Project Management in Technology": 0, + "Systems Design and Integration": 0, + "Scientific Communication": 0, + "Quantitative Risk Analysis": 0, + "Strategic Financial Modeling": 0, + "Complex Problem Reasoning": 0, + "Professional Data Interpretation": 0, + "Food Service Operations": 0, + "Sanitation and Hygiene Management": 0, + "Resource Distribution": 0, + "Scientific Environmental Assessment": 0, + "Natural Resource Planning": 0, + "Precision Pattern Design": 0, + "Strategic Procurement Management": 0, + "Financial Transaction Processing": 0, + "Operational Communication and Coordination": 0, + "Geospatial Data Visualization": 0, + "Survey Data Collection": 0, + "Technical Measurement Precision": 0, + "Collection Management": 0, + "Research and Documentation": 0, + "Community Program Development": 0, + "Institutional Resource Management": 0, + "Professional Communication": 0, + "Information Gathering and Verification": 0, + "Procedural Compliance and Coordination": 0, + "Operational Sanitation Management": 0, + "Resource Distribution and Coordination": 0, + "Transaction Processing": 0, + "Vehicle Traffic Management": 0, + "Spatial Measurement and Marking": 0, + "Data Systems Engineering": 0, + "Information Technology Optimization": 0, + "Laboratory Specimen Analysis": 0, + "Healthcare Quality Control": 0, + "Precision Scientific Documentation": 0, + "Microbiological Cultivation": 0, + "Construction Material Handling": 0, + "Temporary Structure Assembly": 0, + "Construction Equipment Operation": 0, + "Food Preparation Skills": 0, + "Interpersonal Healthcare Communication": 0, + "Property Management": 0, + "Financial Resource Coordination": 0, + "Stakeholder Communication": 0, + "Operational Compliance Management": 0, + "Strategic Facility Management": 0, + "Food Science Technical Analysis": 0, + "Scientific Laboratory Procedure Management": 0, + "Technical Research and Development": 0, + "Precision Measurement and Instrumentation": 0, + "Early Childhood Educational Administration": 0, + "Child Development Program Oversight": 0, + "Organizational Resource Allocation in Education": 0, + "Regulatory Compliance in Childcare": 0, + "Professional Development and Staff Training": 0, + "Precision Medical Device Fabrication": 0, + "Vision Care Technical Expertise": 0, + "Quality Control Inspection": 0, + "Medical Device Measurement and Fitting": 0, + "Drilling Operations Management": 0, + "Site Preparation and Inspection": 0, + "Extraction Equipment Maintenance": 0, + "Spatial Analysis and Visualization": 0, + "Precision Measurement and Verification": 0, + "Infrastructure Design and Planning": 0, + "Complex Problem Analysis and Resolution": 0, + "Digital Marketing Strategy": 0, + "Web Analytics and Insights": 0, + "Strategic Online Communication": 0, + "Technical Marketing Technology": 0, + "Precision Surface Finishing": 0, + "Equipment Maintenance and Inspection": 0, + "Quality Control Measurement": 0, + "Manual Material Manipulation": 0, + "Production Workflow Management": 0, + "Electrical Circuit Maintenance": 0, + "Mechanical Component Inspection": 0, + "Precision Equipment Lubrication": 0, + "Technical Documentation and Record Keeping": 0, + "Claims Investigation": 0, + "Financial Claims Processing": 0, + "Regulatory Compliance Assessment": 0, + "Scientific Field Research": 0, + "Natural Resource Analysis": 0, + "Geospatial Environmental Mapping": 0, + "Sustainable Land Management": 0, + "Vehicle Inspection and Safety": 0, + "Operational Incident Documentation": 0, + "Technical Compliance Monitoring": 0, + "Epidemiological Research": 0, + "Healthcare Program Management": 0, + "Public Health Strategy": 0, + "Grant and Research Funding": 0, + "Healthcare Technical Support": 0, + "Patient Monitoring and Assessment": 0, + "Cardiovascular Technical Expertise": 0, + "Operational Environmental Compliance": 0, + "Postsecondary Academic Instruction": 0, + "Scholarly Research and Development": 0, + "Academic Professional Communication": 0, + "Medical Anesthesia Management": 0, + "Advanced Medical Intervention": 0, + "Patient Safety and Monitoring": 0, + "Medical Procedural Documentation": 0, + "Water Systems Engineering": 0, + "Technical Design and Planning": 0, + "Operational Quality Management": 0, + "Financial Record Analysis": 0, + "Systematic Problem Resolution": 0, + "Patient Communication": 0, + "Administrative Healthcare Support": 0, + "Precision Material Crafting": 0, + "Jewelry Technical Fabrication": 0, + "Micro-Scale Design Engineering": 0, + "Technical Graphical Representation": 0, + "Emerging Technology Research": 0, + "Operational Protocol Development": 0, + "Precision Technical Validation": 0, + "Mechanical Equipment Repair": 0, + "Statistical Analysis": 0, + "Technical Problem Reasoning": 0, + "Computational Data Processing": 0, + "Precision Medical Documentation": 0, + "Archival Resource Management": 0, + "Research Documentation": 0, + "Cultural Program Development": 0, + "Patient Rehabilitation Support": 0, + "Therapeutic Assessment and Planning": 0, + "Therapeutic Patient Interaction": 0, + "Medical Procedural Assistance": 0, + "Patient Safety Management": 0, + "Urban Planning Strategy": 0, + "Environmental Policy Analysis": 0, + "Geospatial Data Interpretation": 0, + "Stakeholder Engagement Management": 0, + "Sustainable Development Planning": 0, + "Educational Research and Scholarship": 0, + "Sales Technical Communication": 0, + "Product Demonstration Strategy": 0, + "Market Intelligence Gathering": 0, + "Professional Sales Networking": 0, + "Fundraising Strategy Development": 0, + "Nonprofit Program Development": 0, + "Relationship Management": 0, + "Exercise Science Assessment": 0, + "Patient Health Counseling": 0, + "Clinical Exercise Intervention": 0, + "Performance Physiological Monitoring": 0, + "Technical Equipment Coordination": 0, + "Precision Technical Measurement": 0, + "Scholarly Research Methodology": 0, + "Hearing Healthcare Support": 0, + "Patient Technical Consultation": 0, + "Agricultural Equipment Operation": 0, + "Crop and Plant Management": 0, + "Agricultural Inventory Documentation": 0, + "Genetic Counseling Communication": 0, + "Medical Genetic Assessment": 0, + "Patient Psychological Support": 0, + "Forensic Investigation Skills": 0, + "Fire Safety and Prevention": 0, + "Technical Investigative Communication": 0, + "Regulatory Compliance Monitoring": 0, + "Robotic Systems Maintenance": 0, + "Technical Diagnostic Reasoning": 0, + "Operational Workflow Coordination": 0, + "Metal Production Operations": 0, + "Precision Manufacturing Inspection": 0, + "Emergency Vehicle Operations": 0, + "Customer Financial Advisory": 0, + "Regulatory Financial Compliance": 0, + "Professional Networking": 0, + "Persuasive Presentation": 0, + "Customer Needs Analysis": 0, + "Vehicle Diagnostic Repair": 0, + "Pediatric Surgical Intervention": 0, + "Pediatric Patient Communication": 0, + "Stakeholder Engagement": 0, + "Traffic Safety Management": 0, + "Situational Awareness Communication": 0, + "Operational Safety Signaling": 0, + "Public Transportation Management": 0, + "Passenger Safety and Support": 0, + "Vehicle Operational Safety": 0, + "Route Navigation and Planning": 0, + "Customer Transaction Processing": 0, + "Safety and Quality Control Inspection": 0, + "Dental Healthcare Services": 0, + "Healthcare Patient Communication": 0, + "Preventive Health Education": 0, + "Mold and Pattern Fabrication": 0, + "Material Surface Treatment": 0, + "Technical Material Manipulation": 0, + "Production Quality Verification": 0, + "Creative Performance Skills": 0, + "Artistic Audition and Career Development": 0, + "Musical Composition and Arrangement": 0, + "Professional Artistic Communication": 0, + "Legal Document Processing": 0, + "Professional Information Verification": 0, + "Regulatory Compliance Coordination": 0, + "Patient Communication and Counseling": 0, + "Diagnostic Assessment and Reasoning": 0, + "Specialized Medical Device Management": 0, + "Professional Healthcare Documentation": 0, + "Medication Management": 0, + "Healthcare Patient Guidance": 0, + "Clinical Information Processing": 0, + "Pharmaceutical Safety Protocols": 0, + "Petroleum Engineering Analysis": 0, + "Energy Production Management": 0, + "Industrial Design Methodology": 0, + "Environmental Systems Engineering": 0, + "Biological Specimen Processing": 0, + "Medical Laboratory Equipment Operation": 0, + "Healthcare Technical Documentation": 0, + "Scientific Quality Control": 0, + "Medical Diagnostic Support": 0, + "Information Processing and Verification": 0, + "Legal and Regulatory Compliance": 0, + "Investment Strategy": 0, + "Risk Assessment": 0, + "Wellness Program Management": 0, + "Health Education and Communication": 0, + "Quality Control and Inspection": 0, + "Safety and Regulatory Compliance": 0, + "Law Enforcement Operations": 0, + "Investigative Evidence Management": 0, + "Public Safety Communication": 0, + "Regulatory Compliance Enforcement": 0, + "Operational Risk Management": 0, + "Audio Technical Operations": 0, + "Media Technical Communication": 0, + "Digital Media Conversion": 0, + "Performance Technical Support": 0, + "Surveillance Operations": 0, + "Customer Information Management": 0, + "Operational Communication": 0, + "Precision Manual Fabrication": 0, + "Structural Component Installation": 0, + "CNC Programming": 0, + "Professional Time Management": 0, + "Robotic Systems Engineering": 0, + "Visual Composition": 0, + "Technical Image Processing": 0, + "Creative Equipment Operation": 0, + "Professional Creative Documentation": 0, + "Technical Monitoring and Inspection": 0, + "Analytical Problem Resolution": 0, + "Precision Documentation Management": 0, + "Mathematical Performance Analysis": 0, + "Patron Safety and Interaction": 0, + "Operational Resource Distribution": 0, + "Customer Interaction in Service Environments": 0, + "Operational Financial Record Maintenance": 0, + "Agricultural Inspection Skills": 0, + "Environmental Field Monitoring": 0, + "Regulatory Agricultural Compliance": 0, + "Government Program Eligibility Assessment": 0, + "Regulatory Compliance Communication": 0, + "Financial Analysis and Reporting": 0, + "Quantitative Problem Solving": 0, + "Correctional Operations Management": 0, + "Emergency Response and Safety": 0, + "Personnel Performance Evaluation": 0, + "Surface Preparation Skills": 0, + "Wildlife Resource Management": 0, + "Outdoor Equipment Operation": 0, + "Field Safety and Hazard Management": 0, + "Precision Metal Fabrication": 0, + "Equipment Safety Monitoring": 0, + "Technical Dimensional Verification": 0, + "Forestry Resource Assessment": 0, + "Operational Field Coordination": 0, + "Technical Measurement and Marking": 0, + "Retail Transaction Processing": 0, + "Operational Cash Management": 0, + "Logistics Analysis": 0, + "Early Childhood Education Management": 0, + "Developmental Behavioral Guidance": 0, + "Instructional Adaptation": 0, + "Child Safety and Welfare": 0, + "Precision Surface Etching": 0, + "Equipment Control and Monitoring": 0, + "Protective Finishing Application": 0, + "Workplace Safety Engineering": 0, + "Financial Risk Analysis": 0, + "Strategic Business Intelligence": 0, + "Financial Reporting and Documentation": 0, + "Investment Strategy Development": 0, + "Biomass Production Operations": 0, + "Sustainable Energy Quality Control": 0, + "Operational Data Documentation": 0, + "Industrial Safety Compliance": 0, + "Special Needs Educational Support": 0, + "Guest Service Coordination": 0, + "Facility Maintenance and Cleaning": 0, + "Economic Analysis": 0, + "Quantitative Reasoning": 0, + "Critical Analytical Reasoning": 0, + "Research Methodology": 0, + "Underwater Technical Operations": 0, + "Safety and Emergency Response": 0, + "Complex Problem-Solving in Technical Environments": 0, + "Professional Communication in Technical Contexts": 0, + "Equipment Operation Monitoring": 0, + "Mathematical Problem Solving": 0, + "Advanced Analytical Reasoning": 0, + "Systematic Documentation": 0, + "Interpersonal Needs Assessment": 0, + "Agricultural Systems Management": 0, + "Sustainable Resource Management": 0, + "Information Services Support": 0, + "Technical Documentation Processing": 0, + "Computational Bioinformatics Analysis": 0, + "Complex Problem Solving in Scientific Contexts": 0, + "Safety and Quality Inspection": 0, + "Technical Equipment Operation": 0, + "Strategic Resource Management": 0, + "Professional Communication in Healthcare": 0, + "Transcription and Information Processing": 0, + "Telecommunications Equipment Installation": 0, + "Field Technical Operations": 0, + "Technical Safety and Equipment Inspection": 0, + "Operational Problem-Solving": 0, + "Print Production Technical Skills": 0, + "Technical Equipment Programming": 0, + "Mail Processing Operations": 0, + "Equipment Maintenance and Monitoring": 0, + "Workplace Safety and Quality Control": 0, + "Operational Coordination and Communication": 0, + "Strategic Compensation Management": 0, + "Regulatory Compliance Oversight": 0, + "Financial Resource Allocation": 0, + "Equipment Operation and Monitoring": 0, + "Workplace Safety and Maintenance": 0, + "Material Handling and Movement": 0, + "Strategic Conservation Planning": 0, + "Network Systems Management": 0, + "Systems Performance Optimization": 0, + "Mortuary Service Management": 0, + "Facility Maintenance and Sanitation": 0, + "Administrative Funeral Documentation": 0, + "Sustainability Strategy Development": 0, + "Organizational Green Innovation": 0, + "Stakeholder Environmental Communication": 0, + "Operational Sustainability Monitoring": 0, + "Anesthesia and Life Support": 0, + "Digital Document Management": 0, + "Technical Information Processing": 0, + "Resource and Task Management": 0, + "Therapeutic Social Support": 0, + "Client Case Management": 0, + "Professional Interpersonal Assessment": 0, + "Ethical Professional Intervention": 0, + "Cybersecurity Analysis": 0, + "Technical Penetration Testing": 0, + "Security Policy Development": 0, + "Technical Risk Mitigation": 0, + "Investigative Technical Documentation": 0, + "Precision Manual Craftsmanship": 0, + "Product Quality Inspection": 0, + "Promotional Content Creation": 0, + "Construction Site Operations": 0, + "Manual Construction Skills": 0, + "Operational Safety Coordination": 0, + "Community Health Support": 0, + "Social Service Coordination": 0, + "Interpersonal Health Communication": 0, + "Preventive Health Intervention": 0, + "Medical Radiation Treatment": 0, + "Patient Safety Monitoring": 0, + "Precision Patient Care": 0, + "Recycling Operational Management": 0, + "Environmental Compliance Coordination": 0, + "Material Transport and Logistics": 0, + "Waste Processing and Sorting": 0, + "Construction Surface Preparation": 0, + "Professional Communication and Documentation": 0, + "Investigative Analysis and Evidence Management": 0, + "Operational Compliance and Safety Monitoring": 0, + "Financial Sales Strategy": 0, + "Market Intelligence Analysis": 0, + "Professional Financial Communication": 0, + "Customer Needs Financial Assessment": 0, + "Precision Material Processing": 0, + "Technical Surface Treatment": 0, + "Developmental Learning Adaptation": 0, + "Child Safety and Developmental Support": 0, + "Academic Instruction Management": 0, + "Scholarly Research Development": 0, + "Interpersonal Academic Communication": 0, + "Quantitative Data Processing": 0, + "Operational Information Verification": 0, + "Materials Science Analysis": 0, + "Laboratory Quality Control": 0, + "Environmental Conservation Expertise": 0, + "Interpretive Educational Communication": 0, + "Field Research and Documentation": 0, + "Wildlife Interaction and Management": 0, + "Ecological Site Assessment": 0, + "Strategic Marketing Communication": 0, + "Professional Persuasive Communication": 0, + "Comprehensive Performance Monitoring": 0, + "Adaptive Physical Education Support": 0, + "Student Developmental Guidance": 0, + "Specialized Instructional Adaptation": 0, + "Inclusive Physical Education Management": 0, + "Route Navigation and Logistics": 0, + "Administrative Transaction Processing": 0, + "Agricultural Resource Management": 0, + "Operational Compliance and Documentation": 0, + "Strategic Agricultural Planning": 0, + "Field Operations Safety Management": 0, + "Agricultural Equipment and Technology Management": 0, + "Public Safety Monitoring": 0, + "First Aid and Medical Support": 0, + "Patron Safety Coordination": 0, + "Construction Supervision": 0, + "Technical Project Inspection": 0, + "Construction Resource Planning": 0, + "Site Preparation and Measurement": 0, + "Construction Personnel Training": 0, + "Equipment Programming and Control": 0, + "Roofing Material Preparation": 0, + "Protective Coating Application": 0, + "Patient Assessment and Diagnosis": 0, + "Musculoskeletal Treatment Techniques": 0, + "Holistic Patient Care Management": 0, + "Logistics and Delivery Coordination": 0, + "Menu Planning and Coordination": 0, + "Ingredient and Supply Management": 0, + "Non-Destructive Testing Expertise": 0, + "Precision Measurement and Analysis": 0, + "Quality Control Systematic Analysis": 0, + "Resource and Personnel Management": 0, + "Vision Rehabilitation Support": 0, + "Assistive Device Expertise": 0, + "Patient-Centered Rehabilitation Instruction": 0, + "Disability Management Counseling": 0, + "Functional Capability Assessment": 0, + "Marine Equipment Troubleshooting": 0, + "Marine Safety Equipment Verification": 0, + "Technical Equipment Operation Control": 0, + "Semiconductor Process Control": 0, + "Event and Program Coordination": 0, + "Operational Safety and Patron Support": 0, + "Administrative Resource Management": 0, + "Interpersonal Service Communication": 0, + "Precision Information Processing": 0, + "Rock Extraction Operations": 0, + "Precision Manual Material Manipulation": 0, + "Technical Equipment Control": 0, + "Visual Design Creation": 0, + "Creative Technical Storytelling": 0, + "Digital Media Transformation": 0, + "Artistic Conceptual Development": 0, + "Deceased Care Management": 0, + "Embalming Technical Procedures": 0, + "Cosmetic Restoration Skills": 0, + "Fire Safety Engineering": 0, + "Emergency Preparedness Management": 0, + "Technical Regulatory Compliance": 0, + "Operational Safety Inspection": 0, + "Technical Investigative Analysis": 0, + "Petroleum Systems Monitoring": 0, + "Chemical Substance Preparation": 0, + "Compliance and Regulatory Enforcement": 0, + "Cardiovascular Clinical Expertise": 0, + "Medical Imaging and Diagnostic Procedures": 0, + "Patient Treatment Planning": 0, + "Metal Processing Operations": 0, + "Precision Equipment Monitoring": 0, + "Industrial Safety Inspection": 0, + "Technical Quality Control Analysis": 0, + "Cultural Research Methodology": 0, + "Archaeological Field Operations": 0, + "Systematic Observational Analysis": 0, + "Historical Evidence Interpretation": 0, + "Professional Information Gathering": 0, + "Systematic Documentation Management": 0, + "Biological Specimen Analysis": 0, + "Medical Laboratory Operations": 0, + "Patient Safety and Quality Control": 0, + "Scientific Diagnostic Reasoning": 0, + "Equipment Maintenance and Repair": 0, + "Technical Diagnostic Analysis": 0, + "Safety and Quality Control Monitoring": 0, + "Technical Performance Monitoring": 0, + "Manufacturing Safety Compliance": 0, + "Network Systems Engineering": 0, + "Technical Documentation and Communication": 0, + "Delivery Operations Management": 0, + "Interpersonal Information Gathering": 0, + "Creative Writing Expertise": 0, + "Professional Artistic Collaboration": 0, + "Personnel Resource Management": 0, + "Interpersonal Coordination": 0, + "Interpersonal Communication and Coordination": 0, + "Operational Performance Management": 0, + "Service Orientation and Problem Resolution": 0, + "Regulatory Compliance and Safety Management": 0, + "Precision Measurement and Marking": 0, + "Social Support Intervention": 0, + "Crisis Management and Referral": 0, + "Professional Ethical Intervention": 0, + "Passenger Service Coordination": 0, + "Operational Performance Supervision": 0, + "Resource Allocation Management": 0, + "Professional Development Support": 0, + "Reproductive Health Counseling": 0, + "Women's Health Comprehensive Care": 0, + "Talent Acquisition Strategy": 0, + "Logistics Systems Analysis": 0, + "Operational Efficiency Planning": 0, + "Business Strategy Development": 0, + "Material Processing and Handling": 0, + "Production Quality Monitoring": 0, + "Scientific Field Data Collection": 0, + "Vegetation Management and Protection": 0, + "Manufactured Building Installation": 0, + "Structural Sealing and Leak Prevention": 0, + "Equipment and System Inspection": 0, + "Mechanical Component Replacement": 0, + "Technical Surface Preparation": 0, + "Editorial Content Management": 0, + "Professional Writing and Communication": 0, + "Creative Content Development": 0, + "Interpersonal Communication Management": 0, + "Operational Resource Management": 0, + "Therapeutic Manual Intervention": 0, + "Patient Assessment and Care Coordination": 0, + "Healthcare Facility Management": 0, + "Interpersonal Therapeutic Engagement": 0, + "Transportation Safety Inspection": 0, + "Cargo Handling and Coordination": 0, + "Passenger Safety Management": 0, + "Transportation Operational Coordination": 0, + "Service Communication and Information Exchange": 0, + "Clay Material Manipulation": 0, + "Production Equipment Control": 0, + "Strategic Leadership": 0, + "Comprehensive Resource Management": 0, + "Advanced Interpersonal Communication": 0, + "Organizational Governance": 0, + "Patient Diagnostic Communication": 0, + "Medical Image Interpretation": 0, + "Visual Design Communication": 0, + "Creative Problem Solving": 0, + "Collaborative Creative Production": 0, + "Agricultural Education Management": 0, + "Instructional Resource Coordination": 0, + "Life Skills Education": 0, + "Professional Knowledge Transfer": 0, + "Extraction Equipment Operation": 0, + "Site Preparation and Safety": 0, + "Material Handling and Positioning": 0, + "Operational Monitoring and Coordination": 0, + "Textile Machine Operation": 0, + "Production Equipment Inspection": 0, + "Material Preparation and Cutting": 0, + "Strategic Operational Communication": 0, + "Adaptive Problem Resolution": 0, + "Elevator Systems Installation": 0, + "Precision Mechanical Maintenance": 0, + "Neurological Patient Care": 0, + "Complex Medical Problem Solving": 0, + "Medical Specimen Collection": 0, + "Healthcare Documentation Management": 0, + "Biomedical Waste Management": 0, + "Operational Systems Coordination": 0, + "Technical User Support": 0, + "User Communication and Guidance": 0, + "Technology Problem Resolution": 0, + "Technical Knowledge Maintenance": 0, + "Logistics Coordination": 0, + "Transportation Documentation": 0, + "Operational Financial Negotiation": 0, + "Shipping Systems Analysis": 0, + "Travel Service Coordination": 0, + "Therapeutic Patient Intervention": 0, + "Game Design Creativity": 0, + "Technical Game Development": 0, + "Interactive System Design": 0, + "Visual Design Conceptualization": 0, + "Collaborative Game Production": 0, + "Chemical Process Control": 0, + "Technical Safety Management": 0, + "Interdepartmental Communication": 0, + "Production Planning Coordination": 0, + "Policy Analysis and Development": 0, + "Academic Knowledge Communication": 0, + "Interdisciplinary Reasoning": 0, + "Strategic Information Synthesis": 0, + "Performance Equipment Management": 0, + "Event Performance Coordination": 0, + "Multimedia Content Editing": 0, + "Professional Resource Management": 0, + "Legal Administrative Support": 0, + "Patron Interaction Management": 0, + "Administrative Service Coordination": 0, + "Shipment Quality Inspection": 0, + "Transportation Safety Management": 0, + "Solar Energy Systems Management": 0, + "Construction Project Coordination": 0, + "Technical Site Assessment": 0, + "Operational Cost Analysis": 0, + "Green Technology Performance Verification": 0, + "Biofuel Production Management": 0, + "Renewable Energy Technical Monitoring": 0, + "Sustainable Production Quality Control": 0, + "Green Energy Equipment Maintenance": 0, + "Technical Design and Analysis": 0, + "Engineering Systems Optimization": 0, + "Precision Material Assessment": 0, + "Surgical Technical Support": 0, + "Precision Medical Supply Management": 0, + "Vision Diagnostic Assessment": 0, + "Medical Technical Precision": 0, + "Patient Vision Counseling": 0, + "Healthcare Diagnostic Reasoning": 0, + "Specialized Medical Equipment Management": 0, + "Hearing Healthcare Assessment": 0, + "Patient Communication Support": 0, + "Real Estate Transaction Management": 0, + "Property Valuation and Analysis": 0, + "Sales Persuasion Techniques": 0, + "Client Relationship Development": 0, + "Real Estate Market Intelligence": 0, + "Safety-Focused Technical Monitoring": 0, + "Rock Drilling and Extraction Techniques": 0, + "Complex Technical Problem Solving": 0, + "Material Handling Coordination": 0, + "Surface Material Treatment": 0, + "Emotional Support Coordination": 0, + "Precision Technical Calibration": 0, + "Financial Account Management": 0, + "Negotiation and Persuasion": 0, + "Academic Research Methodology": 0, + "Workplace Safety Management": 0, + "Risk Assessment and Prevention": 0, + "Health Program Development": 0, + "Technical Safety Inspection": 0, + "Technical Visual Assessment": 0, + "Precision Measurement Skills": 0, + "Operational Task Coordination": 0, + "Procedural Compliance Management": 0, + "Chemical Processing Monitoring": 0, + "Surface Preparation and Leveling": 0, + "Adhesive and Mortar Application": 0, + "Spatial Measurement and Layout": 0, + "Construction Safety Coordination": 0, + "Environmental Systems Monitoring": 0, + "Technical Visualization and Mapping": 0, + "Remote Sensing Technology Management": 0, + "Interpersonal Performance Monitoring": 0, + "Educational Assessment and Mentorship": 0, + "Precision Food Preparation": 0, + "Equipment Operation Management": 0, + "Workplace Safety Coordination": 0, + "Construction Site Management": 0, + "Safety Protocol Implementation": 0, + "Cargo Handling and Inspection": 0, + "Transportation Safety Compliance": 0, + "Route Planning and Navigation": 0, + "Professional Vehicle Documentation": 0, + "Financial Resource Management": 0, + "Comprehensive Operational Coordination": 0, + "Advanced Regulatory Compliance": 0, + "Diagnostic Reasoning": 0, + "Operational Information Routing": 0, + "Patient Personal Care Support": 0, + "Interpersonal Care Coordination": 0, + "Adaptive Care Assistance": 0, + "Medical Safety and Monitoring": 0, + "Public Safety Enforcement": 0, + "Legal Procedural Coordination": 0, + "Situational Risk Assessment": 0, + "Patron Monitoring and Control": 0, + "Investigative Documentation Management": 0, + "Supervisory Coordination": 0, + "Surface Preparation and Installation": 0, + "Decorative Material Application": 0, + "Fence Construction Skills": 0, + "Construction Site Preparation": 0, + "Radiation Safety Monitoring": 0, + "Technical Radiation Measurement": 0, + "Environmental Data Collection": 0, + "Pest Control Operations": 0, + "Environmental Safety Monitoring": 0, + "Welding Equipment Operation": 0, + "Research Methodology and Scholarship": 0, + "Professional Development and Continuous Learning": 0, + "Facility Cleaning and Maintenance": 0, + "Material and Equipment Handling": 0, + "Operational Resource Coordination": 0, + "Patron and Customer Support": 0, + "Healthcare Administration": 0, + "Interprofessional Healthcare Coordination": 0, + "Organizational Performance Management": 0, + "Complex Healthcare Decision Making": 0, + "Costume Resource Management": 0, + "Performance Support Coordination": 0, + "Creative Design Implementation": 0, + "Advanced Problem Solving": 0, + "Wildlife Conservation Management": 0, + "Outdoor Resource Management": 0, + "Advanced Operational Monitoring": 0, + "Dental Device Fabrication": 0, + "Medical Device Quality Inspection": 0, + "Healthcare Technical Communication": 0, + "Operational Material Preparation": 0, + "Data Science Analytics": 0, + "Machine Learning Application": 0, + "Technical Programming": 0, + "HVAC System Installation": 0, + "Athletic Performance Officiating": 0, + "Professional Rule Enforcement": 0, + "Service Communication Management": 0, + "Precision Equipment Repair": 0, + "Material Handling Precision": 0, + "Procurement Operations Management": 0, + "Clinical Patient Assessment": 0, + "Field Research Documentation": 0, + "Remote Sensing Technology": 0, + "Strategic Marketing Planning": 0, + "Stakeholder Communication Management": 0, + "Atmospheric Data Analysis": 0, + "Vehicle Cleaning and Maintenance": 0, + "Construction Inspection Expertise": 0, + "Technical Site Evaluation": 0, + "Culinary Operations Management": 0, + "Kitchen Resource Management": 0, + "Food Quality Control": 0, + "Interpersonal Kitchen Coordination": 0, + "Creative Production Management": 0, + "Strategic Content Development": 0, + "Performance Conceptualization": 0, + "Operational Coordination and Supervision": 0, + "Precision Resource Documentation": 0, + "Material Handling and Loading": 0, + "Vehicle and Equipment Coordination": 0, + "Medical Imaging Technical Skills": 0, + "Healthcare Safety Protocol Management": 0, + "Diagnostic Procedure Support": 0, + "Client Treatment Planning": 0, + "Mechatronic Systems Design": 0, + "Technical Equipment Integration": 0, + "Interdisciplinary Technical Problem Solving": 0, + "Advanced Manufacturing Technologies": 0, + "Precision Engineering Measurement": 0, + "Precision Equipment Assembly": 0, + "Product Knowledge Communication": 0, + "Persuasive Communication": 0, + "Equipment Operation Control": 0, + "Digital Forensic Investigation": 0, + "Cybersecurity Evidence Analysis": 0, + "Technical Investigative Documentation": 0, + "Information Systems Security Analysis": 0, + "Legal Compliance Technical Monitoring": 0, + "Vehicle Operation Control": 0, + "Radio Frequency Technology Management": 0, + "Technical Equipment Design": 0, + "Complex Systems Analysis": 0, + "Equipment Installation and Maintenance": 0, + "Mechanical Equipment Inspection": 0, + "Installation and Maintenance Skills": 0, + "Environmental Safety and Compliance": 0, + "Multilingual Communication": 0, + "Comprehensive Information Processing": 0, + "Professional Active Listening": 0, + "Professional Communication in Law Enforcement": 0, + "Patient Counseling": 0, + "Therapeutic Intervention Strategy": 0, + "Professional Healthcare Communication": 0, + "Audio-Visual Technical Operations": 0, + "Technical Laboratory Equipment Management": 0, + "Quality Control and Safety Monitoring": 0, + "Rail Vehicle Operation": 0, + "Signal and Communication Coordination": 0, + "Operational Workflow Management": 0, + "Safety and Risk Management": 0, + "Manual Technical Manipulation": 0, + "Photonics Technical Expertise": 0, + "Precision Measurement and Calibration": 0, + "Equipment Diagnostic Analysis": 0, + "Interpersonal Patient Communication": 0, + "Behavioral Intervention Management": 0, + "Healthcare Safety Monitoring": 0, + "Vendor Relationship Management": 0, + "Financial Decision Making": 0, + "Workforce Performance Management": 0, + "Production Safety Oversight": 0, + "Information Processing Accuracy": 0, + "Procedural Compliance Monitoring": 0, + "Developmental Support Counseling": 0, + "Educational Intervention Strategy": 0, + "Interpersonal Behavioral Analysis": 0, + "Comprehensive Client Guidance": 0, + "Dimensional Measurement Verification": 0, + "Beverage Preparation Skills": 0, + "Neuropsychological Assessment": 0, + "Professional Psychological Communication": 0, + "Psychological Research Methodology": 0, + "Diagnostic Test Administration": 0, + "Clinical Treatment Planning": 0, + "Communication Information Management": 0, + "Operational Customer Support": 0, + "Professional Interpersonal Coordination": 0, + "Critical Information Analysis": 0, + "Equipment Diagnostic Reasoning": 0, + "Systems Engineering Integration": 0, + "Patient-Centered Care Communication": 0, + "Rehabilitation Treatment Planning": 0, + "Musculoskeletal Intervention Techniques": 0, + "Professional Medical Documentation": 0, + "Alternative Medical Practice": 0, + "Infrastructure Maintenance": 0, + "Site Preparation and Marking": 0, + "Information Resource Management": 0, + "Collection Development": 0, + "Patron Information Support": 0, + "Library Technology Integration": 0, + "Research Assistance": 0, + "Quantitative Financial Analysis": 0, + "Technical Financial Communication": 0, + "Respiratory Care Management": 0, + "Medical Emergency Response": 0, + "Healthcare Equipment Operation": 0, + "Patient Condition Monitoring": 0, + "Environmental Compliance Management": 0, + "Sustainable Business Analysis": 0, + "Food Service Coordination": 0, + "Sanitation and Hygiene Maintenance": 0, + "Patron Support and Interaction": 0, + "Strategic Documentation Management": 0, + "Stakeholder Communication Strategy": 0, + "Operational Risk Assessment": 0, + "Event Planning Management": 0, + "Stakeholder Relationship Management": 0, + "Strategic Environmental Communication": 0, + "Construction Site Safety Management": 0, + "Insulation Material Installation": 0, + "Material Measurement and Preparation": 0, + "International Trade Documentation": 0, + "Commercial Risk Assessment": 0, + "Professional Communication in Trade": 0, + "Animal Care and Handling": 0, + "Medical Equipment Operation": 0, + "Clinical Patient Support": 0, + "Veterinary Diagnostic Procedures": 0, + "Healthcare Facility Maintenance": 0, + "Laundry Equipment Operation": 0, + "Textile Inspection and Quality Control": 0, + "Public Safety Leadership": 0, + "Risk Assessment and Mitigation": 0, + "Family Engagement Communication": 0, + "Personal Care Coordination": 0, + "Environmental Economic Analysis": 0, + "Quantitative Policy Reasoning": 0, + "Strategic Environmental Forecasting": 0, + "Comprehensive Research Methodology": 0, + "Technical Sustainability Communication": 0, + "Scientific Instruction and Curriculum Development": 0, + "Field Research Methodology": 0, + "Strategic Organizational Analysis": 0, + "Comprehensive Decision Making": 0, + "Adaptive Learning and Problem Solving": 0, + "Precision Manual Food Preparation": 0, + "Food Safety and Quality Control": 0, + "Transportation Systems Analysis": 0, + "Strategic Policy Communication": 0, + "Psychological Assessment and Intervention": 0, + "Patient-Centered Mental Health Communication": 0, + "Clinical Diagnostic Reasoning": 0, + "Technical Inspection and Verification": 0, + "Social Impact Assessment": 0, + "Clinical Procedure Management": 0, + "Healthcare Equipment Expertise": 0, + "Medical Documentation Precision": 0, + "Property Transaction Management": 0, + "Diagnostic Technical Support": 0, + "Therapeutic Patient Communication": 0, + "Crisis Intervention Management": 0, + "Client Treatment Coordination": 0, + "Behavioral Health Counseling": 0, + "Statistical Analysis and Modeling": 0, + "Renewable Energy Sales Strategy": 0, + "Technical Product Communication": 0, + "Customer Needs Assessment in Green Technology": 0, + "Sustainable Technology Evaluation": 0, + "Public Safety Operations": 0, + "Technical Equipment Operation and Safety": 0, + "Financial Strategic Analysis": 0, + "Investment Portfolio Management": 0, + "Quantitative Financial Reasoning": 0, + "Emergency Communication Management": 0, + "Crisis Decision Support": 0, + "Technical Communication Systems Operation": 0, + "Public Safety Coordination": 0, + "Workflow Coordination": 0, + "Precision Documentation": 0, + "Critical Patient Monitoring": 0, + "Emergency Medical Intervention": 0, + "Healthcare Interdisciplinary Coordination": 0, + "Advanced Medical Equipment Management": 0, + "Strategic Market Communication": 0, + "Consumer Trend Interpretation": 0, + "Systematic Research Methodology": 0, + "Intelligence Analysis": 0, + "Criminal Activity Assessment": 0, + "Interagency Collaboration": 0, + "Medical Technical Equipment Management": 0, + "Healthcare Safety and Compliance": 0, + "Geothermal Systems Operation": 0, + "Green Energy Installation": 0, + "Precision Maintenance Procedures": 0, + "Rail Infrastructure Maintenance": 0, + "Service Coordination and Support": 0, + "Precision Material Preparation": 0, + "Service Orientation": 0, + "Physical Therapy Technical Support": 0, + "Marine Systems Engineering": 0, + "Maritime Safety and Compliance": 0, + "Complex Naval Problem Solving": 0, + "Precision Marine Equipment Maintenance": 0, + "Civil Infrastructure Design": 0, + "Operational Cost Estimation": 0, + "Technical Communication and Reporting": 0, + "Service Communication": 0, + "Safety and Compliance Monitoring": 0, + "Financial Strategic Planning": 0, + "Organizational Resource Management": 0, + "Client Information Verification": 0, + "Fire Safety Assessment": 0, + "Public Safety Education": 0, + "Environmental Hazard Monitoring": 0, + "Investigative Evidence Collection": 0, + "Strategic Information Verification": 0, + "Professional Surveillance Techniques": 0, + "Interpersonal Interrogation Skills": 0, + "Compensation Strategy Development": 0, + "Organizational Policy Analysis": 0, + "Human Resources Data Analysis": 0, + "Strategic Workforce Planning": 0, + "Masonry Surface Treatment": 0, + "Design Visualization": 0, + "Spatial Design Planning": 0, + "Professional Research Methodology": 0, + "Client Collaboration": 0, + "Situational Safety Communication": 0, + "Precision Layout Preparation": 0, + "Manufacturing Quality Inspection": 0, + "Emergency Management Coordination": 0, + "Strategic Risk Assessment": 0, + "Postsecondary Educational Leadership": 0, + "Academic Program Development": 0, + "Institutional Governance and Compliance": 0, + "Media Production Technical Control": 0, + "Visual Media Coordination": 0, + "Professional Media Communication": 0, + "Camera Operation and Technical Control": 0, + "Kitchen Safety Management": 0, + "Animal Care Management": 0, + "Facility Sanitation and Maintenance": 0, + "Product Demonstration": 0, + "Avionics Equipment Maintenance": 0, + "Aviation Safety Compliance": 0, + "Electronic Systems Quality Control": 0, + "Diagnostic Technical Problem Solving": 0, + "Investigative Reporting": 0, + "Media Content Development": 0, + "Multimedia Storytelling": 0, + "Medical Equipment Preparation": 0, + "Medical Supply Inventory Control": 0, + "Healthcare Safety Compliance": 0, + "File Management and Organization": 0, + "Clerical Information Processing": 0, + "Precision Manual Material Handling": 0, + "Information Verification": 0, + "Communication Routing": 0, + "Operational Administrative Support": 0, + "Interpersonal Information Exchange": 0, + "Agricultural Operations": 0, + "Precision Manual Animal Handling": 0, + "Agricultural Inspection and Compliance": 0, + "Material Handling and Inspection": 0, + "Safety and Hygiene Management": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0, + "Computational Data Analysis": 0, + "Precision Technical Communication": 0, + "Strategic Operational Coordination": 0, + "Strategic Operational Analysis": 0, + "Business Relationship Development": 0, + "Proposal and Documentation Management": 0, + "Professional Knowledge Maintenance": 0, + "Healthcare Documentation": 0, + "Dental Healthcare Support": 0, + "Preventive Dental Care": 0, + "Textual Accuracy Verification": 0, + "Systematic Information Review": 0, + "Professional Written Communication": 0, + "Analytical Systems Evaluation": 0, + "Operational Data Interpretation": 0, + "Vehicle Service Operations": 0, + "Financial Analysis and Compliance": 0, + "Strategic Financial Decision Making": 0, + "Investigative Financial Verification": 0, + "Employee Relations Management": 0, + "Entertainment Service Management": 0, + "Operational Performance Reporting": 0, + "Staff Development and Training": 0, + "Resource Allocation Coordination": 0, + "Security Screening Protocols": 0, + "Threat Detection and Assessment": 0, + "Public Safety Interaction": 0, + "Commercial Negotiation": 0, + "Air Traffic Control Management": 0, + "Security Operations Management": 0, + "Surveillance and Threat Detection": 0, + "Construction Site Coordination": 0, + "Agricultural Product Inspection": 0, + "Material Handling and Sorting": 0, + "Equipment Operations Monitoring": 0, + "Safety and Compliance Management": 0, + "Historical Research Methodology": 0, + "Scholarly Documentation Management": 0, + "Instructional Communication": 0, + "Wind Turbine Technical Maintenance": 0, + "Safety-Focused Technical Inspection": 0, + "Green Energy Systems Management": 0, + "Geospatial Analysis": 0, + "Environmental Monitoring": 0, + "Chemical Flow and Process Control": 0, + "Gauges and Indicator Monitoring": 0, + "Equipment Monitoring": 0, + "Precision Technical Manipulation": 0, + "Energy Systems Engineering": 0, + "Technical Performance Analysis": 0, + "Technical Resource Coordination": 0, + "Scientific Management": 0, + "Natural Resource Management": 0, + "Agricultural Systems Coordination": 0, + "Field Operations Management": 0, + "Artistic Design Conceptualization": 0, + "Floral Arrangement Expertise": 0, + "Client Consultation and Needs Assessment": 0, + "Material and Prop Selection": 0, + "Nutritional Assessment and Planning": 0, + "Nutritional Research and Documentation": 0, + "Healthcare Patient Support": 0, + "Clinical Procedure Assistance": 0, + "Patient Measurement and Assessment": 0, + "Nuclear Systems Engineering": 0, + "Technical Risk Assessment": 0, + "Organizational Risk Management": 0, + "Strategic Security Oversight": 0, + "Operational Policy Implementation": 0, + "Precision Manual Cutting": 0, + "Financial Counseling": 0, + "Client Information Processing": 0, + "Instructional Assessment and Mentorship": 0, + "Chemical Engineering Analysis": 0, + "Technical Systems Problem Solving": 0, + "Neurological Patient Assessment": 0, + "Medical Diagnostic Equipment Operation": 0, + "Patient Monitoring and Safety": 0, + "Technical Communication in Healthcare": 0, + "Surface Preparation": 0, + "Adhesive Application": 0, + "Precision Manual Construction": 0, + "Explosives Handling Safety": 0, + "Site Dimensional Preparation": 0, + "Technical Safety Signaling": 0, + "Precision Manual Tool Usage": 0, + "Structural Component Positioning": 0, + "Technical Coordination and Communication": 0, + "Meat Processing Skills": 0, + "Food Safety Compliance": 0, + "Equipment Cleaning and Maintenance": 0, + "Rail Transportation Management": 0, + "Vehicle Movement Coordination": 0, + "Critical Information Processing": 0, + "Strategic Problem Solving": 0, + "Operational Equipment Control": 0, + "Animal Patient Care": 0, + "Veterinary Technical Support": 0, + "Vehicle Electrical Systems Repair": 0, + "Equipment Monitoring and Control": 0, + "Patient Assessment and Care": 0, + "Radiation Safety Management": 0, + "Technical Medical Documentation": 0, + "Programming Logic": 0, + "Broadcast Technical Communication": 0, + "Content Development Strategy": 0, + "Nanotechnology Engineering": 0, + "Micro-Scale Process Management": 0, + "Vehicle Operation Safety": 0, + "Passenger Support Services": 0, + "Fundraising Strategy": 0, + "Persuasive Proposal Development": 0, + "Shipping and Logistics Management": 0, + "Aviation Safety Management": 0, + "Aircraft Operations Control": 0, + "Emergency Response Preparedness": 0, + "Safety Signaling and Risk Management": 0, + "Database Systems Design": 0, + "Information Architecture Management": 0, + "Financial Advisory Communication": 0, + "Investment Strategy Analysis": 0, + "Client Financial Needs Assessment": 0, + "Professional Financial Networking": 0, + "Operational Financial Analysis": 0, + "Commercial Relationship Management": 0, + "Garment Quality Inspection": 0, + "Veterinary Medical Care": 0, + "Animal Medical Procedure Support": 0, + "Preventive Animal Healthcare": 0, + "Resource Management": 0, + "Underground Work Operations": 0, + "Breeding Procedure Execution": 0, + "Agricultural Resource Coordination": 0, + "Landscape Maintenance": 0, + "Geological Data Analysis": 0, + "Environmental Field Research": 0, + "Natural Resource Mapping": 0, + "Theatrical Makeup Application": 0, + "Performance Costume Preparation": 0, + "Creative Visual Transformation": 0, + "Textile Production Skills": 0, + "Database Management": 0, + "Technical Systems Security": 0, + "Photonics Engineering": 0, + "Technical Precision Measurement": 0, + "Optical Systems Analysis": 0, + "Facilities Management": 0, + "Operational Budget Planning": 0, + "Environmental Project Management": 0, + "Site Remediation Planning": 0, + "Technical Grant Development": 0, + "Environmental Risk Assessment": 0, + "Geological Resource Management": 0, + "Technical Safety Protocols": 0, + "Media Content Editing": 0, + "Creative Visual Storytelling": 0, + "Technical Media Production": 0, + "Agricultural Technical Operations": 0, + "Strategic Sales Management": 0, + "Interpersonal Persuasion": 0, + "Commercial Relationship Development": 0, + "Operational Supervision": 0, + "Maintenance and Cleaning": 0, + "Professional Counseling Support": 0, + "Performance Coaching": 0, + "Talent Identification": 0, + "Strategic Performance Coordination": 0, + "Professional Performance Communication": 0, + "Instructional Technology Integration": 0, + "Energy Systems Analysis": 0, + "Rigging and Material Positioning": 0, + "Scholarly Communication": 0, + "Professional Knowledge Dissemination": 0, + "Financial Cost Analysis": 0, + "Strategic Resource Estimation": 0, + "Technical Documentation Precision": 0, + "Business Data Interpretation": 0, + "Extraction Site Management": 0, + "Technical Material Handling": 0, + "Strategic Communication": 0, + "Comprehensive Documentation Management": 0, + "Medical Technical Support": 0, + "Clinical Assessment and Reasoning": 0, + "Healthcare Safety Management": 0, + "Equipment Installation": 0, + "Safety and Quality Verification": 0, + "Healthcare Informatics Management": 0, + "Technical Information Security": 0, + "Professional Research and Development": 0, + "Healthcare Safety Protocols": 0, + "Precision Manual Medical Skills": 0, + "Performance Evaluation Management": 0, + "Technical Repair Workflow": 0, + "Preventive Healthcare Strategy": 0, + "Patient-Centered Communication": 0, + "Population Health Management": 0, + "Organizational Resilience Planning": 0, + "Regulatory Risk Assessment": 0, + "Strategic Contingency Management": 0, + "Shipping and Logistics Coordination": 0, + "Mechanical Diagnostic Assessment": 0, + "Mechanical Repair Workflow": 0, + "Educational Support Services": 0, + "Student Safety and Welfare": 0, + "Sales Team Management": 0, + "Strategic Performance Monitoring": 0, + "Biological Sample Processing": 0, + "Scientific Analytical Reasoning": 0, + "Equipment Quality Monitoring": 0, + "Manufacturing Surface Finishing": 0, + "Precision Equipment Management": 0, + "Situational Awareness": 0, + "Safety Communication": 0, + "Operational Monitoring": 0, + "Patron Safety Support": 0, + "Solar Energy Systems Installation": 0, + "Renewable Energy Quality Control": 0, + "Precision Installation Techniques": 0, + "Resource Coordination": 0, + "Clinical Assessment Skills": 0, + "Physical Rehabilitation Support": 0, + "Professional Academic Mentorship": 0, + "Electrical Systems Design": 0, + "Electromechanical Systems Management": 0 + }, + "original_index": 270, + "sparsity": 1.0 + }, + { + "onet_code": "17-2021.00", + "job_title": "Agricultural Engineers", + "detailed_work_activities": [ + "Create graphical representations of mechanical equipment.", + "Document technical design details.", + "Prepare proposal documents.", + "Confer with other personnel to resolve design or operational problems.", + "Investigate the environmental impact of projects.", + "Discuss designs or plans with clients.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Design industrial processing systems.", + "Advise others regarding green practices or environmental concerns.", + "Prepare detailed work plans.", + "Design structures or facilities.", + "Direct construction activities.", + "Design electronic or computer equipment or instrumentation.", + "Train personnel on proper operational procedures.", + "Direct industrial production activities.", + "Develop operational methods or processes that use green materials or emphasize sustainability.", + "Direct environmental development activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Agricultural Systems Engineering": 1, + "Agricultural Systems Management": 1, + "Agricultural Operations": 1, + "Agricultural Equipment and Technology Management": 1, + "Agricultural Data Analysis": 1, + "Agricultural Process Management": 1, + "Agricultural Resource Coordination": 1, + "Agricultural Resource Management": 1, + "Agricultural Technical Operations": 1, + "Agricultural Inspection Skills": 1, + "Agricultural Inspection and Compliance": 1, + "Technical Systems Engineering": 1, + "Technical Design Documentation": 1, + "Technical Documentation Management": 1, + "Technical Problem Solving": 1, + "Technical Equipment Management": 1, + "Technical Equipment Operation": 1, + "Environmental Design Integration": 1, + "Environmental Systems Analysis": 1, + "Environmental Monitoring": 1, + "Sustainability Planning": 1, + "Precision Agricultural Technology": 1, + "Scientific Problem Solving": 1, + "Scientific Research Methodology": 1, + "Project Management": 1, + "Technical Project Coordination": 1, + "Stakeholder Communication": 1, + "Professional Technical Communication": 1, + "Regulatory Compliance Management": 1 + }, + "original_index": 271, + "sparsity": 0.9867094408799266 + }, + { + "onet_code": "49-2011.00", + "job_title": "Computer, Automated Teller, and Office Machine Repairers", + "detailed_work_activities": [ + "Confer with customers or users to assess problems.", + "Reassemble equipment after repair.", + "Disassemble equipment to inspect for deficiencies.", + "Train customers in the use of products.", + "Adjust equipment to ensure optimal performance.", + "Calibrate equipment to specifications.", + "Align equipment or machinery.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Maintain inventories of materials, equipment, or products.", + "Order materials, supplies, or equipment.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Install programs onto computer or computer-controlled equipment.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Lubricate equipment to allow proper functioning.", + "Test mechanical equipment to ensure proper functioning.", + "Document operational activities.", + "Maintain repair or maintenance records.", + "Test mechanical systems to ensure proper functioning.", + "Analyze test or performance data to assess equipment operation.", + "Read technical information needed to perform maintenance or repairs.", + "Install electrical components, equipment, or systems.", + "Test electrical circuits or components for proper functioning.", + "Assemble mechanical components or machine parts.", + "Connect electrical components or equipment.", + "Lay cables to connect equipment.", + "Enter codes or other information into computers.", + "Maintain work equipment or machinery.", + "Train others in operational procedures." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Technical Equipment Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Equipment Installation": 1, + "Technical Problem Solving": 1, + "Precision Equipment Repair": 1, + "Technical Documentation": 1, + "Equipment Calibration": 1, + "Technical Safety Management": 1, + "Technical Quality Control": 1, + "Operational Monitoring": 1 + }, + "original_index": 272, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-9032.00", + "job_title": "Cutting and Slicing Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Operate cutting equipment.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Weigh finished products.", + "Conduct test runs of production equipment.", + "Feed materials or products into or through equipment.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Mark products, workpieces, or equipment with identifying information.", + "Remove products or workpieces from production equipment.", + "Stack finished items for further processing or shipment.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Watch operating equipment to detect malfunctions.", + "Set equipment controls to meet cutting specifications.", + "Record operational or production data.", + "Move products, materials, or equipment between work areas.", + "Position raw materials on processing or production equipment.", + "Enter commands, instructions, or specifications into equipment.", + "Mount attachments or tools onto production equipment.", + "Replace worn equipment components.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Select production equipment according to product specifications.", + "Direct operational or production activities.", + "Operate grinding equipment.", + "Sharpen cutting or grinding tools.", + "Cut industrial materials in preparation for fabrication or processing.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Clean production equipment.", + "Lubricate production equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Precision Technical Measurement": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Material Handling": 1, + "Safety and Compliance Monitoring": 1, + "Technical Equipment Setup": 1, + "Operational Coordination": 1, + "Academic Instruction": 0 + }, + "original_index": 273, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "17-2031.00", + "job_title": "Bioengineers and Biomedical Engineers", + "detailed_work_activities": [ + "Evaluate characteristics of equipment or systems.", + "Prepare contracts, disclosures, or applications.", + "Prepare technical reports for internal use.", + "Design medical devices or appliances.", + "Research engineering aspects of biological or chemical processes.", + "Develop software or computer applications.", + "Create models of engineering designs or methods.", + "Maintain operational records or records systems.", + "Supervise engineering or other technical personnel.", + "Update technical knowledge.", + "Prepare procedural documents.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Develop technical methods or processes.", + "Confer with technical personnel to prepare designs or operational plans.", + "Analyze operational data to evaluate operations, processes or products.", + "Estimate operational costs.", + "Estimate time requirements for development or production projects.", + "Prepare detailed work plans.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Train personnel on proper operational procedures.", + "Advise customers on the use of products or services.", + "Develop operational methods or processes that use green materials or emphasize sustainability.", + "Devise research or testing protocols." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Programming\u2014 Writing computer programs for various purposes.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Biomedical Engineering Design": 1, + "Complex Problem Solving": 1, + "Technical Design Documentation": 1, + "Scientific Research Methodology": 1, + "Technical Systems Engineering": 1, + "Advanced Scientific Problem Solving": 1, + "Technical Equipment Management": 1, + "Quality Control Analysis": 1, + "Technical Communication": 1, + "Research Methodology": 1, + "Advanced Medical Equipment Management": 1, + "Precision Technical Documentation": 1, + "Scientific Documentation": 1, + "Technical Project Management": 1, + "Analytical Problem Solving": 1, + "Technology Design": 1 + }, + "original_index": 274, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "17-2061.00", + "job_title": "Computer Hardware Engineers", + "detailed_work_activities": [ + "Update technical knowledge.", + "Design electronic or computer equipment or instrumentation.", + "Confer with technical personnel to prepare designs or operational plans.", + "Create physical models or prototypes.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Prepare procedural documents.", + "Conduct validation tests of equipment or processes.", + "Supervise engineering or other technical personnel.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Analyze design requirements for computer or electronics systems.", + "Select project materials.", + "Advise customers on the use of products or services.", + "Provide technical guidance to other personnel.", + "Train personnel on proper operational procedures.", + "Monitor processes for compliance with standards.", + "Determine operational criteria or specifications.", + "Assemble equipment or components." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Technical Design and Analysis": 1, + "Technical Systems Engineering": 1, + "Technical Equipment Design": 1, + "Technical Equipment Maintenance": 1, + "Technical Problem Solving": 1, + "Technical Documentation Management": 1, + "Technical Performance Verification": 1, + "Technical Quality Control": 1, + "Technical Project Management": 1, + "Technical Communication": 1, + "Advanced Manufacturing Technologies": 1, + "Technical Safety Management": 1, + "Technical Research and Development": 1, + "Precision Equipment Calibration": 1, + "Technical Measurement and Verification": 1, + "Operational Equipment Monitoring": 1, + "Technical Diagnostic Reasoning": 1 + }, + "original_index": 275, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "49-3023.00", + "job_title": "Automotive Service Technicians and Mechanics", + "detailed_work_activities": [ + "Inspect vehicles to determine overall condition.", + "Record information about parts, materials or repair procedures.", + "Operate transportation equipment to demonstrate function or malfunction.", + "Adjust equipment to ensure optimal performance.", + "Test mechanical systems to ensure proper functioning.", + "Replace worn, damaged, or defective mechanical parts.", + "Adjust vehicle components according to specifications.", + "Repair non-engine automotive or vehicle components.", + "Confer with coworkers to coordinate work activities.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Inspect gas systems or components to identify leaks or other potential hazards.", + "Estimate costs for labor or materials.", + "Confer with customers or users to assess problems.", + "Align equipment or machinery.", + "Disassemble equipment for maintenance or repair.", + "Reassemble equipment after repair.", + "Clean work areas.", + "Inspect mechanical components of vehicles to identify problems.", + "Plan work procedures.", + "Service vehicles to maintain functionality.", + "Service green vehicles to make repairs or maintain good working order.", + "Repair worn, damaged, or defective mechanical parts.", + "Disassemble equipment to inspect for deficiencies.", + "Service heating, ventilation or air-conditioning (HVAC) systems or components.", + "Test electrical circuits or components for proper functioning.", + "Rebuild parts or components.", + "Rewire electrical or electronic systems.", + "Troubleshoot equipment or systems operation problems.", + "Repair defective engines or engine components.", + "Install vehicle parts or accessories." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Automotive Component Replacement": 1, + "Vehicle Mechanical Repair": 1, + "Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Vehicle Diagnostic Assessment": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Precision Equipment Maintenance": 1, + "Technical Problem Solving": 1, + "Vehicle Inspection and Safety": 1, + "Academic Instruction": 0, + "Behavioral Health Counseling": 0, + "Clinical Patient Assessment": 0 + }, + "original_index": 276, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1229.06", + "job_title": "Sports Medicine Physicians", + "detailed_work_activities": [ + "Treat chronic diseases or disorders.", + "Diagnose medical conditions.", + "Analyze test data or images to inform diagnosis or treatment.", + "Order medical diagnostic or clinical tests.", + "Record patient medical histories.", + "Examine patients to assess general physical condition.", + "Evaluate patient functioning, capabilities, or health.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Advise athletes, coaches, or trainers on exercise regimens, nutrition, or equipment use.", + "Maintain medical or professional knowledge.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Explain medical procedures or test results to patients or family members.", + "Treat acute illnesses, infections, or injuries.", + "Refer patients to other healthcare practitioners or health resources.", + "Prescribe medications.", + "Develop emergency procedures.", + "Conduct research to increase knowledge about medical issues.", + "Prepare medical supplies or equipment for use.", + "Prepare medications or medical solutions.", + "Select medical equipment for addressing patient needs.", + "Prescribe assistive medical devices or related treatments.", + "Analyze patient data to determine patient needs or treatment goals.", + "Develop exercise or conditioning programs.", + "Prescribe treatments or therapies.", + "Advise patients on effects of health conditions or treatments." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Patient Care Coordination": 1, + "Healthcare Professional Collaboration": 1, + "Athletic Performance Management": 1, + "Medical Diagnostic Assessment": 1, + "Medical Treatment Planning": 1, + "Exercise Science Assessment": 1, + "Preventive Healthcare Strategy": 1, + "Scientific Research Methodology": 1 + }, + "original_index": 277, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "13-1151.00", + "job_title": "Training and Development Specialists", + "detailed_work_activities": [ + "Coordinate training activities.", + "Develop training materials.", + "Train personnel to enhance job skills.", + "Conduct surveys in organizations.", + "Evaluate training programs, instructors, or materials.", + "Evaluate effectiveness of personnel policies or practices.", + "Monitor financial indicators.", + "Prepare financial documents, reports, or budgets.", + "Train personnel on managerial topics.", + "Update professional knowledge.", + "Coordinate personnel recruitment activities.", + "Negotiate contracts with clients or service providers.", + "Supervise employees.", + "Advise others on human resources topics.", + "Train personnel in organizational or compliance procedures." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Workforce Training Development": 1, + "Professional Development and Staff Training": 1, + "Organizational Training Coordination": 1, + "Learning Strategies": 1, + "Instructional Technology Integration": 1, + "Performance Evaluation Management": 1, + "Organizational Learning Strategy": 1, + "Professional Communication Management": 1 + }, + "original_index": 278, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-2099.04", + "job_title": "Fraud Examiners, Investigators and Analysts", + "detailed_work_activities": [ + "Gather financial records.", + "Prepare legal or investigatory documentation.", + "Interview witnesses, suspects, or claimants.", + "Document information related to legal proceedings.", + "Maintain data in information systems or databases.", + "Investigate legal issues.", + "Supervise employees.", + "Testify at legal or legislative proceedings.", + "Collect evidence for legal proceedings.", + "Advise others on business or operational matters.", + "Advise others on legal or regulatory compliance matters.", + "Analyze business or financial data.", + "Develop business or financial information systems.", + "Update professional knowledge.", + "Assess risks to business operations.", + "Train personnel to enhance job skills.", + "Inform individuals or organizations of status or findings.", + "Obtain documentation to authorize activities.", + "Negotiate contracts with clients or service providers.", + "Apprehend criminal suspects.", + "Detain suspects or witnesses." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Investigative Analysis": 1, + "Forensic Investigation": 1, + "Financial Analysis": 1, + "Legal Compliance Monitoring": 1, + "Evidence Collection": 1, + "Risk Assessment": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Interpersonal Interrogation Skills": 1, + "Information Systems Management": 1 + }, + "original_index": 279, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "23-1022.00", + "job_title": "Arbitrators, Mediators, and Conciliators", + "detailed_work_activities": [ + "Prepare written decisions for legal proceedings.", + "Identify implications for cases from legal precedents or other legal information.", + "Make decisions in legal cases.", + "Conduct hearings to investigate legal issues.", + "Rule on admissibility of legal proceedings.", + "Meet with individuals involved in legal processes to provide information and clarify issues.", + "Arbitrate disputes between parties to resolve legal conflicts.", + "Evaluate information related to legal matters in public or personal records.", + "Prepare legal documents.", + "Research relevant legal materials to aid decision making.", + "Administer oaths to court participants.", + "Coordinate legal schedules or activities.", + "Interview claimants to get information related to legal proceedings.", + "Provide legal advice to clients.", + "Authorize payments to settle legal disputes.", + "Present social services program information to the public.", + "Represent the interests of clients in legal proceedings." + ], + "skills": [ + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Legal Decision Analysis": 1, + "Legal Reasoning": 1, + "Legal Documentation Management": 1, + "Conflict Resolution and Mediation": 1, + "Professional Communication": 1, + "Stakeholder Communication": 1, + "Strategic Decision Making": 1, + "Professional Interpersonal Communication": 1, + "Technical Documentation": 1, + "Procedural Compliance Management": 1, + "Research Methodology": 1, + "Client Representation Management": 1, + "Professional Ethical Intervention": 1 + }, + "original_index": 280, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "19-1029.02", + "job_title": "Molecular and Cellular Biologists", + "detailed_work_activities": [ + "Record research or operational data.", + "Plan biological research.", + "Prepare proposals or grant applications to obtain project funding.", + "Write grant proposals.", + "Analyze biological samples.", + "Research microbiological or chemical processes or structures.", + "Prepare scientific or technical reports or presentations.", + "Proofread documents, records, or other files to ensure accuracy.", + "Read documents to gather technical information.", + "Instruct college students in physical or life sciences.", + "Direct scientific activities.", + "Evaluate new technologies or methods.", + "Direct medical science or healthcare programs.", + "Supervise scientific or technical personnel.", + "Operate laboratory or field equipment.", + "Establish standards for medical care.", + "Research crop management methods.", + "Develop biological research methods.", + "Coordinate cross-disciplinary research programs.", + "Manage scientific or technical project resources.", + "Develop new or advanced products or production methods.", + "Inspect equipment to ensure proper functioning.", + "Collaborate with others to determine design specifications or details.", + "Discuss design or technical features of products or services with technical personnel.", + "Develop technical or scientific databases." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Biological Research Methodology": 1, + "Biological Sample Analysis": 1, + "Biological Sample Processing": 1, + "Scientific Research Methodology": 1, + "Scientific Documentation": 1, + "Scientific Communication": 1, + "Technical Documentation": 1, + "Research Methodology": 1, + "Complex Problem Solving": 1, + "Advanced Scientific Problem Solving": 1 + }, + "original_index": 281, + "sparsity": 0.9899175068744271 + }, + { + "onet_code": "27-1027.00", + "job_title": "Set and Exhibit Designers", + "detailed_work_activities": [ + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Draw detailed or technical illustrations.", + "Determine technical requirements of productions or projects.", + "Study scripts to determine project requirements.", + "Present work to clients for approval.", + "Discuss production content and progress with others.", + "Confer with clients to determine needs.", + "Conduct research to inform art, designs, or other work.", + "Inspect sets or exhibits.", + "Collaborate with others to determine technical details of productions.", + "Select materials or props.", + "Build models, patterns, or templates.", + "Design layout of art or product exhibits, displays, or promotional materials.", + "Coordinate design activities.", + "Coordinate construction or installation activities.", + "Estimate costs for projects or productions.", + "Coordinate logistics for productions or events.", + "Maintain inventories of materials, equipment, or products.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes.", + "Promote products, activities, or organizations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Creative Design Conceptualization": 1, + "Visual Design Communication": 1, + "Technical Design Documentation": 1, + "Artistic Collaboration": 1, + "Project Management": 1, + "Client Consultation and Needs Assessment": 1, + "Cost Estimation": 1, + "Material Selection": 1, + "Research Methodology": 1, + "Technical Illustration Skills": 1, + "Promotional Content Creation": 1, + "Spatial Design Planning": 1, + "Model Building": 1, + "Logistics Coordination": 1 + }, + "original_index": 282, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "41-9012.00", + "job_title": "Models", + "detailed_work_activities": [ + "Prepare financial documents, reports, or budgets.", + "Model cosmetics, clothing, or accessories.", + "Gather information about work conditions or locations.", + "Identify job or employment opportunities.", + "Report information to managers or other personnel.", + "Arrange artwork, products, or props.", + "Drive passenger vehicles." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Professional Image Modeling": 1, + "Artistic Performance Coordination": 1, + "Visual Design Communication": 1, + "Administrative Communication": 1, + "Client Relationship Management": 1, + "Professional Communication": 1, + "Performance Evaluation Management": 1, + "Career Opportunity Identification": 1, + "Artistic Collaboration": 1, + "Creative Visual Storytelling": 1, + "Interpersonal Communication": 1, + "Artistic Prop and Material Selection": 1, + "Vehicle Operation": 1 + }, + "original_index": 283, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "15-2051.02", + "job_title": "Clinical Data Managers", + "detailed_work_activities": [ + "Evaluate data quality.", + "Create databases to store electronic data.", + "Prepare data for analysis.", + "Analyze data to identify or resolve operational problems.", + "Develop procedures for data management.", + "Monitor operational activities to ensure compliance with regulations or standard operating procedures.", + "Develop procedures for data entry or processing.", + "Prepare analytical reports.", + "Collaborate with others to determine design specifications or details.", + "Analyze health-related data.", + "Evaluate utility of software or hardware technologies.", + "Recommend changes to improve computer or information systems.", + "Communicate project information to others.", + "Document operational procedures.", + "Prepare instruction manuals.", + "Collect archival data.", + "Manage documentation to ensure organization or accuracy.", + "Supervise information technology personnel.", + "Update knowledge about emerging industry or technology trends.", + "Train others in computer interface or software use.", + "Design software applications." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Programming\u2014 Writing computer programs for various purposes.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 1, + "Academic Research Methodology": 1, + "Clinical Documentation Management": 1, + "Clinical Information Processing": 1, + "Data Management": 1, + "Healthcare Information Systems": 1, + "Information Processing": 1, + "Operational Documentation Management": 1, + "Professional Documentation": 1, + "Regulatory Compliance Management": 1, + "Scientific Documentation": 1, + "Technical Documentation Management": 1 + }, + "original_index": 284, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1129.01", + "job_title": "Art Therapists", + "detailed_work_activities": [ + "Monitor patient progress or responses to treatments.", + "Record patient medical histories.", + "Develop treatment plans that use non-medical therapies.", + "Treat patients using psychological therapies.", + "Analyze patient data to determine patient needs or treatment goals.", + "Evaluate patient outcomes to determine effectiveness of treatments.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Interact with patients to build rapport or provide emotional support.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Prepare medical supplies or equipment for use.", + "Select medical equipment for addressing patient needs.", + "Communicate test or assessment results to medical professionals.", + "Establish treatment goals.", + "Order medical supplies or equipment.", + "Supervise patient care personnel.", + "Collect medical information from patients, family members, or other medical professionals.", + "Gather medical information from patient histories.", + "Analyze quantitative data to determine effectiveness of treatments or therapies.", + "Maintain medical or professional knowledge.", + "Communicate health and wellness information to the public.", + "Train caregivers or other non-medical personnel." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Therapeutic Art Intervention": 1, + "Therapeutic Patient Communication": 1, + "Therapeutic Patient Counseling": 1, + "Therapeutic Intervention Strategy": 1, + "Psychological Assessment": 1, + "Client Treatment Planning": 1, + "Patient Psychological Support": 1, + "Healthcare Professional Collaboration": 1, + "Clinical Documentation Management": 1, + "Professional Communication in Healthcare": 1, + "Behavioral Intervention Management": 1, + "Adaptive Therapeutic Intervention": 1, + "Creative Psychological Intervention": 1, + "Patient Emotional Support": 1, + "Interpersonal Therapeutic Engagement": 1 + }, + "original_index": 285, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-6091.00", + "job_title": "Extruding and Forming Machine Setters, Operators, and Tenders, Synthetic and Glass Fibers", + "detailed_work_activities": [ + "Operate metal or plastic forming equipment.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Notify others of equipment repair or maintenance needs.", + "Signal others to coordinate work activities.", + "Monitor equipment operation to ensure proper functioning.", + "Clean production equipment.", + "Load materials into production equipment.", + "Record operational or production data.", + "Mark products, workpieces, or equipment with identifying information.", + "Operate pumping systems or equipment.", + "Watch operating equipment to detect malfunctions.", + "Maintain production or processing equipment.", + "Position containers to receive materials or workpieces.", + "Cut industrial materials in preparation for fabrication or processing." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Operation and Control": 1, + "Equipment Monitoring": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Operation": 1, + "Material Handling": 1, + "Production Quality Control": 1, + "Operational Documentation": 1, + "Technical Safety Management": 1, + "Manufacturing Process Control": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 286, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-7011.00", + "job_title": "Tour Guides and Escorts", + "detailed_work_activities": [ + "Provide attraction or event information to patrons.", + "Respond to customer inquiries.", + "Guide patrons on tours.", + "Monitor patron activities to identify problems or potential problems.", + "Teach daily living skills or behaviors.", + "Gather information in order to provide services to clients.", + "Administer first aid.", + "Monitor availability of equipment or supplies.", + "Explain regulations, policies, or procedures.", + "Provide patrons with directions to locales or attractions.", + "Distribute resources to patrons or employees.", + "Greet customers, patrons, or visitors.", + "Drive vehicles to transport patrons.", + "Train service staff.", + "Demonstrate activity techniques or equipment use.", + "Collect fares or payment from customers.", + "Organize recreational activities or events.", + "Perform administrative or clerical tasks.", + "Promote products, services, or programs.", + "Sell products or services." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Tour Guide Services": 1, + "Customer Service Coordination": 1, + "Patron Interaction Management": 1, + "Patron Safety Management": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Service Orientation": 1, + "Event and Program Coordination": 1, + "Administrative Documentation": 1, + "Sales Transaction Management": 1, + "Operational Safety Management": 1, + "First Aid and Medical Support": 1, + "Vehicle Operation": 1, + "Resource Distribution": 1, + "Training Program Development": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0, + "Technical Systems Engineering": 0 + }, + "original_index": 287, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-7065.00", + "job_title": "Stockers and Order Fillers", + "detailed_work_activities": [ + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Discuss goods or services information with customers or patrons.", + "Calculate costs of goods or services.", + "Distribute materials to employees or customers.", + "Record shipping information.", + "Stock supplies or merchandise.", + "Attach identification information to products, items or containers.", + "Operate forklifts or other loaders.", + "Package objects for shipping.", + "Collect deposits, payments or fees.", + "Receive shipments.", + "Read work orders to determine material or setup requirements.", + "Unload materials or equipment.", + "Store items.", + "Monitor inventories of products or materials.", + "Clean facilities or equipment.", + "Maintain operational records.", + "Store records or related materials.", + "Remove debris or damaged materials.", + "Send information, materials or documentation.", + "Advise others on business or operational matters.", + "Order materials, supplies, or equipment.", + "Set up merchandise displays.", + "Inspect shipments to ensure correct order fulfillment.", + "Inspect items for damage or defects.", + "Deliver items." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Active Listening": 1, + "Reading Comprehension": 1, + "Material Handling": 1, + "Inventory Management": 1, + "Operational Documentation": 1, + "Equipment Operation": 1, + "Quality Inspection": 1, + "Safety Management": 1, + "Customer Service Communication": 1, + "Transaction Processing": 1 + }, + "original_index": 288, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-2051.00", + "job_title": "Civil Engineers", + "detailed_work_activities": [ + "Coordinate safety or regulatory compliance activities.", + "Test characteristics of materials or structures.", + "Direct construction activities.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Estimate technical or resource requirements for development or production projects.", + "Create graphical representations of civil structures.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Evaluate technical data to determine effect on designs or plans.", + "Survey land or bodies of water to measure or determine features.", + "Develop technical methods or processes.", + "Investigate the environmental impact of projects.", + "Estimate operational costs.", + "Explain project details to the general public.", + "Prepare proposal documents.", + "Incorporate green features into the design of structures or facilities.", + "Implement design or process improvements.", + "Design systems to reduce harmful emissions." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Civil Infrastructure Design": 1, + "Technical Design Documentation": 1, + "Technical Design Visualization": 1, + "Technical Project Management": 1, + "Technical Site Assessment": 1, + "Environmental Impact Assessment": 1, + "Technical Safety Management": 1, + "Technical Measurement and Verification": 1, + "Operational Cost Estimation": 1, + "Technical Systems Engineering": 1, + "Sustainability Planning": 1, + "Technical Problem Solving": 1, + "Stakeholder Communication": 1, + "Technical Regulatory Compliance": 1, + "Resource Allocation Management": 1, + "Technical Quality Control": 1, + "Proposal Development": 1, + "Strategic Environmental Planning": 1, + "Technical Performance Optimization": 1, + "Spatial Analysis and Visualization": 1 + }, + "original_index": 289, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "49-3031.00", + "job_title": "Bus and Truck Mechanics and Diesel Engine Specialists", + "detailed_work_activities": [ + "Select tools, equipment, or technologies for use in operations or projects.", + "Inspect mechanical components of vehicles to identify problems.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Adjust vehicle components according to specifications.", + "Test mechanical equipment to ensure proper functioning.", + "Lubricate equipment to allow proper functioning.", + "Service vehicles to maintain functionality.", + "Adjust equipment to ensure optimal performance.", + "Observe equipment in operation to detect potential problems.", + "Repair non-engine automotive or vehicle components.", + "Operate transportation equipment to demonstrate function or malfunction.", + "Rewire electrical or electronic systems.", + "Troubleshoot equipment or systems operation problems.", + "Repair defective engines or engine components.", + "Dismantle heavy equipment or machinery.", + "Measure distances or dimensions.", + "Service green vehicles to make repairs or maintain good working order.", + "Measure equipment outputs.", + "Monitor resources.", + "Rebuild parts or components.", + "Replace worn, damaged, or defective mechanical parts.", + "Install vehicle parts or accessories.", + "Repair tires.", + "Align equipment or machinery.", + "Grind parts to required dimensions." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Vehicle Mechanical Repair": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Safety Management": 1, + "Precision Equipment Maintenance": 1, + "Technical Documentation": 1, + "Operational Safety Monitoring": 1, + "Technical Quality Control": 1 + }, + "original_index": 290, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "31-1131.00", + "job_title": "Nursing Assistants", + "detailed_work_activities": [ + "Adjust positions of patients on beds or tables.", + "Feed patients.", + "Record vital statistics or other health information.", + "Hold patients to ensure proper positioning or safety.", + "Assist patients with daily activities.", + "Monitor patients to detect health problems.", + "Analyze patient data to determine patient needs or treatment goals.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Dispose of biomedical waste in accordance with standards.", + "Interview patients to gather medical information.", + "Prepare medical instruments or equipment for use.", + "Collect medical information from patients, family members, or other medical professionals.", + "Clean patient rooms or patient treatment rooms.", + "Administer therapy treatments to patients using hands or physical treatment aids.", + "Stock medical or patient care supplies.", + "Assist practitioners to perform medical procedures.", + "Operate medical equipment.", + "Administer basic health care or medical treatments.", + "Give medications or immunizations.", + "Apply bandages, dressings, or splints.", + "Move patients to or from treatment areas.", + "Collect biological specimens from patients.", + "Explain technical medical information to patients.", + "Transport biological or other medical materials.", + "Provide basic information to guests, visitors, or clients." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Patient Care Coordination": 1, + "Patient Assessment": 1, + "Patient Safety Management": 1, + "Healthcare Patient Support": 1, + "Healthcare Documentation": 1, + "Healthcare Safety Protocols": 1, + "Interpersonal Patient Communication": 1, + "Clinical Procedure Support": 1, + "Medication Management": 1, + "Biomedical Waste Management": 1, + "Medical Equipment Operation": 1, + "Patient Monitoring and Assessment": 1, + "Academic Instruction": 0, + "Research Methodology": 0, + "Agricultural Operations": 0 + }, + "original_index": 291, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "19-4012.01", + "job_title": "Precision Agriculture Technicians", + "detailed_work_activities": [ + "Record research or operational data.", + "Collect geographical or geological field data.", + "Analyze environmental data.", + "Analyze geological or geographical data.", + "Calibrate scientific or technical equipment.", + "Prepare maps.", + "Maintain laboratory or technical equipment.", + "Research crop management methods.", + "Apply knowledge or research findings to address environmental problems.", + "Advise others on the development or use of new technologies.", + "Prepare operational reports.", + "Develop agricultural methods.", + "Conduct climatological research." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Agricultural Data Analysis": 1, + "Agricultural Equipment Operation": 1, + "Agricultural Systems Analysis": 1, + "Agricultural Systems Management": 1, + "Field Data Collection": 1, + "Geospatial Data Analysis": 1, + "Precision Agricultural Technology": 1, + "Remote Sensing Analysis": 1, + "Scientific Field Data Collection": 1, + "Technical Equipment Calibration": 1, + "Technical Equipment Operation": 1, + "Environmental Data Analysis": 1, + "Technical Documentation": 1, + "Research Methodology": 1, + "Spatial Analysis and Visualization": 1 + }, + "original_index": 292, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-3021.00", + "job_title": "Automotive Body and Related Repairers", + "detailed_work_activities": [ + "Smooth surfaces of objects or equipment.", + "Inspect completed work to ensure proper functioning.", + "Install vehicle parts or accessories.", + "Operate welding equipment.", + "Paint surfaces or equipment.", + "Receive information or instructions for performing work assignments.", + "Apply protective coverings to objects or surfaces near work areas.", + "Mount materials or workpieces onto production equipment.", + "Cut materials according to specifications or needs.", + "Remove dents from equipment, materials, tools or structures.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Plan work procedures.", + "Remove parts or components from vehicles.", + "Disassemble equipment for maintenance or repair.", + "Install machine or equipment replacement parts.", + "Prepare compounds or solutions to be used for repairs.", + "Adjust vehicle components according to specifications.", + "Replace vehicle glass.", + "Heat material or workpieces to prepare for or complete production.", + "Clean work areas.", + "Confer with customers or users to assess problems.", + "Measure distances or dimensions." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Vehicle Body Repair": 1, + "Vehicle Mechanical Repair": 1, + "Vehicle Diagnostic Assessment": 1, + "Technical Equipment Operation": 1, + "Precision Material Handling": 1, + "Surface Preparation": 1, + "Welding and Fabrication": 1, + "Quality Control Inspection": 1, + "Technical Safety Management": 1, + "Protective Coating Application": 1, + "Technical Documentation": 1, + "Customer Service Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Agricultural Equipment Operation": 0 + }, + "original_index": 293, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "27-3043.05", + "job_title": "Poets, Lyricists and Creative Writers", + "detailed_work_activities": [ + "Write material for artistic or entertainment purposes.", + "Edit written materials.", + "Determine presentation subjects or content.", + "Conduct research to inform art, designs, or other work.", + "Discuss production content and progress with others.", + "Coordinate artistic activities.", + "Obtain copyrights or other legal permissions.", + "Promote products, activities, or organizations.", + "Train others on work processes.", + "Collaborate with others to prepare or perform artistic productions." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Creative Writing Expertise": 1, + "Artistic Conceptualization": 1, + "Professional Communication": 1, + "Artistic Collaboration": 1, + "Research Methodology": 1, + "Content Development Strategy": 1, + "Professional Writing and Communication": 1, + "Intellectual Property Management": 1, + "Promotional Content Creation": 1, + "Stakeholder Communication": 1 + }, + "original_index": 294, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-3021.00", + "job_title": "Detectives and Criminal Investigators", + "detailed_work_activities": [ + "Check physical condition of people or animals.", + "Interview people to gather information about criminal activities.", + "Examine crime scenes to obtain evidence.", + "Prepare investigation or incident reports.", + "Prevent unauthorized individuals from entering restricted areas.", + "Record information about suspects or criminals.", + "Analyze crime scene evidence.", + "Document legal or regulatory information.", + "Process forensic or legal evidence in accordance with procedures.", + "Collect evidence for legal proceedings.", + "Record crime or accident scene evidence with video or still cameras.", + "Examine records or other types of data to investigate criminal activities.", + "Detain suspects or witnesses.", + "Use databases to locate investigation details or other information.", + "Communicate situation details to appropriate personnel.", + "Observe individuals' activities to gather information or compile evidence.", + "Determine operational procedures.", + "Serve court ordered documents.", + "Apprehend criminal suspects.", + "Direct criminal investigations.", + "Request emergency personnel.", + "Block physical access to restricted areas.", + "Investigate accidents to determine causes.", + "Collaborate with law enforcement or security agencies to share information.", + "Maintain surveillance of individuals or establishments.", + "Testify at legal or legislative proceedings." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Criminal Investigation Skills": 1, + "Investigative Evidence Analysis": 1, + "Interpersonal Interrogation Skills": 1, + "Legal Documentation Management": 1, + "Threat Detection and Assessment": 1, + "Professional Communication in Law Enforcement": 1, + "Strategic Investigative Analysis": 1, + "Technical Documentation and Reporting": 1, + "Operational Safety and Compliance": 1, + "Systematic Observational Analysis": 1, + "Database Management": 1, + "Interagency Collaboration": 1, + "Risk Assessment and Prevention": 1, + "Academic Instruction": 0, + "Agricultural Inspection Skills": 0 + }, + "original_index": 295, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "43-4181.00", + "job_title": "Reservation and Transportation Ticket Agents and Travel Clerks", + "detailed_work_activities": [ + "Review customer information.", + "Track goods or materials.", + "Provide transportation information to passengers or customers.", + "Assist disabled or incapacitated individuals.", + "Handle luggage or other possessions for patrons.", + "Discuss goods or services information with customers or patrons.", + "Provide notifications to customers or patrons.", + "Assist individuals with paperwork.", + "Collect deposits, payments or fees.", + "Make travel, accommodations, or entertainment arrangements for others.", + "Compile data or documentation.", + "Explain regulations, policies, or procedures.", + "Maintain inventory records.", + "Calculate costs of goods or services.", + "Maintain security.", + "Clean facilities or equipment.", + "Promote products, services, or programs.", + "Obtain information about goods or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Transaction Processing": 1, + "Customer Service Communication": 1, + "Customer Interaction Management": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Service Coordination": 1, + "Transportation Documentation": 1, + "Transportation Logistics Coordination": 1, + "Transaction Processing": 1, + "Academic Instruction": 0, + "Medical Documentation": 0, + "Technical Equipment Operation": 0 + }, + "original_index": 296, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "31-9092.00", + "job_title": "Medical Assistants", + "detailed_work_activities": [ + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Clean medical equipment.", + "Dispose of biomedical waste in accordance with standards.", + "Interview patients to gather medical information.", + "Record vital statistics or other health information.", + "Explain technical medical information to patients.", + "Clean patient rooms or patient treatment rooms.", + "Collect biological specimens from patients.", + "Prepare patient treatment areas for use.", + "Give medications or immunizations.", + "Administer basic health care or medical treatments.", + "Assist practitioners to perform medical procedures.", + "Conduct diagnostic tests to determine patient health.", + "Process medical billing information.", + "Perform clerical work in medical settings.", + "Control prescription refills or authorizations.", + "Apply bandages, dressings, or splints.", + "Schedule patient procedures or appointments.", + "Inventory medical supplies or equipment.", + "Operate medical equipment.", + "Prepare medical instruments or equipment for use." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Administrative Healthcare Support": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Advanced Medical Equipment Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Documentation Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Assistance": 1, + "Healthcare Administrative Communication": 1, + "Healthcare Documentation": 1, + "Healthcare Patient Communication": 1, + "Healthcare Patient Management": 1, + "Healthcare Procedural Support": 1, + "Interpersonal Patient Communication": 1, + "Medical Documentation Management": 1, + "Medical Equipment Operation": 1, + "Patient Care Coordination": 1, + "Patient Safety Management": 1 + }, + "original_index": 297, + "sparsity": 0.9894592117323556 + }, + { + "onet_code": "15-1252.00", + "job_title": "Software Developers", + "detailed_work_activities": [ + "Analyze project data to determine specifications or requirements.", + "Modify software programs to improve performance.", + "Supervise information technology personnel.", + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Assess database performance.", + "Assign duties or work schedules to employees.", + "Collaborate with others to determine design specifications or details.", + "Collaborate with others to resolve information technology issues.", + "Communicate project information to others.", + "Coordinate software or hardware installation.", + "Design software applications.", + "Develop performance metrics or standards related to information technology.", + "Develop testing routines or procedures.", + "Document technical specifications or requirements.", + "Identify information technology project resource requirements.", + "Manage information technology projects or system activities.", + "Monitor computer system performance to ensure proper operation.", + "Prepare data for analysis.", + "Provide recommendations to others about computer hardware.", + "Provide technical support for software maintenance or use.", + "Teach others to use computer equipment or hardware." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Software Development": 1, + "Technical Problem Solving": 1, + "Technical Communication": 1, + "Project Management": 1, + "Information Technology Management": 1, + "Technical Documentation": 1, + "Performance Monitoring": 1, + "Technical Training": 1, + "Analytical Problem Solving": 1, + "Software Quality Assurance": 1, + "Technical Support": 1, + "Collaborative Design": 1 + }, + "original_index": 298, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "19-1029.04", + "job_title": "Biologists", + "detailed_work_activities": [ + "Communicate results of environmental research.", + "Prepare research or technical reports on environmental issues.", + "Develop collaborative relationships between departments or with external organizations.", + "Conduct research of processes in natural or industrial ecosystems.", + "Collect environmental data or samples.", + "Analyze data to identify trends or relationships among variables.", + "Operate computers or computerized equipment.", + "Write computer programming code.", + "Plan biological research.", + "Research topics in area of expertise.", + "Identify environmental concerns.", + "Supervise scientific or technical personnel.", + "Examine characteristics or behavior of living organisms.", + "Classify organisms based on their characteristics or behavior.", + "Write grant proposals.", + "Communicate with government agencies.", + "Provide technical information or assistance to public.", + "Research environmental impact of industrial or development activities.", + "Prepare proposal documents or grant applications.", + "Analyze chemical compounds or substances.", + "Develop plans to manage natural or renewable resources.", + "Prepare scientific or technical reports or presentations.", + "Instruct college students in physical or life sciences.", + "Review plans or proposals for environmental conservation.", + "Develop biological research methods.", + "Develop safety standards, policies, or procedures." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research Methodology": 1, + "Environmental Monitoring": 1, + "Biological Research Methodology": 1, + "Scientific Documentation": 1, + "Technical Documentation Management": 1, + "Field Research Documentation": 1, + "Scientific Communication": 1, + "Stakeholder Communication": 1, + "Professional Research and Development": 1, + "Complex Problem Solving": 1, + "Data Analysis": 1, + "Technical Equipment Operation": 1, + "Sample Management": 1, + "Analytical Problem Solving": 1, + "Grant Development": 1, + "Resource Management": 1, + "Supervisory Coordination": 1, + "Sustainability Planning": 1 + }, + "original_index": 299, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "11-3021.00", + "job_title": "Computer and Information Systems Managers", + "detailed_work_activities": [ + "Develop computer or information systems.", + "Coordinate operational activities with external stakeholders.", + "Develop organizational goals or objectives.", + "Analyze data to inform operational decisions or activities.", + "Confer with organizational members to accomplish work activities.", + "Direct organizational operations, projects, or services.", + "Resolve employee or contractor problems.", + "Manage operations, research, or logistics projects.", + "Evaluate employee performance.", + "Advise customers on technical or procedural issues.", + "Conduct employee training programs.", + "Hire personnel.", + "Maintain knowledge of current developments in area of expertise.", + "Recruit personnel.", + "Determine resource needs.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Recommend organizational process or policy changes.", + "Evaluate project designs to determine adequacy or feasibility.", + "Review technical documents to plan work.", + "Prepare operational progress or status reports.", + "Analyze data to determine project feasibility.", + "Manage organizational or project budgets.", + "Purchase materials, equipment, or other resources." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Administrative Information Management": 1, + "Advanced Operational Governance": 1, + "Advanced Operational Monitoring": 1, + "Advanced Problem Solving": 1, + "Advanced Resource Management": 1, + "Advanced Stakeholder Communication": 1, + "Business Intelligence Analysis": 1, + "Business Strategy Development": 1, + "Digital Systems Management": 1, + "Enterprise Technology Integration": 1, + "Information Systems Management": 1, + "Operational Communication Management": 1, + "Operational Performance Management": 1, + "Organizational Performance Management": 1, + "Professional Development Management": 1, + "Project Management in Technology": 1, + "Strategic Communication": 1, + "Strategic Operational Planning": 1, + "Strategic Technology Management": 1, + "Technical Project Management": 1, + "Workforce Training Development": 1 + }, + "original_index": 300, + "sparsity": 0.9880843263061412 + }, + { + "onet_code": "15-2011.00", + "job_title": "Actuaries", + "detailed_work_activities": [ + "Manage financial activities of the organization.", + "Collaborate with others to develop or implement marketing strategies.", + "Analyze health-related data.", + "Develop organizational goals or objectives.", + "Analyze data to identify trends or relationships among variables.", + "Advise customers on technical or procedural issues.", + "Advise others on legal or regulatory compliance matters.", + "Negotiate contracts with clients or service providers.", + "Testify at legal or legislative proceedings.", + "Provide customer service to clients or users." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Knowledge Communication": 1, + "Advanced Analytical Reasoning": 1, + "Financial Analysis": 1, + "Quantitative Reasoning": 1, + "Risk Assessment": 1, + "Strategic Decision Making": 1, + "Technical Documentation": 1, + "Business Intelligence Analysis": 1, + "Professional Communication": 1 + }, + "original_index": 301, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "35-2021.00", + "job_title": "Food Preparation Workers", + "detailed_work_activities": [ + "Clean food preparation areas, facilities, or equipment.", + "Clean tableware.", + "Assist chefs or caterers with food or drink preparation.", + "Assess equipment functioning.", + "Distribute resources to patrons or employees.", + "Move equipment, supplies or food to required locations.", + "Store supplies or goods in kitchens or storage areas.", + "Remove trash.", + "Measure ingredients.", + "Operate cash registers.", + "Process customer bills or payments.", + "Clean food service areas.", + "Cook foods.", + "Prepare foods for cooking or serving.", + "Report information to managers or other personnel.", + "Arrange food for serving.", + "Package food or supplies.", + "Serve food or beverages.", + "Present food or beverage information or menus to customers.", + "Cut cooked or raw foods.", + "Stock serving stations or dining areas with food or supplies.", + "Prepare hot or cold beverages.", + "Mix ingredients.", + "Record operational or production data." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Food Preparation Skills": 1, + "Kitchen Resource Management": 1, + "Kitchen Safety Management": 1, + "Operational Food Service Coordination": 1, + "Sanitation and Hygiene Management": 1, + "Material Handling": 1, + "Precision Manual Food Preparation": 1, + "Operational Safety Management": 1, + "Inventory Management": 1, + "Customer Service Communication": 1, + "Transaction Processing": 1, + "Operational Documentation": 1 + }, + "original_index": 302, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-4061.00", + "job_title": "Model Makers, Metal and Plastic", + "detailed_work_activities": [ + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Inspect metal, plastic, or composite products.", + "Drill holes in parts, equipment, or materials.", + "Cut industrial materials in preparation for fabrication or processing.", + "Operate cutting equipment.", + "Operate metal or plastic forming equipment.", + "Shape metal workpieces with hammers or other small hand tools.", + "Assemble machine tools, parts, or fixtures.", + "Build production molds.", + "Design tools, fixtures, or other devices for production equipment.", + "Operate grinding equipment.", + "Repair parts or assemblies.", + "Smooth metal surfaces or edges.", + "Program equipment to perform production tasks.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Assemble metal or plastic parts or products.", + "Align parts or workpieces to ensure proper assembly.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Record operational or production data.", + "Solder parts or workpieces." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Material Handling": 1, + "Technical Equipment Operation": 1, + "Precision Technical Measurement": 1, + "Manufacturing Quality Control": 1, + "Technical Blueprint Interpretation": 1, + "Precision Manual Fabrication": 1, + "Technical Documentation": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Technical Problem Solving": 1 + }, + "original_index": 303, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-1052.00", + "job_title": "Chemistry Teachers, Postsecondary", + "detailed_work_activities": [ + "Teach physical science or mathematics courses at the college level.", + "Establish rules or policies governing student behavior.", + "Monitor student performance.", + "Teach others to use technology or equipment.", + "Evaluate student work.", + "Supervise laboratory work.", + "Maintain student records.", + "Supervise student research or internship work.", + "Administer tests to assess educational needs or progress.", + "Develop instructional materials.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Prepare tests.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Guide class discussions.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Write grant proposals.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Write reports or evaluations.", + "Serve on institutional or departmental committees.", + "Prepare reports detailing student activities or performance.", + "Clean facilities or work areas.", + "Decontaminate equipment or sites to remove hazardous or toxic substances.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Plan community programs or activities for the general public.", + "Compile specialized bibliographies or lists of materials.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Scientific Communication": 1, + "Scientific Research Methodology": 1, + "Scientific Laboratory Management": 1, + "Professional Development and Continuous Learning": 1 + }, + "original_index": 304, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "19-1032.00", + "job_title": "Foresters", + "detailed_work_activities": [ + "Assess compliance with environmental laws.", + "Plan natural resources conservation or restoration programs.", + "Develop plans to manage natural or renewable resources.", + "Determine methods to minimize environmental impact of activities.", + "Inspect condition of natural environments.", + "Measure environmental characteristics.", + "Monitor environmental impacts of production or development activities.", + "Manage agricultural or forestry operations.", + "Develop agricultural methods.", + "Direct natural resources management or conservation programs.", + "Plan environmental research.", + "Advise others about environmental management or conservation.", + "Cultivate land.", + "Conduct research of processes in natural or industrial ecosystems.", + "Research crop management methods.", + "Develop educational programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Research Methodology": 1, + "Environmental Conservation Management": 1, + "Natural Resource Management": 1, + "Agricultural Systems Analysis": 1, + "Field Research Methodology": 1, + "Ecological Site Assessment": 1, + "Scientific Environmental Assessment": 1, + "Stakeholder Environmental Communication": 1 + }, + "original_index": 305, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-7032.00", + "job_title": "Patternmakers, Wood", + "detailed_work_activities": [ + "Study blueprints or other instructions to determine equipment setup requirements.", + "Assemble wood products.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Shape surfaces or edges of wood workpieces.", + "Trim excess material from workpieces.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Plan production or operational procedures or sequences.", + "Design templates or patterns.", + "Operate woodworking equipment.", + "Set equipment controls to meet cutting specifications.", + "Apply protective or decorative finishes to workpieces or products.", + "Estimate costs of products, services, or materials.", + "Mark products, workpieces, or equipment with identifying information.", + "Record operational or production data.", + "Repair templates, patterns, or molds.", + "Construct patterns, templates, or other work aids.", + "Build production molds.", + "Calculate dimensions of workpieces, products, or equipment.", + "Select production input materials.", + "Maintain inventories of materials, equipment, or products.", + "Order materials, supplies, or equipment.", + "Distribute supplies to workers." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Wood Product Fabrication": 1, + "Precision Material Handling": 1, + "Technical Measurement and Verification": 1, + "Pattern Design and Fabrication": 1, + "Technical Blueprint Interpretation": 1, + "Precision Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Material Preparation and Cutting": 1, + "Inventory Management": 1, + "Technical Cost Estimation": 1, + "Surface Preparation": 1, + "Precision Manual Fabrication": 1, + "Technical Quality Control": 1 + }, + "original_index": 306, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "13-1021.00", + "job_title": "Buyers and Purchasing Agents, Farm Products", + "detailed_work_activities": [ + "Purchase products or services.", + "Execute sales or other financial transactions.", + "Negotiate contracts with clients or service providers.", + "Communicate with government agencies.", + "Coordinate logistics or other business operations.", + "Maintain data in information systems or databases.", + "Calculate data to inform organizational operations.", + "Determine the value of goods or services.", + "Supervise employees.", + "Advise others on business or operational matters.", + "Evaluate condition of properties." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Agricultural Data Analysis": 1, + "Agricultural Inventory Documentation": 1, + "Agricultural Inventory Management": 1, + "Agricultural Operations": 1, + "Agricultural Product Inspection": 1, + "Agricultural Resource Coordination": 1, + "Agricultural Systems Analysis": 1, + "Business Data Interpretation": 1, + "Business Intelligence Analysis": 1, + "Business Relationship Development": 1, + "Business Strategy Development": 1, + "Commercial Negotiation": 1, + "Commercial Relationship Development": 1, + "Commercial Relationship Management": 1, + "Financial Analysis": 1, + "Financial Decision Making": 1, + "Inventory Management": 1, + "Operational Communication": 1, + "Operational Coordination": 1, + "Procurement Operations Management": 1, + "Professional Communication": 1, + "Stakeholder Communication": 1, + "Strategic Resource Management": 1, + "Transaction Processing": 1 + }, + "original_index": 307, + "sparsity": 0.9890009165902841 + }, + { + "onet_code": "25-9031.00", + "job_title": "Instructional Coordinators", + "detailed_work_activities": [ + "Evaluate performance of educational staff.", + "Train staff members.", + "Enforce rules or policies governing student behavior.", + "Serve on institutional or departmental committees.", + "Advise educators on curricula, instructional methods, or policies.", + "Advise students on academic or career matters.", + "Write grant proposals.", + "Order instructional or library materials or equipment.", + "Modify teaching methods or materials to accommodate student needs.", + "Evaluate effectiveness of educational programs.", + "Research topics in area of expertise.", + "Promote educational institutions or programs.", + "Organize informational materials.", + "Direct activities of subordinates.", + "Develop instructional materials.", + "Assess educational needs of students.", + "Create technology-based learning materials.", + "Develop instructional objectives.", + "Edit documents.", + "Teach others to use technology or equipment." + ], + "skills": [ + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 308, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "17-1021.00", + "job_title": "Cartographers and Photogrammetrists", + "detailed_work_activities": [ + "Gather physical survey data.", + "Create maps.", + "Inspect finished products to locate flaws.", + "Calculate geographic positions from survey data.", + "Survey land or bodies of water to measure or determine features.", + "Analyze physical, survey, or geographic data.", + "Determine design criteria or specifications.", + "Operate computer systems.", + "Determine operational methods.", + "Select tools, equipment, or technologies for use in operations or projects." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Geospatial Analysis": 1, + "Geospatial Data Collection": 1, + "Geospatial Data Interpretation": 1, + "Geospatial Data Visualization": 1, + "Technical Measurement and Verification": 1, + "Technical Documentation": 1, + "Technical Design Visualization": 1, + "Spatial Analysis and Visualization": 1, + "Remote Sensing Analysis": 1, + "Technical Measurement Precision": 1, + "Technical Site Assessment": 1, + "Technical Inspection and Verification": 1, + "Computer Systems Operation": 1, + "Technical Problem Solving": 1, + "Strategic Resource Management": 1 + }, + "original_index": 309, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-4012.00", + "job_title": "Curators", + "detailed_work_activities": [ + "Order instructional or library materials or equipment.", + "Construct exhibits or parts of exhibits.", + "Develop library or archival databases.", + "Research topics in area of expertise.", + "Provide information to the general public.", + "Evaluate characteristics of archival or historical objects.", + "Negotiate purchases or contracts.", + "Plan community programs or activities for the general public.", + "Evaluate scholarly materials.", + "Write articles, books or other original materials in area of expertise.", + "Write grant proposals.", + "Direct activities of subordinates.", + "Promote educational institutions or programs.", + "Train staff members.", + "Confer with others to conduct or arrange operational activities.", + "Maintain inventories of materials, equipment, or products." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Archival Research and Documentation": 1, + "Collection Development": 1, + "Collection Management": 1, + "Research Documentation": 1, + "Professional Documentation Management": 1, + "Exhibition and Display Design": 1, + "Cultural Heritage Preservation": 1, + "Scholarly Communication": 1 + }, + "original_index": 310, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "43-4111.00", + "job_title": "Interviewers, Except Eligibility and Loan", + "detailed_work_activities": [ + "Interview employees, customers, or others to collect information.", + "Negotiate financial arrangements.", + "Resolve operational performance problems.", + "Verify accuracy of financial or transactional data.", + "Obtain personal or financial information about customers or applicants.", + "Collect deposits, payments or fees.", + "Check data for recording errors.", + "Compile data or documentation.", + "Code data or other information.", + "Answer telephones to direct calls or provide information.", + "Assist individuals with paperwork.", + "Supervise clerical or administrative personnel.", + "Analyze operational or research data.", + "Prepare research or technical reports.", + "Explain regulations, policies, or procedures.", + "Confer with coworkers to coordinate work activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Professional Interviewing": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Information Gathering and Verification": 1, + "Client Information Processing": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Operational Documentation": 1, + "Professional Documentation": 1, + "Negotiation and Persuasion": 1, + "Client Relationship Management": 1, + "Financial Information Processing": 1, + "Operational Communication": 1, + "Professional Time Management": 1, + "Supervisory Coordination": 1 + }, + "original_index": 311, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "35-3023.00", + "job_title": "Fast Food and Counter Workers", + "detailed_work_activities": [ + "Clean food preparation areas, facilities, or equipment.", + "Clean tableware.", + "Process customer bills or payments.", + "Communicate with customers to resolve complaints or ensure satisfaction.", + "Take customer orders.", + "Balance receipts.", + "Operate cash registers.", + "Serve food or beverages.", + "Clean food service areas.", + "Cook foods.", + "Order materials, supplies, or equipment.", + "Prepare hot or cold beverages.", + "Collect dirty dishes or other tableware.", + "Arrange tables or dining areas.", + "Add garnishes to food.", + "Move equipment, supplies or food to required locations.", + "Package food or supplies.", + "Communicate dining or order details to kitchen personnel.", + "Arrange food for serving.", + "Stock serving stations or dining areas with food or supplies.", + "Deliver items.", + "Manage preparation of special meals or diets.", + "Prepare foods or meals.", + "Train food preparation or food service personnel." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Service Orientation": 1, + "Active Listening": 1, + "Social Perceptiveness": 1, + "Coordination": 1, + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Adaptive Care Assistance": 0, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Customer Service Communication": 1, + "Food Preparation Skills": 1, + "Operational Food Service Coordination": 1, + "Sanitation and Hygiene Management": 1, + "Inventory Management": 1, + "Transaction Processing": 1, + "Workplace Safety Management": 1 + }, + "original_index": 312, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "53-6021.00", + "job_title": "Parking Attendants", + "detailed_work_activities": [ + "Assist customers to ensure comfort or safety.", + "Inspect motor vehicles.", + "Apply identification labels or tags.", + "Balance receipts.", + "Prepare cash for deposit or disbursement.", + "Monitor surroundings to detect potential hazards.", + "Collect fares or payment from customers.", + "Drive passenger vehicles.", + "Provide transportation information to passengers or customers.", + "Clean facilities or work areas.", + "Direct vehicle traffic.", + "Assist passengers during vehicle boarding.", + "Maintain vehicles in good working condition.", + "Request emergency personnel.", + "Move materials, equipment, or supplies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Service Orientation": 1, + "Administrative Communication": 1, + "Customer Service Coordination": 1, + "Operational Safety Management": 1, + "Vehicle Operation Management": 1, + "Patron Safety Management": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Facility Maintenance": 1 + }, + "original_index": 313, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "47-2081.00", + "job_title": "Drywall and Ceiling Tile Installers", + "detailed_work_activities": [ + "Review blueprints or specifications to determine work requirements.", + "Mark reference points on construction materials.", + "Measure materials or objects for installation or assembly.", + "Install building fixtures.", + "Cut openings in existing structures.", + "Install trim or paneling.", + "Install masonry materials.", + "Cut metal components for installation.", + "Cut tile, stone, or other masonry materials.", + "Cut wood components for installation.", + "Verify alignment of structures or equipment.", + "Install metal structural components.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Trim excess material from installations.", + "Coordinate construction project activities.", + "Install wooden structural components.", + "Apply material to fill gaps in surfaces.", + "Install insulation in equipment or structures.", + "Remove worn, damaged or outdated materials from work areas.", + "Apply mortar.", + "Clean surfaces in preparation for work activities." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Critical Thinking": 1, + "Precision Manual Construction Skills": 1, + "Technical Blueprint Interpretation": 1, + "Material Handling": 1, + "Technical Measurement and Verification": 1, + "Surface Preparation": 1, + "Construction Material Management": 1, + "Technical Equipment Operation": 1, + "Construction Safety Management": 1, + "Project Coordination": 1 + }, + "original_index": 314, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1229.02", + "job_title": "Hospitalists", + "detailed_work_activities": [ + "Diagnose medical conditions.", + "Prescribe medications.", + "Treat chronic diseases or disorders.", + "Analyze test data or images to inform diagnosis or treatment.", + "Order medical diagnostic or clinical tests.", + "Process healthcare paperwork.", + "Develop medical treatment plans.", + "Inform medical professionals regarding patient conditions and care.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Refer patients to other healthcare practitioners or health resources.", + "Supervise patient care personnel.", + "Maintain medical or professional knowledge.", + "Coordinate safety or regulatory compliance activities.", + "Direct quality control activities.", + "Manage healthcare operations.", + "Train medical providers." + ], + "skills": [ + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Adaptive Workplace Communication": 1, + "Administrative Healthcare Support": 1, + "Administrative Documentation": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Advanced Regulatory Compliance": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Documentation Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Support": 1, + "Clinical Treatment Planning": 1, + "Complex Healthcare Decision Making": 1, + "Complex Medical Problem Solving": 1, + "Healthcare Documentation": 1, + "Healthcare Professional Collaboration": 1, + "Healthcare Treatment Planning": 1, + "Interpersonal Healthcare Communication": 1, + "Medical Diagnostic Assessment": 1, + "Medical Documentation Management": 1, + "Medical Treatment Planning": 1, + "Patient Care Coordination": 1, + "Patient Communication": 1, + "Patient Treatment Coordination": 1 + }, + "original_index": 315, + "sparsity": 0.9802933088909258 + }, + { + "onet_code": "15-1243.01", + "job_title": "Data Warehousing Specialists", + "detailed_work_activities": [ + "Develop models of information or communications systems.", + "Evaluate data quality.", + "Develop diagrams or flow charts of system operation.", + "Develop procedures for data management.", + "Create databases to store electronic data.", + "Design software applications.", + "Write computer programming code.", + "Modify software programs to improve performance.", + "Troubleshoot issues with computer applications or systems.", + "Analyze data to identify trends or relationships among variables.", + "Document operational procedures.", + "Evaluate project designs to determine adequacy or feasibility.", + "Develop performance metrics or standards related to information technology.", + "Develop testing routines or procedures.", + "Apply information technology to solve business or other applied problems.", + "Apply new technologies to improve work processes.", + "Test software performance." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Programming\u2014 Writing computer programs for various purposes.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 0, + "Technical Documentation": 1, + "Technical Systems Analysis": 1, + "Technical Problem Solving": 1, + "Information Systems Management": 1, + "Software Development": 1, + "Data Management": 1, + "Technical Communication": 1, + "Performance Monitoring": 1, + "Quality Control": 1, + "Strategic Technology Management": 1 + }, + "original_index": 316, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-3021.00", + "job_title": "Self-Enrichment Teachers", + "detailed_work_activities": [ + "Apply multiple teaching methods.", + "Modify teaching methods or materials to accommodate student needs.", + "Encourage students.", + "Assess educational needs of students.", + "Monitor student performance.", + "Maintain student records.", + "Evaluate student work.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Develop instructional objectives.", + "Assign class work to students.", + "Document lesson plans.", + "Teach life skills.", + "Collaborate with other teaching professionals to develop educational programs.", + "Teach others to use technology or equipment.", + "Set up classroom materials or equipment.", + "Discuss student progress with parents or guardians.", + "Enforce rules or policies governing student behavior.", + "Evaluate effectiveness of educational programs.", + "Plan educational activities.", + "Discuss problems or issues with supervisors.", + "Develop strategies or programs for students with special needs.", + "Schedule instructional activities.", + "Evaluate performance of educational staff.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Create technology-based learning materials.", + "Plan experiential learning activities.", + "Serve on institutional or departmental committees.", + "Distribute instructional or library materials.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Promote educational institutions or programs.", + "Write articles, books or other original materials in area of expertise." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Classroom Management": 1, + "Educational Assessment and Mentorship": 1, + "Educational Instruction Management": 1, + "Educational Support": 1, + "Instructional Communication": 1, + "Learning Strategies": 1, + "Performance Assessment and Monitoring": 1, + "Student Performance Management": 1 + }, + "original_index": 317, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "29-2011.00", + "job_title": "Medical and Clinical Laboratory Technologists", + "detailed_work_activities": [ + "Analyze laboratory specimens to detect abnormalities or other problems.", + "Analyze laboratory findings.", + "Collect biological specimens from patients.", + "Maintain medical laboratory equipment.", + "Operate laboratory equipment to analyze medical samples.", + "Enter patient or treatment data into computers.", + "Develop healthcare quality and safety procedures.", + "Clean medical equipment or facilities.", + "Prepare medical supplies or equipment for use.", + "Prepare biological specimens for laboratory analysis.", + "Communicate detailed medical information to patients or family members.", + "Communicate test or assessment results to medical professionals.", + "Cultivate micro-organisms for study, testing, or medical preparations.", + "Supervise technical medical personnel.", + "Train medical providers.", + "Determine protocols for medical procedures." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Assessment Skills": 1, + "Scientific Laboratory Management": 1, + "Technical Documentation Management": 1, + "Scientific Research Methodology": 1, + "Biological Sample Analysis": 1, + "Medical Diagnostic Reasoning": 1, + "Quality Control Analysis": 1, + "Healthcare Equipment Management": 1, + "Precision Technical Documentation": 1 + }, + "original_index": 318, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-3011.00", + "job_title": "Helpers--Brickmasons, Blockmasons, Stonemasons, and Tile and Marble Setters", + "detailed_work_activities": [ + "Mix substances or compounds needed for work activities.", + "Assemble temporary equipment or structures.", + "Cut tile, stone, or other masonry materials.", + "Assist skilled construction or extraction personnel.", + "Determine operational procedures.", + "Move construction or extraction materials to locations where they are needed.", + "Clean surfaces in preparation for work activities.", + "Maintain construction tools or equipment.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Remove excess materials from finished construction projects.", + "Apply material to fill gaps in surfaces.", + "Apply sealants or other protective coatings.", + "Prepare surfaces for finishing.", + "Remove worn, damaged or outdated materials from work areas." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Precision Manual Construction Skills": 1, + "Material Handling": 1, + "Surface Preparation": 1, + "Operational Safety Management": 1, + "Technical Equipment Operation": 1, + "Precision Material Cutting": 1, + "Workplace Safety Coordination": 1, + "Temporary Structure Assembly": 1, + "Adhesive and Mortar Application": 1, + "Technical Measurement and Verification": 1, + "Academic Instruction": 0, + "Behavioral Health Counseling": 0, + "Medical Patient Care": 0 + }, + "original_index": 319, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "35-2011.00", + "job_title": "Cooks, Fast Food", + "detailed_work_activities": [ + "Order materials, supplies, or equipment.", + "Cook foods.", + "Prepare foods for cooking or serving.", + "Clean food preparation areas, facilities, or equipment.", + "Serve food or beverages.", + "Prepare hot or cold beverages.", + "Stock serving stations or dining areas with food or supplies.", + "Prepare breads or doughs.", + "Process customer bills or payments.", + "Take customer orders.", + "Check quality of foods or supplies.", + "Measure ingredients.", + "Mix ingredients.", + "Coordinate timing of food production activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 0, + "Service Orientation": 1, + "Food Preparation Skills": 1, + "Customer Service Communication": 1, + "Kitchen Safety Management": 1, + "Operational Food Service Coordination": 1, + "Inventory Management": 1, + "Precision Food Preparation": 1, + "Workplace Safety Management": 1, + "Professional Communication": 1 + }, + "original_index": 320, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "31-9095.00", + "job_title": "Pharmacy Aides", + "detailed_work_activities": [ + "Perform clerical work in medical settings.", + "Control prescription refills or authorizations.", + "Process medical billing information.", + "Inventory medical supplies or equipment.", + "Stock medical or patient care supplies.", + "Maintain medical records.", + "Transport biological or other medical materials.", + "Clean medical equipment.", + "Maintain medical equipment or instruments." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Healthcare Support": 1, + "Administrative Information Processing": 1, + "Client Information Processing": 1, + "Healthcare Documentation": 1, + "Healthcare Documentation Management": 1, + "Inventory Management": 1, + "Medical Administrative Support": 1, + "Operational Documentation": 1, + "Precision Documentation": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Workplace Safety and Maintenance": 1, + "Academic Instruction": 0, + "Advanced Medical Intervention": 0, + "Clinical Procedure Support": 0, + "Patient Care Management": 0 + }, + "original_index": 321, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "11-9141.00", + "job_title": "Property, Real Estate, and Community Association Managers", + "detailed_work_activities": [ + "Prepare financial documents, reports, or budgets.", + "Prepare operational budgets.", + "Direct facility maintenance or repair activities.", + "Direct organizational operations, projects, or services.", + "Manage construction activities.", + "Analyze financial records or reports to determine state of operations.", + "Direct financial operations.", + "Negotiate sales or lease agreements for products or services.", + "Evaluate employee performance.", + "Supervise employees.", + "Prepare forms or applications.", + "Promote products, services, or programs.", + "Liaise between departments or other groups to improve function or communication.", + "Resolve customer complaints or problems.", + "Perform manual service or maintenance tasks.", + "Inspect condition or functioning of facilities or equipment.", + "Communicate organizational information to customers or other stakeholders.", + "Evaluate characteristics of individuals to determine needs or eligibility.", + "Confer with organizational members to accomplish work activities.", + "Maintain operational records.", + "Analyze financial records to improve budgeting or planning.", + "Communicate with government agencies.", + "Coordinate operational activities with external stakeholders.", + "Analyze forecasting data to improve business decisions.", + "Purchase materials, equipment, or other resources.", + "Negotiate project specifications." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Property Management": 1, + "Administrative Communication": 1, + "Financial Resource Management": 1, + "Operational Coordination": 1, + "Client Relationship Management": 1, + "Stakeholder Communication Management": 1, + "Performance Evaluation Management": 1, + "Regulatory Compliance Management": 1, + "Strategic Resource Allocation": 1, + "Risk Assessment": 1, + "Facilities Maintenance": 1, + "Construction Project Management": 1, + "Operational Documentation": 1, + "Negotiation and Persuasion": 1, + "Strategic Operational Planning": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Veterinary Technical Support": 0 + }, + "original_index": 322, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-4013.00", + "job_title": "Food Science Technicians", + "detailed_work_activities": [ + "Evaluate quality of materials or products.", + "Test quality of materials or finished products.", + "Record research or operational data.", + "Measure physical or chemical properties of materials or objects.", + "Analyze chemical compounds or substances.", + "Clean objects.", + "Maintain laboratory or technical equipment.", + "Prepare biological samples for testing or analysis.", + "Examine characteristics or behavior of living organisms.", + "Prepare compounds or solutions for products or testing.", + "Research methods to improve food products.", + "Train personnel in technical or scientific procedures.", + "Supervise laboratory work.", + "Manage scientific or technical project resources." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research and Development": 1, + "Technical Documentation": 1, + "Quality Control Analysis": 1, + "Laboratory Sample Management": 1, + "Scientific Communication": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Chemical Analysis and Synthesis": 1 + }, + "original_index": 323, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9031.00", + "job_title": "Education and Childcare Administrators, Preschool and Daycare", + "detailed_work_activities": [ + "Advise others on career or personal development.", + "Monitor performance of organizational members or partners.", + "Conduct employee training programs.", + "Evaluate employee performance.", + "Recruit personnel.", + "Teach classes in area of specialization.", + "Develop educational goals, standards, policies, or procedures.", + "Develop organizational policies or programs.", + "Approve expenditures.", + "Determine resource needs.", + "Estimate labor requirements.", + "Manage organizational or project budgets.", + "Direct organizational operations, projects, or services.", + "Supervise employees.", + "Maintain operational records.", + "Maintain regulatory or compliance documentation.", + "Develop operating strategies, plans, or procedures.", + "Develop safety standards, policies, or procedures.", + "Advise others on business or operational matters.", + "Determine operational compliance with regulations or standards.", + "Evaluate program effectiveness.", + "Analyze forecasting data to improve business decisions.", + "Prepare financial documents, reports, or budgets.", + "Prepare proposals or grant applications to obtain project funding.", + "Communicate with government agencies.", + "Present information to the public.", + "Develop promotional materials." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Child Development Program Oversight": 1, + "Child Safety Management": 1, + "Classroom Management": 1, + "Developmental Learning Support": 1, + "Educational Assessment and Monitoring": 1, + "Educational Leadership": 1, + "Educational Support Services": 1, + "Instructional Resource Coordination": 1, + "Organizational Resource Management": 1, + "Parent-Educator Communication": 1, + "Professional Development and Staff Training": 1, + "Regulatory Compliance in Childcare": 1, + "Student Safety Management": 1, + "Workforce Training Development": 1 + }, + "original_index": 324, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "19-2011.00", + "job_title": "Astronomers", + "detailed_work_activities": [ + "Analyze operational or research data.", + "Prepare scientific or technical reports or presentations.", + "Direct scientific activities.", + "Advise students on academic or career matters.", + "Collaborate on research activities with scientists or technical specialists.", + "Support the professional development of others.", + "Supervise student research or internship work.", + "Instruct college students in physical or life sciences.", + "Develop theories or models of physical phenomena.", + "Develop software or applications for scientific or technical use.", + "Measure environmental characteristics.", + "Measure radiation levels.", + "Review professional literature to maintain professional knowledge.", + "Prepare proposals or grant applications to obtain project funding.", + "Provide technical information or assistance to public.", + "Serve on institutional or departmental committees." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Scientific Problem Solving": 1, + "Scientific Research Methodology": 1, + "Scientific Communication": 1, + "Technical Documentation": 1, + "Research Data Management": 1, + "Complex Problem Solving": 1, + "Analytical Problem Solving": 1, + "Quantitative Reasoning": 1 + }, + "original_index": 325, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "47-2021.00", + "job_title": "Brickmasons and Blockmasons", + "detailed_work_activities": [ + "Mark reference points on construction materials.", + "Measure materials or objects for installation or assembly.", + "Install masonry materials.", + "Apply mortar.", + "Plan layout of construction, installation, or repairs.", + "Cut tile, stone, or other masonry materials.", + "Estimate materials requirements for projects.", + "Review blueprints or specifications to determine work requirements.", + "Remove excess materials from finished construction projects.", + "Clean surfaces in preparation for work activities.", + "Inspect work sites to determine condition or necessary repairs.", + "Mix substances or compounds needed for work activities.", + "Align masonry materials.", + "Remove worn, damaged or outdated materials from work areas.", + "Apply sealants or other protective coatings." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Masonry Material Installation": 1, + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Precision Manual Construction Skills": 1, + "Technical Measurement and Marking": 1, + "Surface Preparation": 1, + "Construction Site Preparation": 1, + "Adhesive and Mortar Application": 1, + "Technical Blueprint Interpretation": 1, + "Protective Coating Application": 1, + "Construction Safety Management": 1, + "Material Measurement and Preparation": 1, + "Technical Quality Control": 1, + "Spatial Measurement and Layout": 1, + "Construction Project Coordination": 1, + "Academic Instruction": 0, + "Healthcare Patient Assessment": 0, + "Software Development": 0 + }, + "original_index": 326, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-9083.00", + "job_title": "Ophthalmic Laboratory Technicians", + "detailed_work_activities": [ + "Mount materials or workpieces onto production equipment.", + "Inspect finished products to locate flaws.", + "Shape glass or similar materials.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Weigh finished products.", + "Clean workpieces or finished products.", + "Align parts or workpieces to ensure proper assembly.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Repair medical or dental assistive devices.", + "Mount attachments or tools onto production equipment.", + "Select production equipment according to product specifications.", + "Set equipment controls to meet cutting specifications.", + "Construct customized assistive medical or dental devices.", + "Immerse objects or workpieces in cleaning or coating solutions.", + "Operate grinding equipment.", + "Polish materials, workpieces, or finished products.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Operate painting or coating equipment.", + "Solder parts or workpieces.", + "Remove workpieces from molds." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Precision Material Handling": 1, + "Precision Equipment Operation": 1, + "Quality Control Analysis": 1, + "Technical Measurement and Verification": 1, + "Medical Device Fabrication": 1, + "Precision Technical Maintenance": 1, + "Technical Equipment Calibration": 1, + "Surface Preparation Techniques": 1, + "Precision Manual Technical Skills": 1, + "Technical Documentation": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Patient Care Communication": 0 + }, + "original_index": 327, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-5012.00", + "job_title": "Rotary Drill Operators, Oil and Gas", + "detailed_work_activities": [ + "Train construction or extraction personnel.", + "Operate drilling equipment.", + "Measure work site dimensions.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Install drilling equipment.", + "Record operational or environmental data.", + "Maintain drilling equipment.", + "Inspect equipment or tools to be used in construction or excavation.", + "Operate pumps or compressors.", + "Direct construction or extraction personnel.", + "Install equipment attachments or components.", + "Measure materials or objects for installation or assembly.", + "Mix substances or compounds needed for work activities.", + "Monitor extraction operations.", + "Select construction equipment.", + "Clean equipment or facilities.", + "Install plumbing or piping.", + "Assemble products or production equipment.", + "Position construction or extraction equipment.", + "Collect geological samples.", + "Prepare excavation or extraction sites for commissioning or decommissioning." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Drilling Operations Management": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Maintenance": 1, + "Field Operations Safety": 1, + "Operational Monitoring": 1, + "Technical Site Assessment": 1, + "Geological Sample Collection": 1, + "Operational Documentation": 1, + "Technical Safety Management": 1, + "Extraction Equipment Operation": 1, + "Operational Coordination": 1, + "Technical Equipment Installation": 1, + "Material Handling": 1, + "Rock Drilling and Extraction Techniques": 1, + "Academic Instruction": 0 + }, + "original_index": 328, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "17-3022.00", + "job_title": "Civil Engineering Technologists and Technicians", + "detailed_work_activities": [ + "Estimate technical or resource requirements for development or production projects.", + "Review technical documents to plan work.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Create graphical representations of civil structures.", + "Test characteristics of materials or structures.", + "Estimate operational costs.", + "Prepare detailed work plans.", + "Confer with technical personnel to prepare designs or operational plans.", + "Create maps.", + "Prepare operational reports.", + "Prepare project budgets.", + "Survey land or bodies of water to measure or determine features.", + "Correspond with customers to answer questions or resolve complaints.", + "Respond to customer problems or complaints.", + "Negotiate prices or other sales terms.", + "Confer with other personnel to resolve design or operational problems." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Civil Infrastructure Design": 1, + "Technical Design Documentation": 1, + "Technical Measurement and Verification": 1, + "Construction Project Coordination": 1, + "Technical Site Assessment": 1, + "Technical Documentation Management": 1, + "Spatial Measurement and Layout": 1, + "Technical Cost Estimation": 1, + "Technical Communication": 1, + "Technical Project Management": 1, + "Technical Graphical Representation": 1, + "Material Testing": 1, + "Technical Safety Inspection": 1, + "Negotiation Skills": 1, + "Problem Resolution": 1 + }, + "original_index": 329, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-1161.01", + "job_title": "Search Marketing Strategists", + "detailed_work_activities": [ + "Implement advertising or marketing initiatives.", + "Collaborate with others to develop or implement marketing strategies.", + "Design websites or web applications.", + "Analyze website or related online data to track trends or usage.", + "Coordinate project activities with other personnel or departments.", + "Develop performance metrics or standards related to information technology.", + "Analyze market or customer related data.", + "Evaluate utility of software or hardware technologies.", + "Recommend changes to improve computer or information systems.", + "Provide customer service to clients or users.", + "Maintain the inventory of equipment.", + "Update knowledge about emerging industry or technology trends.", + "Coordinate resource procurement activities.", + "Write computer programming code.", + "Design computer modeling or simulation programs.", + "Develop specifications or procedures for website development or maintenance.", + "Collaborate with others to determine design specifications or details.", + "Prepare graphics or other visual representations of information.", + "Develop computer or information security policies or procedures.", + "Develop guidelines for system implementation." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Digital Marketing Strategy": 1, + "Web Analytics and Insights": 1, + "Market Intelligence Analysis": 1, + "Strategic Marketing Communication": 1, + "Strategic Online Communication": 1, + "Content Development Strategy": 1, + "Business Intelligence Analysis": 1, + "Technical Communication": 1, + "Strategic Performance Monitoring": 1, + "Trend and Market Research": 1, + "Strategic Operational Analysis": 1, + "Client Relationship Management": 1, + "Professional Communication": 1, + "Strategic Project Management": 1, + "Technical Writing Proficiency": 1, + "Academic Instruction": 0, + "Medical Technical Documentation": 0, + "Veterinary Technical Support": 0 + }, + "original_index": 330, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-9022.00", + "job_title": "Grinding and Polishing Workers, Hand", + "detailed_work_activities": [ + "Compare physical characteristics of materials or products to specifications or standards.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Clean workpieces or finished products.", + "Polish materials, workpieces, or finished products.", + "Smooth metal surfaces or edges.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Trim excess material from workpieces.", + "Mark products, workpieces, or equipment with identifying information.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Operate grinding equipment.", + "Remove products or workpieces from production equipment.", + "Load materials into production equipment.", + "Mount materials or workpieces onto production equipment.", + "Maintain production or processing equipment.", + "Repair production equipment or tools.", + "Select production equipment according to product specifications.", + "Record operational or production data.", + "Reshape metal workpieces to established specifications.", + "Sharpen cutting or grinding tools.", + "Apply solutions to production equipment.", + "Move products, materials, or equipment between work areas.", + "Clean production equipment." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Repairing\u2014 Repairing machines or systems using the needed tools." + ], + "skill_vector": { + "Quality Control Analysis": 1, + "Operations Monitoring": 1, + "Equipment Maintenance": 1, + "Operation and Control": 1, + "Repairing": 1, + "Precision Material Handling": 1, + "Precision Technical Measurement": 1, + "Surface Preparation Techniques": 1, + "Technical Equipment Operation": 1, + "Workplace Safety Management": 1 + }, + "original_index": 331, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "49-9097.00", + "job_title": "Signal and Track Switch Repairers", + "detailed_work_activities": [ + "Inspect equipment to locate or identify electrical problems.", + "Test electrical circuits or components for proper functioning.", + "Repair electrical circuits or wiring.", + "Repair worn, damaged, or defective mechanical parts.", + "Test mechanical equipment to ensure proper functioning.", + "Drive trucks or other vehicles to or at work sites.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Maintain work equipment or machinery.", + "Adjust the tension of nuts or bolts.", + "Replace worn, damaged, or defective mechanical parts.", + "Inspect electrical or electronic systems for defects.", + "Record information about parts, materials or repair procedures.", + "Lubricate equipment to allow proper functioning.", + "Clean equipment, parts, or tools to repair or maintain them in good working order." + ], + "skills": [ + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Electrical Circuit Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Equipment Diagnostic Assessment": 1, + "Technical Equipment Inspection": 1, + "Technical Safety Inspection": 1, + "Precision Equipment Maintenance": 1, + "Technical Problem Solving": 1, + "Technical Documentation": 1, + "Vehicle Operation Safety": 1, + "Operational Safety Management": 1 + }, + "original_index": 332, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-1031.00", + "job_title": "Claims Adjusters, Examiners, and Investigators", + "detailed_work_activities": [ + "Calculate data to inform organizational operations.", + "Investigate legal issues.", + "Negotiate agreements to resolve disputes.", + "Pay charges, fees, or taxes.", + "Prepare legal or investigatory documentation.", + "Verify accuracy of records.", + "Estimate costs of goods or services.", + "Interview witnesses, suspects, or claimants.", + "Appraise property values.", + "Maintain data in information systems or databases.", + "Apply information technology to solve business or other applied problems.", + "Resolve customer complaints or problems.", + "Advise others on financial matters.", + "Implement financial decisions.", + "Meet with individuals involved in legal processes to provide information and clarify issues.", + "Report information to managers or other personnel.", + "Collect evidence for legal proceedings.", + "Prepare financial documents.", + "Supervise employees.", + "Examine financial records.", + "Present business-related information to audiences.", + "Confer with others about financial matters.", + "Prepare operational reports.", + "Gather financial records.", + "Advise others on legal or regulatory compliance matters.", + "Verify application data to determine program eligibility." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Claims Investigation": 1, + "Investigative Analysis": 1, + "Investigative Documentation": 1, + "Professional Communication": 1, + "Financial Analysis": 1, + "Legal Compliance": 1, + "Risk Assessment": 1, + "Client Interaction Management": 1, + "Technical Documentation": 1, + "Operational Monitoring": 1 + }, + "original_index": 333, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-1031.00", + "job_title": "Conservation Scientists", + "detailed_work_activities": [ + "Apply knowledge or research findings to address environmental problems.", + "Plan natural resources conservation or restoration programs.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Advise others about land management or conservation.", + "Develop plans to manage natural or renewable resources.", + "Determine design criteria or specifications.", + "Collect geographical or geological field data.", + "Estimate green project costs.", + "Inspect condition of natural environments.", + "Develop collaborative relationships between departments or with external organizations.", + "Advise others about environmental management or conservation.", + "Record research or operational data.", + "Train personnel in technical or scientific procedures.", + "Research sustainable agricultural processes or practices.", + "Plan environmental research.", + "Direct natural resources management or conservation programs.", + "Analyze environmental data.", + "Communicate with the public on environmental issues.", + "Compile environmental or climatological data.", + "Review plans or proposals for environmental conservation.", + "Create maps.", + "Assess compliance with environmental laws.", + "Review environmental permits, plans, or reports.", + "Mediate disputes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Environmental Conservation Management": 1, + "Natural Resource Management": 1, + "Scientific Research Methodology": 1, + "Field Research Documentation": 1, + "Environmental Data Analysis": 1, + "Geospatial Data Analysis": 1, + "Environmental Compliance Management": 1, + "Stakeholder Communication Strategy": 1, + "Sustainable Land Management": 1, + "Technical Field Documentation": 1, + "Agricultural Systems Management": 1, + "Strategic Environmental Planning": 1, + "Wildlife Conservation Management": 1, + "Technical Site Assessment": 1, + "Professional Scientific Communication": 1, + "Academic Research Methodology": 1, + "Technical Measurement and Verification": 1, + "Risk Assessment and Mitigation": 1, + "Interdisciplinary Research Collaboration": 1, + "Adaptive Problem Resolution": 1 + }, + "original_index": 334, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "53-6051.07", + "job_title": "Transportation Vehicle, Equipment and Systems Inspectors, Except Aviation", + "detailed_work_activities": [ + "Inspect motor vehicles.", + "Prepare accident or incident reports.", + "Recommend changes or corrective procedures.", + "Investigate transportation incidents, violations, or complaints.", + "Review documents or materials for compliance with policies or regulations.", + "Connect cables or electrical lines." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Operational Monitoring": 1, + "Quality Control Analysis": 1, + "Critical Thinking": 1, + "Equipment Inspection": 1, + "Technical Documentation": 1, + "Compliance and Regulatory Management": 1, + "Investigative Documentation": 1, + "Technical Safety Inspection": 1, + "Transportation Safety Management": 1, + "Vehicle Inspection and Safety": 1, + "Technical Problem Solving": 1, + "Professional Communication": 1 + }, + "original_index": 335, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "19-1041.00", + "job_title": "Epidemiologists", + "detailed_work_activities": [ + "Communicate with government agencies.", + "Prepare scientific or technical reports or presentations.", + "Direct medical science or healthcare programs.", + "Research diseases or parasites.", + "Train personnel in technical or scientific procedures.", + "Plan biological research.", + "Develop methods of social or economic research.", + "Write articles, books or other original materials in area of expertise.", + "Establish standards for products, processes, or procedures.", + "Prepare proposals or grant applications to obtain project funding.", + "Write grant proposals.", + "Advise others on healthcare matters.", + "Supervise scientific or technical personnel.", + "Instruct college students in physical or life sciences.", + "Analyze biological samples." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 336, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-2031.00", + "job_title": "Cardiovascular Technologists and Technicians", + "detailed_work_activities": [ + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Test patient heart or lung functioning.", + "Explain medical procedures or test results to patients or family members.", + "Analyze test data or images to inform diagnosis or treatment.", + "Maintain sterile operative fields.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Monitor video displays of medical equipment to ensure proper functioning.", + "Collect medical information from patients, family members, or other medical professionals.", + "Record patient medical histories.", + "Assist healthcare practitioners during surgery.", + "Calculate numerical data for medical activities.", + "Operate diagnostic imaging equipment.", + "Inform medical professionals regarding patient conditions and care.", + "Position patients for treatment or examination.", + "Prepare patients physically for medical procedures.", + "Perform clerical work in medical settings.", + "Administer medical substances for imaging or other procedures.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Adjust settings or positions of medical equipment.", + "Prepare medical supplies or equipment for use.", + "Examine medical instruments or equipment to ensure proper operation.", + "Maintain medical equipment or instruments.", + "Repair medical facility equipment.", + "Supervise patient care personnel.", + "Train medical providers.", + "Order medical supplies or equipment.", + "Schedule patient procedures or appointments." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Cardiovascular Clinical Expertise": 1, + "Cardiovascular Technical Expertise": 1, + "Medical Diagnostic Assessment": 1, + "Medical Equipment Operation": 1, + "Patient Assessment": 1, + "Medical Procedure Support": 1, + "Clinical Documentation Management": 1, + "Healthcare Equipment Management": 1, + "Patient Communication": 1, + "Medical Safety Monitoring": 1, + "Technical Medical Documentation": 1, + "Healthcare Professional Coordination": 1, + "Medical Substance Management": 1, + "Advanced Medical Equipment Management": 1, + "Patient Safety Management": 1, + "Clinical Procedure Assistance": 1, + "Healthcare Diagnostic Reasoning": 1, + "Precision Medical Intervention": 1, + "Medical Image Interpretation": 1, + "Healthcare Procedural Compliance": 1 + }, + "original_index": 337, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "11-3051.04", + "job_title": "Biomass Power Plant Managers", + "detailed_work_activities": [ + "Enforce rules or regulations.", + "Monitor environment to ensure safety.", + "Evaluate green operations or programs for compliance with standards or regulations.", + "Monitor green energy equipment, systems, or facilities.", + "Review documents or materials for compliance with policies or regulations.", + "Operate green energy production equipment.", + "Direct maintenance and repair activities in green energy production facilities.", + "Direct green energy production operations.", + "Supervise workers performing environmentally sustainable activities.", + "Compile operational data.", + "Maintain operational records.", + "Inspect operations of green energy facilities.", + "Schedule activities or facility use.", + "Schedule product or material transportation.", + "Prepare operational budgets for green energy or other green operations.", + "Maintain green energy production plant equipment.", + "Perform manual service or maintenance tasks.", + "Test green technologies or processes.", + "Analyze market research data.", + "Evaluate energy production data.", + "Communicate green energy production information.", + "Manage inventories of products or organizational resources.", + "Monitor equipment operation to ensure proper functioning.", + "Operate communications equipment or systems." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Green Energy Management": 1, + "Operational Monitoring": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Environmental Compliance Management": 1, + "Technical Performance Monitoring": 1, + "Resource Management": 1, + "Operational Documentation Management": 1, + "Strategic Operational Planning": 1, + "Technical Safety Protocols": 1, + "Renewable Energy Systems": 1, + "Sustainable Production Management": 1, + "Personnel Resource Management": 1, + "Financial Resource Management": 1, + "Technical Systems Analysis": 1 + }, + "original_index": 338, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-4031.00", + "job_title": "Cutting, Punching, and Press Machine Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Set equipment guides, stops, spacers, or other fixtures.", + "Inspect metal, plastic, or composite products.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Operate cutting equipment.", + "Monitor equipment operation to ensure that products are not flawed.", + "Record operational or production data.", + "Mount attachments or tools onto production equipment.", + "Inspect production equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Mount materials or workpieces onto production equipment.", + "Align parts or workpieces to ensure proper assembly.", + "Load materials into production equipment.", + "Operate metal or plastic forming equipment.", + "Clean production equipment.", + "Lubricate production equipment.", + "Mark products, workpieces, or equipment with identifying information.", + "Set equipment controls to meet cutting specifications.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Clean work areas.", + "Plan production or operational procedures or sequences.", + "Operate forklifts or other loaders.", + "Adjust equipment controls to regulate coolant flow.", + "Feed materials or products into or through equipment.", + "Operate grinding equipment.", + "Apply lubricants or coolants to workpieces.", + "Disassemble equipment for maintenance or repair.", + "Remove accessories, tools, or other parts from equipment.", + "Replace worn equipment components.", + "Smooth metal surfaces or edges.", + "Cut industrial materials in preparation for fabrication or processing.", + "Select production equipment according to product specifications.", + "Heat material or workpieces to prepare for or complete production.", + "Sharpen cutting or grinding tools." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Precision Equipment Operation": 1, + "Technical Equipment Monitoring": 1, + "Material Handling": 1, + "Quality Control Inspection": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Precision Measurement and Verification": 1, + "Technical Documentation": 1, + "Manufacturing Process Control": 1, + "Technical Problem Solving": 1 + }, + "original_index": 339, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-3041.00", + "job_title": "Gambling Cage Workers", + "detailed_work_activities": [ + "Maintain security.", + "Monitor organizational compliance with regulations.", + "Prepare cash for deposit or disbursement.", + "Execute sales or other financial transactions.", + "Stock supplies or merchandise.", + "Prepare research or technical reports.", + "Maintain financial or account records.", + "Reconcile records of sales or other financial transactions.", + "Order materials, supplies, or equipment.", + "Verify accuracy of financial or transactional data.", + "Enter information into databases or software programs.", + "Train personnel.", + "Sell products or services.", + "Explain regulations, policies, or procedures." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Advanced Operational Monitoring": 1, + "Advanced Regulatory Compliance": 1, + "Advanced Resource Management": 1, + "Client Interaction Management": 1, + "Financial Account Management": 1, + "Financial Transaction Processing": 1, + "Operational Compliance Management": 1, + "Operational Documentation": 1, + "Operational Monitoring": 1, + "Operational Safety Management": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Security Operations Management": 1, + "Transaction Processing": 1 + }, + "original_index": 340, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "25-1064.00", + "job_title": "Geography Teachers, Postsecondary", + "detailed_work_activities": [ + "Develop instructional materials.", + "Teach physical science or mathematics courses at the college level.", + "Evaluate student work.", + "Research topics in area of expertise.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Write articles, books or other original materials in area of expertise.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Guide class discussions.", + "Maintain student records.", + "Supervise student research or internship work.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Supervise laboratory work.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Write grant proposals.", + "Maintain computer equipment or software.", + "Order instructional or library materials or equipment.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Select educational materials or equipment.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 341, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1211.00", + "job_title": "Anesthesiologists", + "detailed_work_activities": [ + "Monitor patient conditions during treatments, procedures, or activities.", + "Implement advanced life support techniques.", + "Prepare patients physically for medical procedures.", + "Record patient medical histories.", + "Administer anesthetics or sedatives to control pain.", + "Examine patients to assess general physical condition.", + "Position patients for treatment or examination.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Monitor patient progress or responses to treatments.", + "Order medical diagnostic or clinical tests.", + "Train medical providers.", + "Direct healthcare delivery programs.", + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Refer patients to other healthcare practitioners or health resources.", + "Diagnose medical conditions.", + "Supervise patient care personnel.", + "Schedule medical facility use.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Anesthesia and Life Support": 1, + "Advanced Medical Intervention": 1, + "Advanced Life Support Management": 1, + "Patient Safety Management": 1, + "Clinical Patient Assessment": 1, + "Medical Diagnostic Reasoning": 1, + "Medical Treatment Planning": 1, + "Healthcare Professional Collaboration": 1, + "Professional Medical Communication": 1, + "Medical Documentation Management": 1, + "Clinical Procedure Management": 1, + "Patient Monitoring and Safety": 1, + "Medical Equipment Management": 1, + "Healthcare Safety Protocols": 1, + "Medication Management": 1, + "Complex Healthcare Decision Making": 1, + "Patient Psychological Support": 1, + "Clinical Research Methodology": 1, + "Professional Ethical Intervention": 1, + "Interdisciplinary Healthcare Collaboration": 1 + }, + "original_index": 342, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "17-2051.02", + "job_title": "Water/Wastewater Engineers", + "detailed_work_activities": [ + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Provide technical guidance to other personnel.", + "Supervise engineering or other technical personnel.", + "Evaluate designs or specifications to ensure quality.", + "Design civil structures or systems.", + "Evaluate characteristics of equipment or systems.", + "Identify opportunities to improve operational efficiency.", + "Design industrial processing systems.", + "Investigate the environmental impact of projects.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Develop technical methods or processes.", + "Analyze costs and benefits of proposed designs or projects.", + "Advise others regarding green practices or environmental concerns.", + "Research advanced engineering designs or applications.", + "Analyze physical, survey, or geographic data.", + "Direct environmental development activities.", + "Analyze operational data to evaluate operations, processes or products.", + "Create models of engineering designs or methods.", + "Prepare detailed work plans.", + "Prepare technical or operational reports.", + "Design structures or facilities." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Water Systems Engineering": 1, + "Environmental Systems Analysis": 1, + "Technical Systems Engineering": 1, + "Technical Design Documentation": 1, + "Technical Project Management": 1, + "Environmental Monitoring": 1, + "Technical Safety Management": 1, + "Operational Compliance Management": 1, + "Scientific Problem Solving": 1, + "Technical Quality Control": 1, + "Strategic Environmental Planning": 1, + "Advanced Operational Monitoring": 1, + "Sustainability Planning": 1, + "Technical Risk Assessment": 1, + "Advanced Problem Solving": 1, + "Academic Research Methodology": 0, + "Adaptive Caregiving": 0 + }, + "original_index": 343, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-2081.00", + "job_title": "Tax Examiners and Collectors, and Revenue Agents", + "detailed_work_activities": [ + "Collect payments for goods or services.", + "Inform individuals or organizations of status or findings.", + "Assess financial status of clients.", + "Develop financial plans for clients.", + "Verify accuracy of records.", + "Explain regulations, policies, or procedures.", + "Document information related to legal proceedings.", + "Oversee business processes.", + "Examine financial records.", + "Correspond with customers to answer questions or resolve complaints.", + "Update knowledge of legal or regulatory environments.", + "Gather financial records.", + "Examine financial records or processes.", + "Testify at legal or legislative proceedings.", + "Collect evidence for legal proceedings.", + "Maintain data in information systems or databases.", + "Prepare legal or investigatory documentation.", + "Communicate with government agencies.", + "Negotiate agreements to resolve disputes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Financial Analysis": 1, + "Operational Documentation": 1, + "Regulatory Compliance Management": 1, + "Investigative Documentation": 1, + "Client Information Processing": 1, + "Professional Communication": 1, + "Technical Documentation Management": 1, + "Negotiation": 1, + "Information Systems Management": 1, + "Strategic Financial Decision Making": 1, + "Academic Instruction": 0, + "Healthcare Management": 0, + "Agricultural Operations": 0, + "Creative Design": 0, + "Artistic Performance": 0 + }, + "original_index": 344, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2099.08", + "job_title": "Patient Representatives", + "detailed_work_activities": [ + "Coordinate operational activities.", + "Interview employees, customers, or others to collect information.", + "Refer customers to appropriate personnel.", + "Maintain current knowledge related to work activities.", + "Explain regulations, policies, or procedures.", + "Train personnel.", + "Analyze financial information.", + "Provide information to coworkers.", + "Prepare research or technical reports.", + "Distribute materials to employees or customers.", + "Prepare informational or reference materials.", + "Instruct patients in the use of assistive equipment.", + "Teach basic living or other adaptive skills to patients or caregivers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Patient Care Communication": 1, + "Client Interaction Management": 1, + "Healthcare Administrative Communication": 1, + "Interpersonal Communication": 1, + "Administrative Healthcare Support": 1, + "Client Needs Assessment": 1, + "Professional Communication": 1, + "Healthcare Patient Guidance": 1, + "Operational Communication": 1, + "Stakeholder Communication": 1, + "Academic Instruction": 0, + "Advanced Medical Equipment Management": 0, + "Agricultural Operations": 0 + }, + "original_index": 345, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-4061.00", + "job_title": "Social Science Research Assistants", + "detailed_work_activities": [ + "Develop software or applications for scientific or technical use.", + "Collect information from people through observation, interviews, or surveys.", + "Administer standardized physical or psychological tests.", + "Prepare scientific or technical reports or presentations.", + "Conduct research on social issues.", + "Record research or operational data.", + "Plan social sciences research.", + "Develop technical or scientific databases.", + "Prepare information or documentation related to legal or regulatory matters.", + "Manage scientific or technical project resources.", + "Collect archival data.", + "Develop methods of social or economic research.", + "Confer with clients to exchange information.", + "Supervise scientific or technical personnel." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Social Research Methodology": 1, + "Research Methodology": 1, + "Scientific Research Methodology": 1, + "Research Documentation": 1, + "Research Assistance": 1, + "Field Research Documentation": 1, + "Professional Research and Development": 1, + "Systematic Research Methodology": 1, + "Technical Documentation": 1, + "Archival Research and Documentation": 1 + }, + "original_index": 346, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-9071.00", + "job_title": "Jewelers and Precious Stone and Metal Workers", + "detailed_work_activities": [ + "Polish materials, workpieces, or finished products.", + "Smooth metal surfaces or edges.", + "Align parts or workpieces to ensure proper assembly.", + "Design jewelry or decorative objects.", + "Clean workpieces or finished products.", + "Repair precision devices or workpieces.", + "Solder parts or workpieces.", + "Cut industrial materials in preparation for fabrication or processing.", + "Order materials, supplies, or equipment.", + "Select production input materials.", + "Estimate costs of products, services, or materials.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Build production molds.", + "Drill holes in parts, equipment, or materials.", + "Adjust position of molds during processing.", + "Measure ingredients or substances to be used in production processes.", + "Melt metal, plastic, or other materials to prepare for production.", + "Mix ingredients to create specific finishes.", + "Place materials into molds.", + "Reshape small metal components for precision assembly.", + "Heat material or workpieces to prepare for or complete production.", + "Shape metal workpieces with hammers or other small hand tools.", + "Determine the value of goods or services.", + "Evaluate quality of materials or products.", + "Apply protective or decorative finishes to workpieces or products.", + "Purchase products or services.", + "Record operational or production data.", + "Sell products or services.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Engrave designs, text, or other markings onto materials, workpieces, or products.", + "Confer with customers or designers to determine order specifications." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Precision Manual Craftsmanship": 1, + "Precision Material Handling": 1, + "Precision Technical Measurement": 1, + "Technical Design Documentation": 1, + "Surface Finishing Techniques": 1, + "Precision Equipment Operation": 1, + "Quality Control Inspection": 1, + "Client Consultation": 1, + "Professional Communication": 1, + "Critical Thinking": 1, + "Active Listening": 1, + "Material Science Analysis": 1, + "Cost Estimation": 1, + "Inventory Management": 1, + "Technical Safety Protocols": 1 + }, + "original_index": 347, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "17-2199.06", + "job_title": "Microsystems Engineers", + "detailed_work_activities": [ + "Create graphical representations of mechanical equipment.", + "Design micro- or nano-scale materials, devices, or systems.", + "Research industrial processes or operations.", + "Create models of engineering designs or methods.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Prepare contracts, disclosures, or applications.", + "Direct design or development activities.", + "Document technical design details.", + "Research engineering applications of emerging technologies.", + "Conduct quantitative failure analyses of operational data.", + "Devise research or testing protocols.", + "Conduct validation tests of equipment or processes.", + "Design industrial processing systems.", + "Schedule operational activities.", + "Develop technical methods or processes.", + "Prepare proposal documents.", + "Inspect operational processes.", + "Train personnel on proper operational procedures.", + "Prepare procedural documents.", + "Confer with technical personnel to prepare designs or operational plans.", + "Design electromechanical equipment or systems.", + "Purchase materials, equipment, or other resources.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Operate precision equipment to control microscopic or nanoscopic processes.", + "Design electronic or computer equipment or instrumentation.", + "Design alternative energy systems.", + "Design energy production or management equipment or systems.", + "Design systems to reduce harmful emissions.", + "Investigate the environmental impact of projects." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Instructing\u2014 Teaching others how to do something.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Research Methodology": 1, + "Advanced Manufacturing Technologies": 1, + "Analytical Problem Solving": 1, + "Complex Problem Solving": 1, + "Technical Design Documentation": 1, + "Technical Systems Engineering": 1, + "Precision Equipment Calibration": 1, + "Scientific Research Methodology": 1, + "Technical Equipment Operation": 1, + "Nanotechnology Engineering": 1, + "Quality Control Analysis": 1, + "Technical Performance Verification": 1, + "Operational Safety Management": 1, + "Strategic Technology Management": 1 + }, + "original_index": 348, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "49-2092.00", + "job_title": "Electric Motor, Power Tool, and Related Repairers", + "detailed_work_activities": [ + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Adjust equipment to ensure optimal performance.", + "Reassemble equipment after repair.", + "Communicate with coworkers to coordinate installations or repairs.", + "Measure equipment outputs.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Rebuild parts or components.", + "Repair defective engines or engine components.", + "Maintain repair or maintenance records.", + "Disassemble equipment for maintenance or repair.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Lubricate equipment to allow proper functioning.", + "Inspect electrical or electronic systems for defects.", + "Read technical information needed to perform maintenance or repairs.", + "Smooth surfaces of objects or equipment.", + "Test mechanical equipment to ensure proper functioning.", + "Cut materials according to specifications or needs.", + "Install insulation in equipment or structures.", + "Maintain inventories of materials, equipment, or products.", + "Assemble electrical components, subsystems, or systems.", + "Solder parts or connections between parts.", + "Repair electrical components.", + "Rewire electrical or electronic systems.", + "Braze metal parts or components.", + "Fabricate parts or components.", + "Remove parts or components from equipment.", + "Replace worn, damaged, or defective mechanical parts.", + "Remove dents from equipment, materials, tools or structures.", + "Repair electronic equipment.", + "Seal gaps or cracks to prevent leakage or moisture intrusion.", + "Sharpen cutting or grinding tools.", + "Test electrical circuits or components for proper functioning." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Mechanical Equipment Maintenance": 1, + "Technical Equipment Repair": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Equipment Inspection": 1, + "Technical Equipment Operation": 1, + "Precision Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Electrical Systems Maintenance": 1, + "Technical Problem Solving": 1, + "Quality Control Inspection": 1, + "Material Handling": 1, + "Technical Equipment Calibration": 1, + "Operational Safety Monitoring": 1, + "Academic Instruction": 0, + "Patient Care": 0, + "Agricultural Operations": 0 + }, + "original_index": 349, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "15-2041.00", + "job_title": "Statisticians", + "detailed_work_activities": [ + "Determine appropriate methods for data analysis.", + "Analyze data to identify trends or relationships among variables.", + "Evaluate project designs to determine adequacy or feasibility.", + "Prepare analytical reports.", + "Evaluate technical data to determine effect on designs or plans.", + "Prepare graphics or other visual representations of information.", + "Evaluate data quality.", + "Prepare data for analysis.", + "Design research studies to obtain scientific information.", + "Present research results to others.", + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Design software applications.", + "Update knowledge about emerging industry or technology trends.", + "Implement security measures for computer or information systems.", + "Install computer software.", + "Write computer programming code.", + "Supervise information technology personnel." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Programming\u2014 Writing computer programs for various purposes.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Problem Solving": 1, + "Analytical Systems Evaluation": 1, + "Complex Problem Solving": 1, + "Computational Data Analysis": 1, + "Computational Data Processing": 1, + "Critical Analytical Reasoning": 1, + "Quantitative Data Processing": 1, + "Quantitative Problem Solving": 1, + "Quantitative Reasoning": 1, + "Research Methodology": 1, + "Scientific Research Methodology": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Technical Writing Proficiency": 1 + }, + "original_index": 350, + "sparsity": 0.9871677360219981 + }, + { + "onet_code": "29-2032.00", + "job_title": "Diagnostic Medical Sonographers", + "detailed_work_activities": [ + "Adjust settings or positions of medical equipment.", + "Monitor video displays of medical equipment to ensure proper functioning.", + "Operate diagnostic imaging equipment.", + "Create advanced digital images of patients using computer imaging systems.", + "Position patients for treatment or examination.", + "Communicate test or assessment results to medical professionals.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Explain medical procedures or test results to patients or family members.", + "Prepare patients physically for medical procedures.", + "Record patient medical histories.", + "Analyze test data or images to inform diagnosis or treatment.", + "Gather medical information from patient histories.", + "Prepare official health documents or records.", + "Process x-rays or other medical images.", + "Assist healthcare practitioners during surgery.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Clean medical equipment or facilities.", + "Examine medical instruments or equipment to ensure proper operation.", + "Repair medical facility equipment.", + "Maintain medical facility records.", + "Perform clerical work in medical settings.", + "Schedule patient procedures or appointments.", + "Supervise patient care personnel.", + "Train medical providers.", + "Implement advanced life support techniques.", + "Maintain inventory of medical supplies or equipment.", + "Order medical supplies or equipment.", + "Prepare medical supplies or equipment for use.", + "Treat medical emergencies." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Medical Diagnostic Imaging": 1, + "Patient Assessment": 1, + "Medical Equipment Operation": 1, + "Healthcare Patient Communication": 1, + "Technical Medical Documentation": 1, + "Clinical Procedure Support": 1, + "Healthcare Safety Management": 1, + "Medical Equipment Management": 1, + "Precision Medical Intervention": 1, + "Healthcare Professional Collaboration": 1 + }, + "original_index": 351, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-4011.00", + "job_title": "Archivists", + "detailed_work_activities": [ + "Develop policies or procedures for archives, museums or libraries.", + "Organize informational materials.", + "Help patrons use library or archival resources.", + "Develop library or archival databases.", + "Direct activities of subordinates.", + "Prepare materials for preservation, storage, or display.", + "Evaluate characteristics of archival or historical objects.", + "Order instructional or library materials or equipment.", + "Plan community programs or activities for the general public.", + "Research topics in area of expertise.", + "Edit documents." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Archival Research and Documentation": 1, + "Archival Resource Management": 1, + "Collection Development": 1, + "Collection Management": 1, + "Digital Document Management": 1, + "Information Management": 1, + "Research Methodology": 1, + "Technical Documentation": 1, + "Cultural Heritage Preservation": 1, + "Academic Research and Documentation": 1, + "Professional Documentation Management": 1 + }, + "original_index": 352, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "29-1122.00", + "job_title": "Occupational Therapists", + "detailed_work_activities": [ + "Analyze patient data to determine patient needs or treatment goals.", + "Evaluate patient functioning, capabilities, or health.", + "Record patient medical histories.", + "Design public or employee health programs.", + "Direct healthcare delivery programs.", + "Develop treatment plans that use non-medical therapies.", + "Monitor patient progress or responses to treatments.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Train caregivers or other non-medical personnel.", + "Clean medical equipment or facilities.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Prepare medical supplies or equipment for use.", + "Design medical devices or appliances.", + "Fabricate medical devices.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Supervise patient care personnel.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues.", + "Advise communities or institutions regarding health or safety issues.", + "Encourage patients or clients to develop life skills." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Administrative Healthcare Support": 1, + "Advanced Interpersonal Communication": 1, + "Client Assessment": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Support": 1, + "Clinical Treatment Planning": 1, + "Healthcare Patient Communication": 1, + "Healthcare Professional Collaboration": 1, + "Interpersonal Patient Communication": 1, + "Patient Care Coordination": 1, + "Patient Treatment Planning": 1, + "Therapeutic Patient Communication": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 353, + "sparsity": 0.9899175068744271 + }, + { + "onet_code": "31-2022.00", + "job_title": "Physical Therapist Aides", + "detailed_work_activities": [ + "Clean patient rooms or patient treatment rooms.", + "Clean medical equipment.", + "Hold patients to ensure proper positioning or safety.", + "Encourage patients during therapeutic activities.", + "Engage patients in exercises or activities.", + "Confer with other professionals to plan patient care.", + "Administer therapy treatments to patients using hands or physical treatment aids.", + "Monitor patient progress or responses to treatments.", + "Maintain medical records.", + "Move patients to or from treatment areas.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Inventory medical supplies or equipment.", + "Perform clerical work in medical settings.", + "Schedule patient procedures or appointments.", + "Teach medical procedures or medical equipment use to patients.", + "Prepare medical instruments or equipment for use.", + "Administer basic health care or medical treatments.", + "Assist patients with daily activities.", + "Maintain medical equipment or instruments.", + "Fit patients for assistive devices." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Patient Care Communication": 1, + "Patient Assessment": 1, + "Healthcare Patient Support": 1, + "Therapeutic Patient Intervention": 1, + "Clinical Procedure Support": 1, + "Healthcare Equipment Management": 1, + "Patient Safety Management": 1, + "Administrative Healthcare Support": 1, + "Assistive Device Expertise": 1, + "Interpersonal Patient Communication": 1, + "Healthcare Documentation Management": 1 + }, + "original_index": 354, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "19-3051.00", + "job_title": "Urban and Regional Planners", + "detailed_work_activities": [ + "Design civil structures or systems.", + "Inform the public about policies, services or procedures.", + "Advise others on business or operational matters.", + "Prepare scientific or technical reports or presentations.", + "Communicate with the public on environmental issues.", + "Mediate disputes.", + "Review plans or proposals for environmental conservation.", + "Research impacts of environmental conservation initiatives.", + "Communicate with government agencies.", + "Review professional literature to maintain professional knowledge.", + "Analyze impact of legal or regulatory changes.", + "Review environmental permits, plans, or reports.", + "Develop environmental sustainability plans or projects.", + "Supervise scientific or technical personnel.", + "Collaborate with technical specialists to resolve design or development problems.", + "Promote environmental sustainability or conservation initiatives.", + "Obtain property information.", + "Analyze geological or geographical data.", + "Collect information from people through observation, interviews, or surveys.", + "Compile geographic or related data.", + "Prepare maps.", + "Provide technical information or assistance to public.", + "Record research or operational data." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Urban Planning Strategy": 1, + "Environmental Conservation Management": 1, + "Geospatial Analysis": 1, + "Stakeholder Communication Strategy": 1, + "Policy Analysis and Development": 1, + "Technical Documentation Management": 1, + "Strategic Environmental Planning": 1, + "Regulatory Compliance Management": 1, + "Community Needs Assessment": 1, + "Sustainable Land Management": 1 + }, + "original_index": 355, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-1194.00", + "job_title": "Career/Technical Education Teachers, Postsecondary", + "detailed_work_activities": [ + "Monitor student performance.", + "Evaluate student work.", + "Apply multiple teaching methods.", + "Administer tests to assess educational needs or progress.", + "Tutor students who need extra assistance.", + "Maintain student records.", + "Plan educational activities.", + "Prepare reports detailing student activities or performance.", + "Assess educational needs of students.", + "Supervise laboratory work.", + "Supervise student research or internship work.", + "Maintain inventories of materials, equipment, or products.", + "Teach vocational courses.", + "Select educational materials or equipment.", + "Develop instructional objectives.", + "Advise students on academic or career matters.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Create technology-based learning materials.", + "Perform student enrollment or registration activities.", + "Serve on institutional or departmental committees.", + "Schedule instructional activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Instructional Technology Integration": 1, + "Student Performance Assessment": 1, + "Student Performance Evaluation": 1, + "Student Performance Management": 1, + "Professional Development": 1, + "Technical Communication": 1, + "Technical Documentation": 1 + }, + "original_index": 356, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "41-9031.00", + "job_title": "Sales Engineers", + "detailed_work_activities": [ + "Sell products or services.", + "Develop proposals for current or prospective customers.", + "Share sales-related or market information with colleagues.", + "Prepare sales or other contracts.", + "Contact current or potential customers to promote products or services.", + "Demonstrate products to consumers.", + "Identify potential customers.", + "Monitor market conditions or trends.", + "Discuss design or technical features of products or services with technical personnel.", + "Gather customer or product information to determine customer needs.", + "Deliver promotional presentations to current or prospective customers.", + "Develop content for sales presentations or other materials.", + "Explain technical product or service information to customers.", + "Implement design or process improvements.", + "Explain financial information to customers.", + "Maintain records of sales or other business transactions.", + "Prepare financial documents, reports, or budgets.", + "Recommend products or services to customers.", + "Arrange delivery of goods or services.", + "Develop marketing plans or strategies.", + "Attend events to develop professional knowledge.", + "Advise customers on the use of products or services.", + "Troubleshoot equipment or systems operation problems.", + "Prepare technical or operational reports.", + "Train sales personnel." + ], + "skills": [ + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Sales Communication": 1, + "Technical Communication": 1, + "Product Demonstration": 1, + "Customer Needs Assessment": 1, + "Proposal Development": 1, + "Market Intelligence": 1, + "Strategic Sales Management": 1, + "Professional Networking": 1, + "Financial Communication": 1, + "Contract Management": 1, + "Training and Instruction": 1, + "Problem Resolution": 1, + "Academic Instruction": 0, + "Healthcare Communication": 0, + "Therapeutic Intervention": 0 + }, + "original_index": 357, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-2033.00", + "job_title": "Fundraising Managers", + "detailed_work_activities": [ + "Develop organizational policies or programs.", + "Develop business or market strategies.", + "Develop financial or business plans.", + "Develop library or archival databases.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational goals or objectives.", + "Develop promotional materials.", + "Direct financial operations.", + "Direct sales, marketing, or customer service activities.", + "Distribute instructional or library materials.", + "Edit documents.", + "Establish interpersonal business relationships to facilitate work activities.", + "Evaluate employee performance.", + "Evaluate program effectiveness.", + "Examine financial records.", + "Inform the public about policies, services or procedures.", + "Manage organizational or project budgets.", + "Operate still or video cameras or related equipment.", + "Organize special events.", + "Prepare proposal documents.", + "Present information to the public.", + "Supervise employees." + ], + "skills": [], + "skill_vector": { + "Fundraising Strategy": 1, + "Business Strategy Development": 1, + "Organizational Policy Development": 1, + "Stakeholder Communication Strategy": 1, + "Strategic Resource Allocation": 1, + "Professional Communication": 1, + "Financial Analysis": 1, + "Operational Documentation Management": 1, + "Strategic Performance Monitoring": 1, + "Event Planning Management": 1, + "Proposal and Documentation Management": 1, + "Strategic Communication": 1, + "Client Relationship Management": 1, + "Operational Coordination": 1, + "Professional Networking": 1 + }, + "original_index": 358, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1128.00", + "job_title": "Exercise Physiologists", + "detailed_work_activities": [ + "Develop exercise or conditioning programs.", + "Treat medical emergencies.", + "Demonstrate activity techniques or equipment use.", + "Teach exercise or fitness techniques.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Analyze quantitative data to determine effectiveness of treatments or therapies.", + "Prescribe treatments or therapies.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Explain medical procedures or test results to patients or family members.", + "Collect medical information from patients, family members, or other medical professionals.", + "Evaluate patient functioning, capabilities, or health.", + "Teach health management classes.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Test patient heart or lung functioning.", + "Advise athletes, coaches, or trainers on exercise regimens, nutrition, or equipment use.", + "Evaluate employee performance.", + "Maintain medical equipment or instruments.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Measure the physical or physiological attributes of patients.", + "Train caregivers or other non-medical personnel.", + "Test biological specimens to gather information about patient conditions.", + "Communicate health and wellness information to the public.", + "Present medical research reports.", + "Order medical diagnostic or clinical tests.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Physical Education Support": 1, + "Advanced Medical Intervention": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Support": 1, + "Healthcare Patient Communication": 1, + "Healthcare Patient Management": 1, + "Patient Treatment Planning": 1, + "Performance Physiological Monitoring": 1, + "Scientific Research Methodology": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 359, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "53-7041.00", + "job_title": "Hoist and Winch Operators", + "detailed_work_activities": [ + "Operate cranes, hoists, or other moving or lifting equipment.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Maintain material moving equipment in good working condition.", + "Move materials, equipment, or supplies.", + "Position material handling equipment.", + "Select project materials.", + "Climb ladders or vehicles to perform duties.", + "Communicate with others to coordinate material handling or movement.", + "Load shipments, belongings, or materials.", + "Connect cables or electrical lines." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Equipment Operation and Control": 1, + "Material Handling": 1, + "Technical Equipment Monitoring": 1, + "Technical Safety Management": 1, + "Operational Coordination": 1, + "Technical Equipment Maintenance": 1, + "Precision Material Handling": 1, + "Workplace Safety Coordination": 1, + "Technical Measurement and Verification": 1, + "Operational Safety Management": 1 + }, + "original_index": 360, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-3027.01", + "job_title": "Automotive Engineering Technicians", + "detailed_work_activities": [ + "Document design or operational test results.", + "Operate industrial equipment.", + "Review technical documents to plan work.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Inspect finished products to locate flaws.", + "Analyze test or validation data.", + "Monitor the productivity or efficiency of industrial operations.", + "Install instrumentation or electronic equipment or systems.", + "Maintain test equipment.", + "Analyze operational data to evaluate operations, processes or products.", + "Create physical models or prototypes.", + "Test products for functionality or quality.", + "Purchase materials, equipment, or other resources.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Test green technologies or processes.", + "Design electronic or computer equipment or instrumentation.", + "Research advanced engineering designs or applications." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Inspection and Verification": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Quality Control Analysis": 1, + "Technical Safety Management": 1, + "Precision Equipment Calibration": 1, + "Advanced Manufacturing Technologies": 1, + "Academic Instruction": 0, + "Therapeutic Patient Care": 0, + "Artistic Design Conceptualization": 0 + }, + "original_index": 361, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-1067.00", + "job_title": "Sociology Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Guide class discussions.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Develop instructional materials.", + "Teach social science courses at the college level.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Maintain student records.", + "Supervise student research or internship work.", + "Advise students on academic or career matters.", + "Supervise laboratory work.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Compile specialized bibliographies or lists of materials.", + "Write grant proposals.", + "Direct department activities.", + "Advise educators on curricula, instructional methods, or policies.", + "Advise others on career or personal development.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Support the professional development of others.", + "Plan community programs or activities for the general public." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 362, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-2092.00", + "job_title": "Hearing Aid Specialists", + "detailed_work_activities": [ + "Instruct patients in the use of assistive equipment.", + "Advise patients on effects of health conditions or treatments.", + "Counsel family members of clients or patients.", + "Test patient hearing.", + "Adjust prostheses or other assistive devices.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Repair medical facility equipment.", + "Fabricate medical devices.", + "Assist healthcare practitioners during examinations or treatments.", + "Diagnose medical conditions.", + "Treat chronic diseases or disorders.", + "Maintain medical or professional knowledge." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Hearing Healthcare Assessment": 1, + "Patient Assessment": 1, + "Medical Device Customization": 1, + "Medical Device Fabrication": 1, + "Medical Device Measurement and Fitting": 1, + "Patient Communication": 1, + "Patient Counseling": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Professional Healthcare Communication": 1, + "Clinical Procedure Support": 1, + "Medical Documentation Management": 1, + "Adaptive Instructional Techniques": 1, + "Assistive Device Expertise": 1, + "Vision Care Technical Expertise": 0 + }, + "original_index": 363, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-4081.00", + "job_title": "Multiple Machine Tool Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Mount materials or workpieces onto production equipment.", + "Mount attachments or tools onto production equipment.", + "Set equipment controls to meet cutting specifications.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Select production equipment according to product specifications.", + "Watch operating equipment to detect malfunctions.", + "Operate grinding equipment.", + "Operate cutting equipment.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Replace worn equipment components.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Operate metal or plastic forming equipment.", + "Select production input materials.", + "Clean production equipment.", + "Lubricate production equipment.", + "Maintain production or processing equipment.", + "Smooth metal surfaces or edges.", + "Notify others of equipment repair or maintenance needs.", + "Repair production equipment or tools.", + "Adjust equipment controls to regulate coolant flow.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Calculate dimensions of workpieces, products, or equipment.", + "Instruct workers to use equipment or perform technical procedures.", + "Program equipment to perform production tasks.", + "Write computer programming code.", + "Record operational or production data.", + "Clear equipment jams.", + "Align parts or workpieces to ensure proper assembly." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Precision Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Quality Control Inspection": 1, + "Operational Monitoring": 1, + "Technical Measurement and Verification": 1, + "Manufacturing Equipment Operation": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Safety and Equipment Inspection": 1, + "Precision Material Handling": 1 + }, + "original_index": 364, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "45-2091.00", + "job_title": "Agricultural Equipment Operators", + "detailed_work_activities": [ + "Load agricultural or forestry products for shipment.", + "Prepare materials or solutions for animal or plant use.", + "Apply chemical solutions to plants to protect against disease or insects or to enhance growth.", + "Inspect equipment or facilities to determine condition or maintenance needs.", + "Operate farming equipment.", + "Load materials into equipment for processing.", + "Direct activities of agricultural, forestry, or fishery employees.", + "Maintain forestry, hunting, or agricultural equipment.", + "Confer with managers to make operational decisions.", + "Measure physical characteristics of forestry or agricultural products.", + "Plant crops, trees, or other plants.", + "Record agricultural or forestry inventory data.", + "Operate conveyors or other industrial material moving equipment.", + "Attach equipment extensions or accessories.", + "Operate irrigation systems." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools." + ], + "skill_vector": { + "Agricultural Equipment Operation": 1, + "Agricultural Equipment and Technology Management": 1, + "Agricultural Inspection Skills": 1, + "Agricultural Inventory Documentation": 1, + "Agricultural Operations": 1, + "Equipment Maintenance": 1, + "Equipment Operation and Control": 1, + "Material Handling": 1, + "Operational Safety Management": 1, + "Chemical Solution Preparation": 1, + "Precision Equipment Operation": 1, + "Irrigation Systems Operation": 1 + }, + "original_index": 365, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-9092.00", + "job_title": "Genetic Counselors", + "detailed_work_activities": [ + "Explain medical procedures or test results to patients or family members.", + "Inform medical professionals regarding patient conditions and care.", + "Communicate detailed medical information to patients or family members.", + "Analyze test data or images to inform diagnosis or treatment.", + "Interact with patients to build rapport or provide emotional support.", + "Advise patients on effects of health conditions or treatments.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Analyze patient data to determine patient needs or treatment goals.", + "Develop medical treatment plans.", + "Order medical diagnostic or clinical tests.", + "Collect medical information from patients, family members, or other medical professionals.", + "Gather medical information from patient histories.", + "Record patient medical histories.", + "Evaluate patient functioning, capabilities, or health.", + "Maintain medical or professional knowledge.", + "Prepare healthcare training materials.", + "Refer patients to other healthcare practitioners or health resources.", + "Advise medical personnel regarding healthcare issues.", + "Conduct health or safety training programs.", + "Develop healthcare quality and safety procedures.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Communication": 1, + "Patient Counseling": 1, + "Healthcare Documentation": 1, + "Healthcare Patient Assessment": 1, + "Scientific Communication": 1, + "Medical Diagnostic Reasoning": 1, + "Psychological Assessment": 1, + "Stakeholder Communication": 1, + "Adaptive Problem Resolution": 1 + }, + "original_index": 366, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "33-2021.00", + "job_title": "Fire Inspectors and Investigators", + "detailed_work_activities": [ + "Prepare investigation or incident reports.", + "Record information about suspects or criminals.", + "Testify at legal or legislative proceedings.", + "Process forensic or legal evidence in accordance with procedures.", + "Inspect equipment to ensure safety or proper functioning.", + "Analyze crime scene evidence.", + "Interview people to gather information about criminal activities.", + "Examine debris to obtain information about causes of fires.", + "Inspect facilities to ensure compliance with fire regulations.", + "Record crime or accident scene evidence with video or still cameras.", + "Educate the public about fire safety or prevention.", + "Issue permits or other legal documents.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Write operational reports.", + "Investigate crimes committed within organizations.", + "Identify actions needed to bring properties or facilities into compliance with regulations.", + "Inform others about laws or regulations.", + "Develop fire safety or prevention programs or plans.", + "Attend training to learn new skills or update knowledge.", + "Collaborate with law enforcement or security agencies to respond to incidents.", + "Review documents or materials for compliance with policies or regulations.", + "Examine crime scenes to obtain evidence.", + "Train personnel in technical or scientific procedures.", + "Train personnel to enhance job skills.", + "Maintain fire fighting tools or equipment.", + "Provide safety training.", + "Direct fire fighting or prevention activities.", + "Evaluate employee performance.", + "Train employees in proper work procedures.", + "Recommend improvements to increase safety or reduce risks." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Investigative Evidence Analysis": 1, + "Investigative Documentation": 1, + "Technical Safety Inspection": 1, + "Regulatory Compliance Monitoring": 1, + "Public Safety Communication": 1, + "Forensic Investigation": 1, + "Technical Documentation Management": 1, + "Operational Safety Management": 1, + "Interpersonal Interviewing": 1, + "Legal Procedural Coordination": 1 + }, + "original_index": 367, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-3024.01", + "job_title": "Robotics Technicians", + "detailed_work_activities": [ + "Assemble equipment or components.", + "Maintain electromechanical equipment.", + "Repair electronic equipment.", + "Determine causes of operational problems or failures.", + "Program robotic equipment.", + "Maintain operational records or records systems.", + "Calibrate scientific or technical equipment.", + "Evaluate characteristics of equipment or systems.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Train personnel on proper operational procedures.", + "Fabricate products or components using machine tools.", + "Design electromechanical equipment or systems.", + "Document design or operational test results.", + "Prepare procedural documents.", + "Install production equipment or systems.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Maintain inventories of materials, equipment, or products.", + "Create graphical representations of industrial production systems." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Diagnostics": 1, + "Technical Problem Solving": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Technical Installation": 1, + "Technical Quality Control": 1, + "Technical Calibration": 1, + "Technical Training": 1, + "Advanced Manufacturing Technologies": 1, + "Precision Equipment Management": 1, + "Technical Systems Engineering": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0 + }, + "original_index": 368, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "13-1082.00", + "job_title": "Project Management Specialists", + "detailed_work_activities": [ + "Develop detailed project plans.", + "Manage information technology projects or system activities.", + "Participate in staffing decisions.", + "Assign duties or work schedules to employees.", + "Collaborate with others to resolve information technology issues.", + "Coordinate resource procurement activities.", + "Develop operating strategies, plans, or procedures.", + "Discuss business strategies, practices, or policies with managers.", + "Gather organizational performance information.", + "Manage construction activities.", + "Manage operations, research, or logistics projects.", + "Monitor flow of cash or other resources.", + "Prepare financial documents, reports, or budgets.", + "Prepare operational reports or records.", + "Prepare scientific or technical reports or presentations.", + "Present work to clients for approval.", + "Report information to managers or other personnel.", + "Select resources needed to accomplish tasks.", + "Supervise information technology personnel." + ], + "skills": [], + "skill_vector": { + "Project Management": 1, + "Administrative Coordination": 1, + "Administrative Information Management": 1, + "Operational Communication": 1, + "Strategic Resource Management": 1, + "Technical Project Management": 1, + "Stakeholder Communication": 1, + "Operational Performance Management": 1, + "Strategic Operational Planning": 1, + "Financial Resource Management": 1, + "Technical Communication": 1, + "Personnel Management": 1, + "Operational Workflow Coordination": 1, + "Complex Problem Solving": 1 + }, + "original_index": 369, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-4052.00", + "job_title": "Pourers and Casters, Metal", + "detailed_work_activities": [ + "Adjust equipment controls to regulate flow of production materials or products.", + "Place materials into molds.", + "Adjust temperature controls of ovens or other heating equipment.", + "Monitor instruments to ensure proper production conditions.", + "Clean production equipment.", + "Assemble mechanical components or machine parts.", + "Inspect production equipment.", + "Signal others to coordinate work activities.", + "Collect samples of materials or products for testing.", + "Adjust equipment controls to regulate coolant flow.", + "Apply parting agents or other solutions to molds.", + "Load materials into production equipment.", + "Mount attachments or tools onto production equipment.", + "Skim impurities from molten metal.", + "Trim excess material from workpieces.", + "Remove workpieces from molds.", + "Maintain production or processing equipment.", + "Repair templates, patterns, or molds.", + "Engrave designs, text, or other markings onto materials, workpieces, or products.", + "Move products, materials, or equipment between work areas.", + "Operate forklifts or other loaders." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Production Equipment Management": 1, + "Technical Equipment Monitoring": 1, + "Material Handling": 1, + "Precision Material Preparation": 1, + "Technical Safety Management": 1, + "Quality Control Inspection": 1, + "Maintenance and Cleaning": 1 + }, + "original_index": 370, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2043.00", + "job_title": "Paramedics", + "detailed_work_activities": [ + "Treat medical emergencies.", + "Administer intravenous medications.", + "Administer non-intravenous medications.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Implement advanced life support techniques.", + "Analyze patient data to determine patient needs or treatment goals.", + "Inform medical professionals regarding patient conditions and care.", + "Interact with patients to build rapport or provide emotional support.", + "Maintain medical or professional knowledge.", + "Monitor patient progress or responses to treatments.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Record patient medical histories.", + "Teach medical procedures to healthcare personnel.", + "Train medical providers." + ], + "skills": [], + "skill_vector": { + "Advanced Life Support Management": 1, + "Emergency Medical Care": 1, + "Patient Assessment": 1, + "Patient Monitoring and Safety": 1, + "Medical Diagnostic Reasoning": 1, + "Emergency Medical Intervention": 1, + "Medical Equipment Operation": 1, + "Professional Healthcare Communication": 1, + "Medical Documentation": 1, + "Medication Management": 1, + "Patient Emotional Support": 1, + "Professional Knowledge Maintenance": 1, + "Healthcare Team Collaboration": 1, + "Emergency Response Coordination": 1, + "Patient Treatment Planning": 1, + "Clinical Procedure Support": 1 + }, + "original_index": 371, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "13-2072.00", + "job_title": "Loan Officers", + "detailed_work_activities": [ + "Interview clients to gather financial information.", + "Assess financial status of clients.", + "Authorize financial actions.", + "Interpret financial information for others.", + "Submit financial applications.", + "Verify accuracy of financial information.", + "Examine financial records.", + "Maintain data in information systems or databases.", + "Gather financial records.", + "Correspond with customers to answer questions or resolve complaints.", + "Develop financial plans for clients.", + "Supervise employees.", + "Update professional knowledge.", + "Market products, services, or events.", + "Analyze market conditions or trends.", + "Compute debt repayment schedules.", + "Prepare financial documents, reports, or budgets.", + "Establish organizational guidelines or policies.", + "Advise others on financial matters.", + "Confer with others about financial matters.", + "Educate clients on financial planning topics.", + "Inform individuals or organizations of status or findings.", + "Recommend products or services to customers.", + "Verify accuracy of records.", + "Verify application data to determine program eligibility." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Financial Analysis": 1, + "Client Financial Needs Assessment": 1, + "Financial Decision Making": 1, + "Professional Communication": 1, + "Financial Documentation Management": 1, + "Customer Relationship Management": 1, + "Regulatory Compliance": 1, + "Mathematical Problem Solving": 1, + "Strategic Financial Planning": 1, + "Professional Knowledge Maintenance": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0 + }, + "original_index": 372, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "41-3011.00", + "job_title": "Advertising Sales Agents", + "detailed_work_activities": [ + "Develop content for sales presentations or other materials.", + "Deliver promotional presentations to current or prospective customers.", + "Identify potential customers.", + "Develop professional relationships or networks.", + "Estimate costs or terms of sales.", + "Contact current or potential customers to promote products or services.", + "Explain technical product or service information to customers.", + "Gather customer or product information to determine customer needs.", + "Study product information to acquire professional knowledge.", + "Prepare sales or other contracts.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Process sales or other transactions.", + "Present work to clients for approval.", + "Distribute promotional literature or samples to customers.", + "Develop marketing plans or strategies.", + "Develop proposals for current or prospective customers.", + "Negotiate sales or lease agreements for products or services.", + "Accompany patients or clients on outings to provide assistance.", + "Schedule operational activities.", + "Attend events to develop professional knowledge." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Sales Communication": 1, + "Persuasive Communication": 1, + "Client Relationship Development": 1, + "Professional Networking": 1, + "Presentation Skills": 1, + "Product Knowledge Communication": 1, + "Strategic Sales Management": 1, + "Negotiation": 1, + "Customer Needs Assessment": 1, + "Transaction Processing": 1, + "Professional Documentation": 1, + "Time Management": 1, + "Market Intelligence": 1, + "Strategic Communication": 1, + "Academic Instruction": 0 + }, + "original_index": 373, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "49-3092.00", + "job_title": "Recreational Vehicle Service Technicians", + "detailed_work_activities": [ + "Explain use of products or services.", + "Repair electrical circuits or wiring.", + "Inspect vehicles to determine overall condition.", + "Repair pipes to stop leaking.", + "Confer with customers or users to assess problems.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Inspect completed work to ensure proper functioning.", + "Connect electrical components or equipment.", + "Connect hoses to equipment or piping.", + "Repair defective engines or engine components.", + "Inspect mechanical components of vehicles to identify problems.", + "Inspect systems to determine if they are operating properly.", + "Repair worn, damaged, or defective mechanical parts.", + "Estimate costs for labor or materials.", + "Plan work procedures.", + "Record information about parts, materials or repair procedures.", + "Remove parts or components from equipment.", + "Repair non-engine automotive or vehicle components.", + "Cut materials according to specifications or needs.", + "Reassemble equipment after repair.", + "Test mechanical equipment to ensure proper functioning.", + "Refinish wood or metal surfaces.", + "Seal gaps or cracks to prevent leakage or moisture intrusion." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Automotive Component Replacement": 1, + "Equipment Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Repair Workflow": 1, + "Vehicle Mechanical Repair": 1, + "Technical Inspection and Verification": 1, + "Technical Documentation": 1, + "Equipment Operation": 1, + "Technical Problem Solving": 1, + "Quality Control": 1, + "Technical Safety Management": 1, + "Material Handling": 1, + "Customer Service Communication": 1, + "Electrical Systems Maintenance": 1, + "Cost Estimation": 1, + "Precision Equipment Maintenance": 1, + "Technical Equipment Installation": 1, + "Workflow Coordination": 1, + "Academic Instruction": 0, + "Behavioral Health Counseling": 0 + }, + "original_index": 374, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "29-1243.00", + "job_title": "Pediatric Surgeons", + "detailed_work_activities": [ + "Examine patients to assess general physical condition.", + "Operate on patients to treat conditions.", + "Advise medical personnel regarding healthcare issues.", + "Analyze patient data to determine patient needs or treatment goals.", + "Analyze test data or images to inform diagnosis or treatment.", + "Assist healthcare practitioners during surgery.", + "Conduct research to increase knowledge about medical issues.", + "Confer with family members to discuss client treatment plans or progress.", + "Confer with other professionals to plan patient care.", + "Diagnose medical conditions.", + "Explain medical procedures or test results to patients or family members.", + "Follow protocols or regulations for healthcare activities.", + "Manage healthcare operations.", + "Monitor patient progress or responses to treatments.", + "Order medical supplies or equipment.", + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Record patient medical histories.", + "Refer patients to other healthcare practitioners or health resources.", + "Schedule patient procedures or appointments.", + "Sterilize medical equipment or instruments.", + "Supervise patient care personnel." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning and Problem Solving": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Advanced Stakeholder Communication": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Management": 1, + "Clinical Treatment Planning": 1, + "Complex Healthcare Decision Making": 1, + "Complex Medical Problem Solving": 1, + "Healthcare Patient Communication": 1, + "Healthcare Patient Management": 1, + "Healthcare Professional Collaboration": 1, + "Healthcare Treatment Planning": 1, + "Interpersonal Patient Communication": 1, + "Medical Diagnostic Reasoning": 1, + "Medical Procedure Support": 1, + "Patient Assessment": 1, + "Patient Care Management": 1, + "Patient Safety Management": 1, + "Pediatric Patient Communication": 1, + "Pediatric Surgical Intervention": 1 + }, + "original_index": 375, + "sparsity": 0.9816681943171403 + }, + { + "onet_code": "13-1041.03", + "job_title": "Equal Opportunity Representatives and Officers", + "detailed_work_activities": [ + "Evaluate personnel practices to ensure adherence to regulations.", + "Interview witnesses, suspects, or claimants.", + "Prepare research reports.", + "Explain regulations, policies, or procedures.", + "Negotiate agreements to resolve disputes.", + "Establish organizational guidelines or policies.", + "Monitor organizational processes.", + "Conduct surveys in organizations.", + "Train personnel on managerial topics.", + "Confer with personnel to coordinate business operations.", + "Advise others on human resources topics.", + "Coordinate regulatory documentation activities.", + "Negotiate contracts with clients or service providers.", + "Coordinate personnel recruitment activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Advanced Regulatory Compliance": 1, + "Administrative Communication": 1, + "Administrative Documentation Management": 1, + "Interpersonal Communication": 1, + "Legal Compliance Monitoring": 1, + "Negotiation and Persuasion": 1, + "Organizational Compliance Management": 1, + "Professional Communication": 1, + "Stakeholder Communication": 1, + "Strategic Operational Communication": 1, + "Technical Documentation Management": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 376, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "33-9091.00", + "job_title": "Crossing Guards and Flaggers", + "detailed_work_activities": [ + "Direct vehicle traffic.", + "Assist motorists or pedestrians.", + "Monitor access or flow of people to prevent problems.", + "Inform the public about policies, services or procedures.", + "Warn individuals about rule violations or safety concerns.", + "Position safety or support equipment.", + "Discuss performance, complaints, or violations with supervisors.", + "Maintain professional knowledge or certifications.", + "Communicate situation details to appropriate personnel.", + "Record information about suspicious objects.", + "Confer with others to conduct or arrange operational activities.", + "Provide information to the general public." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Speaking": 1, + "Social Perceptiveness": 1, + "Operational Safety Management": 1, + "Public Safety Communication": 1, + "Situational Awareness": 1, + "Safety Communication": 1, + "Interpersonal Communication": 1, + "Patron Safety Management": 1, + "Traffic Safety Management": 1, + "Operational Safety Coordination": 1 + }, + "original_index": 377, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "53-3052.00", + "job_title": "Bus Drivers, Transit and Intercity", + "detailed_work_activities": [ + "Drive passenger vehicles.", + "Follow safety procedures for vehicle operation.", + "Inspect motor vehicles.", + "Measure the level or depth of water or other liquids.", + "Provide transportation information to passengers or customers.", + "Provide customers with general information or assistance.", + "Assist passengers during vehicle boarding.", + "Collect fares or payment from customers.", + "Assist others during emergencies.", + "Notify others of emergencies, problems, or hazards.", + "Read maps to determine routes.", + "Assist customers to ensure comfort or safety.", + "Record operational or production data.", + "Record sales or transactions data.", + "Clean vehicles or vehicle components.", + "Load shipments, belongings, or materials." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Vehicle Operation Control": 1, + "Vehicle Operation Safety": 1, + "Transportation Safety Management": 1, + "Operational Safety Monitoring": 1, + "Passenger Safety Management": 1, + "Route Navigation and Planning": 1, + "Customer Service Coordination": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Equipment Maintenance and Inspection": 1, + "Emergency Response Management": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0, + "Medical Procedure Support": 0 + }, + "original_index": 378, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "49-2095.00", + "job_title": "Electrical and Electronics Repairers, Powerhouse, Substation, and Relay", + "detailed_work_activities": [ + "Test electrical equipment or systems to ensure proper functioning.", + "Inspect equipment to locate or identify electrical problems.", + "Document operational activities.", + "Maintain repair or maintenance records.", + "Read technical information needed to perform maintenance or repairs.", + "Analyze test or performance data to assess equipment operation.", + "Confer with coworkers to coordinate work activities.", + "Control power supply connections.", + "Repair electrical circuits or wiring.", + "Repair electronic equipment.", + "Test electrical circuits or components for proper functioning.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Repair electrical components.", + "Schedule repair, installation or maintenance activities.", + "Supervise employees.", + "Test fluids to identify contamination or other problems.", + "Document test results.", + "Connect electrical components or equipment.", + "Maintain inventories of materials, equipment, or products.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Electrical Systems Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Technical Diagnostic Troubleshooting": 1, + "Equipment Diagnostic Monitoring": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Technical Quality Control": 1, + "Operational Monitoring": 1, + "Technical Communication": 1, + "Precision Equipment Maintenance": 1, + "Technical Inspection and Verification": 1, + "Inventory Management": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0, + "Agricultural Operations": 0 + }, + "original_index": 379, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1292.00", + "job_title": "Dental Hygienists", + "detailed_work_activities": [ + "Record patient medical histories.", + "Examine mouth, teeth, gums, or related facial structures.", + "Treat dental problems or diseases.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Process x-rays or other medical images.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Maintain current knowledge related to work activities.", + "Maintain medical equipment or instruments.", + "Sterilize medical equipment or instruments.", + "Administer anesthetics or sedatives to control pain.", + "Direct healthcare delivery programs.", + "Fabricate medical devices." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Administrative Healthcare Support": 1, + "Advanced Medical Equipment Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Documentation Management": 1, + "Healthcare Patient Communication": 1, + "Healthcare Safety Protocols": 1, + "Patient Education": 1, + "Preventive Dental Care": 1, + "Professional Medical Communication": 1, + "Technical Medical Documentation": 1 + }, + "original_index": 380, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "51-9195.00", + "job_title": "Molders, Shapers, and Casters, Except Metal and Plastic", + "detailed_work_activities": [ + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Apply parting agents or other solutions to molds.", + "Engrave designs, text, or other markings onto materials, workpieces, or products.", + "Build production molds.", + "Apply lubricants or coolants to workpieces.", + "Clean workpieces or finished products.", + "Remove workpieces from molds.", + "Adjust temperature controls of ovens or other heating equipment.", + "Align parts or workpieces to ensure proper assembly.", + "Assemble metal or plastic parts or products.", + "Load items into ovens or furnaces.", + "Stack finished items for further processing or shipment.", + "Fill cracks, imperfections, or holes in products or workpieces.", + "Operate heating or drying equipment.", + "Select production equipment according to product specifications.", + "Trim excess material from workpieces.", + "Cut industrial materials in preparation for fabrication or processing.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Repair templates, patterns, or molds.", + "Measure ingredients or substances to be used in production processes.", + "Mix substances to create chemical solutions.", + "Smooth metal surfaces or edges.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Drill holes in parts, equipment, or materials.", + "Adjust position of molds during processing.", + "Place materials into molds." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Operation and Control": 1, + "Material Handling": 1, + "Precision Measurement": 1, + "Technical Equipment Operation": 1, + "Production Quality Control": 1, + "Surface Preparation": 1, + "Technical Documentation": 1, + "Safety and Compliance": 1, + "Chemical Solution Preparation": 1, + "Equipment Maintenance": 1 + }, + "original_index": 381, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "27-2042.00", + "job_title": "Musicians and Singers", + "detailed_work_activities": [ + "Perform music for the public.", + "Study details of musical compositions.", + "Practice athletic or artistic skills.", + "Conduct research to inform art, designs, or other work.", + "Train others on performance techniques.", + "Audition for roles.", + "Perform for recordings.", + "Promote products, activities, or organizations.", + "Create musical compositions, arrangements or scores.", + "Coordinate musical rehearsals or performances.", + "Coordinate logistics for productions or events." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Artistic Audition and Career Development": 1, + "Artistic Performance Coordination": 1, + "Artistic Performance Management": 1, + "Creative Performance Skills": 1, + "Performance Career Development": 1, + "Professional Artistic Communication": 1, + "Professional Performance Communication": 1, + "Artistic Collaboration": 1, + "Creative Composition Strategy": 1, + "Professional Talent Representation": 1, + "Promotional Content Creation": 1, + "Media Production Coordination": 1, + "Professional Networking": 1, + "Event Performance Coordination": 1, + "Professional Image Modeling": 1, + "Audio Technical Operations": 1, + "Performance Monitoring and Analysis": 1 + }, + "original_index": 382, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "23-2093.00", + "job_title": "Title Examiners, Abstractors, and Searchers", + "detailed_work_activities": [ + "Evaluate information related to legal matters in public or personal records.", + "Research relevant legal materials to aid decision making.", + "Prepare legal documents.", + "Confer with court staff to clarify information.", + "Meet with individuals involved in legal processes to provide information and clarify issues.", + "Coordinate legal schedules or activities." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Legal Documentation Management": 1, + "Legal Procedural Coordination": 1, + "Investigative Documentation Management": 1, + "Information Processing": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Administrative Documentation Processing": 1, + "Research Methodology": 1, + "Client Interaction Management": 1, + "Academic Instruction": 0 + }, + "original_index": 383, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "29-1023.00", + "job_title": "Orthodontists", + "detailed_work_activities": [ + "Adjust dental devices or appliances to ensure fit.", + "Analyze patient data to determine patient needs or treatment goals.", + "Diagnose dental conditions.", + "Examine mouth, teeth, gums, or related facial structures.", + "Communicate detailed medical information to patients or family members.", + "Advise patients on effects of health conditions or treatments.", + "Confer with clients to discuss treatment plans or progress.", + "Record patient medical histories.", + "Train medical providers.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Design medical devices or appliances.", + "Fabricate medical devices." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Assessment Skills": 1, + "Patient Assessment": 1, + "Patient Treatment Planning": 1, + "Medical Device Fabrication": 1, + "Healthcare Equipment Management": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Healthcare Safety Management": 1, + "Precision Medical Intervention": 1 + }, + "original_index": 384, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1051.00", + "job_title": "Pharmacists", + "detailed_work_activities": [ + "Verify accuracy of patient information.", + "Advise patients on effects of health conditions or treatments.", + "Communicate detailed medical information to patients or family members.", + "Maintain medical facility records.", + "Advise medical personnel regarding healthcare issues.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Determine protocols for medical procedures.", + "Maintain inventory of medical supplies or equipment.", + "Order medical supplies or equipment.", + "Prepare medications or medical solutions.", + "Recommend types of assistive devices.", + "Manage healthcare operations.", + "Merchandise healthcare products or services.", + "Train medical providers.", + "Instruct patients in the use of assistive equipment.", + "Treat chronic diseases or disorders.", + "Refer patients to other healthcare practitioners or health resources.", + "Present medical research reports." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Healthcare Documentation": 1, + "Healthcare Patient Communication": 1, + "Healthcare Treatment Planning": 1, + "Clinical Documentation Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Support": 1, + "Medication Management": 1, + "Professional Healthcare Communication": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Scientific Problem Solving": 1 + }, + "original_index": 385, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "25-9044.00", + "job_title": "Teaching Assistants, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Guide class discussions.", + "Supervise laboratory work.", + "Create technology-based learning materials.", + "Develop instructional materials.", + "Distribute instructional or library materials.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Tutor students who need extra assistance.", + "Assist other educational professionals with projects or research.", + "Supervise school or student activities.", + "Teach others to use technology or equipment.", + "Discuss problems or issues with supervisors.", + "Schedule instructional activities.", + "Order instructional or library materials or equipment.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Evaluate performance of educational staff." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 0 + }, + "original_index": 386, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "17-2171.00", + "job_title": "Petroleum Engineers", + "detailed_work_activities": [ + "Direct energy production or management activities.", + "Determine operational methods.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Develop technical methods or processes.", + "Monitor the productivity or efficiency of industrial operations.", + "Maintain operational records or records systems.", + "Analyze physical, survey, or geographic data.", + "Resolve operational performance problems.", + "Direct quality control activities.", + "Prepare detailed work plans.", + "Supervise engineering or other technical personnel.", + "Analyze costs and benefits of proposed designs or projects.", + "Create models of engineering designs or methods.", + "Confer with other personnel to resolve design or operational problems.", + "Design environmental control systems.", + "Explain engineering drawings, specifications, or other technical information.", + "Direct design or development activities.", + "Prepare technical reports for internal use.", + "Inspect equipment or systems.", + "Interpret design or operational test results.", + "Direct equipment maintenance or repair activities.", + "Direct installation activities.", + "Collect samples of raw materials or finished products.", + "Design industrial equipment.", + "Research advanced engineering designs or applications." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Petroleum Engineering Analysis": 1, + "Technical Problem Solving": 1, + "Systems Analysis": 1, + "Advanced Operational Monitoring": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Technical Documentation Management": 1, + "Complex Problem Solving": 1, + "Scientific Research Methodology": 1, + "Technical Risk Assessment": 1, + "Energy Systems Engineering": 1, + "Geological Data Analysis": 1, + "Environmental Compliance Management": 1, + "Strategic Resource Management": 1, + "Technical Communication": 1 + }, + "original_index": 387, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-2011.04", + "job_title": "Histotechnologists", + "detailed_work_activities": [ + "Prepare biological specimens for laboratory analysis.", + "Collect biological specimens from patients.", + "Distribute supplies to workers.", + "Maintain repair or maintenance records.", + "Test biological specimens to gather information about patient conditions.", + "Operate laboratory equipment to analyze medical samples.", + "Prepare medications or medical solutions.", + "Maintain medical laboratory equipment.", + "Analyze laboratory findings.", + "Analyze laboratory specimens to detect abnormalities or other problems.", + "Supervise technical medical personnel.", + "Train medical providers." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Biological Sample Analysis": 1, + "Biological Specimen Processing": 1, + "Clinical Documentation Management": 1, + "Laboratory Equipment Management": 1, + "Medical Laboratory Operations": 1, + "Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Technical Quality Control": 1 + }, + "original_index": 388, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "43-6012.00", + "job_title": "Legal Secretaries and Administrative Assistants", + "detailed_work_activities": [ + "Record information about legal matters.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Send information, materials or documentation.", + "Prepare legal documents.", + "Proofread documents, records, or other files to ensure accuracy.", + "Operate office equipment.", + "Answer telephones to direct calls or provide information.", + "Obtain personal or financial information about customers or applicants.", + "Schedule appointments.", + "Provide information to coworkers.", + "Make travel, accommodations, or entertainment arrangements for others.", + "Issue documentation or identification to customers or employees.", + "Prepare business correspondence.", + "Record information from meetings or other formal proceedings.", + "Search files, databases or reference materials to obtain needed information." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Administrative Support Coordination": 1, + "Legal Documentation Management": 1, + "Legal Procedural Coordination": 1, + "Professional Communication": 1, + "Professional Documentation": 1, + "Technical Documentation": 1 + }, + "original_index": 389, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-2051.00", + "job_title": "Financial and Investment Analysts", + "detailed_work_activities": [ + "Analyze business or financial data.", + "Determine the value of goods or services.", + "Analyze industry trends.", + "Apply mathematical models of financial or business conditions.", + "Advise others on business or operational matters.", + "Advise others on financial matters.", + "Analyze market conditions or trends.", + "Analyze risks related to investments in green technology.", + "Assess financial status of clients.", + "Assess risks to business operations.", + "Collaborate with others in marketing activities.", + "Confer with others about financial matters.", + "Create images of data, locations, or products.", + "Develop business relationships.", + "Develop financial or business plans.", + "Evaluate condition of properties.", + "Identify strategic business investment opportunities.", + "Prepare contracts or other transaction documents.", + "Present business-related information to audiences.", + "Present work to clients for approval.", + "Purchase products or services.", + "Recommend investments to clients.", + "Supervise employees.", + "Train personnel to enhance job skills.", + "Update professional knowledge." + ], + "skills": [], + "skill_vector": { + "Financial Analysis": 1, + "Business Intelligence Analysis": 1, + "Strategic Decision Making": 1, + "Market Intelligence": 1, + "Risk Assessment": 1, + "Professional Communication": 1, + "Client Relationship Management": 1, + "Quantitative Financial Analysis": 1, + "Strategic Business Advisory": 1, + "Professional Documentation": 1, + "Stakeholder Communication": 1, + "Technical Documentation": 1, + "Professional Networking": 1, + "Strategic Resource Management": 1, + "Operational Performance Monitoring": 1, + "Advanced Problem Solving": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Agricultural Operations": 0, + "Medical Procedure Support": 0, + "Artistic Performance": 0 + }, + "original_index": 390, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "51-7011.00", + "job_title": "Cabinetmakers and Bench Carpenters", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Assemble wood products.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Operate woodworking equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Estimate costs of products, services, or materials.", + "Estimate material requirements for production.", + "Trim excess material from workpieces.", + "Attach decorative or functional accessories to products.", + "Compare physical characteristics of materials or products to specifications or standards.", + "Cut industrial materials in preparation for fabrication or processing.", + "Shape surfaces or edges of wood workpieces.", + "Drill holes in parts, equipment, or materials.", + "Apply protective or decorative finishes to workpieces or products.", + "Repair furniture or upholstery.", + "Confer with customers or designers to determine order specifications.", + "Design furniture.", + "Operate computers or computerized equipment.", + "Program equipment to perform production tasks." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Precision Manual Craftsmanship": 1, + "Precision Material Handling": 1, + "Technical Equipment Operation": 1, + "Quality Control Analysis": 1, + "Technical Design Documentation": 1, + "Precision Measurement and Verification": 1, + "Surface Preparation and Finishing": 1, + "Technical Problem Solving": 1, + "Operational Monitoring": 1, + "Material Preparation and Cutting": 1, + "Customer Interaction Management": 1, + "Cost Estimation": 1, + "Furniture Design": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0 + }, + "original_index": 391, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "11-9179.01", + "job_title": "Fitness and Wellness Coordinators", + "detailed_work_activities": [ + "Maintain personnel records.", + "Schedule activities or facility use.", + "Manage outreach activities.", + "Recommend organizational process or policy changes.", + "Manage guest services.", + "Supervise employees.", + "Maintain records, documents, or other files.", + "Conduct employee training programs.", + "Perform manual service or maintenance tasks.", + "Implement organizational process or policy changes.", + "Prepare operational budgets.", + "Evaluate program effectiveness.", + "Develop training materials.", + "Teach classes in area of specialization.", + "Conduct opinion surveys or needs assessments.", + "Develop marketing plans or strategies.", + "Hire personnel.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Present information to the public.", + "Train employees on environmental awareness, conservation, or safety topics.", + "Analyze data to inform personnel decisions.", + "Coordinate special events or programs." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Advanced Interpersonal Communication": 1, + "Advanced Learning Strategies": 1, + "Client Needs Assessment": 1, + "Community Needs Assessment": 1, + "Community Outreach Coordination": 1, + "Health Education Strategy": 1, + "Health and Wellness Communication": 1, + "Interpersonal Communication": 1, + "Performance Evaluation Management": 1, + "Professional Development Management": 1, + "Project Management": 1, + "Strategic Communication": 1, + "Strategic Operational Planning": 1, + "Training Program Development": 1, + "Wellness Program Management": 1 + }, + "original_index": 392, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "53-5011.00", + "job_title": "Sailors and Marine Oilers", + "detailed_work_activities": [ + "Secure watercraft to docks, wharves or other vessels.", + "Inspect material-moving equipment to detect problems.", + "Connect hoses to equipment or machinery.", + "Control pumps or pumping equipment.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Record operational or production data.", + "Monitor surroundings to detect potential hazards.", + "Inspect equipment to ensure proper functioning.", + "Maintain professional knowledge or certifications.", + "Maintain watercraft engines or machinery.", + "Operate ships or other watercraft.", + "Set up material handling gear or equipment, such as rigging, packaging, or temporary structures.", + "Verify information or specifications.", + "Assist others during emergencies.", + "Signal others to coordinate vehicle movement.", + "Clean vessels or marine equipment.", + "Load shipments, belongings, or materials.", + "Maintain material moving equipment in good working condition.", + "Record operational details of travel.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Paint surfaces or equipment.", + "Direct maintenance or repair activities.", + "Measure the level or depth of water or other liquids." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Maritime Operations Management": 1, + "Marine Safety and Compliance": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Maintenance": 1, + "Operational Monitoring": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Operational Documentation": 1, + "Vessel Equipment Maintenance": 1, + "Operational Coordination": 1, + "Technical Problem Solving": 1, + "Water Transportation Coordination": 1, + "Cargo Handling and Coordination": 1 + }, + "original_index": 393, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-3025.00", + "job_title": "Environmental Engineering Technologists and Technicians", + "detailed_work_activities": [ + "Dispose of hazardous materials.", + "Maintain operational records or records systems.", + "Document design or operational test results.", + "Evaluate environmental impact of operational or development activities.", + "Monitor environmental conditions to detect hazards.", + "Analyze test or validation data.", + "Collect samples of raw materials or finished products.", + "Prepare technical or operational reports.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Maintain clean work areas.", + "Package materials for transport.", + "Monitor processes for compliance with standards.", + "Investigate system, equipment, or product failures.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Prepare detailed work plans.", + "Evaluate designs or specifications to ensure quality.", + "Analyze operational data to evaluate operations, processes or products.", + "Assess product or process usefulness.", + "Investigate the environmental impact of projects.", + "Advise customers on the use of products or services.", + "Prepare contracts, disclosures, or applications.", + "Provide technical guidance to other personnel.", + "Create models of engineering designs or methods.", + "Schedule operational activities.", + "Supervise production or support personnel.", + "Research engineering aspects of biological or chemical processes.", + "Purchase materials, equipment, or other resources." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Environmental Monitoring": 1, + "Environmental Impact Assessment": 1, + "Environmental Compliance Monitoring": 1, + "Environmental Data Analysis": 1, + "Environmental Site Analysis": 1, + "Technical Documentation Management": 1, + "Technical Inspection and Verification": 1, + "Technical Quality Control": 1, + "Hazardous Materials Management": 1, + "Scientific Field Data Collection": 1, + "Technical Safety Management": 1, + "Technical Problem Solving": 1, + "Operational Documentation": 1, + "Technical Equipment Maintenance": 1, + "Regulatory Compliance Monitoring": 1, + "Technical Site Evaluation": 1, + "Scientific Research Methodology": 1, + "Technical Measurement and Verification": 1, + "Waste Management Operations": 1 + }, + "original_index": 394, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "33-1012.00", + "job_title": "First-Line Supervisors of Police and Detectives", + "detailed_work_activities": [ + "Direct criminal investigations.", + "Prepare activity or work schedules.", + "Process forensic or legal evidence in accordance with procedures.", + "Resolve interpersonal conflicts.", + "Train employees in proper work procedures.", + "Maintain operational records.", + "Write operational reports.", + "Direct law enforcement activities.", + "Inform others about laws or regulations.", + "Evaluate employee performance.", + "Review documents or materials for compliance with policies or regulations.", + "Apprehend criminal suspects.", + "Detain suspects or witnesses.", + "Collaborate with law enforcement or security agencies to share information.", + "Testify at legal or legislative proceedings.", + "Collaborate with outside groups to develop programs or projects.", + "Inspect equipment to ensure safety or proper functioning.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Prepare investigation or incident reports.", + "Maintain inventories of materials, equipment, or products." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Law Enforcement Operations": 1, + "Criminal Investigation Skills": 1, + "Operational Safety Management": 1, + "Personnel Performance Evaluation": 1, + "Operational Documentation Management": 1, + "Interpersonal Conflict Resolution": 1, + "Professional Communication": 1, + "Strategic Operational Coordination": 1, + "Technical Safety Inspection": 1, + "Investigative Evidence Management": 1, + "Threat Detection and Assessment": 1, + "Training Program Development": 1, + "Compliance and Regulatory Management": 1, + "Advanced Operational Monitoring": 1, + "Strategic Resource Management": 1 + }, + "original_index": 395, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "27-4014.00", + "job_title": "Sound Engineering Technicians", + "detailed_work_activities": [ + "Operate audio recording equipment.", + "Collaborate with others to determine technical details of productions.", + "Mix sound inputs.", + "Operate control consoles for sound, lighting or video.", + "Select materials or props.", + "Maintain logs of production activities.", + "Notify others of equipment problems.", + "Convert data among multiple digital or analog formats." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Audio Technical Operations": 1, + "Technical Equipment Operation": 1, + "Technical Communication": 1, + "Technical Equipment Maintenance": 1, + "Media Production Technical Control": 1, + "Collaborative Technical Problem Solving": 1, + "Technical Documentation Management": 1, + "Digital Media Conversion": 1 + }, + "original_index": 396, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "33-9031.00", + "job_title": "Gambling Surveillance Officers and Gambling Investigators", + "detailed_work_activities": [ + "Observe individuals' activities to gather information or compile evidence.", + "Operate surveillance equipment to detect suspicious or illegal activities.", + "Discuss performance, complaints, or violations with supervisors.", + "Monitor operations to ensure compliance with safety or security policies or regulations.", + "Compile data or documentation.", + "Compile operational data.", + "Record operational or environmental data.", + "Inspect equipment or systems.", + "Inspect facilities or equipment to ensure specifications are met.", + "Inspect materials or equipment to determine need for repair or replacement.", + "Maintain surveillance of individuals or establishments.", + "Direct security operations.", + "Train employees in proper work procedures." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Surveillance Operations": 1, + "Investigative Analysis": 1, + "Operational Monitoring": 1, + "Compliance and Regulatory Management": 1, + "Professional Surveillance Techniques": 1, + "Interpersonal Observation Skills": 1, + "Technical Documentation Management": 1, + "Threat Detection and Assessment": 1, + "Professional Communication": 1, + "Safety and Compliance Monitoring": 1, + "Operational Safety Inspection": 1 + }, + "original_index": 397, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "43-4011.00", + "job_title": "Brokerage Clerks", + "detailed_work_activities": [ + "Confer with coworkers to coordinate work activities.", + "Respond to customer problems or complaints.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "File documents or records.", + "Coordinate operational activities.", + "Monitor financial information.", + "Schedule operational activities.", + "Answer telephones to direct calls or provide information.", + "Distribute incoming mail.", + "Verify accuracy of financial or transactional data.", + "Calculate financial data.", + "Prepare research or technical reports." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Administrative Transaction Processing": 1, + "Financial Analysis": 1, + "Professional Communication": 1, + "Professional Documentation": 1, + "Operational Coordination": 1, + "Client Interaction Management": 1, + "Technical Documentation": 1, + "Regulatory Compliance": 1 + }, + "original_index": 398, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-2011.00", + "job_title": "Boilermakers", + "detailed_work_activities": [ + "Operate cranes, hoists, or other moving or lifting equipment.", + "Signal equipment operators to indicate proper equipment positioning.", + "Review blueprints or specifications to determine work requirements.", + "Maintain mechanical equipment.", + "Mark reference points on construction materials.", + "Measure materials or objects for installation or assembly.", + "Weld metal components.", + "Install metal structural components.", + "Position structural components.", + "Fabricate parts or components.", + "Assemble products or production equipment.", + "Install gauges or controls.", + "Inspect industrial or commercial equipment to ensure proper operation.", + "Install masonry materials.", + "Clean equipment or facilities." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Technical Equipment Operation": 1, + "Equipment Maintenance": 1, + "Technical Measurement and Verification": 1, + "Welding and Fabrication": 1, + "Construction Material Handling": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Structural Component Installation": 1, + "Technical Problem Solving": 1, + "Precision Manual Technical Skills": 1 + }, + "original_index": 399, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-9162.00", + "job_title": "Computer Numerically Controlled Tool Programmers", + "detailed_work_activities": [ + "Program equipment to perform production tasks.", + "Determine production equipment settings.", + "Select production equipment according to product specifications.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Conduct test runs of production equipment.", + "Create diagrams or blueprints for workpieces or products.", + "Enter commands, instructions, or specifications into equipment.", + "Calculate dimensions of workpieces, products, or equipment.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Plan production or operational procedures or sequences.", + "Verify information or specifications.", + "Perform basic equipment maintenance." + ], + "skills": [ + "Programming\u2014 Writing computer programs for various purposes.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "CNC Programming": 1, + "Technical Programming": 1, + "Production Equipment Operation": 1, + "Technical Equipment Management": 1, + "Technical Documentation": 1, + "Technical Measurement and Verification": 1, + "Technical Problem Solving": 1, + "Precision Equipment Calibration": 1, + "Technical Quality Control": 1, + "Manufacturing Process Control": 1 + }, + "original_index": 400, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-9061.00", + "job_title": "Office Clerks, General", + "detailed_work_activities": [ + "Operate office equipment.", + "Answer telephones to direct calls or provide information.", + "Confer with coworkers to coordinate work activities.", + "Respond to customer problems or complaints.", + "Collect deposits, payments or fees.", + "Execute sales or other financial transactions.", + "Prepare cash for deposit or disbursement.", + "Send information, materials or documentation.", + "Maintain inventory records.", + "Compile data or documentation.", + "File documents or records.", + "Distribute incoming mail.", + "Search files, databases or reference materials to obtain needed information.", + "Sort mail.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Proofread documents, records, or other files to ensure accuracy.", + "Check data for recording errors.", + "Prepare employee work schedules.", + "Schedule appointments.", + "Supervise clerical or administrative personnel.", + "Record information from meetings or other formal proceedings.", + "Transcribe spoken or written information.", + "Monitor inventories of products or materials.", + "Provide information to coworkers.", + "Train personnel.", + "Calculate weights, volumes or other characteristics of materials.", + "Maintain office equipment in proper operating condition." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Operational Communication": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Professional Documentation": 1, + "Technical Documentation": 1, + "Workflow Coordination": 1 + }, + "original_index": 401, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-2199.08", + "job_title": "Robotics Engineers", + "detailed_work_activities": [ + "Evaluate designs or specifications to ensure quality.", + "Interpret design or operational test results.", + "Program robotic equipment.", + "Design electromechanical equipment or systems.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Maintain operational records or records systems.", + "Advise customers on the use of products or services.", + "Design industrial equipment.", + "Research advanced engineering designs or applications.", + "Develop software or computer applications.", + "Supervise engineering or other technical personnel.", + "Investigate system, equipment, or product failures.", + "Calibrate scientific or technical equipment.", + "Evaluate characteristics of equipment or systems.", + "Install production equipment or systems.", + "Operate industrial equipment.", + "Prepare operational reports.", + "Design industrial processing systems.", + "Develop operational methods or processes that use green materials or emphasize sustainability.", + "Document technical design details." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Programming\u2014 Writing computer programs for various purposes.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Robotic Systems Engineering": 1, + "Technical Systems Design": 1, + "Technical Equipment Maintenance": 1, + "Advanced Manufacturing Technologies": 1, + "Technical Problem Solving": 1, + "Programming Logic": 1, + "Technical Equipment Operation": 1, + "Technical Documentation": 1, + "Systems Analysis": 1, + "Technical Design Visualization": 1, + "Technical Research and Development": 1, + "Technology Project Management": 1, + "Technical Safety Management": 1, + "Precision Equipment Calibration": 1, + "Technical Quality Control": 1, + "Emerging Technology Adaptation": 1, + "Software Development": 1, + "Technical Communication": 1, + "Collaborative Technical Problem Solving": 1, + "Academic Research and Development": 0 + }, + "original_index": 402, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "27-4021.00", + "job_title": "Photographers", + "detailed_work_activities": [ + "Set up still or video cameras or related equipment.", + "Convert data among multiple digital or analog formats.", + "Determine technical requirements of productions or projects.", + "Operate still or video cameras or related equipment.", + "Create computer-generated graphics or animation.", + "Apply finishes to artwork, crafts, or displays.", + "Maintain inventories of materials, equipment, or products.", + "Maintain records, documents, or other files.", + "Review art or design materials.", + "Confer with clients to determine needs.", + "Select materials or props.", + "Maintain recording or broadcasting equipment.", + "Coordinate activities of production personnel.", + "Research new technologies.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes.", + "Write informational material.", + "Arrange artwork, products, or props.", + "Obtain copyrights or other legal permissions." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Camera Operation and Technical Control": 1, + "Technical Equipment Operation": 1, + "Visual Design Conceptualization": 1, + "Technical Documentation": 1, + "Artistic Collaboration": 1, + "Professional Communication": 1, + "Client Relationship Management": 1, + "Technical Equipment Maintenance": 1, + "Digital Media Conversion": 1, + "Creative Design Implementation": 1, + "Technical Image Processing": 1, + "Inventory Management": 1, + "Project Management": 1 + }, + "original_index": 403, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "19-4099.01", + "job_title": "Quality Control Analysts", + "detailed_work_activities": [ + "Interpret research or operational data.", + "Test quality of materials or finished products.", + "Maintain laboratory or technical equipment.", + "Calibrate scientific or technical equipment.", + "Evaluate quality of materials or products.", + "Inspect areas for compliance with sanitation standards.", + "Record research or operational data.", + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Prepare operational reports.", + "Analyze test results.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Advise others on business or operational matters.", + "Conduct quantitative failure analyses of operational data.", + "Train personnel in technical or scientific procedures.", + "Prepare information or documentation related to legal or regulatory matters.", + "Develop collaborative relationships between departments or with external organizations.", + "Conduct financial or regulatory audits.", + "Determine appropriate methods for data analysis.", + "Establish standards for products, processes, or procedures.", + "Verify accuracy of data.", + "Develop testing routines or procedures.", + "Evaluate new technologies or methods.", + "Coordinate activities with suppliers, contractors, clients, or other departments.", + "Advise others on the development or use of new technologies." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Quality Control Analysis": 1, + "Operational Quality Control": 1, + "Technical Quality Inspection": 1, + "Precision Measurement and Verification": 1, + "Technical Documentation Management": 1, + "Systematic Quality Verification": 1, + "Analytical Problem Solving": 1, + "Technical Safety Inspection": 1, + "Operational Monitoring": 1, + "Scientific Operational Documentation": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Healthcare Patient Assessment": 0 + }, + "original_index": 404, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-1013.00", + "job_title": "First-Line Supervisors of Gambling Services Workers", + "detailed_work_activities": [ + "Monitor operational quality or safety.", + "Communicate with management or other staff to resolve problems.", + "Monitor patron activities to identify problems or potential problems.", + "Maintain financial or account records.", + "Greet customers, patrons, or visitors.", + "Resolve customer complaints or problems.", + "Perform basic equipment maintenance.", + "Explain regulations, policies, or procedures.", + "Maintain knowledge of business operations.", + "Conduct amusement or gaming activities.", + "Operate gaming equipment.", + "Prepare operational reports or records.", + "Respond to customer inquiries.", + "Distribute resources to patrons or employees.", + "Conduct gaming transactions.", + "Enforce rules or regulations.", + "Assign duties or work schedules to employees.", + "Evaluate employee performance.", + "Supervise service workers.", + "Clean facilities or equipment.", + "Manage budgets for personal services operations.", + "Develop plans for programs or services.", + "Conduct eligibility or selection interviews.", + "Hire personnel.", + "Prepare employee work schedules.", + "Train service staff." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Gaming Operations Management": 1, + "Operational Safety and Patron Support": 1, + "Patron Interaction Management": 1, + "Operational Performance Management": 1, + "Operational Documentation": 1, + "Personnel Resource Management": 1, + "Operational Safety and Rule Enforcement": 1, + "Financial Resource Management": 1, + "Operational Communication": 1, + "Technical Equipment Operation": 1 + }, + "original_index": 405, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-3012.00", + "job_title": "Gambling and Sports Book Writers and Runners", + "detailed_work_activities": [ + "Conduct amusement or gaming activities.", + "Operate gaming equipment.", + "Conduct gaming transactions.", + "Maintain financial or account records.", + "Inspect equipment to ensure proper functioning.", + "Compute gaming wins and losses.", + "Respond to customer inquiries.", + "Prepare operational reports or records.", + "Deliver items.", + "Sell products or services.", + "Mediate disputes.", + "Supervise service workers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Gaming Operations Management": 1, + "Operational Coordination": 1, + "Customer Service Coordination": 1, + "Financial Transaction Processing": 1, + "Patron Safety Management": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Mathematical Problem Solving": 1, + "Equipment Operation and Monitoring": 1 + }, + "original_index": 406, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "45-2011.00", + "job_title": "Agricultural Inspectors", + "detailed_work_activities": [ + "Inspect products or operations to ensure that standards are met.", + "Mark agricultural or forestry products for identification.", + "Package agricultural products for shipment or further processing.", + "Warn individuals about rule violations or safety concerns.", + "Advise others on farming or forestry operations, regulations, or equipment.", + "Measure physical characteristics of forestry or agricultural products.", + "Examine animals to detect illness, injury or other problems.", + "Maintain operational records.", + "Collect biological specimens.", + "Send information, materials or documentation.", + "Testify at legal or legislative proceedings." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Agricultural Inspection Skills": 1, + "Agricultural Product Inspection": 1, + "Agricultural Inspection and Compliance": 1, + "Quality Control Analysis": 1, + "Agricultural Operations": 1, + "Agricultural Resource Coordination": 1, + "Operational Safety Management": 1, + "Technical Documentation": 1, + "Measurement and Verification": 1, + "Animal Care and Handling": 1, + "Biological Specimen Processing": 1, + "Regulatory Compliance Monitoring": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Legal Documentation Management": 1 + }, + "original_index": 407, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "43-4061.00", + "job_title": "Eligibility Interviewers, Government Programs", + "detailed_work_activities": [ + "Calculate financial data.", + "Record information about legal matters.", + "Compile data or documentation.", + "Interview employees, customers, or others to collect information.", + "Explain regulations, policies, or procedures.", + "Refer customers to appropriate personnel.", + "Obtain personal or financial information about customers or applicants.", + "Provide information to coworkers.", + "Administer personnel recruitment or hiring activities.", + "Schedule appointments.", + "Assist individuals with paperwork.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Investigate personal characteristics or activities of individuals.", + "Monitor financial information." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Government Program Eligibility Assessment": 1, + "Client Information Processing": 1, + "Interpersonal Information Gathering": 1, + "Professional Interviewing": 1, + "Administrative Documentation Management": 1, + "Regulatory Compliance Monitoring": 1, + "Professional Communication": 1, + "Information Verification": 1, + "Client Needs Assessment": 1, + "Strategic Information Gathering": 1, + "Academic Research Methodology": 0, + "Technical Equipment Operation": 0, + "Medical Diagnostic Assessment": 0 + }, + "original_index": 408, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-2031.00", + "job_title": "Budget Analysts", + "detailed_work_activities": [ + "Analyze budgetary or accounting data.", + "Advise others on financial matters.", + "Gather financial records.", + "Prepare financial documents, reports, or budgets.", + "Discuss business strategies, practices, or policies with managers.", + "Verify accuracy of financial information.", + "Establish organizational guidelines or policies.", + "Testify at legal or legislative proceedings.", + "Analyze business or financial data.", + "Identify opportunities to improve operational efficiency." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Financial Analysis": 1, + "Financial Resource Management": 1, + "Operational Documentation": 1, + "Strategic Financial Decision Making": 1, + "Quantitative Financial Reasoning": 1, + "Professional Communication": 1, + "Compliance and Regulatory Management": 1, + "Technical Documentation Management": 1, + "Risk Assessment": 1, + "Information Processing": 1 + }, + "original_index": 409, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-1011.00", + "job_title": "First-Line Supervisors of Correctional Officers", + "detailed_work_activities": [ + "Count prison inmates or personnel.", + "Use weapons or physical force to maintain security.", + "Maintain professional knowledge or certifications.", + "Respond to emergencies to provide assistance.", + "Direct operations of correctional facilities.", + "Locate suspicious objects or vehicles.", + "Search individuals for illegal or dangerous items.", + "Evaluate employee performance.", + "Administer first aid.", + "Rescue people from hazardous situations.", + "Maintain operational records.", + "Write operational reports.", + "Train employees in proper work procedures.", + "Resolve interpersonal conflicts.", + "Prepare activity or work schedules.", + "Review documents or materials for compliance with policies or regulations.", + "Drive vehicles to transport individuals or equipment.", + "Escort prisoners to courtrooms, prisons, or other facilities.", + "Determine operational procedures.", + "Read materials to determine needed actions.", + "Supervise inmate activities.", + "Discuss performance, complaints, or violations with supervisors." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Correctional Operations Management": 1, + "Operational Safety Management": 1, + "Personnel Resource Management": 1, + "Interpersonal Conflict Resolution": 1, + "Performance Evaluation Management": 1, + "Operational Documentation Management": 1, + "Operational Safety Compliance": 1, + "Threat Detection and Assessment": 1, + "Workplace Safety Coordination": 1, + "Strategic Operational Communication": 1, + "Emergency Response Management": 1, + "Behavioral Conflict Mediation": 1, + "Professional Rule Enforcement": 1, + "Situational Awareness": 1, + "Training Program Development": 1, + "Surveillance Operations": 1, + "Risk Assessment Management": 1, + "Advanced Operational Monitoring": 1, + "Regulatory Compliance Management": 1, + "Strategic Problem Solving": 1 + }, + "original_index": 410, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "47-2042.00", + "job_title": "Floor Layers, Except Carpet, Wood, and Hard Tiles", + "detailed_work_activities": [ + "Cut carpet, vinyl or other flexible materials.", + "Prepare surfaces for finishing.", + "Clean surfaces in preparation for work activities.", + "Inspect work sites to determine condition or necessary repairs.", + "Trim excess material from installations.", + "Apply material to fill gaps in surfaces.", + "Mark reference points on construction materials.", + "Measure materials or objects for installation or assembly.", + "Apply adhesives to construction materials.", + "Finish concrete surfaces.", + "Apply decorative or textured finishes or coverings.", + "Collect data about project sites.", + "Remove excess materials from finished construction projects.", + "Remove worn, damaged or outdated materials from work areas." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Adhesive Application": 1, + "Administrative Communication": 0, + "Advanced Problem Solving": 1, + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Construction Surface Preparation": 1, + "Interpersonal Communication": 1, + "Material Handling": 1, + "Measurement and Verification": 1, + "Precision Manual Construction Skills": 1, + "Precision Material Cutting": 1, + "Surface Preparation": 1, + "Technical Measurement and Verification": 1, + "Workplace Safety Management": 1 + }, + "original_index": 411, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "45-3031.00", + "job_title": "Fishing and Hunting Workers", + "detailed_work_activities": [ + "Locate animals for fishing or hunting purposes.", + "Obtain documentation to authorize activities.", + "Drive trucks or other vehicles to or at work sites.", + "Navigate water vessels.", + "Remove skin or other body parts from animals.", + "Maintain forestry, hunting, or agricultural equipment.", + "Position animal trapping or capture equipment.", + "Capture or kill animals.", + "Sort forestry or agricultural materials.", + "Package agricultural products for shipment or further processing.", + "Communicate safety or hazard information to others.", + "Obtain written authorization to perform activities.", + "Attach equipment extensions or accessories.", + "Protect wildlife or natural areas.", + "Transport animals, crops, or equipment.", + "Clean equipment or facilities.", + "Train workers in farming, forestry, or hunting techniques.", + "Load agricultural or forestry products for shipment.", + "Coordinate resource procurement activities.", + "Direct activities of agricultural, forestry, or fishery employees." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Critical Thinking": 1, + "Animal Care Management": 1, + "Animal Care and Handling": 1, + "Equipment Operation": 1, + "Field Operations Management": 1, + "Safety Management": 1, + "Technical Equipment Maintenance": 1, + "Transportation Management": 1, + "Inventory Management": 1, + "Training and Development": 1 + }, + "original_index": 412, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-4121.00", + "job_title": "Welders, Cutters, Solderers, and Brazers", + "detailed_work_activities": [ + "Maintain safety.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate welding equipment.", + "Notify others of equipment repair or maintenance needs.", + "Watch operating equipment to detect malfunctions.", + "Select production equipment according to product specifications.", + "Clean workpieces or finished products.", + "Determine metal or plastic production methods.", + "Mark products, workpieces, or equipment with identifying information.", + "Align parts or workpieces to ensure proper assembly.", + "Melt metal, plastic, or other materials to prepare for production.", + "Solder parts or workpieces.", + "Adjust equipment controls to regulate gas flow.", + "Monitor equipment operation to ensure that products are not flawed.", + "Mount materials or workpieces onto production equipment.", + "Operate grinding equipment.", + "Reshape metal workpieces to established specifications.", + "Cut industrial materials in preparation for fabrication or processing.", + "Ignite fuel to activate heating equipment.", + "Trim excess material from workpieces.", + "Operate firefighting equipment.", + "Design templates or patterns.", + "Disassemble equipment for maintenance or repair.", + "Repair parts or assemblies.", + "Heat material or workpieces to prepare for or complete production.", + "Clean production equipment.", + "Assemble temporary equipment or structures.", + "Shape metal workpieces with hammers or other small hand tools.", + "Operate metal or plastic forming equipment.", + "Review blueprints or other instructions to determine operational methods or sequences." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Quality Control Analysis": 1, + "Precision Measurement Skills": 1, + "Technical Equipment Operation": 1, + "Material Handling": 1, + "Safety Management": 1, + "Technical Documentation": 1, + "Equipment Maintenance": 1, + "Monitoring": 1, + "Technical Surface Preparation": 1, + "Precision Manual Manipulation": 1 + }, + "original_index": 413, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "45-4023.00", + "job_title": "Log Graders and Scalers", + "detailed_work_activities": [ + "Evaluate log quality.", + "Record agricultural or forestry inventory data.", + "Measure physical characteristics of forestry or agricultural products.", + "Mark agricultural or forestry products for identification.", + "Direct material handling or moving activities.", + "Communicate with other workers to coordinate activities.", + "Drive passenger vehicles.", + "Cut trees or logs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Agricultural Data Analysis": 1, + "Agricultural Inventory Documentation": 1, + "Agricultural Inspection Skills": 1, + "Agricultural Product Inspection": 1, + "Material Handling": 1, + "Measurement and Verification": 1, + "Precision Measurement Skills": 1, + "Technical Documentation": 1, + "Vehicle Operation": 1, + "Operational Monitoring": 1 + }, + "original_index": 414, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "41-2011.00", + "job_title": "Cashiers", + "detailed_work_activities": [ + "Process sales or other transactions.", + "Greet customers, patrons, or visitors.", + "Issue money, credit, or vouchers.", + "Calculate costs of goods or services.", + "Reconcile records of sales or other financial transactions.", + "Answer customer questions about goods or services.", + "Explain technical product or service information to customers.", + "Monitor sales activities.", + "Maintain records of sales or other business transactions.", + "Answer telephones to direct calls or provide information.", + "Calculate weights, volumes or other characteristics of materials.", + "Prepare cash for deposit or disbursement.", + "Record sales or transactions data.", + "Provide customers with general information or assistance.", + "Communicate with other workers to coordinate activities.", + "Supervise sales or support personnel.", + "Train sales personnel.", + "Assist customers to ensure comfort or safety.", + "Sell products or services.", + "Package objects for shipping.", + "Prepare outgoing shipments.", + "Stock products or parts.", + "Clean work areas." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Service Orientation": 1, + "Active Listening": 1, + "Social Perceptiveness": 1, + "Speaking": 1, + "Customer Service Coordination": 1, + "Customer Interaction Management": 1, + "Transaction Processing": 1, + "Financial Transaction Processing": 1, + "Operational Documentation": 1, + "Operational Communication": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Inventory Management": 1, + "Workplace Safety": 1 + }, + "original_index": 415, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "25-1032.00", + "job_title": "Engineering Teachers, Postsecondary", + "detailed_work_activities": [ + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Develop instructional materials.", + "Evaluate student work.", + "Write grant proposals.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Supervise student research or internship work.", + "Teach physical science or mathematics courses at the college level.", + "Guide class discussions.", + "Supervise laboratory work.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Maintain student records.", + "Advise students on academic or career matters.", + "Order instructional or library materials or equipment.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Select educational materials or equipment.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Edit documents.", + "Edit written materials.", + "Proofread documents, records, or other files to ensure accuracy.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies.", + "Compile specialized bibliographies or lists of materials." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 416, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "13-1081.02", + "job_title": "Logistics Analysts", + "detailed_work_activities": [ + "Maintain data in information systems or databases.", + "Monitor inventories of products or materials.", + "Monitor organizational processes.", + "Evaluate logistics methods to reduce environmental impact.", + "Analyze logistics processes.", + "Advise others on logistics topics.", + "Obtain information about goods or services.", + "Prepare operational reports.", + "Coordinate logistics or other business operations.", + "Discuss business strategies, practices, or policies with managers.", + "Develop business or financial information systems.", + "Calculate data to inform organizational operations.", + "Identify opportunities to improve operational efficiency.", + "Apply mathematical models of financial or business conditions.", + "Develop financial analysis methods.", + "Analyze industry trends.", + "Establish organizational guidelines or policies.", + "Prepare financial documents.", + "Calculate specific material, equipment, or labor requirements for production.", + "Execute sales or other financial transactions." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Logistics Analysis": 1, + "Operational Documentation": 1, + "Operational Monitoring": 1, + "Technical Documentation": 1, + "Strategic Resource Management": 1, + "Quantitative Operational Analysis": 1, + "Business Intelligence Analysis": 1, + "Operational Efficiency Planning": 1, + "Technical Problem Solving": 1, + "Strategic Operational Communication": 1, + "Financial Analysis": 1, + "Inventory Management": 1, + "Systems Analysis": 1, + "Operational Coordination": 1, + "Environmental Compliance": 1, + "Transaction Processing": 1, + "Strategic Resource Coordination": 1, + "Information Systems Management": 1 + }, + "original_index": 417, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "25-2012.00", + "job_title": "Kindergarten Teachers, Except Special Education", + "detailed_work_activities": [ + "Establish rules or policies governing student behavior.", + "Encourage students.", + "Modify teaching methods or materials to accommodate student needs.", + "Teach life skills.", + "Apply multiple teaching methods.", + "Evaluate student work.", + "Monitor student behavior, social development, or health.", + "Monitor student performance.", + "Advise students on academic or career matters.", + "Read to students.", + "Discuss problems or issues with supervisors.", + "Discuss student progress with parents or guardians.", + "Set up classroom materials or equipment.", + "Develop strategies or programs for students with special needs.", + "Maintain student records.", + "Prepare reports detailing student activities or performance.", + "Plan educational activities.", + "Develop instructional objectives.", + "Create technology-based learning materials.", + "Assist students with special educational needs.", + "Teach others to use technology or equipment.", + "Provide for basic needs of children.", + "Collaborate with other teaching professionals to develop educational programs.", + "Administer tests to assess educational needs or progress.", + "Arrange childcare or educational settings to ensure physical safety of children.", + "Prepare tests.", + "Display student work.", + "Document lesson plans.", + "Plan experiential learning activities.", + "Evaluate performance of educational staff.", + "Supervise student research or internship work.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Serve on institutional or departmental committees.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment.", + "Supervise school or student activities." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Child Development Support": 1, + "Classroom Management": 1, + "Classroom Behavioral Management": 1, + "Student Performance Assessment": 1, + "Student Safety Management": 1, + "Developmental Learning Support": 1, + "Early Childhood Education": 1, + "Interpersonal Communication": 1, + "Parent-Educator Communication": 1, + "Professional Development": 1 + }, + "original_index": 418, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "51-9194.00", + "job_title": "Etchers and Engravers", + "detailed_work_activities": [ + "Inspect finishes of workpieces or finished products.", + "Apply protective or decorative finishes to workpieces or products.", + "Engrave designs, text, or other markings onto materials, workpieces, or products.", + "Polish materials, workpieces, or finished products.", + "Cut industrial materials in preparation for fabrication or processing.", + "Mix substances to create chemical solutions.", + "Design templates or patterns.", + "Set equipment controls to meet cutting specifications.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Calculate dimensions of workpieces, products, or equipment.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Clean workpieces or finished products.", + "Operate equipment to print images or bind printed images together.", + "Mount attachments or tools onto production equipment.", + "Immerse objects or workpieces in cleaning or coating solutions.", + "Inspected printed materials or other images to verify quality.", + "Mount materials or workpieces onto production equipment.", + "Operate cutting equipment.", + "Trim excess material from workpieces.", + "Determine production equipment settings.", + "Remove products or workpieces from production equipment.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Fill cracks, imperfections, or holes in products or workpieces." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Precision Surface Etching": 1, + "Precision Technical Measurement": 1, + "Precision Material Handling": 1, + "Quality Control Inspection": 1, + "Technical Equipment Operation": 1, + "Technical Documentation": 1, + "Precision Surface Preparation": 1, + "Material Measurement and Preparation": 1, + "Technical Safety Management": 1, + "Chemical Solution Preparation": 1 + }, + "original_index": 419, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-2111.00", + "job_title": "Health and Safety Engineers, Except Mining Safety Engineers and Inspectors", + "detailed_work_activities": [ + "Investigate safety of work environment.", + "Research product safety.", + "Advise others on health and safety issues.", + "Teach safety standards or environmental compliance methods.", + "Update technical knowledge.", + "Document design or operational test results.", + "Maintain operational records or records systems.", + "Explain engineering drawings, specifications, or other technical information.", + "Evaluate designs or specifications to ensure quality.", + "Prepare procedural documents.", + "Test facilities for environmental hazards.", + "Testify at legal or legislative proceedings.", + "Confer with technical personnel to prepare designs or operational plans.", + "Develop safety standards, policies, or procedures.", + "Research human performance or health factors related to engineering or design activities.", + "Investigate the environmental impact of projects.", + "Design industrial equipment.", + "Fabricate devices or components.", + "Confer with other personnel to resolve design or operational problems.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Direct installation activities.", + "Inspect equipment to ensure safety or proper functioning.", + "Inspect safety equipment to ensure proper functioning.", + "Install safety or support equipment.", + "Monitor work environment to ensure safety or adherence to specifications." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Occupational Safety Management": 1, + "Technical Safety Management": 1, + "Technical Safety Inspection": 1, + "Technical Safety Protocols": 1, + "Workplace Safety Coordination": 1, + "Workplace Safety Management": 1, + "Risk Assessment": 1, + "Technical Risk Assessment": 1, + "Environmental Safety Monitoring": 1, + "Environmental Hazard Monitoring": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Compliance and Regulatory Management": 1, + "Technical Compliance Monitoring": 1, + "Advanced Problem Solving": 1, + "Technical Problem Solving": 1, + "Investigative Analysis": 1, + "Technical Investigative Analysis": 1, + "Professional Communication": 1, + "Technical Communication": 1 + }, + "original_index": 420, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "13-2054.00", + "job_title": "Financial Risk Specialists", + "detailed_work_activities": [ + "Assess risks to business operations.", + "Analyze business or financial data.", + "Analyze risks related to investments in green technology.", + "Apply mathematical models of financial or business conditions.", + "Develop business or financial information systems.", + "Present business-related information to audiences.", + "Advise others on analytical techniques.", + "Advise others on business or operational matters.", + "Analyze industry trends.", + "Confer with others about financial matters.", + "Create images of data, locations, or products.", + "Determine the value of goods or services.", + "Develop contingency plans to deal with organizational emergencies.", + "Develop financial analysis methods.", + "Develop financial or business plans.", + "Educate clients on financial planning topics.", + "Evaluate applicable laws and regulations to determine impact on organizational activities.", + "Gather organizational performance information.", + "Maintain data in information systems or databases.", + "Monitor business indicators.", + "Prepare financial documents, reports, or budgets.", + "Prepare regulatory or compliance documentation.", + "Recommend investments to clients.", + "Update professional knowledge." + ], + "skills": [], + "skill_vector": { + "Financial Analysis": 1, + "Business Intelligence Analysis": 1, + "Risk Assessment": 1, + "Strategic Financial Decision Making": 1, + "Quantitative Financial Analysis": 1, + "Operational Risk Management": 1, + "Regulatory Compliance Management": 1, + "Strategic Business Intelligence": 1, + "Professional Financial Communication": 1, + "Investment Strategy Analysis": 1, + "Technical Documentation Management": 1, + "Client Financial Needs Assessment": 1, + "Advanced Analytical Reasoning": 1, + "Strategic Resource Management": 1, + "Professional Knowledge Maintenance": 1 + }, + "original_index": 421, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-8013.03", + "job_title": "Biomass Plant Technicians", + "detailed_work_activities": [ + "Operate biomass or biofuel production equipment.", + "Test fluids to identify contamination or other problems.", + "Test materials, solutions, or samples.", + "Record operational or production data.", + "Inspect sustainable energy production facilities or equipment.", + "Notify others of equipment repair or maintenance needs.", + "Operate pumping systems or equipment.", + "Calculate specific material, equipment, or labor requirements for production.", + "Load materials into production equipment.", + "Measure ingredients or substances to be used in production processes.", + "Clean work areas.", + "Maintain sustainable energy production equipment.", + "Measure stock or liquid levels in sustainable fuel production systems.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Prepare biological feedstock for physical, chemical, or biological processing.", + "Evaluate quality of materials or products.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Operate heavy-duty construction or installation equipment.", + "Maintain inventories of materials, equipment, or products." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Biomass Production Operations": 1, + "Equipment Operation and Monitoring": 1, + "Technical Equipment Management": 1, + "Quality Control Analysis": 1, + "Operational Monitoring": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Inventory Management": 1, + "Measurement and Verification": 1, + "Technical Documentation": 1 + }, + "original_index": 422, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-2056.00", + "job_title": "Special Education Teachers, Elementary School", + "detailed_work_activities": [ + "Collaborate with other teaching professionals to develop educational programs.", + "Develop strategies or programs for students with special needs.", + "Teach life skills.", + "Administer tests to assess educational needs or progress.", + "Develop instructional objectives.", + "Evaluate student work.", + "Monitor student performance.", + "Plan educational activities.", + "Advise students on academic or career matters.", + "Assess educational needs of students.", + "Assist students with special educational needs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Develop instructional materials.", + "Direct activities of subordinates.", + "Discuss student progress with parents or guardians.", + "Display student work.", + "Encourage students.", + "Establish rules or policies governing student behavior.", + "Maintain student records.", + "Modify teaching methods or materials to accommodate student needs.", + "Monitor student behavior, social development, or health.", + "Plan experiential learning activities.", + "Prepare tests.", + "Set up classroom materials or equipment.", + "Teach others to use technology or equipment." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Classroom Behavior Management": 1, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Performance Evaluation": 1, + "Student Performance Monitoring": 1, + "Student Developmental Guidance": 1, + "Developmental Learning Support": 1, + "Developmental Instructional Adaptation": 1, + "Life Skills Education": 1, + "Interpersonal Communication": 1, + "Professional Development": 1, + "Instructional Technology Integration": 1, + "Special Needs Education Support": 1, + "Student Safety Management": 1, + "Adaptive Care Assistance": 1 + }, + "original_index": 423, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "39-6011.00", + "job_title": "Baggage Porters and Bellhops", + "detailed_work_activities": [ + "Handle luggage or other possessions for patrons.", + "Provide escort or transportation.", + "Clean facilities or work areas.", + "Greet customers, patrons, or visitors.", + "Provide attraction or event information to patrons.", + "Provide patrons with directions to locales or attractions.", + "Explain regulations, policies, or procedures.", + "Assist individuals with special needs.", + "Deliver items.", + "Monitor patron activities to identify problems or potential problems.", + "Maintain financial or account records.", + "Provide notifications to customers or patrons.", + "Arrange items for use or display.", + "Inspect facilities.", + "Prepare administrative documents.", + "Arrange services or reservations for patrons." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Service Orientation": 1, + "Active Listening": 1, + "Professional Communication": 1, + "Patron Interaction Management": 1, + "Customer Service Coordination": 1, + "Operational Safety Management": 1, + "Interpersonal Communication": 1, + "Passenger Support Services": 1, + "Material Handling": 1, + "Administrative Documentation": 1 + }, + "original_index": 424, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-3011.00", + "job_title": "Economists", + "detailed_work_activities": [ + "Review professional literature to maintain professional knowledge.", + "Forecast economic, political, or social trends.", + "Conduct research on social issues.", + "Explain regulations, policies, or procedures.", + "Present information to the public.", + "Proofread documents, records, or other files to ensure accuracy.", + "Review technical documents to plan work.", + "Advise others on business or operational matters.", + "Advise others on matters of public policy.", + "Prepare scientific or technical reports or presentations.", + "Supervise trainees.", + "Establish standards for products, processes, or procedures.", + "Instruct college students in social sciences or humanities disciplines.", + "Testify at legal or legislative proceedings." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Problem Solving": 1, + "Strategic Decision Making": 1, + "Strategic Operational Analysis": 1, + "Quantitative Reasoning": 1, + "Quantitative Problem Solving": 1, + "Research Methodology": 1, + "Strategic Research and Development": 1, + "Professional Communication": 1, + "Technical Writing Proficiency": 1, + "Policy Analysis and Development": 1 + }, + "original_index": 425, + "sparsity": 0.9890009165902841 + }, + { + "onet_code": "49-9092.00", + "job_title": "Commercial Divers", + "detailed_work_activities": [ + "Monitor work areas or procedures to ensure compliance with safety procedures.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Maintain work equipment or machinery.", + "Communicate with coworkers to coordinate installations or repairs.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Gather information about work conditions or locations.", + "Supervise employees.", + "Train others in operational procedures.", + "Inspect systems to determine if they are operating properly.", + "Test mechanical equipment to ensure proper functioning.", + "Repair non-engine automotive or vehicle components.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Record images needed to address work issues.", + "Attach rigging to objects so they can be moved.", + "Install piping for installation or maintenance activities.", + "Operate welding equipment.", + "Repair pipes to stop leaking.", + "Install structural foundations.", + "Repair production equipment or tools.", + "Survey land or bodies of water to measure or determine features.", + "Repair structural components.", + "Respond to emergencies to provide assistance.", + "Drill holes in parts, equipment, or materials.", + "Decontaminate equipment or sites to remove hazardous or toxic substances." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Underwater Technical Operations": 1, + "Technical Equipment Operation": 1, + "Safety and Compliance Management": 1, + "Equipment Maintenance": 1, + "Technical Diagnostic Assessment": 1, + "Technical Communication": 1, + "Operational Safety Monitoring": 1, + "Technical Problem Solving": 1, + "Material Handling": 1 + }, + "original_index": 426, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-9111.00", + "job_title": "Packaging and Filling Machine Operators and Tenders", + "detailed_work_activities": [ + "Mark products, workpieces, or equipment with identifying information.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Weigh finished products.", + "Remove products or workpieces from production equipment.", + "Clear equipment jams.", + "Monitor equipment operation to ensure that products are not flawed.", + "Notify others of equipment repair or maintenance needs.", + "Package products for storage or shipment.", + "Watch operating equipment to detect malfunctions.", + "Adjust temperature controls of ovens or other heating equipment.", + "Clean production equipment.", + "Lubricate production equipment.", + "Repair production equipment or tools.", + "Feed materials or products into or through equipment.", + "Stack finished items for further processing or shipment.", + "Maintain inventories of materials, equipment, or products.", + "Count finished products or workpieces.", + "Prepare materials for processing.", + "Record operational or production data.", + "Clean materials to prepare them for production.", + "Sew clothing or other articles." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Material Handling": 1, + "Production Quality Monitoring": 1, + "Equipment Maintenance": 1, + "Precision Measurement": 1, + "Technical Documentation": 1, + "Safety and Compliance Monitoring": 1, + "Inventory Management": 1, + "Packaging and Product Preparation": 1 + }, + "original_index": 427, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1141.00", + "job_title": "Registered Nurses", + "detailed_work_activities": [ + "Record patient medical histories.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Administer non-intravenous medications.", + "Maintain medical facility records.", + "Inform medical professionals regarding patient conditions and care.", + "Immunize patients.", + "Treat acute illnesses, infections, or injuries.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Supervise patient care personnel.", + "Manage healthcare operations.", + "Advise medical personnel regarding healthcare issues.", + "Analyze test data or images to inform diagnosis or treatment.", + "Direct healthcare delivery programs.", + "Order medical diagnostic or clinical tests.", + "Prescribe assistive medical devices or related treatments.", + "Prescribe medications.", + "Design public or employee health programs.", + "Communicate health and wellness information to the public.", + "Evaluate patient outcomes to determine effectiveness of treatments.", + "Maintain inventory of medical supplies or equipment.", + "Prepare medical supplies or equipment for use.", + "Test biological specimens to gather information about patient conditions.", + "Assess patient work, living, or social environments.", + "Administer anesthetics or sedatives to control pain.", + "Assist healthcare practitioners during examinations or treatments.", + "Prepare patients physically for medical procedures.", + "Train caregivers or other non-medical personnel.", + "Diagnose medical conditions.", + "Examine patients to assess general physical condition.", + "Refer patients to other healthcare practitioners or health resources.", + "Treat medical emergencies.", + "Advise communities or institutions regarding health or safety issues.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Patient Care Communication": 1, + "Healthcare Patient Assessment": 1, + "Healthcare Patient Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Support": 1, + "Healthcare Documentation": 1, + "Healthcare Professional Collaboration": 1, + "Patient Safety Management": 1, + "Healthcare Safety Protocols": 1, + "Medical Diagnostic Support": 1, + "Medication Management": 1, + "Healthcare Treatment Planning": 1 + }, + "original_index": 428, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "15-2021.00", + "job_title": "Mathematicians", + "detailed_work_activities": [ + "Analyze data to identify trends or relationships among variables.", + "Prepare analytical reports.", + "Present research results to others.", + "Update knowledge about emerging industry or technology trends.", + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Design computer modeling or simulation programs.", + "Review professional literature to maintain professional knowledge.", + "Update professional knowledge.", + "Determine appropriate methods for data analysis.", + "Develop scientific or mathematical models.", + "Analyze security of systems, network, or data.", + "Develop computer or information security policies or procedures." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Problem Solving": 1, + "Analytical Systems Evaluation": 1, + "Complex Problem Solving": 1, + "Computational Data Analysis": 1, + "Computational Data Processing": 1, + "Quantitative Data Processing": 1, + "Quantitative Problem Solving": 1, + "Quantitative Reasoning": 1, + "Research Methodology": 1, + "Scientific Research Methodology": 1, + "Technical Research Methodology": 1 + }, + "original_index": 429, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "21-1093.00", + "job_title": "Social and Human Service Assistants", + "detailed_work_activities": [ + "Conduct diagnostic tests to determine patient health.", + "Examine patients to assess general physical condition.", + "Develop treatment plans for patients or clients.", + "Write reports or evaluations.", + "Maintain social services program records.", + "Visit individuals in their homes to provide support or information.", + "Help clients get needed services or resources.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Present social services program information to the public.", + "Refer clients to community or social service programs.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Teach life skills or strategies to clients or their families.", + "Demonstrate activity techniques or equipment use.", + "Assist clients in handling details of daily life.", + "Explain regulations, policies, or procedures.", + "Advise clients or community groups on health issues.", + "Monitor nutrition related activities of individuals or groups.", + "Transport clients to appointments.", + "Provide basic information to guests, visitors, or clients." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Advocacy and Resource Navigation": 1, + "Client Case Management": 1, + "Client Needs Assessment": 1, + "Client Consultation and Needs Assessment": 1, + "Client Relationship Development": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Social Support Services": 1, + "Social Service Coordination": 1, + "Therapeutic Patient Communication": 1, + "Community Needs Assessment": 1, + "Community Outreach Coordination": 1, + "Behavioral Health Counseling": 1, + "Developmental Support Counseling": 1, + "Patient Counseling": 1, + "Administrative Documentation": 1, + "Administrative Healthcare Support": 1, + "Healthcare Documentation Management": 1, + "Operational Documentation": 1, + "Comprehensive Documentation Management": 1 + }, + "original_index": 430, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "19-1013.00", + "job_title": "Soil and Plant Scientists", + "detailed_work_activities": [ + "Prepare scientific or technical reports or presentations.", + "Develop sustainable industrial or development methods.", + "Advise others about land management or conservation.", + "Research sustainable agricultural processes or practices.", + "Research hydrologic features or processes.", + "Research crop management methods.", + "Analyze environmental data.", + "Conduct climatological research.", + "Plan natural resources conservation or restoration programs.", + "Develop agricultural methods.", + "Research geological features or processes.", + "Analyze biological samples.", + "Collaborate with technical specialists to resolve design or development problems.", + "Survey land or properties.", + "Direct natural resources management or conservation programs.", + "Develop environmental sustainability plans or projects.", + "Conduct research of processes in natural or industrial ecosystems.", + "Research impacts of environmental conservation initiatives.", + "Classify organisms based on their characteristics or behavior.", + "Research diseases or parasites.", + "Advise others about environmental management or conservation." + ], + "skills": [ + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Agricultural Data Analysis": 1, + "Agricultural Education Management": 1, + "Agricultural Inspection Skills": 1, + "Agricultural Systems Analysis": 1, + "Biological Research Methodology": 1, + "Environmental Data Analysis": 1, + "Environmental Conservation Management": 1, + "Scientific Research Methodology": 1, + "Sustainable Land Management": 1 + }, + "original_index": 431, + "sparsity": 0.9903758020164987 + }, + { + "onet_code": "25-4031.00", + "job_title": "Library Technicians", + "detailed_work_activities": [ + "Process library materials.", + "Provide information to the general public.", + "Help patrons use library or archival resources.", + "Maintain operational records.", + "Classify materials according to standard systems.", + "Distribute instructional or library materials.", + "Assist other educational professionals with projects or research.", + "Inspect materials or equipment to determine need for repair or replacement.", + "Maintain computer equipment or software.", + "Order instructional or library materials or equipment.", + "Direct activities of subordinates.", + "Search information sources to find specific data.", + "Train staff members.", + "Plan community programs or activities for the general public.", + "Organize informational materials.", + "Develop instructional materials.", + "Maintain inventories of materials, equipment, or products.", + "Write articles, books or other original materials in area of expertise.", + "Deliver items.", + "Sort mail.", + "Operate audiovisual equipment.", + "Compile specialized bibliographies or lists of materials." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Library Resource Management": 1, + "Collection Management": 1, + "Information Processing": 1, + "Administrative Documentation": 1, + "Patron Information Support": 1, + "Technical Documentation Management": 1, + "Operational Communication": 1, + "Academic Instruction": 0, + "Research Methodology": 1, + "Technology Integration": 1, + "Community Program Development": 1, + "Professional Communication": 1, + "Inventory Management": 1 + }, + "original_index": 432, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "15-2099.01", + "job_title": "Bioinformatics Technicians", + "detailed_work_activities": [ + "Analyze operational or research data.", + "Develop computer or online applications.", + "Develop data analysis or data management procedures.", + "Maintain current knowledge related to work activities.", + "Enter information into databases or software programs.", + "Search files, databases or reference materials to obtain needed information.", + "Confer with coworkers to coordinate work activities.", + "Prepare research or technical reports.", + "Assess database performance.", + "Maintain computer equipment or software.", + "Confer with organizational members to accomplish work activities.", + "Maintain operational records.", + "Create electronic data backup to prevent loss of information.", + "Troubleshoot issues with computer applications or systems.", + "Format digital documents, data, or images.", + "Train personnel." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Programming\u2014 Writing computer programs for various purposes.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Computational Bioinformatics": 1, + "Scientific Research Methodology": 1, + "Technical Documentation": 1, + "Data Management": 1, + "Technical Information Processing": 1, + "Laboratory Equipment Management": 1, + "Scientific Communication": 1, + "Technical Systems Analysis": 1, + "Biological Research Methodology": 1, + "Biological Sample Analysis": 1, + "Programming": 1, + "Advanced Scientific Problem Solving": 1, + "Research Data Management": 1 + }, + "original_index": 433, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-3011.00", + "job_title": "Aircraft Mechanics and Service Technicians", + "detailed_work_activities": [ + "Inspect mechanical components of vehicles to identify problems.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Inspect completed work to ensure proper functioning.", + "Maintain repair or maintenance records.", + "Read technical information needed to perform maintenance or repairs.", + "Inspect structural components of vehicles to identify problems.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Repair worn, damaged, or defective mechanical parts.", + "Test fluids to identify contamination or other problems.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Replace worn, damaged, or defective mechanical parts.", + "Disassemble equipment to inspect for deficiencies.", + "Test mechanical equipment to ensure proper functioning.", + "Apply protective coverings to objects or surfaces near work areas.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Assemble electrical components, subsystems, or systems.", + "Install electrical components, equipment, or systems.", + "Install piping for installation or maintenance activities.", + "Move large objects using heavy equipment.", + "Fabricate parts or components.", + "Lay out work according to specifications.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Service vehicles to maintain functionality.", + "Lubricate equipment to allow proper functioning.", + "Reassemble equipment after repair.", + "Operate heating or drying equipment.", + "Cut materials according to specifications or needs.", + "Remove parts or components from equipment.", + "Align equipment or machinery.", + "Drill holes in parts, equipment, or materials.", + "Install machine or equipment replacement parts.", + "Troubleshoot equipment or systems operation problems.", + "Observe equipment in operation to detect potential problems.", + "Maintain inventories of materials, equipment, or products.", + "Order materials, supplies, or equipment.", + "Determine operational criteria or specifications.", + "Communicate with coworkers to coordinate installations or repairs.", + "Paint surfaces or equipment." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Operational Equipment Control": 1, + "Technical Diagnostic Assessment": 1, + "Technical Problem Solving": 1, + "Technical Troubleshooting": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Safety and Compliance Management": 1, + "Technical Safety Protocols": 1, + "Precision Measurement and Verification": 1, + "Technical Equipment Operation": 1, + "Operational Monitoring": 1, + "Technical Communication": 1 + }, + "original_index": 434, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "51-4194.00", + "job_title": "Tool Grinders, Filers, and Sharpeners", + "detailed_work_activities": [ + "Operate grinding equipment.", + "Watch operating equipment to detect malfunctions.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Inspect finishes of workpieces or finished products.", + "Calculate specific material, equipment, or labor requirements for production.", + "Mount attachments or tools onto production equipment.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Select production equipment according to product specifications.", + "Set equipment controls to meet cutting specifications.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Adjust equipment controls to regulate coolant flow.", + "Apply solutions to production equipment.", + "Clean production equipment.", + "Lubricate production equipment.", + "Maintain production or processing equipment.", + "Package products for storage or shipment.", + "Remove products or workpieces from production equipment.", + "Smooth metal surfaces or edges.", + "Assemble machine tools, parts, or fixtures.", + "Mount materials or workpieces onto production equipment.", + "Operate welding equipment.", + "Remove accessories, tools, or other parts from equipment.", + "Replace worn equipment components.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Apply protective or decorative finishes to workpieces or products.", + "Immerse objects or workpieces in cleaning or coating solutions.", + "Shape metal workpieces with hammers or other small hand tools." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Quality Control Analysis": 1, + "Technical Measurement and Verification": 1, + "Precision Equipment Monitoring": 1, + "Technical Diagnostic Troubleshooting": 1, + "Material Handling": 1, + "Technical Surface Preparation": 1, + "Operational Safety Management": 1, + "Technical Documentation": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0, + "Creative Performance": 0 + }, + "original_index": 435, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-3071.00", + "job_title": "Transportation, Storage, and Distribution Managers", + "detailed_work_activities": [ + "Supervise employees.", + "Implement organizational process or policy changes.", + "Develop safety standards, policies, or procedures.", + "Inspect condition or functioning of facilities or equipment.", + "Purchase materials, equipment, or other resources.", + "Confer with organizational members to accomplish work activities.", + "Analyze data to inform operational decisions or activities.", + "Implement transportation changes to reduce environmental impact.", + "Resolve customer complaints or problems.", + "Develop emergency response plans or procedures.", + "Document organizational or operational procedures.", + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Analyze financial records to improve efficiency.", + "Monitor inventories of products or materials.", + "Monitor organizational procedures to ensure proper functioning.", + "Prepare operational budgets.", + "Advise others on business or operational matters.", + "Monitor organizational compliance with regulations.", + "Analyze financial records to improve budgeting or planning.", + "Conduct employee training programs.", + "Hire personnel.", + "Interview employees, customers, or others to collect information.", + "Maintain operational records.", + "Develop operating strategies, plans, or procedures for green or sustainable operations.", + "Examine financial records to ensure compliance with policies or regulations.", + "Monitor performance of organizational members or partners.", + "Negotiate contracts for transportation, distribution, or logistics services.", + "Plan facility layouts or designs.", + "Analyze forecasting data to improve business decisions.", + "Approve expenditures.", + "Develop operating strategies, plans, or procedures.", + "Direct organizational operations, projects, or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work." + ], + "skill_vector": { + "Operational Resource Management": 1, + "Strategic Operational Planning": 1, + "Logistics Coordination": 1, + "Transportation Safety Management": 1, + "Inventory Management": 1, + "Operational Compliance Management": 1, + "Financial Analysis and Planning": 1, + "Personnel Resource Management": 1, + "Technical Equipment Management": 1, + "Strategic Risk Assessment": 1, + "Environmental Sustainability Management": 1, + "Contract Negotiation": 1, + "Customer Service Management": 1, + "Facility Layout and Design": 1, + "Academic Research Methodology": 0 + }, + "original_index": 436, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "31-9094.00", + "job_title": "Medical Transcriptionists", + "detailed_work_activities": [ + "Prepare medical reports or documents.", + "Maintain medical records.", + "Perform clerical work in medical settings.", + "Record vital statistics or other health information.", + "Schedule patient procedures or appointments.", + "Process medical billing information." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Documentation Processing": 1, + "Clinical Documentation Management": 1, + "Clinical Documentation Processing": 1, + "Precision Documentation": 1, + "Precision Medical Documentation": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Healthcare Documentation": 1, + "Information Processing": 1, + "Professional Written Communication": 1, + "Professional Transcription Skills": 1, + "Medical Records Management": 1, + "Administrative Healthcare Support": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Patient Care Communication": 0 + }, + "original_index": 437, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-9052.00", + "job_title": "Telecommunications Line Installers and Repairers", + "detailed_work_activities": [ + "Install audio or communications equipment.", + "Adjust equipment to ensure optimal performance.", + "Test communications equipment to ensure proper functioning.", + "Collect payments for goods or services.", + "Explain use of products or services.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Measure equipment outputs.", + "Analyze test or performance data to assess equipment operation.", + "Connect electrical components or equipment.", + "Inspect telecommunications equipment to identify problems.", + "Climb equipment or structures to access work areas.", + "Install insulation in equipment or structures.", + "Lay cables to connect equipment.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Maintain work equipment or machinery.", + "Calculate requirements for equipment installation or repair projects.", + "Move large objects using heavy equipment.", + "Dig holes or trenches.", + "Compact materials to create level bases.", + "Operate cranes, hoists, or other moving or lifting equipment." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Technical Equipment Installation": 1, + "Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Safety Management": 1, + "Technical Diagnostic Troubleshooting": 1, + "Technical Documentation": 1, + "Operational Safety Coordination": 1, + "Technical Measurement and Verification": 1, + "Field Operations Management": 1, + "Precision Equipment Calibration": 1, + "Technical Communication": 1, + "Vehicle Operation Safety": 1, + "Material Handling": 1, + "Workplace Safety Management": 1, + "Academic Instruction": 0, + "Healthcare Patient Assessment": 0, + "Artistic Performance Coordination": 0 + }, + "original_index": 438, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "29-1214.00", + "job_title": "Emergency Medicine Physicians", + "detailed_work_activities": [ + "Analyze patient data to determine patient needs or treatment goals.", + "Confer with other professionals to plan patient care.", + "Treat medical emergencies.", + "Advise patients on effects of health conditions or treatments.", + "Analyze test data or images to inform diagnosis or treatment.", + "Collect medical information from patients, family members, or other medical professionals.", + "Conduct diagnostic tests to determine patient health.", + "Diagnose medical conditions.", + "Evaluate patient functioning, capabilities, or health.", + "Evaluate patient outcomes to determine effectiveness of treatments.", + "Evaluate treatment options to guide medical decisions.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Monitor patient progress or responses to treatments.", + "Operate on patients to treat conditions.", + "Order medical diagnostic or clinical tests.", + "Prescribe medications.", + "Record patient medical histories.", + "Refer patients to other healthcare practitioners or health resources.", + "Supervise patient care personnel." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Medical Intervention": 1, + "Advanced Medical Equipment Management": 1, + "Patient Assessment": 1, + "Patient Care Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Emergency Medical Intervention": 1, + "Patient Safety Management": 1, + "Healthcare Professional Communication": 1, + "Healthcare Documentation": 1, + "Complex Medical Problem Solving": 1, + "Professional Medical Communication": 1, + "Medical Treatment Planning": 1, + "Advanced Life Support Management": 1 + }, + "original_index": 439, + "sparsity": 0.9880843263061412 + }, + { + "onet_code": "51-5111.00", + "job_title": "Prepress Technicians and Workers", + "detailed_work_activities": [ + "Operate photographic developing or print production equipment.", + "Inspected printed materials or other images to verify quality.", + "Enter commands, instructions, or specifications into equipment.", + "Program equipment to perform production tasks.", + "Maintain production or processing equipment.", + "Monitor equipment operation to ensure that products are not flawed.", + "Select production equipment according to product specifications.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Examine condition of property or products.", + "Clean production equipment.", + "Repair production equipment or tools.", + "Operate digital imaging equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Academic Instruction": 0, + "Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Quality Control": 1, + "Technical Measurement and Verification": 1, + "Production Equipment Monitoring": 1, + "Technical Programming": 1, + "Technical Safety Management": 0, + "Digital Media Conversion": 1 + }, + "original_index": 440, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "43-5053.00", + "job_title": "Postal Service Mail Sorters, Processors, and Processing Machine Operators", + "detailed_work_activities": [ + "Route mail to correct destinations.", + "Maintain office equipment in proper operating condition.", + "Verify shipping documentation.", + "Package objects for shipping.", + "Operate computers or computerized equipment.", + "Attach identification information to products, items or containers.", + "Operate vehicles or material-moving equipment.", + "Load materials or equipment.", + "Unload materials or equipment.", + "Sort mail.", + "Distribute incoming mail.", + "Train personnel.", + "Obtain personal or financial information about customers or applicants.", + "Prepare outgoing mail." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Administrative Communication": 1, + "Operational Documentation": 1, + "Equipment Operation": 1, + "Material Handling": 1, + "Technical Communication": 1, + "Workplace Safety": 1, + "Information Processing": 1, + "Precision Measurement": 1, + "Training and Development": 1 + }, + "original_index": 441, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "29-9099.01", + "job_title": "Midwives", + "detailed_work_activities": [ + "Examine patients to assess general physical condition.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Refer patients to other healthcare practitioners or health resources.", + "Diagnose medical conditions.", + "Treat medical emergencies.", + "Care for women during pregnancy and childbirth.", + "Develop medical treatment plans.", + "Evaluate patient functioning, capabilities, or health.", + "Measure the physical or physiological attributes of patients.", + "Analyze test data or images to inform diagnosis or treatment.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Collect medical information from patients, family members, or other medical professionals.", + "Analyze patient data to determine patient needs or treatment goals.", + "Record patient medical histories.", + "Prepare medical supplies or equipment for use.", + "Operate on patients to treat conditions.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Test biological specimens to gather information about patient conditions.", + "Communicate detailed medical information to patients or family members.", + "Position patients for treatment or examination.", + "Collect biological specimens from patients.", + "Prepare official health documents or records.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Conduct diagnostic tests to determine patient health.", + "Communicate health and wellness information to the public.", + "Analyze quantitative data to determine effectiveness of treatments or therapies.", + "Treat patients using alternative medical procedures.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Patient Care Communication": 1, + "Healthcare Patient Assessment": 1, + "Healthcare Patient Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Women's Health Comprehensive Care": 1, + "Maternal Healthcare Management": 1, + "Reproductive Health Counseling": 1, + "Patient Treatment Planning": 1, + "Healthcare Documentation": 1, + "Healthcare Professional Collaboration": 1, + "Emergency Medical Intervention": 1, + "Patient Safety Management": 1 + }, + "original_index": 442, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "11-3111.00", + "job_title": "Compensation and Benefits Managers", + "detailed_work_activities": [ + "Manage human resources activities.", + "Administer compensation or benefits programs.", + "Evaluate program effectiveness.", + "Maintain regulatory or compliance documentation.", + "Prepare financial documents, reports, or budgets.", + "Prepare reports related to compliance matters.", + "Analyze data to inform personnel decisions.", + "Monitor external affairs or events affecting business operations.", + "Liaise between departments or other groups to improve function or communication.", + "Supervise employees.", + "Document organizational or operational procedures.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Recommend organizational process or policy changes.", + "Conduct employee training programs.", + "Prepare operational budgets.", + "Negotiate labor disputes.", + "Maintain knowledge of current developments in area of expertise.", + "Compile operational data.", + "Estimate labor requirements.", + "Maintain personnel records.", + "Negotiate sales or lease agreements for products or services.", + "Advise others on legal or regulatory compliance matters.", + "Represent the organization in external relations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Compensation Strategy Development": 1, + "Strategic Resource Management": 1, + "Financial Resource Allocation": 1, + "Organizational Policy Development": 1, + "Strategic Communication": 1, + "Regulatory Compliance Management": 1, + "Personnel Resource Management": 1, + "Performance Evaluation Management": 1, + "Professional Documentation Management": 1, + "Strategic Decision Making": 1, + "Stakeholder Communication Management": 1, + "Advanced Analytical Reasoning": 1, + "Quantitative Financial Analysis": 1, + "Risk Assessment Management": 1, + "Professional Networking": 1 + }, + "original_index": 443, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-7063.00", + "job_title": "Machine Feeders and Offbearers", + "detailed_work_activities": [ + "Inspect items for damage or defects.", + "Inspect work to ensure standards are met.", + "Record operational or production data.", + "Operate conveyors or other industrial material moving equipment.", + "Measure product or material dimensions.", + "Weigh materials to ensure compliance with specifications.", + "Mark materials or objects for identification.", + "Clean facilities or work areas.", + "Clean machinery or equipment.", + "Load materials into equipment for processing.", + "Package materials or products.", + "Move materials, equipment, or supplies.", + "Shovel materials." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Monitoring": 1, + "Material Handling": 1, + "Equipment Operation": 1, + "Quality Inspection": 1, + "Precision Measurement": 1, + "Operational Documentation": 1, + "Facility Maintenance": 1, + "Packaging": 1, + "Safety Monitoring": 1 + }, + "original_index": 444, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "53-7062.00", + "job_title": "Laborers and Freight, Stock, and Material Movers, Hand", + "detailed_work_activities": [ + "Secure cargo.", + "Monitor cargo area conditions.", + "Sort materials or objects for processing or transport.", + "Mark materials or objects for identification.", + "Receive information or instructions for performing work assignments.", + "Review work orders or schedules to determine operations or procedures.", + "Move materials, equipment, or supplies.", + "Record operational or production data.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Package materials or products.", + "Assemble wood products.", + "Connect cables or electrical lines." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Material Handling": 1, + "Operational Material Handling": 1, + "Material Handling Coordination": 1, + "Operational Coordination": 1, + "Operational Documentation": 1, + "Equipment Operation": 1, + "Technical Equipment Operation": 1, + "Safety and Quality Inspection": 1, + "Operational Safety Management": 1, + "Precision Material Handling": 1, + "Packaging and Assembly": 1, + "Technical Measurement and Verification": 1, + "Operational Information Processing": 1, + "Cargo Handling and Coordination": 1, + "Coordination": 1 + }, + "original_index": 445, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-2041.02", + "job_title": "Environmental Restoration Planners", + "detailed_work_activities": [ + "Plan natural resources conservation or restoration programs.", + "Advise others about environmental management or conservation.", + "Inspect condition of natural environments.", + "Analyze environmental data.", + "Collect environmental data or samples.", + "Supervise scientific or technical personnel.", + "Train personnel in technical or scientific procedures.", + "Communicate results of environmental research.", + "Assess compliance with environmental laws.", + "Develop plans to manage natural or renewable resources.", + "Prepare documentation for permits or licenses.", + "Identify sustainable business practices.", + "Research impacts of environmental conservation initiatives.", + "Communicate with government agencies.", + "Direct natural resources management or conservation programs.", + "Plan environmental research.", + "Prepare proposals or grant applications to obtain project funding.", + "Write grant proposals.", + "Review environmental permits, plans, or reports.", + "Advise others about land management or conservation.", + "Research environmental impact of industrial or development activities.", + "Develop mathematical models of environmental conditions.", + "Create images or other visual displays." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Environmental Conservation Management": 1, + "Environmental Field Research": 1, + "Scientific Research Methodology": 1, + "Stakeholder Environmental Communication": 1, + "Sustainable Land Management": 1, + "Technical Documentation Management": 1, + "Strategic Environmental Planning": 1, + "Regulatory Environmental Compliance": 1, + "Geospatial Data Analysis": 1, + "Advanced Problem Solving": 1, + "Academic Research Methodology": 1, + "Project Management": 1, + "Risk Assessment": 1, + "Quantitative Reasoning": 1, + "Professional Scientific Communication": 1 + }, + "original_index": 446, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-3053.00", + "job_title": "Outdoor Power Equipment and Other Small Engine Mechanics", + "detailed_work_activities": [ + "Maintain repair or maintenance records.", + "Inspect mechanical components of vehicles to identify problems.", + "Test mechanical equipment to ensure proper functioning.", + "Adjust vehicle components according to specifications.", + "Disassemble equipment to inspect for deficiencies.", + "Maintain work equipment or machinery.", + "Repair defective engines or engine components.", + "Replace worn, damaged, or defective mechanical parts.", + "Repair worn, damaged, or defective mechanical parts.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Lubricate equipment to allow proper functioning.", + "Service vehicles to maintain functionality.", + "Reassemble equipment after repair.", + "Confer with customers or users to assess problems.", + "Estimate costs for labor or materials.", + "Train customers in the use of products.", + "Bolt objects into place.", + "Disassemble equipment for maintenance or repair.", + "Position equipment using hand tools, power tools, or heavy equipment.", + "Sell products or services.", + "Grind parts to required dimensions." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Mechanical Repair Skills": 1, + "Technical Diagnostic Troubleshooting": 1, + "Technical Equipment Diagnostics": 1, + "Quality Control Inspection": 1, + "Safety and Equipment Inspection": 1, + "Operational Safety Management": 1 + }, + "original_index": 447, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1244.00", + "job_title": "Network and Computer Systems Administrators", + "detailed_work_activities": [ + "Maintain computer networks to enhance performance and user access.", + "Implement security measures for computer or information systems.", + "Create electronic data backup to prevent loss of information.", + "Resolve computer network problems.", + "Resolve computer software problems.", + "Troubleshoot issues with computer applications or systems.", + "Monitor the performance of computer networks.", + "Develop computer or information security policies or procedures.", + "Analyze data to identify or resolve operational problems.", + "Provide technical support for computer network issues.", + "Analyze project data to determine specifications or requirements.", + "Identify information technology project resource requirements.", + "Recommend changes to improve computer or information systems.", + "Collaborate with others to resolve information technology issues.", + "Design integrated computer systems.", + "Test computer hardware performance.", + "Test software performance.", + "Document operational activities.", + "Install computer hardware.", + "Train others in computer interface or software use.", + "Document network-related activities or tasks.", + "Collect data about customer needs.", + "Coordinate resource procurement activities.", + "Conduct research to gain information about products or processes.", + "Maintain the inventory of equipment.", + "Update knowledge about emerging industry or technology trends." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Programming\u2014 Writing computer programs for various purposes.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Technical Systems Engineering": 1, + "Network Systems Management": 1, + "Technical Equipment Management": 1, + "Technical Documentation Management": 1, + "Technical Problem Solving": 1, + "Information Systems Security": 1, + "Technical Safety and Compliance": 1, + "Technical Performance Monitoring": 1, + "Technical Communication": 1, + "Strategic Technology Management": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Healthcare Patient Management": 0 + }, + "original_index": 448, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-4021.00", + "job_title": "Funeral Attendants", + "detailed_work_activities": [ + "Apply makeup to alter or enhance appearance.", + "Embalm corpses.", + "Perform administrative or clerical tasks.", + "Prepare administrative documents.", + "Transport biological or other medical materials.", + "Write informational material.", + "Greet customers, patrons, or visitors.", + "Identify opportunities to improve operational efficiency.", + "Handle caskets.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Provide escort or transportation.", + "Provide patrons with directions to locales or attractions.", + "Assist patrons with entering or exiting vehicles or other forms of transportation.", + "Arrange items for use or display.", + "Clean facilities or work areas.", + "Clean tools or equipment.", + "Drive vehicles to transport patrons.", + "Direct funeral or mortuary activities.", + "Deliver items.", + "Maintain facilities.", + "Assign resources or facilities to patrons or employees." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Deceased Care Management": 1, + "Deceased Care Preparation": 1, + "Embalming Technical Procedures": 1, + "Mortuary Operations Management": 1, + "Mortuary Service Management": 1, + "Administrative Documentation": 1, + "Administrative Funeral Documentation": 1, + "Professional Communication": 1, + "Grief Support Communication": 1, + "Compassionate Client Interaction": 1, + "Makeup Application": 1, + "Facility Maintenance": 1, + "Transportation Management": 1, + "Client Service Coordination": 1, + "Academic Instruction": 0 + }, + "original_index": 449, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "11-1011.03", + "job_title": "Chief Sustainability Officers", + "detailed_work_activities": [ + "Evaluate program effectiveness.", + "Develop sustainable organizational policies or practices.", + "Implement organizational process or policy changes.", + "Manage control system activities in organizations.", + "Supervise workers performing environmentally sustainable activities.", + "Prepare operational progress or status reports.", + "Present sustainable products or services information to the public.", + "Develop marketing plans or strategies for environmental initiatives.", + "Manage outreach activities.", + "Identify opportunities for green initiatives.", + "Maintain operational records for green energy processes or other environmentally-sustainable activities.", + "Schedule activities or facility use.", + "Identify environmental concerns.", + "Direct organizational operations, projects, or services.", + "Evaluate environmental or sustainability projects.", + "Analyze data to determine project feasibility.", + "Develop procedures to evaluate organizational activities.", + "Evaluate green operations or programs for compliance with standards or regulations.", + "Prepare financial documents, reports, or budgets.", + "Prepare proposals or grant applications to obtain project funding.", + "Evaluate capabilities or training needs.", + "Support the professional development of others.", + "Analyze risks related to investments in green technology." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Sustainability Planning": 1, + "Strategic Environmental Communication": 1, + "Strategic Organizational Governance": 1, + "Environmental Compliance Management": 1, + "Strategic Resource Management": 1, + "Stakeholder Communication Strategy": 1, + "Risk Assessment and Mitigation": 1, + "Operational Environmental Monitoring": 1, + "Strategic Problem Solving": 1, + "Technical Sustainability Communication": 1, + "Green Energy Systems Management": 1, + "Sustainable Business Analysis": 1, + "Strategic Policy Communication": 1, + "Organizational Green Innovation": 1, + "Strategic Environmental Compliance": 1, + "Technical Systems Analysis": 1, + "Strategic Operational Planning": 1, + "Stakeholder Engagement Strategy": 1, + "Strategic Risk Assessment": 1, + "Technical Documentation Management": 1 + }, + "original_index": 450, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "29-1151.00", + "job_title": "Nurse Anesthetists", + "detailed_work_activities": [ + "Implement advanced life support techniques.", + "Administer intravenous medications.", + "Treat medical emergencies.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Prescribe medications.", + "Administer blood or other fluids intravenously.", + "Prepare medications or medical solutions.", + "Prepare medical supplies or equipment for use.", + "Select medical equipment for addressing patient needs.", + "Administer anesthetics or sedatives to control pain.", + "Analyze patient data to determine patient needs or treatment goals.", + "Process healthcare paperwork.", + "Develop medical treatment plans.", + "Maintain medical equipment or instruments.", + "Collect medical information from patients, family members, or other medical professionals.", + "Examine medical instruments or equipment to ensure proper operation.", + "Examine patients to assess general physical condition.", + "Record patient medical histories.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Analyze test data or images to inform diagnosis or treatment.", + "Operate diagnostic imaging equipment.", + "Administer basic health care or medical treatments.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Collect biological specimens from patients.", + "Maintain medical or professional knowledge.", + "Train medical providers.", + "Clean medical equipment or facilities." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Advanced Life Support Management": 1, + "Advanced Medical Intervention": 1, + "Patient Assessment": 1, + "Medical Equipment Management": 1, + "Clinical Procedure Management": 1, + "Patient Safety Management": 1, + "Healthcare Professional Collaboration": 1, + "Medical Documentation Management": 1, + "Medication Management": 1, + "Clinical Diagnostic Reasoning": 1, + "Professional Medical Communication": 1, + "Anesthesia and Life Support": 1, + "Surgical Technical Support": 1, + "Healthcare Safety Management": 1, + "Technical Medical Documentation": 1 + }, + "original_index": 451, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "43-9031.00", + "job_title": "Desktop Publishers", + "detailed_work_activities": [ + "Format digital documents, data, or images.", + "Enter information into databases or software programs.", + "Monitor operational quality or safety.", + "Proofread documents, records, or other files to ensure accuracy.", + "Operate computers or computerized equipment.", + "Deliver items.", + "Send information, materials or documentation.", + "Read work orders to determine material or setup requirements.", + "Confer with coworkers to coordinate work activities.", + "Select resources needed to accomplish tasks.", + "Store records or related materials." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Digital Document Management": 1, + "Technical Documentation Processing": 1, + "Technical Communication": 1, + "Technical Information Processing": 1, + "Precision Documentation": 1, + "Visual Design Communication": 1, + "Technical Equipment Operation": 1, + "Administrative Documentation Management": 1, + "Technical Writing Proficiency": 1, + "Academic Instruction": 0, + "Medical Documentation": 0 + }, + "original_index": 452, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "21-1023.00", + "job_title": "Mental Health and Substance Abuse Social Workers", + "detailed_work_activities": [ + "Counsel clients or patients regarding personal issues.", + "Counsel clients or patients with substance abuse issues.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Maintain client records.", + "Monitor clients to evaluate treatment progress.", + "Collect information about clients.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Supervise workers providing client or patient services.", + "Modify treatment plans to accommodate client needs.", + "Assist clients in handling details of daily life.", + "Counsel family members of clients or patients.", + "Lead classes or community events.", + "Conduct research on social issues.", + "Maintain professional social services knowledge.", + "Refer clients to community or social service programs.", + "Plan programs to address community health issues.", + "Advise others on social or educational issues." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Behavioral Health Counseling": 1, + "Client Case Management": 1, + "Client Consultation and Needs Assessment": 1, + "Client Treatment Coordination": 1, + "Clinical Counseling": 1, + "Interpersonal Communication": 1, + "Psychological Assessment": 1, + "Social Support Intervention": 1, + "Substance Abuse Intervention": 1, + "Therapeutic Communication": 1, + "Treatment Plan Development": 1, + "Academic Instruction": 0, + "Agricultural Operations": 0, + "Technical Equipment Management": 0 + }, + "original_index": 453, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "25-1065.00", + "job_title": "Political Science Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Teach social science courses at the college level.", + "Guide class discussions.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Administer tests to assess educational needs or progress.", + "Develop instructional materials.", + "Prepare tests.", + "Maintain student records.", + "Supervise student research or internship work.", + "Advise students on academic or career matters.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Compile specialized bibliographies or lists of materials.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Write grant proposals.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 454, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "15-1299.04", + "job_title": "Penetration Testers", + "detailed_work_activities": [ + "Develop testing routines or procedures.", + "Analyze security of systems, network, or data.", + "Prepare scientific or technical reports or presentations.", + "Stay informed about current developments in field of specialization.", + "Analyze risks to minimize losses or damages.", + "Develop computer or information security policies or procedures.", + "Develop computer or information systems.", + "Develop organizational policies or programs.", + "Discuss design or technical features of products or services with technical personnel.", + "Evaluate characteristics of equipment or systems.", + "Examine records or other types of data to investigate criminal activities.", + "Interpret design or operational test results.", + "Investigate illegal or suspicious activities.", + "Prepare analytical reports.", + "Prepare technical or operational reports.", + "Search files, databases or reference materials to obtain needed information.", + "Test computer system operations to ensure proper functioning.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment." + ], + "skills": [], + "skill_vector": { + "Technical Penetration Testing": 1, + "Cybersecurity Analysis": 1, + "Technical Problem Solving": 1, + "Technical Documentation Management": 1, + "Technical Systems Security": 1, + "Information Security Management": 1, + "Technical Risk Assessment": 1, + "Technical Investigative Analysis": 1, + "Technical Performance Verification": 1, + "Advanced Analytical Reasoning": 1, + "Technical Communication": 1, + "Strategic Information Verification": 1, + "Systematic Investigative Analysis": 1, + "Technical Safety Compliance": 1, + "Professional Development and Continuous Learning": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Agricultural Inspection Skills": 0, + "Patient Care Communication": 0, + "Theatrical Makeup Application": 0 + }, + "original_index": 455, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-6041.00", + "job_title": "Shoe and Leather Workers and Repairers", + "detailed_work_activities": [ + "Assemble garments or textile products.", + "Trim excess material from workpieces.", + "Apply water or solutions to fabrics or apparel.", + "Polish materials, workpieces, or finished products.", + "Repair textiles or apparel.", + "Sew clothing or other articles.", + "Prepare fabrics or materials for processing or production.", + "Adjust fabrics or other materials during garment production.", + "Evaluate quality of materials or products.", + "Mount materials or workpieces onto production equipment.", + "Operate sewing equipment.", + "Attach decorative or functional accessories to products.", + "Cut fabrics.", + "Estimate costs of products, services, or materials.", + "Design templates or patterns.", + "Position patterns on equipment, materials, or workpieces.", + "Align parts or workpieces to ensure proper assembly.", + "Inspect garments for defects, damage, or stains.", + "Drill holes in parts, equipment, or materials.", + "Measure clients to ensure proper product fit.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Construct customized assistive medical or dental devices.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Select production input materials." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Precision Material Handling": 1, + "Precision Manual Manipulation": 1, + "Textile Material Manipulation": 1, + "Material Preparation and Cutting": 1, + "Precision Technical Measurement": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Production Equipment Operation": 1, + "Client Needs Assessment": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Medical Device Fabrication": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 456, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "27-3031.00", + "job_title": "Public Relations Specialists", + "detailed_work_activities": [ + "Provide educational information to the public.", + "Develop promotional strategies or plans.", + "Write advertising or promotional material.", + "Collaborate with others in marketing activities.", + "Coach others.", + "Write informational material.", + "Edit written materials.", + "Coordinate logistics for productions or events.", + "Conduct market research.", + "Inform viewers, listeners, or audiences.", + "Promote products, activities, or organizations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 1, + "Professional Communication": 1, + "Strategic Communication": 1, + "Media Relations Coordination": 1, + "Stakeholder Communication": 1, + "Content Development Strategy": 1, + "Promotional Content Creation": 1, + "Marketing Communication": 1, + "Public Safety Communication": 0, + "Client Relationship Management": 1, + "Persuasive Communication": 1, + "Information Processing": 1, + "Market Intelligence": 1 + }, + "original_index": 457, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-2061.00", + "job_title": "Construction Laborers", + "detailed_work_activities": [ + "Operate pumps or compressors.", + "Clean equipment or facilities.", + "Maintain construction tools or equipment.", + "Signal equipment operators to indicate proper equipment positioning.", + "Install plumbing or piping.", + "Position structural components.", + "Install green structural components, equipment or systems.", + "Direct vehicle traffic.", + "Review blueprints or specifications to determine work requirements.", + "Finish concrete surfaces.", + "Test air quality at work sites.", + "Clean work sites.", + "Compact materials to create level bases.", + "Dig holes or trenches.", + "Mark reference points on construction materials.", + "Measure work site dimensions.", + "Assemble temporary equipment or structures.", + "Dismantle equipment or temporary structures.", + "Load or unload materials used in construction or extraction.", + "Move construction or extraction materials to locations where they are needed.", + "Assist skilled construction or extraction personnel.", + "Apply paint to surfaces.", + "Apply sealants or other protective coatings.", + "Clean surfaces in preparation for work activities.", + "Remove worn, damaged or outdated materials from work areas.", + "Position construction forms or molds.", + "Smooth surfaces with abrasive materials or tools.", + "Install masonry materials.", + "Protect structures or surfaces near work areas to avoid damage.", + "Mix substances or compounds needed for work activities.", + "Break up rock, asphalt, or concrete.", + "Pour materials into or on designated areas.", + "Spread concrete or other aggregate mixtures." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Construction Equipment Operation": 1, + "Construction Material Handling": 1, + "Construction Site Coordination": 1, + "Construction Safety Management": 1, + "Precision Manual Construction Skills": 1, + "Technical Equipment Maintenance": 1, + "Site Preparation and Measurement": 1, + "Operational Safety Protocols": 1, + "Material Handling and Positioning": 1, + "Technical Blueprint Interpretation": 1 + }, + "original_index": 458, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-9071.00", + "job_title": "Office Machine Operators, Except Computer", + "detailed_work_activities": [ + "Read work orders to determine material or setup requirements.", + "Operate office equipment.", + "Deliver items.", + "Compile data or documentation.", + "Sort materials or products.", + "Calculate costs of goods or services.", + "Collect deposits, payments or fees.", + "Provide information to coworkers.", + "Record production information.", + "Adjust office equipment to ensure proper operation.", + "Monitor equipment operation to ensure proper functioning.", + "Clean facilities or equipment.", + "Maintain office equipment in proper operating condition.", + "Report maintenance or equipment problems to appropriate personnel.", + "Store records or related materials.", + "Order materials, supplies, or equipment.", + "Attach identification information to products, items or containers." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Office Equipment Operation": 1, + "Operational Documentation": 1, + "Equipment Maintenance and Monitoring": 1, + "Material Handling": 1, + "Administrative Information Processing": 1, + "Inventory Management": 1, + "Technical Equipment Control": 1, + "Operational Communication": 1, + "Quality Control Inspection": 1, + "Professional Communication": 1 + }, + "original_index": 459, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "21-1094.00", + "job_title": "Community Health Workers", + "detailed_work_activities": [ + "Provide basic health care services.", + "Maintain client records.", + "Advise clients or community groups on health issues.", + "Assess individual or community needs for educational or social services.", + "Visit individuals in their homes to provide support or information.", + "Transport clients to appointments.", + "Provide educational materials to community members.", + "Confer with clients to discuss treatment plans or progress.", + "Monitor clients to evaluate treatment progress.", + "Refer clients to community or social service programs.", + "Advocate for individual or community needs.", + "Recommend legal actions.", + "Collect information about community health needs.", + "Lead classes or community events.", + "Advise others on social or educational issues.", + "Help clients get needed services or resources.", + "Develop working relationships with others to facilitate program activities.", + "Interpret cultural or religious information for others.", + "Monitor nutrition related activities of individuals or groups.", + "Plan programs to address community health issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Community Health Support": 1, + "Client Needs Assessment": 1, + "Patient Communication": 1, + "Healthcare Patient Guidance": 1, + "Social Support Services": 1, + "Interpersonal Communication": 1, + "Healthcare Documentation Management": 1, + "Community Needs Assessment": 1, + "Advocacy and Resource Navigation": 1, + "Preventive Health Intervention": 1, + "Cultural Program Development": 1, + "Healthcare Patient Support": 1, + "Nutritional Assessment": 1, + "Academic Instruction": 0, + "Technical Equipment Management": 0, + "Advanced Medical Intervention": 0 + }, + "original_index": 460, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "29-1124.00", + "job_title": "Radiation Therapists", + "detailed_work_activities": [ + "Administer cancer treatments.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Position patients for treatment or examination.", + "Protect patients or staff members using safety equipment.", + "Verify accuracy of patient information.", + "Adjust settings or positions of medical equipment.", + "Enter patient or treatment data into computers.", + "Examine medical instruments or equipment to ensure proper operation.", + "Inform medical professionals regarding patient conditions and care.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Explain medical procedures or test results to patients or family members.", + "Interact with patients to build rapport or provide emotional support.", + "Maintain medical facility records.", + "Examine patients to assess general physical condition.", + "Fabricate medical devices.", + "Calculate numerical data for medical activities.", + "Develop medical treatment plans.", + "Operate diagnostic imaging equipment.", + "Process x-rays or other medical images.", + "Assist healthcare practitioners during examinations or treatments.", + "Schedule patient procedures or appointments.", + "Supervise patient care personnel.", + "Train medical providers.", + "Prepare medications or medical solutions.", + "Sterilize medical equipment or instruments." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Medical Diagnostic Assessment": 1, + "Medical Treatment Planning": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Patient Communication": 1, + "Patient Safety Management": 1, + "Medical Equipment Management": 1, + "Technical Equipment Operation": 1, + "Healthcare Safety Protocols": 1, + "Radiation Safety Management": 1 + }, + "original_index": 461, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-1042.01", + "job_title": "Recycling Coordinators", + "detailed_work_activities": [ + "Direct material handling or moving activities.", + "Direct passenger or freight transport activities.", + "Record details of deliveries or shipments.", + "Plan work operations.", + "Inspect facilities to ensure compliance with safety, quality, or service standards.", + "Negotiate contracts for transportation, distribution, or logistics services.", + "Review customer information.", + "Operate packing or other material processing equipment.", + "Operate vehicles or material-moving equipment.", + "Plan implementation or promotion of recycling programs.", + "Schedule operational activities.", + "Train transportation or material moving personnel.", + "Develop program goals or plans.", + "Investigate crimes committed within organizations.", + "Explain regulations, policies, or procedures." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Recycling Operational Management": 1, + "Operational Coordination": 1, + "Material Handling": 1, + "Operational Documentation": 1, + "Compliance and Regulatory Management": 1, + "Stakeholder Communication": 1, + "Equipment Operation": 1, + "Program Development": 1, + "Training and Personnel Management": 1, + "Strategic Planning": 1, + "Environmental Compliance": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Artistic Performance": 0 + }, + "original_index": 462, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "47-3014.00", + "job_title": "Helpers--Painters, Paperhangers, Plasterers, and Stucco Masons", + "detailed_work_activities": [ + "Clean equipment or facilities.", + "Assist skilled construction or extraction personnel.", + "Protect structures or surfaces near work areas to avoid damage.", + "Smooth surfaces with abrasive materials or tools.", + "Assemble temporary equipment or structures.", + "Mix substances or compounds needed for work activities.", + "Move construction or extraction materials to locations where they are needed.", + "Apply material to fill gaps in surfaces.", + "Clean surfaces in preparation for work activities.", + "Move products, materials, or equipment between work areas.", + "Pour materials into or on designated areas." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Coordination": 1, + "Speaking": 1, + "Material Handling": 1, + "Surface Preparation": 1, + "Construction Equipment Operation": 1, + "Construction Safety": 1, + "Technical Equipment Maintenance": 1, + "Precision Manual Skills": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 463, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "47-2161.00", + "job_title": "Plasterers and Stucco Masons", + "detailed_work_activities": [ + "Protect structures or surfaces near work areas to avoid damage.", + "Clean equipment or facilities.", + "Mix substances or compounds needed for work activities.", + "Apply decorative or textured finishes or coverings.", + "Assemble temporary equipment or structures.", + "Estimate materials requirements for projects.", + "Order construction or extraction materials or equipment.", + "Mark reference points on construction materials.", + "Prepare surfaces for finishing.", + "Clean surfaces in preparation for work activities.", + "Install insulation in equipment or structures.", + "Fabricate parts or components.", + "Install trim or paneling." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Adhesive Application": 1, + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Construction Surface Preparation": 1, + "Material Handling": 1, + "Precision Manual Construction Skills": 1, + "Precision Material Preparation": 1, + "Surface Preparation": 1, + "Surface Treatment Techniques": 1, + "Technical Equipment Operation": 1, + "Time Management": 1, + "Workplace Safety Management": 1 + }, + "original_index": 464, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "13-1041.00", + "job_title": "Compliance Officers", + "detailed_work_activities": [ + "Review license or permit applications.", + "Collect payments for goods or services.", + "Inform individuals or organizations of status or findings.", + "Administer personnel recruitment or hiring activities.", + "Examine financial records.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Advise others on legal or regulatory compliance matters.", + "Prepare research reports.", + "Communicate with government agencies.", + "Conduct eligibility or selection interviews.", + "Communicate organizational policies and procedures.", + "Evaluate information related to legal matters in public or personal records.", + "Implement organizational process or policy changes.", + "Maintain knowledge of current developments in area of expertise.", + "Stay informed about current developments in field of specialization.", + "Update knowledge about emerging industry or technology trends.", + "Verify accuracy of records." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making." + ], + "skill_vector": { + "Compliance and Regulatory Management": 1, + "Advanced Regulatory Compliance": 1, + "Legal Compliance Monitoring": 1, + "Operational Compliance Management": 1, + "Regulatory Compliance Documentation": 1, + "Strategic Compliance Communication": 1, + "Professional Documentation Management": 1, + "Investigative Compliance Analysis": 1, + "Technical Regulatory Compliance": 1, + "Risk Assessment Management": 1, + "Strategic Risk Assessment": 1, + "Professional Communication": 1, + "Professional Information Processing": 1, + "Professional Written Communication": 1, + "Academic Knowledge Communication": 0 + }, + "original_index": 465, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "41-3031.00", + "job_title": "Securities, Commodities, and Financial Services Sales Agents", + "detailed_work_activities": [ + "Negotiate prices or other sales terms.", + "Monitor market conditions or trends.", + "Maintain records of sales or other business transactions.", + "Sell products or services.", + "Prepare financial documents, reports, or budgets.", + "Prepare sales or other contracts.", + "Process sales or other transactions.", + "Gather customer or product information to determine customer needs.", + "Explain financial information to customers.", + "Identify investment opportunities or strategies.", + "Develop professional relationships or networks.", + "Customize financial products or services to meet customer needs.", + "Review accuracy of sales or other transactions.", + "Monitor sales activities.", + "Supervise sales or support personnel.", + "Analyze market conditions or trends.", + "Develop proposals for current or prospective customers.", + "Share sales-related or market information with colleagues.", + "Coordinate activities with suppliers, contractors, clients, or other departments.", + "Contact current or potential customers to promote products or services.", + "Explain technical product or service information to customers.", + "Calculate costs of goods or services.", + "Estimate costs or terms of sales.", + "Analyze business or financial data.", + "Gather information in order to provide services to clients.", + "Negotiate purchases or contracts.", + "Purchase products or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Financial Analysis": 1, + "Financial Resource Management": 1, + "Commercial Negotiation": 1, + "Market Intelligence": 1, + "Client Relationship Management": 1, + "Sales Transaction Processing": 1, + "Strategic Communication": 1, + "Risk Assessment": 1, + "Professional Networking": 1, + "Technical Documentation": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Agricultural Operations": 0 + }, + "original_index": 466, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-4193.00", + "job_title": "Plating Machine Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Immerse objects or workpieces in cleaning or coating solutions.", + "Adjust flow of electricity to tools or production equipment.", + "Operate painting or coating equipment.", + "Inspect finishes of workpieces or finished products.", + "Monitor equipment operation to ensure proper functioning.", + "Record operational or production data.", + "Remove products or workpieces from production equipment.", + "Operate grinding equipment.", + "Trim excess material from workpieces.", + "Conduct test runs of production equipment.", + "Determine metal or plastic production methods.", + "Measure ingredients or substances to be used in production processes.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Apply protective or decorative finishes to workpieces or products.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Clean workpieces or finished products.", + "Feed materials or products into or through equipment.", + "Mount materials or workpieces onto production equipment.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Load items into ovens or furnaces.", + "Mix substances to create chemical solutions.", + "Replace worn equipment components.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Load materials into production equipment.", + "Position containers to receive materials or workpieces.", + "Lubricate production equipment.", + "Heat material or workpieces to prepare for or complete production." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Active Listening": 1, + "Monitoring": 1, + "Operation and Control": 1, + "Reading Comprehension": 1, + "Coordination": 1, + "Critical Thinking": 1, + "Quality Control Analysis": 1, + "Speaking": 1, + "Time Management": 1 + }, + "original_index": 467, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-9042.00", + "job_title": "Teaching Assistants, Preschool, Elementary, Middle, and Secondary School, Except Special Education", + "detailed_work_activities": [ + "Supervise school or student activities.", + "Tutor students who need extra assistance.", + "Maintain student records.", + "Enforce rules or policies governing student behavior.", + "Monitor student performance.", + "Teach daily living skills or behaviors.", + "Teach life skills.", + "Teach others to use technology or equipment.", + "Collaborate with other teaching professionals to develop educational programs.", + "Lead classes or community events.", + "Discuss student progress with parents or guardians.", + "Clean facilities or work areas.", + "Maintain clean work areas.", + "Display student work.", + "Plan educational activities.", + "Serve on institutional or departmental committees.", + "Maintain computer equipment or software.", + "Develop instructional materials.", + "Create technology-based learning materials.", + "Evaluate student work.", + "Teach physical education.", + "Distribute instructional or library materials.", + "Operate audiovisual equipment.", + "Maintain inventories of materials, equipment, or products.", + "Set up classroom materials or equipment.", + "Collect deposits, payments or fees." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Developmental Guidance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Instructional Technology Integration": 1, + "Child Development Support": 1, + "Student Safety Management": 1 + }, + "original_index": 468, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-1071.00", + "job_title": "Health Specialties Teachers, Postsecondary", + "detailed_work_activities": [ + "Develop instructional materials.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Evaluate student work.", + "Supervise laboratory work.", + "Administer tests to assess educational needs or progress.", + "Maintain student records.", + "Prepare tests.", + "Teach physical science or mathematics courses at the college level.", + "Guide class discussions.", + "Direct department activities.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Supervise student research or internship work.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Write grant proposals.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Serve on institutional or departmental committees.", + "Write articles, books or other original materials in area of expertise.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 469, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "43-9111.00", + "job_title": "Statistical Assistants", + "detailed_work_activities": [ + "Analyze operational or research data.", + "Check data for recording errors.", + "Compile data or documentation.", + "Enter information into databases or software programs.", + "Interview employees, customers, or others to collect information.", + "File documents or records.", + "Prepare research or technical reports.", + "Develop data analysis or data management procedures.", + "Code data or other information.", + "Confer with clients to determine needs.", + "Send information, materials or documentation." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Programming\u2014 Writing computer programs for various purposes." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Research Methodology": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Analytical Problem Solving": 1, + "Data Management": 1, + "Information Processing": 1, + "Operational Documentation": 1, + "Precision Documentation": 1, + "Professional Communication": 1 + }, + "original_index": 470, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "19-2032.00", + "job_title": "Materials Scientists", + "detailed_work_activities": [ + "Conduct research to gain information about products or processes.", + "Test quality of materials or finished products.", + "Develop new or advanced products or production methods.", + "Prepare scientific or technical reports or presentations.", + "Design research studies to obtain scientific information.", + "Advise others on the development or use of new technologies.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Develop theories or models of physical phenomena.", + "Devise research or testing protocols.", + "Confer with clients to exchange information.", + "Collect information from people through observation, interviews, or surveys.", + "Instruct college students in physical or life sciences.", + "Write articles, books or other original materials in area of expertise." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Scientific Research Methodology": 1, + "Technical Research and Development": 1, + "Advanced Scientific Problem Solving": 1, + "Scientific Documentation": 1, + "Technical Documentation Management": 1, + "Technical Communication": 1, + "Laboratory Sample Management": 1, + "Chemical Analysis and Synthesis": 1, + "Materials Science Analysis": 1, + "Advanced Analytical Reasoning": 1, + "Technical Quality Control": 1, + "Precision Measurement and Analysis": 1 + }, + "original_index": 471, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-1031.03", + "job_title": "Park Naturalists", + "detailed_work_activities": [ + "Provide technical information or assistance to public.", + "Plan special events.", + "Train personnel to enhance job skills.", + "Train staff members.", + "Develop educational programs.", + "Conduct historical research.", + "Care for animals.", + "Monitor animal behavior or condition.", + "Compile geographic or related data.", + "Document events or evidence, using photographic or audiovisual equipment.", + "Collect information from people through observation, interviews, or surveys.", + "Measure environmental characteristics." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Animal Care Management": 1, + "Animal Care and Handling": 1, + "Environmental Conservation Expertise": 1, + "Environmental Monitoring": 1, + "Environmental Field Research": 1, + "Environmental Data Collection": 1, + "Field Research Methodology": 1, + "Public Safety Management": 1, + "Public Safety Coordination": 1, + "Stakeholder Communication": 1, + "Training Program Development": 1, + "Wildlife Conservation Management": 1, + "Wildlife Interaction and Management": 1 + }, + "original_index": 472, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "11-2011.00", + "job_title": "Advertising and Promotions Managers", + "detailed_work_activities": [ + "Develop promotional materials.", + "Examine marketing materials to ensure compliance with policies or regulations.", + "Confer with organizational members to accomplish work activities.", + "Coordinate operational activities with external stakeholders.", + "Evaluate employee performance.", + "Supervise employees.", + "Direct organizational operations, projects, or services.", + "Direct financial operations.", + "Direct sales, marketing, or customer service activities.", + "Develop marketing plans or strategies.", + "Coordinate special events or programs.", + "Implement organizational process or policy changes.", + "Monitor performance of organizational members or partners.", + "Negotiate sales or lease agreements for products or services.", + "Prepare financial documents, reports, or budgets.", + "Prepare operational budgets.", + "Conduct employee training programs.", + "Establish interpersonal business relationships to facilitate work activities.", + "Analyze data to assess operational or project effectiveness.", + "Promote products, services, or programs.", + "Manage organizational or project budgets.", + "Advise customers on technical or procedural issues.", + "Represent the organization in external relations.", + "Manage operations, research, or logistics projects.", + "Maintain knowledge of current developments in area of expertise.", + "Analyze market research data.", + "Analyze forecasting data to improve business decisions.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Conduct market research.", + "Develop marketing plans or strategies for environmental initiatives.", + "Develop procedures to evaluate organizational activities.", + "Evaluate program effectiveness.", + "Maintain operational records for green energy processes or other environmentally-sustainable activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Strategic Marketing Communication": 1, + "Strategic Marketing Planning": 1, + "Stakeholder Communication": 1, + "Professional Communication": 1, + "Persuasive Communication": 1, + "Strategic Operational Communication": 1, + "Business Intelligence Analysis": 1, + "Strategic Decision Making": 1, + "Performance Evaluation Management": 1, + "Resource Management": 1, + "Project Management": 1, + "Financial Analysis": 1, + "Operational Compliance Management": 1, + "Training Program Development": 1, + "Interpersonal Communication": 1, + "Negotiation": 1, + "Sales Strategy": 1, + "Customer Relationship Management": 1, + "Technical Documentation": 1, + "Event Coordination": 1 + }, + "original_index": 473, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "25-2059.01", + "job_title": "Adapted Physical Education Specialists", + "detailed_work_activities": [ + "Modify teaching methods or materials to accommodate student needs.", + "Teach physical education.", + "Encourage students.", + "Establish rules or policies governing student behavior.", + "Assist students with special educational needs.", + "Assess educational needs of students.", + "Administer tests to assess educational needs or progress.", + "Collaborate with other professionals to develop education or assistance programs.", + "Advise educators on curricula, instructional methods, or policies.", + "Maintain student records.", + "Develop strategies or programs for students with special needs.", + "Discuss problems or issues with supervisors.", + "Discuss student progress with parents or guardians.", + "Prepare reports detailing student activities or performance.", + "Document lesson plans.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Determine operational compliance with regulations or standards.", + "Evaluate effectiveness of educational programs.", + "Order instructional or library materials or equipment.", + "Maintain inventories of materials, equipment, or products." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Physical Education Support": 1, + "Developmental Instructional Adaptation": 1, + "Special Needs Education Support": 1, + "Student Performance Assessment": 1, + "Student Safety Management": 1, + "Classroom Behavior Management": 1, + "Therapeutic Physical Intervention": 1, + "Patient Assessment and Measurement": 1, + "Assistive Device Expertise": 1, + "Counseling and Guidance": 1, + "Performance Instruction": 1 + }, + "original_index": 474, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "25-1122.00", + "job_title": "Communications Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Guide class discussions.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Develop instructional materials.", + "Teach social science courses at the college level.", + "Maintain student records.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Supervise student research or internship work.", + "Research topics in area of expertise.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Serve on institutional or departmental committees.", + "Plan community programs or activities for the general public.", + "Write articles, books or other original materials in area of expertise.", + "Compile specialized bibliographies or lists of materials.", + "Write grant proposals.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 475, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "33-3052.00", + "job_title": "Transit and Railroad Police", + "detailed_work_activities": [ + "Prepare investigation or incident reports.", + "Maintain surveillance of individuals or establishments.", + "Apprehend criminal suspects.", + "Collaborate with law enforcement or security agencies to respond to incidents.", + "Direct law enforcement activities.", + "Direct security operations.", + "Investigate illegal or suspicious activities.", + "Patrol properties to maintain safety.", + "Examine personal documentation to ensure that it is valid.", + "Enforce rules or regulations.", + "Provide safety training.", + "Direct employee training programs.", + "Interview people to obtain information about actions or status of individuals.", + "Develop fire safety or prevention programs or plans.", + "Direct fire fighting or prevention activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Law Enforcement Operations": 1, + "Public Safety Management": 1, + "Investigative Analysis": 1, + "Surveillance Operations": 1, + "Safety Compliance Monitoring": 1, + "Interpersonal Communication": 1, + "Incident Documentation": 1, + "Emergency Response Coordination": 1, + "Technical Safety Inspection": 1, + "Training Program Development": 1, + "Threat Detection and Assessment": 1, + "Transportation Safety Management": 1, + "Professional Communication in Law Enforcement": 1, + "Workplace Safety Coordination": 1, + "Academic Instruction": 0, + "Agricultural Inspection Skills": 0, + "Medical Diagnostic Assessment": 0, + "Artistic Performance Coordination": 0 + }, + "original_index": 476, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "53-3053.00", + "job_title": "Shuttle Drivers and Chauffeurs", + "detailed_work_activities": [ + "Drive passenger vehicles.", + "Clean vehicles or vehicle components.", + "Follow safety procedures for vehicle operation.", + "Inspect motor vehicles.", + "Maintain vehicles in good working condition.", + "Record operational details of travel.", + "Report vehicle or equipment malfunctions.", + "Assist customers to ensure comfort or safety.", + "Assist passengers during vehicle boarding.", + "Collect fares or payment from customers.", + "Communicate with others to coordinate vehicle movement.", + "Greet customers, patrons, or visitors.", + "Maintain professional knowledge or certifications.", + "Move materials, equipment, or supplies.", + "Notify others of emergencies, problems, or hazards.", + "Prepare accident or incident reports.", + "Provide transportation information to passengers or customers.", + "Read maps to determine routes.", + "Receive information or instructions for performing work assignments.", + "Schedule operational activities." + ], + "skills": [], + "skill_vector": { + "Vehicle Operation Management": 1, + "Vehicle Operation Safety": 1, + "Vehicle Inspection and Safety": 1, + "Transportation Safety Management": 1, + "Operational Safety Coordination": 1, + "Passenger Safety Management": 1, + "Vehicle Mechanical Diagnostics": 1, + "Operational Documentation": 1, + "Customer Service Coordination": 1, + "Route Navigation and Planning": 1, + "Professional Vehicle Documentation": 1, + "Interpersonal Communication": 1, + "Transaction Processing": 1, + "Operational Coordination": 1, + "Vehicle Cleaning and Maintenance": 1, + "Emergency Response Management": 1, + "Material Handling": 1, + "Operational Safety Protocols": 1, + "Professional Communication": 1 + }, + "original_index": 477, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "25-1192.00", + "job_title": "Family and Consumer Sciences Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Develop instructional materials.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Teach social science courses at the college level.", + "Guide class discussions.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Maintain student records.", + "Advise students on academic or career matters.", + "Supervise student research or internship work.", + "Evaluate performance of educational staff.", + "Monitor performance of organizational members or partners.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Research topics in area of expertise.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Write articles, books or other original materials in area of expertise.", + "Serve on institutional or departmental committees.", + "Write grant proposals.", + "Plan community programs or activities for the general public.", + "Compile specialized bibliographies or lists of materials.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 478, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-2061.00", + "job_title": "Licensed Practical and Licensed Vocational Nurses", + "detailed_work_activities": [ + "Record patient medical histories.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Measure the physical or physiological attributes of patients.", + "Administer basic health care or medical treatments.", + "Administer intravenous medications.", + "Apply bandages, dressings, or splints.", + "Assist patients with hygiene or daily living activities.", + "Supervise patient care personnel.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Analyze quantitative data to determine effectiveness of treatments or therapies.", + "Sterilize medical equipment or instruments.", + "Prepare medical supplies or equipment for use.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Maintain medical facility records.", + "Perform clerical work in medical settings.", + "Schedule patient procedures or appointments.", + "Collect biological specimens from patients.", + "Test biological specimens to gather information about patient conditions.", + "Manage preparation of special meals or diets.", + "Explain medical procedures or test results to patients or family members.", + "Prepare patients physically for medical procedures.", + "Treat patients using physical therapy techniques.", + "Clean medical equipment or facilities.", + "Maintain inventory of medical supplies or equipment.", + "Order medical supplies or equipment." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Administrative Healthcare Support": 1, + "Advanced Medical Intervention": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Patient Communication": 1, + "Clinical Procedure Support": 1, + "Healthcare Safety Management": 1 + }, + "original_index": 479, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-9013.00", + "job_title": "Farmers, Ranchers, and Other Agricultural Managers", + "detailed_work_activities": [ + "Maintain operational records.", + "Compile operational data.", + "Manage agricultural or forestry operations.", + "Analyze financial records to improve budgeting or planning.", + "Determine resource needs.", + "Develop emergency response plans or procedures.", + "Develop agricultural methods.", + "Perform manual agricultural, aquacultural, or horticultural tasks.", + "Maintain regulatory or compliance documentation.", + "Prepare reports related to compliance matters.", + "Inspect condition or functioning of facilities or equipment.", + "Maintain personnel records.", + "Perform manual service or maintenance tasks.", + "Direct organizational operations, projects, or services.", + "Direct administrative or support services.", + "Direct sales, marketing, or customer service activities.", + "Negotiate contracts for transportation, distribution, or logistics services.", + "Negotiate sales or lease agreements for products or services.", + "Test materials, solutions, or samples.", + "Advise customers on technical or procedural issues.", + "Analyze data to inform operational decisions or activities.", + "Manage construction activities.", + "Conduct employee training programs.", + "Develop marketing plans or strategies.", + "Develop organizational policies or programs.", + "Direct activities of agricultural, forestry, or fishery employees.", + "Estimate labor or resource requirements for forestry, fishing, or agricultural operations.", + "Evaluate quality of plants or crops.", + "Examine animals to detect illness, injury or other problems.", + "Hire personnel.", + "Monitor operational quality or safety.", + "Monitor organizational compliance with regulations.", + "Purchase materials, equipment, or other resources.", + "Submit financial applications.", + "Supervise employees." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Agricultural Operations": 1, + "Agricultural Resource Management": 1, + "Agricultural Systems Management": 1, + "Agricultural Data Analysis": 1, + "Agricultural Equipment Operation": 1, + "Agricultural Inspection Skills": 1, + "Agricultural Process Management": 1, + "Agricultural Resource Coordination": 1, + "Agricultural Systems Analysis": 1, + "Agricultural Technical Operations": 1, + "Crop and Plant Management": 1, + "Animal Care Management": 1, + "Natural Resource Management": 1, + "Strategic Agricultural Planning": 1, + "Financial Resource Management": 1, + "Operational Performance Management": 1, + "Personnel Resource Management": 1, + "Regulatory Agricultural Compliance": 1, + "Risk Assessment and Management": 1, + "Sustainability Planning": 1 + }, + "original_index": 480, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "33-9092.00", + "job_title": "Lifeguards, Ski Patrol, and Other Recreational Protective Service Workers", + "detailed_work_activities": [ + "Patrol natural areas to ensure safety or enforce regulations.", + "Rescue people from hazardous situations.", + "Request emergency personnel.", + "Administer first aid.", + "Inspect facilities for cleanliness.", + "Warn individuals about rule violations or safety concerns.", + "Maintain operational records.", + "Record information about environmental conditions.", + "Monitor environmental conditions to detect hazards.", + "Observe individuals' activities to gather information or compile evidence.", + "Operate ships or other watercraft.", + "Provide safety training.", + "Inspect equipment to ensure safety or proper functioning.", + "Train employees in proper work procedures.", + "Assist customers to ensure comfort or safety.", + "Participate in athletic events." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Patron Safety Management": 1, + "Safety and Risk Management": 1, + "Emergency Response Coordination": 1, + "First Aid and Medical Support": 1, + "Operational Safety Monitoring": 1, + "Situational Awareness": 1, + "Interpersonal Communication": 1, + "Technical Safety Inspection": 1, + "Performance Monitoring and Evaluation": 1, + "Training Program Development": 1, + "Operational Documentation": 1, + "Watercraft Operation": 1, + "Athletic Performance Management": 1, + "Complex Problem Solving": 1, + "Adaptive Problem Resolution": 1 + }, + "original_index": 481, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-1011.00", + "job_title": "First-Line Supervisors of Construction Trades and Extraction Workers", + "detailed_work_activities": [ + "Evaluate projects to determine compliance with technical specifications.", + "Inspect equipment or tools to be used in construction or excavation.", + "Monitor construction operations.", + "Direct construction or extraction personnel.", + "Coordinate construction project activities.", + "Review blueprints or specifications to determine work requirements.", + "Estimate construction project labor requirements.", + "Estimate materials requirements for projects.", + "Order construction or extraction materials or equipment.", + "Train construction or extraction personnel.", + "Communicate with other construction or extraction personnel to discuss project details.", + "Mark reference points on construction materials.", + "Measure work site dimensions.", + "Assist skilled construction or extraction personnel.", + "Record operational or environmental data." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Construction Project Coordination": 1, + "Construction Site Management": 1, + "Construction Equipment Management": 1, + "Construction Safety Coordination": 1, + "Technical Documentation Management": 1, + "Material Handling and Coordination": 1, + "Personnel Resource Management": 1, + "Technical Measurement and Verification": 1, + "Operational Performance Monitoring": 1, + "Academic Instruction": 0, + "Adaptive Care Assistance": 0, + "Agricultural Operations": 0 + }, + "original_index": 482, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-4062.00", + "job_title": "Patternmakers, Metal and Plastic", + "detailed_work_activities": [ + "Program equipment to perform production tasks.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate grinding equipment.", + "Design templates or patterns.", + "Construct patterns, templates, or other work aids.", + "Operate welding equipment.", + "Repair templates, patterns, or molds.", + "Calculate dimensions of workpieces, products, or equipment.", + "Plan production or operational procedures or sequences.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Clean workpieces or finished products.", + "Smooth metal surfaces or edges.", + "Mark products, workpieces, or equipment with identifying information.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Apply protective or decorative finishes to workpieces or products.", + "Select production input materials.", + "Apply solutions to production equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Pattern Design and Fabrication": 1, + "Precision Technical Measurement": 1, + "Technical Measurement and Verification": 1, + "Precision Material Handling": 1, + "Technical Equipment Operation": 1, + "Manufacturing Quality Control": 1, + "Technical Documentation": 1, + "Precision Surface Preparation": 1, + "Technical Surface Treatment": 1, + "Operational Equipment Control": 1, + "Technical Problem Solving": 1, + "Precision Technical Manipulation": 1, + "Technical Safety Management": 1, + "Precision Layout Preparation": 1, + "Technical Repair Workflow": 1 + }, + "original_index": 483, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-3016.00", + "job_title": "Helpers--Roofers", + "detailed_work_activities": [ + "Clean surfaces in preparation for work activities.", + "Inspect completed work to ensure proper installation.", + "Locate equipment or materials in need of repair or replacement.", + "Clean work sites.", + "Clean equipment or facilities.", + "Install roofing materials.", + "Maintain construction tools or equipment.", + "Remove worn, damaged or outdated materials from work areas.", + "Load or unload materials used in construction or extraction.", + "Assemble temporary equipment or structures.", + "Apply sealants or other protective coatings.", + "Assist skilled construction or extraction personnel.", + "Move construction or extraction materials to locations where they are needed.", + "Mix substances or compounds needed for work activities.", + "Spread sand, dirt or other loose materials onto surfaces." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Surface Preparation": 1, + "Material Handling": 1, + "Precision Manual Construction Skills": 1, + "Construction Safety Management": 1, + "Equipment Maintenance": 1, + "Protective Coating Application": 1, + "Technical Safety Inspection": 1, + "Workplace Safety Coordination": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Financial Analysis": 0 + }, + "original_index": 484, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1011.00", + "job_title": "Chiropractors", + "detailed_work_activities": [ + "Examine patients to assess general physical condition.", + "Record patient medical histories.", + "Collect medical information from patients, family members, or other medical professionals.", + "Diagnose medical conditions.", + "Gather medical information from patient histories.", + "Treat patients using physical therapy techniques.", + "Advise patients on effects of health conditions or treatments.", + "Analyze test data or images to inform diagnosis or treatment.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Refer patients to other healthcare practitioners or health resources.", + "Schedule patient procedures or appointments.", + "Apply bandages, dressings, or splints.", + "Recommend types of assistive devices." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Knowledge Communication": 1, + "Adaptive Care Assistance": 1, + "Advanced Medical Intervention": 1, + "Clinical Assessment Skills": 1, + "Patient Assessment": 1, + "Patient Care Communication": 1, + "Therapeutic Patient Intervention": 1, + "Healthcare Patient Management": 1, + "Medical Diagnostic Reasoning": 1, + "Professional Healthcare Communication": 1, + "Treatment Plan Development": 1 + }, + "original_index": 485, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "53-3031.00", + "job_title": "Driver/Sales Workers", + "detailed_work_activities": [ + "Operate vehicles or material-moving equipment.", + "Sell products or services.", + "Collect payments for goods or services.", + "Provide transportation information to passengers or customers.", + "Record sales or transactions data.", + "Record details of deliveries or shipments.", + "Resolve issues affecting transportation operations.", + "Clean machinery or equipment.", + "Collect fares or payment from customers.", + "Maintain vehicles in good working condition.", + "Load shipments, belongings, or materials.", + "Review customer information." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Vehicle Operation Management": 1, + "Vehicle Operation Safety": 1, + "Customer Service Coordination": 1, + "Sales Transaction Processing": 1, + "Operational Material Handling": 1, + "Transportation Documentation": 1, + "Vehicle Maintenance": 1, + "Operational Communication": 1, + "Inventory Management": 1, + "Professional Communication": 1, + "Operational Safety Management": 1, + "Route Navigation and Planning": 1 + }, + "original_index": 486, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "35-2013.00", + "job_title": "Cooks, Private Household", + "detailed_work_activities": [ + "Prepare foods for cooking or serving.", + "Prepare breads or doughs.", + "Plan menu options.", + "Order materials, supplies, or equipment.", + "Cook foods.", + "Compile data or documentation.", + "Store supplies or goods in kitchens or storage areas.", + "Coordinate activities of food service staff.", + "Plan special events.", + "Create new recipes or food presentations.", + "Serve food or beverages." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Culinary Preparation Skills": 1, + "Kitchen Resource Management": 1, + "Menu Planning and Coordination": 1, + "Food Safety and Quality Control": 1, + "Precision Food Preparation": 1, + "Ingredient Precision Handling": 1, + "Interpersonal Kitchen Coordination": 1, + "Domestic Support Management": 1, + "Sanitation and Hygiene Management": 1, + "Professional Time Management": 1 + }, + "original_index": 487, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-3029.01", + "job_title": "Non-Destructive Testing Specialists", + "detailed_work_activities": [ + "Measure physical or chemical properties of materials or objects.", + "Interpret design or operational test results.", + "Test characteristics of materials or structures.", + "Document design or operational test results.", + "Calibrate scientific or technical equipment.", + "Inspect finished products to locate flaws.", + "Operate industrial equipment.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Inspect equipment or systems.", + "Supervise engineering or other technical personnel.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Devise research or testing protocols." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Non-Destructive Testing Expertise": 1, + "Technical Inspection and Verification": 1, + "Technical Quality Control Analysis": 1, + "Technical Measurement Precision": 1, + "Technical Documentation Management": 1, + "Technical Equipment Calibration": 1, + "Technical Safety Inspection": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Advanced Operational Monitoring": 1 + }, + "original_index": 488, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-3051.00", + "job_title": "Industrial Production Managers", + "detailed_work_activities": [ + "Analyze data to inform operational decisions or activities.", + "Develop operating strategies, plans, or procedures.", + "Direct organizational operations, projects, or services.", + "Direct sales, marketing, or customer service activities.", + "Evaluate quality of materials or products.", + "Confer with organizational members to accomplish work activities.", + "Conduct employee training programs.", + "Evaluate employee performance.", + "Hire personnel.", + "Monitor organizational procedures to ensure proper functioning.", + "Develop organizational methods or procedures.", + "Implement organizational process or policy changes.", + "Maintain personnel records.", + "Prepare operational progress or status reports.", + "Approve expenditures.", + "Develop specifications for new products or processes.", + "Prepare operational budgets.", + "Negotiate sales or lease agreements for products or services.", + "Maintain knowledge of current developments in area of expertise.", + "Direct facility maintenance or repair activities.", + "Recommend organizational process or policy changes.", + "Manage control system activities in organizations.", + "Conduct environmental audits.", + "Design industrial processing systems.", + "Direct operational or production activities.", + "Implement design or process improvements.", + "Maintain regulatory or compliance documentation.", + "Monitor external affairs or events affecting business operations.", + "Prepare operational reports.", + "Respond to emergencies to provide assistance.", + "Supervise employees." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Operational Performance Management": 1, + "Production Equipment Management": 1, + "Operational Quality Control": 1, + "Technical Equipment Operation": 1, + "Operational Safety Management": 1, + "Strategic Operational Planning": 1, + "Resource Management": 1, + "Operational Documentation Management": 1, + "Technical Problem Solving": 1, + "Workforce Training Development": 1, + "Compliance and Regulatory Management": 1, + "Performance Monitoring and Evaluation": 1, + "Strategic Resource Allocation": 1, + "Technical Systems Analysis": 1, + "Operational Cost Analysis": 1, + "Advanced Manufacturing Technologies": 1, + "Stakeholder Communication Management": 1, + "Technical Documentation Management": 1, + "Operational Risk Management": 1, + "Strategic Performance Coordination": 1 + }, + "original_index": 489, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "29-1122.01", + "job_title": "Low Vision Therapists, Orientation and Mobility Specialists, and Vision Rehabilitation Therapists", + "detailed_work_activities": [ + "Instruct patients in the use of assistive equipment.", + "Recommend types of assistive devices.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Develop treatment plans that use non-medical therapies.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Evaluate patient functioning, capabilities, or health.", + "Advocate for individual or community needs.", + "Teach life skills or strategies to clients or their families.", + "Train caregivers or other non-medical personnel.", + "Monitor patient progress or responses to treatments.", + "Diagnose medical conditions.", + "Prepare healthcare training materials.", + "Maintain medical or professional knowledge.", + "Maintain medical equipment or instruments.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Analyze patient data to determine patient needs or treatment goals.", + "Refer patients to other healthcare practitioners or health resources." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Patient Assessment": 1, + "Patient Care Communication": 1, + "Patient Treatment Planning": 1, + "Vision Rehabilitation Support": 1, + "Assistive Device Expertise": 1, + "Adaptive Learning Management": 1, + "Client Needs Assessment": 1, + "Healthcare Patient Guidance": 1, + "Therapeutic Patient Communication": 1, + "Instructional Communication": 1, + "Professional Healthcare Communication": 1, + "Comprehensive Patient Counseling": 1 + }, + "original_index": 490, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-3051.00", + "job_title": "Motorboat Mechanics and Service Technicians", + "detailed_work_activities": [ + "Observe equipment in operation to detect potential problems.", + "Document test results.", + "Position equipment using hand tools, power tools, or heavy equipment.", + "Repair defective engines or engine components.", + "Replace worn, damaged, or defective mechanical parts.", + "Service vehicles to maintain functionality.", + "Inspect mechanical components of vehicles to identify problems.", + "Adjust vehicle components according to specifications.", + "Align equipment or machinery.", + "Disassemble equipment for maintenance or repair.", + "Repair non-engine automotive or vehicle components.", + "Adjust equipment to ensure optimal performance.", + "Repair electrical circuits or wiring.", + "Repair worn, damaged, or defective mechanical parts." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Equipment Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Problem Solving": 1, + "Vehicle Mechanical Diagnostics": 1, + "Vehicle Mechanical Repair": 1, + "Technical Documentation": 1, + "Quality Control Analysis": 1, + "Safety and Compliance Management": 1 + }, + "original_index": 491, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-9141.00", + "job_title": "Semiconductor Processing Technicians", + "detailed_work_activities": [ + "Enter commands, instructions, or specifications into equipment.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Record operational or production data.", + "Assemble precision electronics or optical equipment.", + "Adjust flow of electricity to tools or production equipment.", + "Adjust temperature controls of ovens or other heating equipment.", + "Clean workpieces or finished products.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Load items into ovens or furnaces.", + "Monitor equipment operation to ensure that products are not flawed.", + "Load materials into production equipment.", + "Move products, materials, or equipment between work areas.", + "Count finished products or workpieces.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Weigh finished products.", + "Calculate specific material, equipment, or labor requirements for production.", + "Diagnose equipment malfunctions.", + "Inspect production equipment.", + "Notify others of equipment repair or maintenance needs.", + "Maintain production or processing equipment.", + "Mount materials or workpieces onto production equipment.", + "Engrave designs, text, or other markings onto materials, workpieces, or products.", + "Cut industrial materials in preparation for fabrication or processing.", + "Install instrumentation or electronic equipment or systems.", + "Measure ingredients or substances to be used in production processes.", + "Mix substances to create chemical solutions." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Precision Equipment Operation": 1, + "Technical Equipment Monitoring": 1, + "Quality Control Analysis": 1, + "Technical Documentation Management": 1, + "Precision Measurement and Verification": 1, + "Technical Safety Management": 1, + "Advanced Manufacturing Technologies": 1, + "Equipment Diagnostic Assessment": 1, + "Operational Monitoring": 1, + "Technical Problem Solving": 1 + }, + "original_index": 492, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9072.00", + "job_title": "Entertainment and Recreation Managers, Except Gambling", + "detailed_work_activities": [ + "Explain regulations, policies, or procedures.", + "Provide attraction or event information to patrons.", + "Apply bandages, dressings, or splints.", + "Assign duties or work schedules to employees.", + "Clean equipment or supplies.", + "Clean facilities or sites.", + "Conduct eligibility or selection interviews.", + "Confer with personnel to coordinate business operations.", + "Develop organizational policies or programs.", + "Exchange information with colleagues.", + "Explain use of products or services.", + "Hire personnel.", + "Inspect condition or functioning of facilities or equipment.", + "Lead classes or community events.", + "Maintain supply or equipment inventories.", + "Operate vehicles or material-moving equipment.", + "Plan community programs or activities for the general public.", + "Plan conferences, programs, or special events.", + "Prepare financial documents, reports, or budgets.", + "Reconcile records of sales or other financial transactions.", + "Resolve customer complaints or problems.", + "Train service staff." + ], + "skills": [], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Operational Communication": 1, + "Operational Coordination": 1, + "Professional Communication": 1, + "Professional Development": 1, + "Resource Management": 1, + "Stakeholder Communication": 1, + "Event Planning": 1, + "Customer Service": 1, + "Safety Management": 1, + "Facility Management": 1, + "Personnel Management": 1 + }, + "original_index": 493, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-5031.00", + "job_title": "Ship Engineers", + "detailed_work_activities": [ + "Monitor engine operation or functioning.", + "Report vehicle or equipment malfunctions.", + "Monitor availability of equipment or supplies.", + "Operate ships or other watercraft.", + "Maintain watercraft engines or machinery.", + "Direct emergency management activities.", + "Record operational or production data.", + "Control pumps or pumping equipment.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Clean facilities or work areas.", + "Clean machinery or equipment.", + "Record operational details of travel.", + "Acquire supplies or equipment.", + "Communicate with others to coordinate vehicle movement.", + "Direct maintenance or repair activities.", + "Fabricate products or components using machine tools." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Professional Technical Communication": 1, + "Equipment Maintenance": 1, + "Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Operational Monitoring": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Problem Solving": 1, + "Safety Management": 1, + "Maritime Operations Management": 1, + "Emergency Response Management": 1, + "Technical Documentation": 1, + "Resource Management": 1, + "Interpersonal Communication": 1 + }, + "original_index": 494, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "43-3031.00", + "job_title": "Bookkeeping, Accounting, and Auditing Clerks", + "detailed_work_activities": [ + "Operate computers or computerized equipment.", + "Execute sales or other financial transactions.", + "Verify accuracy of financial or transactional data.", + "Compile data or documentation.", + "Prepare cash for deposit or disbursement.", + "Monitor organizational compliance with regulations.", + "Collect deposits, payments or fees.", + "Operate office equipment.", + "Calculate financial data.", + "Reconcile records of sales or other financial transactions.", + "Monitor financial information.", + "Code data or other information.", + "Answer telephones to direct calls or provide information.", + "File documents or records.", + "Search files, databases or reference materials to obtain needed information.", + "Convert data among multiple digital or analog formats.", + "Maintain financial or account records.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Calculate costs of goods or services.", + "Maintain inventory records." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Financial Account Management": 1, + "Operational Documentation": 1, + "Precision Information Processing": 1, + "Technical Documentation Management": 1, + "Operational Information Verification": 1, + "Quantitative Financial Analysis": 1, + "Regulatory Compliance Management": 1, + "Transaction Processing": 1, + "Professional Communication": 1, + "Office Equipment Operation": 1, + "Time Management": 1, + "Digital Systems Management": 1, + "Academic Instruction": 0 + }, + "original_index": 495, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-5051.00", + "job_title": "Rock Splitters, Quarry", + "detailed_work_activities": [ + "Cut tile, stone, or other masonry materials.", + "Break up rock, asphalt, or concrete.", + "Examine physical characteristics of natural stone or stone products.", + "Operate detonation equipment.", + "Direct construction or extraction personnel.", + "Drill holes in earth or rock.", + "Mark reference points on construction materials." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Active Listening": 1, + "Construction Equipment Operation": 1, + "Construction Site Operations": 1, + "Material Handling": 1, + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Safety and Compliance": 1, + "Drilling Operations Management": 1, + "Precision Manual Construction Skills": 1, + "Technical Equipment Operation": 1, + "Field Operations Safety": 1, + "Rock Extraction Operations": 1, + "Operational Safety Management": 1, + "Technical Safety Inspection": 1, + "Workplace Safety Coordination": 1, + "Explosives Handling Safety": 1, + "Site Preparation and Measurement": 1 + }, + "original_index": 496, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "27-1014.00", + "job_title": "Special Effects Artists and Animators", + "detailed_work_activities": [ + "Create computer-generated graphics or animation.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Coordinate logistics for productions or events.", + "Draw detailed or technical illustrations.", + "Prepare production storyboards.", + "Convert data among multiple digital or analog formats." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Creative Design Conceptualization": 1, + "Visual Design Communication": 1, + "Technical Illustration Skills": 1, + "Creative Visual Storytelling": 1, + "Digital Media Conversion": 1, + "Technical Design Visualization": 1, + "Artistic Production Collaboration": 1, + "Professional Artistic Communication": 1, + "Technical Communication": 1 + }, + "original_index": 497, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-1022.00", + "job_title": "Surveyors", + "detailed_work_activities": [ + "Direct surveying activities.", + "Create maps.", + "Document technical design details.", + "Verify mathematical calculations.", + "Survey land or bodies of water to measure or determine features.", + "Gather physical survey data.", + "Calculate geographic positions from survey data.", + "Train personnel on proper operational procedures.", + "Coordinate activities with suppliers, contractors, clients, or other departments.", + "Analyze physical, survey, or geographic data.", + "Testify at legal or legislative proceedings.", + "Calibrate scientific or technical equipment.", + "Determine operational criteria or specifications.", + "Conduct research to gain information about products or processes.", + "Research topics in area of expertise." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 1, + "Geospatial Analysis": 1, + "Geospatial Data Collection": 1, + "Geospatial Data Interpretation": 1, + "Geospatial Data Visualization": 1, + "Geospatial Environmental Mapping": 1, + "Geospatial Resource Mapping": 1, + "Geospatial Survey Techniques": 1, + "Technical Measurement Precision": 1, + "Technical Measurement and Verification": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Mathematical Problem Solving": 1, + "Spatial Analysis and Visualization": 1, + "Spatial Measurement and Layout": 1, + "Spatial Measurement and Marking": 1, + "Site Preparation and Measurement": 1, + "Technical Site Assessment": 1, + "Technical Visual Assessment": 1, + "Technical Visualization and Mapping": 1 + }, + "original_index": 498, + "sparsity": 0.9899175068744271 + }, + { + "onet_code": "39-4011.00", + "job_title": "Embalmers", + "detailed_work_activities": [ + "Monitor operations to ensure compliance with safety or security policies or regulations.", + "Embalm corpses.", + "Apply makeup to alter or enhance appearance.", + "Clean facilities or equipment.", + "Clean work areas.", + "Apply decorative or textured finishes or coverings.", + "Transport biological or other medical materials.", + "Direct funeral or mortuary activities.", + "Collect information from people through observation, interviews, or surveys.", + "Handle caskets.", + "Maintain client information or service records.", + "Apply cleansing or conditioning agents to client hair, scalp, or skin.", + "Supervise service workers.", + "Arrange items for use or display.", + "Perform basic equipment maintenance.", + "Assist practitioners to perform medical procedures.", + "File documents or records.", + "Testify at legal or legislative proceedings." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Deceased Care Management": 1, + "Deceased Care Preparation": 1, + "Mortuary Operations Management": 1, + "Mortuary Service Management": 1, + "Cosmetic Restoration Skills": 1, + "Precision Manual Medical Skills": 1, + "Professional Documentation": 1, + "Sanitation and Hygiene Management": 1, + "Safety and Compliance Management": 1, + "Technical Equipment Maintenance": 1, + "Client Relationship Management": 1, + "Professional Communication": 1, + "Administrative Documentation Processing": 1, + "Operational Safety Protocols": 1, + "Academic Instruction": 0, + "Agricultural Operations": 0 + }, + "original_index": 499, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "17-2111.02", + "job_title": "Fire-Prevention and Protection Engineers", + "detailed_work_activities": [ + "Advise others on health and safety issues.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Develop fire safety or prevention programs or plans.", + "Prepare technical or operational reports.", + "Coordinate safety or regulatory compliance activities.", + "Direct equipment maintenance or repair activities.", + "Direct installation activities.", + "Determine causes of operational problems or failures.", + "Prepare detailed work plans.", + "Teach safety standards or environmental compliance methods.", + "Update technical knowledge.", + "Evaluate applicable laws and regulations to determine impact on organizational activities.", + "Research topics in area of expertise.", + "Conduct research to inform art, designs, or other work.", + "Examine debris to obtain information about causes of fires." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Fire Safety and Prevention": 1, + "Technical Safety Management": 1, + "Technical Safety Inspection": 1, + "Technical Documentation": 1, + "Operational Safety Compliance": 1, + "Technical Problem Solving": 1, + "Advanced Regulatory Compliance": 1, + "Technical Research Methodology": 1, + "Equipment Maintenance and Inspection": 1, + "Workplace Safety and Quality Control": 1, + "Technical Safety Protocols": 1, + "Forensic Evidence Analysis": 1, + "Scientific Problem Solving": 1, + "Advanced Operational Monitoring": 1, + "Professional Technical Communication": 1, + "Academic Instruction": 0, + "Patient Care Management": 0, + "Artistic Design Conceptualization": 0 + }, + "original_index": 500, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-7073.00", + "job_title": "Wellhead Pumpers", + "detailed_work_activities": [ + "Inspect gas systems or components to identify leaks or other potential hazards.", + "Monitor equipment operation to ensure proper functioning.", + "Calculate weights, volumes or other characteristics of materials.", + "Measure equipment outputs.", + "Control pumps or pumping equipment.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Install machine or equipment replacement parts.", + "Repair precision devices or workpieces.", + "Set up laboratory or field equipment.", + "Maintain vehicles in good working condition.", + "Connect hoses to equipment or machinery.", + "Prepare chemicals for work application.", + "Direct material handling or moving activities." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Operation and Control": 1, + "Equipment Maintenance": 1, + "Troubleshooting": 1, + "Complex Problem Solving": 1, + "Critical Thinking": 1, + "Judgment and Decision Making": 1, + "Monitoring": 1, + "Repairing": 1, + "Speaking": 1 + }, + "original_index": 501, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-9099.02", + "job_title": "Retail Loss Prevention Specialists", + "detailed_work_activities": [ + "Investigate crimes committed within organizations.", + "Monitor operations to ensure compliance with safety or security policies or regulations.", + "Communicate situation details to appropriate personnel.", + "Inspect equipment to ensure safety or proper functioning.", + "Apprehend criminal suspects.", + "Maintain operational records.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Maintain surveillance of individuals or establishments.", + "Prepare investigation or incident reports.", + "Collaborate with law enforcement or security agencies to respond to incidents.", + "Testify at legal or legislative proceedings.", + "Recommend improvements to increase safety or reduce risks.", + "Train employees in proper work procedures.", + "Collaborate with outside groups to develop programs or projects.", + "Respond to emergencies to provide assistance.", + "Direct security operations.", + "Investigate personal characteristics or activities of individuals." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Investigative Analysis": 1, + "Surveillance Operations": 1, + "Security Operations Management": 1, + "Risk Assessment": 1, + "Compliance and Regulatory Monitoring": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Professional Surveillance Techniques": 1, + "Emergency Response Coordination": 1, + "Technical Safety Inspection": 1, + "Legal Procedural Coordination": 1, + "Threat Detection and Assessment": 1, + "Training Program Development": 1, + "Workplace Safety Management": 1, + "Professional Communication": 1 + }, + "original_index": 502, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1212.00", + "job_title": "Cardiologists", + "detailed_work_activities": [ + "Test patient heart or lung functioning.", + "Analyze test data or images to inform diagnosis or treatment.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Operate on patients to treat conditions.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Administer medical substances for imaging or other procedures.", + "Advise communities or institutions regarding health or safety issues.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Calculate numerical data for medical activities.", + "Collect medical information from patients, family members, or other medical professionals.", + "Conduct diagnostic tests to determine patient health.", + "Conduct research to increase knowledge about medical issues.", + "Confer with clients to discuss treatment plans or progress.", + "Confer with other professionals to plan patient care.", + "Develop medical treatment plans.", + "Explain medical procedures or test results to patients or family members.", + "Monitor patient progress or responses to treatments.", + "Monitor patients following surgeries or other treatments.", + "Operate diagnostic imaging equipment.", + "Order medical diagnostic or clinical tests.", + "Prescribe medications.", + "Record patient medical histories.", + "Refer patients to other healthcare practitioners or health resources.", + "Supervise patient care personnel.", + "Train medical providers.", + "Treat medical emergencies." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Medical Diagnostic Assessment": 1, + "Medical Equipment Operation": 1, + "Advanced Medical Intervention": 1, + "Healthcare Documentation Management": 1, + "Professional Medical Communication": 1, + "Treatment Plan Development": 1, + "Patient Treatment Coordination": 1, + "Medical Research and Innovation": 1, + "Advanced Problem Solving": 1 + }, + "original_index": 503, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-4051.00", + "job_title": "Metal-Refining Furnace Operators and Tenders", + "detailed_work_activities": [ + "Adjust equipment controls to regulate gas flow.", + "Adjust equipment controls to regulate coolant flow.", + "Adjust flow of electricity to tools or production equipment.", + "Calculate specific material, equipment, or labor requirements for production.", + "Collect samples of materials or products for testing.", + "Measure ingredients or substances to be used in production processes.", + "Clean materials to prepare them for production.", + "Record operational or production data.", + "Adjust temperature controls of ovens or other heating equipment.", + "Monitor instruments to ensure proper production conditions.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Inspect production equipment.", + "Skim impurities from molten metal.", + "Place materials into molds.", + "Ignite fuel to activate heating equipment.", + "Load materials into production equipment.", + "Signal others to coordinate work activities.", + "Watch operating equipment to detect malfunctions.", + "Direct operational or production activities.", + "Clean production equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Operation and Control": 1, + "Monitoring": 1, + "Active Listening": 1, + "Complex Problem Solving": 1, + "Critical Thinking": 1, + "Quality Control Analysis": 1, + "Reading Comprehension": 1, + "Speaking": 1 + }, + "original_index": 504, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-4032.00", + "job_title": "Drilling and Boring Machine Tool Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Drill holes in parts, equipment, or materials.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Align parts or workpieces to ensure proper assembly.", + "Replace worn equipment components.", + "Set equipment controls to meet cutting specifications.", + "Mount materials or workpieces onto production equipment.", + "Watch operating equipment to detect malfunctions.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Signal others to coordinate work activities.", + "Adjust equipment controls to regulate coolant flow.", + "Mount attachments or tools onto production equipment.", + "Assemble metal or plastic parts or products.", + "Operate grinding equipment.", + "Sharpen cutting or grinding tools." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Machine Operation": 1, + "Technical Equipment Operation": 1, + "Equipment Monitoring": 1, + "Precision Measurement and Verification": 1, + "Technical Documentation": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Precision Technical Maintenance": 1, + "Production Equipment Control": 1, + "Quality Control Inspection": 1 + }, + "original_index": 505, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-3091.00", + "job_title": "Anthropologists and Archeologists", + "detailed_work_activities": [ + "Collect information from people through observation, interviews, or surveys.", + "Instruct college students in social sciences or humanities disciplines.", + "Prepare scientific or technical reports or presentations.", + "Direct scientific activities.", + "Plan social sciences research.", + "Record research or operational data.", + "Document events or evidence, using photographic or audiovisual equipment.", + "Advise others about environmental management or conservation.", + "Inspect condition of natural environments.", + "Train personnel in technical or scientific procedures.", + "Conduct anthropological or archaeological research.", + "Collect biological specimens.", + "Conduct research on social issues.", + "Apply knowledge or research findings to address environmental problems.", + "Evaluate characteristics of archival or historical objects.", + "Mark materials or objects for identification.", + "Package materials or products.", + "Conduct scientific research of organizational behavior or processes.", + "Collect archival data.", + "Advise others on matters of public policy.", + "Plan community programs or activities for the general public.", + "Write grant proposals.", + "Clean objects.", + "Collaborate with technical specialists to resolve design or development problems.", + "Communicate with government agencies.", + "Design psychological or educational treatment procedures or programs.", + "Analyze forensic evidence to solve crimes.", + "Advise others on educational matters.", + "Conduct historical research.", + "Develop theories or models of social phenomena." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Social Research Methodology": 1, + "Scientific Research Methodology": 1, + "Field Research Methodology": 1, + "Research Documentation": 1, + "Environmental Field Research": 1, + "Cultural Research Methodology": 1, + "Archaeological Field Operations": 1, + "Archival Research and Documentation": 1 + }, + "original_index": 506, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "19-3022.00", + "job_title": "Survey Researchers", + "detailed_work_activities": [ + "Classify organisms based on their characteristics or behavior.", + "Record research or operational data.", + "Prepare operational reports.", + "Prepare scientific or technical reports or presentations.", + "Plan social sciences research.", + "Confer with clients to exchange information.", + "Collect information from people through observation, interviews, or surveys.", + "Direct scientific activities.", + "Supervise scientific or technical personnel.", + "Conduct research on social issues.", + "Prepare proposals or grant applications to obtain project funding.", + "Write grant proposals.", + "Collaborate on research activities with scientists or technical specialists.", + "Train personnel in technical or scientific procedures." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Knowledge Communication": 1, + "Advanced Analytical Reasoning": 1, + "Research Methodology": 1, + "Scientific Research and Development": 1, + "Professional Research Communication": 1, + "Quantitative Data Processing": 1, + "Statistical Analysis": 1, + "Technical Documentation Management": 1, + "Professional Communication": 1, + "Strategic Research Planning": 1, + "Complex Problem Solving": 1, + "Systematic Analytical Reasoning": 1 + }, + "original_index": 507, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-2012.00", + "job_title": "Medical and Clinical Laboratory Technicians", + "detailed_work_activities": [ + "Test biological specimens to gather information about patient conditions.", + "Analyze laboratory specimens to detect abnormalities or other problems.", + "Analyze laboratory findings.", + "Enter patient or treatment data into computers.", + "Operate laboratory equipment to analyze medical samples.", + "Collect biological specimens from patients.", + "Prepare biological specimens for laboratory analysis.", + "Clean medical equipment or facilities.", + "Maintain medical laboratory equipment.", + "Prepare medical supplies or equipment for use.", + "Cultivate micro-organisms for study, testing, or medical preparations.", + "Inform medical professionals regarding patient conditions and care.", + "Conduct research to increase knowledge about medical issues.", + "Analyze test data or images to inform diagnosis or treatment.", + "Supervise technical medical personnel.", + "Train medical providers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Biological Sample Analysis": 1, + "Clinical Assessment Skills": 1, + "Clinical Documentation Management": 1, + "Laboratory Equipment Management": 1, + "Medical Laboratory Operations": 1, + "Scientific Laboratory Procedure Management": 1, + "Technical Equipment Operation": 1, + "Quality Control Analysis": 1 + }, + "original_index": 508, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "49-9062.00", + "job_title": "Medical Equipment Repairers", + "detailed_work_activities": [ + "Calibrate equipment to specifications.", + "Test mechanical systems to ensure proper functioning.", + "Adjust equipment to ensure optimal performance.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Lubricate equipment to allow proper functioning.", + "Maintain work equipment or machinery.", + "Disassemble equipment for maintenance or repair.", + "Install machine or equipment replacement parts.", + "Maintain repair or maintenance records.", + "Repair non-engine automotive or vehicle components.", + "Monitor work areas or procedures to ensure compliance with safety procedures.", + "Install equipment attachments or components.", + "Test mechanical equipment to ensure proper functioning.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Plan work procedures.", + "Read technical information needed to perform maintenance or repairs.", + "Train others in operational procedures.", + "Order materials, supplies, or equipment.", + "Operate welding equipment.", + "Repair worn, damaged, or defective mechanical parts.", + "Solder parts or connections between parts.", + "Calculate requirements for equipment installation or repair projects.", + "Advise others on issues related to repairs, installation, or equipment design.", + "Determine types of equipment, tools, or materials needed for jobs.", + "Fabricate parts or components.", + "Supervise employees." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Advanced Equipment Calibration": 1, + "Equipment Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Equipment Inspection": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Precision Equipment Calibration": 1, + "Precision Equipment Maintenance": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Problem Solving": 1, + "Technical Documentation": 1, + "Technical Safety Management": 1, + "Technical Quality Control": 1, + "Technical Measurement Precision": 1, + "Mechanical Equipment Repair": 1, + "Technical Equipment Installation": 1, + "Precision Technical Maintenance": 1, + "Technical Troubleshooting": 1 + }, + "original_index": 509, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "51-4021.00", + "job_title": "Extruding and Drawing Machine Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Inspect metal, plastic, or composite products.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Select production equipment according to product specifications.", + "Determine production equipment settings.", + "Operate metal or plastic forming equipment.", + "Adjust temperature controls of ovens or other heating equipment.", + "Package products for storage or shipment.", + "Mount attachments or tools onto production equipment.", + "Clean work areas.", + "Measure ingredients or substances to be used in production processes.", + "Mix substances to create chemical solutions.", + "Load materials into production equipment.", + "Diagnose equipment malfunctions.", + "Maintain production or processing equipment.", + "Repair production equipment or tools.", + "Maintain inventories of materials, equipment, or products.", + "Replace worn equipment components.", + "Operate cutting equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Operation and Control": 1, + "Critical Thinking": 1, + "Judgment and Decision Making": 1, + "Monitoring": 1, + "Quality Control Analysis": 1, + "Complex Problem Solving": 1, + "Coordination": 1, + "Speaking": 1, + "Troubleshooting": 1 + }, + "original_index": 510, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1241.00", + "job_title": "Computer Network Architects", + "detailed_work_activities": [ + "Maintain contingency plans for disaster recovery.", + "Develop computer or information security policies or procedures.", + "Recommend changes to improve computer or information systems.", + "Resolve computer network problems.", + "Maintain computer networks to enhance performance and user access.", + "Coordinate software or hardware installation.", + "Monitor the performance of computer networks.", + "Analyze data to identify or resolve operational problems.", + "Document network-related activities or tasks.", + "Develop testing routines or procedures.", + "Install computer hardware.", + "Install computer software.", + "Modify software programs to improve performance.", + "Configure computer networks.", + "Design integrated computer systems.", + "Provide technical support for computer network issues.", + "Develop models of information or communications systems.", + "Conduct research to gain information about products or processes.", + "Collaborate with others to resolve information technology issues.", + "Evaluate project designs to determine adequacy or feasibility.", + "Manage budgets for appropriate resource allocation.", + "Collaborate with others to determine design specifications or details.", + "Develop specifications for computer network operation.", + "Supervise information technology personnel.", + "Test computer hardware performance.", + "Estimate time or monetary resources needed to complete projects.", + "Teach others to use computer equipment or hardware.", + "Communicate project information to others.", + "Analyze website or related online data to track trends or usage.", + "Coordinate project activities with other personnel or departments.", + "Manage financial activities of the organization.", + "Update knowledge about emerging industry or technology trends.", + "Develop information communication procedures.", + "Manage documentation to ensure organization or accuracy.", + "Maintain computer hardware." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Programming\u2014 Writing computer programs for various purposes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Technical Systems Engineering": 1, + "Technical Systems Design": 1, + "Technical Systems Analysis": 1, + "Technical Documentation": 1, + "Technical Communication": 1, + "Technical Problem Solving": 1, + "Information Systems Management": 1, + "Information Technology Project Management": 1, + "Network Systems Engineering": 1, + "Network Systems Management": 1, + "Technical Equipment Management": 1, + "Technical Equipment Installation": 1, + "Technical Safety Management": 1, + "Cybersecurity Risk Management": 1, + "Strategic Technology Management": 1, + "Technical Performance Monitoring": 1, + "Strategic Operational Planning": 1 + }, + "original_index": 511, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "43-5021.00", + "job_title": "Couriers and Messengers", + "detailed_work_activities": [ + "Deliver items.", + "Obtain written authorization to perform activities.", + "Record shipping information.", + "Load materials or equipment.", + "Relay information between personnel.", + "Operate vehicles or material-moving equipment.", + "Sort mail.", + "Unload materials or equipment.", + "Analyze shipping information to make routing decisions.", + "Confer with coworkers to coordinate work activities.", + "Prepare outgoing mail.", + "Provide notifications to customers or patrons.", + "File documents or records.", + "Operate office equipment.", + "Maintain mechanical equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operational Material Handling": 1, + "Material Handling": 1, + "Route Navigation and Logistics": 1, + "Transportation Documentation": 1, + "Vehicle Operation Management": 1, + "Operational Communication": 1, + "Operational Safety Management": 1, + "Time Management": 1, + "Professional Communication": 1, + "Logistics Coordination": 1, + "Vehicle Inspection and Safety": 1, + "Customer Service Coordination": 1, + "Shipment Quality Inspection": 1, + "Administrative Documentation": 1, + "Operational Information Processing": 1 + }, + "original_index": 512, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "43-4151.00", + "job_title": "Order Clerks", + "detailed_work_activities": [ + "Verify accuracy of financial or transactional data.", + "Obtain personal or financial information about customers or applicants.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Discuss goods or services information with customers or patrons.", + "Inspect items for damage or defects.", + "Inspect shipments to ensure correct order fulfillment.", + "Monitor inventories of products or materials.", + "Respond to customer problems or complaints.", + "Confer with coworkers to coordinate work activities.", + "Maintain inventory records.", + "Manage clerical or administrative activities.", + "Calculate financial data.", + "Collect deposits, payments or fees.", + "Compile data or documentation.", + "Recommend packing or shipping methods.", + "Send information, materials or documentation.", + "Calculate costs of goods or services.", + "Calculate shipping costs.", + "File documents or records.", + "Provide notifications to customers or patrons.", + "Promote products, services, or programs.", + "Provide information to coworkers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Administrative Transaction Processing": 1, + "Client Information Processing": 1, + "Customer Information Management": 1, + "Operational Documentation": 1, + "Precision Information Processing": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Transaction Processing": 1, + "Inventory Management": 1, + "Customer Service Coordination": 1, + "Financial Transaction Processing": 1, + "Shipment and Logistics Coordination": 1, + "Academic Instruction": 0, + "Medical Documentation": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 513, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "27-3043.00", + "job_title": "Writers and Authors", + "detailed_work_activities": [ + "Develop promotional strategies or plans.", + "Write advertising or promotional material.", + "Confer with clients to determine needs.", + "Present work to clients for approval.", + "Monitor current trends.", + "Conduct market research.", + "Write material for artistic or entertainment purposes.", + "Edit written materials.", + "Collaborate with others in marketing activities.", + "Collaborate with others to prepare or perform artistic productions.", + "Conduct research to inform art, designs, or other work.", + "Coordinate artistic activities.", + "Discuss production content and progress with others.", + "Obtain copyrights or other legal permissions." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Creative Writing Expertise": 1, + "Professional Writing and Communication": 1, + "Technical Writing Proficiency": 1, + "Research Methodology": 1, + "Content Development Strategy": 1, + "Artistic Conceptualization": 1, + "Professional Documentation": 1, + "Strategic Communication": 1, + "Promotional Content Creation": 1, + "Media Content Development": 1, + "Collaborative Creative Production": 1 + }, + "original_index": 514, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "13-1074.00", + "job_title": "Farm Labor Contractors", + "detailed_work_activities": [ + "Allocate physical resources within organizations.", + "Pay charges, fees, or taxes.", + "Administer personnel recruitment or hiring activities.", + "Coordinate personnel recruitment activities.", + "Supervise employees.", + "Coordinate logistics or other business operations." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Agricultural Operations": 1, + "Agricultural Resource Coordination": 1, + "Personnel Resource Management": 1, + "Operational Coordination": 1, + "Workforce Training Development": 1, + "Administrative Coordination": 1, + "Workplace Safety Management": 1, + "Client Relationship Management": 1, + "Professional Communication": 1, + "Academic Instruction": 0 + }, + "original_index": 515, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "39-1022.00", + "job_title": "First-Line Supervisors of Personal Service Workers", + "detailed_work_activities": [ + "Explain regulations, policies, or procedures.", + "Train service staff.", + "Maintain knowledge of business operations.", + "Assign duties or work schedules to employees.", + "Resolve customer complaints or problems.", + "Perform human resources activities.", + "Evaluate employee performance.", + "Inspect equipment to ensure proper functioning.", + "Inspect facilities.", + "Investigate work related complaints to determine corrective actions.", + "Supervise service workers.", + "Maintain professional knowledge or certifications.", + "Prepare employee work schedules.", + "Report information to managers or other personnel.", + "Order materials, supplies, or equipment.", + "Promote products, services, or programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Advanced Interpersonal Communication": 1, + "Advanced Problem Solving": 1, + "Interpersonal Communication": 1, + "Operational Communication": 1, + "Operational Coordination": 1, + "Personnel Resource Management": 1, + "Professional Communication": 1, + "Professional Performance Monitoring": 1, + "Workplace Safety Coordination": 1, + "Workforce Performance Management": 1 + }, + "original_index": 516, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "45-4021.00", + "job_title": "Fallers", + "detailed_work_activities": [ + "Cut trees or logs.", + "Operate forestry equipment.", + "Evaluate quality of plants or crops.", + "Trim trees or other vegetation.", + "Evaluate log quality.", + "Measure physical characteristics of forestry or agricultural products.", + "Determine forestry techniques or methods.", + "Maintain forestry, hunting, or agricultural equipment.", + "Mark agricultural or forestry products for identification.", + "Attach equipment extensions or accessories.", + "Load agricultural or forestry products for shipment.", + "Perform manual agricultural, aquacultural, or horticultural tasks." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Agricultural Equipment Operation": 1, + "Forestry Resource Assessment": 1, + "Equipment Operation and Control": 1, + "Operational Monitoring": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Vegetation Management": 1, + "Precision Manual Tool Operation": 1, + "Field Operations Safety": 1, + "Measurement and Verification": 1 + }, + "original_index": 517, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "21-1022.00", + "job_title": "Healthcare Social Workers", + "detailed_work_activities": [ + "Intervene in crisis situations to assist clients.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Confer with clients to discuss treatment plans or progress.", + "Counsel clients or patients regarding personal issues.", + "Refer clients to community or social service programs.", + "Refer individuals to educational or work programs.", + "Investigate legal issues.", + "Develop treatment plans for patients or clients.", + "Maintain client records.", + "Monitor clients to evaluate treatment progress.", + "Collect information about clients.", + "Evaluate potential problems in home or work environments of clients.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Counsel clients or patients with substance abuse issues.", + "Counsel family members of clients or patients.", + "Modify treatment plans to accommodate client needs.", + "Supervise workers providing client or patient services.", + "Complete documentation required by programs or regulations.", + "Plan programs to address community health issues.", + "Advise others on social or educational issues.", + "Conduct research on social issues." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Client Case Management": 1, + "Client Needs Assessment": 1, + "Client Treatment Planning": 1, + "Counseling and Guidance": 1, + "Crisis Intervention Management": 1, + "Interpersonal Communication": 1, + "Social Support Services": 1, + "Behavioral Health Counseling": 1, + "Professional Documentation": 1, + "Advocacy and Resource Navigation": 1, + "Substance Abuse Intervention": 1, + "Family Systems Counseling": 1, + "Community Program Development": 1, + "Psychological Assessment": 1, + "Research Methodology": 1, + "Academic Research and Scholarship": 0, + "Technical Equipment Management": 0, + "Manufacturing Quality Control": 0 + }, + "original_index": 518, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-1044.00", + "job_title": "First-Line Supervisors of Passenger Attendants", + "detailed_work_activities": [ + "Explain regulations, policies, or procedures.", + "Evaluate employee performance.", + "Resolve customer complaints or problems.", + "Determine resource needs.", + "Direct material handling or moving activities.", + "Inspect equipment to ensure proper functioning.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Inspect facilities.", + "Maintain knowledge of business operations.", + "Maintain professional knowledge or certifications.", + "Order materials, supplies, or equipment.", + "Perform human resources activities.", + "Prepare operational reports or records.", + "Recommend personnel decisions or human resources activities.", + "Resolve issues affecting transportation operations.", + "Supervise service workers.", + "Support the professional development of others.", + "Train service staff." + ], + "skills": [], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Operational Performance Management": 1, + "Operational Supervision": 1, + "Professional Communication": 1, + "Professional Development": 1, + "Resource Management": 1, + "Safety Management": 1, + "Stakeholder Communication": 1, + "Training Program Development": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 519, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-9051.00", + "job_title": "Furnace, Kiln, Oven, Drier, and Kettle Operators and Tenders", + "detailed_work_activities": [ + "Monitor equipment operation to ensure proper functioning.", + "Adjust temperature controls of ovens or other heating equipment.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Record operational or production data.", + "Clear equipment jams.", + "Load materials into production equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Test chemical or physical characteristics of materials or products.", + "Remove products or workpieces from production equipment.", + "Calculate specific material, equipment, or labor requirements for production.", + "Move products, materials, or equipment between work areas.", + "Melt metal, plastic, or other materials to prepare for production.", + "Measure ingredients or substances to be used in production processes.", + "Direct operational or production activities.", + "Replace worn equipment components.", + "Clean production equipment.", + "Lubricate production equipment.", + "Maintain production or processing equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Equipment Operation and Control": 1, + "Operational Monitoring": 1, + "Technical Equipment Management": 1, + "Production Equipment Operation": 1, + "Technical Safety Management": 1, + "Quality Control Analysis": 1, + "Material Handling": 1, + "Precision Equipment Maintenance": 1, + "Operational Documentation": 1, + "Technical Measurement and Verification": 1 + }, + "original_index": 520, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1218.00", + "job_title": "Obstetricians and Gynecologists", + "detailed_work_activities": [ + "Analyze test data or images to inform diagnosis or treatment.", + "Care for women during pregnancy and childbirth.", + "Treat chronic diseases or disorders.", + "Collect medical information from patients, family members, or other medical professionals.", + "Operate on patients to treat conditions.", + "Record patient medical histories.", + "Explain medical procedures or test results to patients or family members.", + "Administer non-intravenous medications.", + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Advise medical personnel regarding healthcare issues.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Monitor patient progress or responses to treatments.", + "Refer patients to other healthcare practitioners or health resources.", + "Supervise patient care personnel.", + "Advise communities or institutions regarding health or safety issues.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Conduct research to increase knowledge about medical issues.", + "Design public or employee health programs.", + "Direct healthcare delivery programs.", + "Prepare official health documents or records." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Scientific Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Patient Care Communication": 1, + "Patient Counseling": 1, + "Women's Health Comprehensive Care": 1 + }, + "original_index": 521, + "sparsity": 0.9876260311640697 + }, + { + "onet_code": "27-2012.04", + "job_title": "Talent Directors", + "detailed_work_activities": [ + "Audition or interview potential performers or staff members.", + "Select staff, team members, or performers.", + "Coordinate logistics for productions or events.", + "Negotiate for services.", + "Maintain records, documents, or other files.", + "Collaborate with others to determine technical details of productions.", + "Study scripts to determine project requirements.", + "Coordinate musical rehearsals or performances.", + "Direct productions or performances.", + "Monitor current trends.", + "Teach classes in area of specialization.", + "Teach humanities courses at the college level." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Artistic Audition and Casting": 1, + "Artistic Performance Coordination": 1, + "Artistic Performance Management": 1, + "Professional Talent Representation": 1, + "Strategic Talent Negotiation": 1, + "Performance Career Development": 1, + "Artistic Collaboration": 1, + "Professional Communication": 1, + "Project Management": 1, + "Academic Instruction": 1, + "Trend Monitoring": 1, + "Record Management": 1, + "Stakeholder Communication": 1, + "Performance Evaluation Management": 1, + "Creative Performance Skills": 1 + }, + "original_index": 522, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-1081.01", + "job_title": "Logistics Engineers", + "detailed_work_activities": [ + "Advise others on logistics topics.", + "Develop business or financial information systems.", + "Analyze logistics processes.", + "Identify opportunities to improve operational efficiency.", + "Develop business or market strategies.", + "Estimate costs of goods or services.", + "Supervise employees.", + "Develop technical specifications for systems or equipment.", + "Establish organizational guidelines or policies.", + "Apply mathematical models of financial or business conditions.", + "Analyze environmental regulations to ensure organizational compliance.", + "Maintain data in information systems or databases.", + "Evaluate logistics methods to reduce environmental impact.", + "Analyze jobs using observation, survey, or interview techniques.", + "Assess the cost effectiveness of products, projects, or services.", + "Plan facility layouts or designs.", + "Develop sustainable business strategies or practices.", + "Prepare financial documents." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Logistics Analysis": 1, + "Logistics Coordination": 1, + "Logistics Documentation": 1, + "Logistics Resource Management": 1, + "Logistics Systems Analysis": 1, + "Systems Analysis": 1, + "Complex Problem Solving": 1, + "Technical Documentation Management": 1, + "Operational Coordination": 1, + "Strategic Operational Planning": 1, + "Technical Systems Analysis": 1, + "Strategic Resource Management": 1, + "Operational Documentation": 1, + "Technical Communication": 1, + "Quantitative Problem Solving": 1, + "Strategic Problem Solving": 1, + "Operational Performance Monitoring": 1, + "Technical Project Management": 1, + "Strategic Operational Coordination": 1, + "Operational Cost Analysis": 1 + }, + "original_index": 523, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "39-5094.00", + "job_title": "Skincare Specialists", + "detailed_work_activities": [ + "Clean facilities or work areas.", + "Clean tools or equipment.", + "Apply cleansing or conditioning agents to client hair, scalp, or skin.", + "Assess skin or hair conditions.", + "Provide medical or cosmetic advice for clients.", + "Demonstrate activity techniques or equipment use.", + "Teach health or hygiene practices.", + "Maintain professional knowledge or certifications.", + "Administer therapeutic massages.", + "Maintain client information or service records.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Sell products or services.", + "Apply solutions to hair for therapeutic or cosmetic purposes." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Client Consultation and Needs Assessment": 1, + "Client Interaction Management": 1, + "Professional Healthcare Communication": 1, + "Therapeutic Patient Communication": 1, + "Clinical Assessment Skills": 1, + "Personal Grooming Services": 1, + "Sanitation and Hygiene Management": 1, + "Product Demonstration Skills": 1, + "Professional Knowledge Maintenance": 1, + "Technical Equipment Management": 1, + "Beauty Product Expertise": 1, + "Academic Instruction": 0, + "Agricultural Operations": 0 + }, + "original_index": 524, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "51-6061.00", + "job_title": "Textile Bleaching and Dyeing Machine Operators and Tenders", + "detailed_work_activities": [ + "Measure ingredients or substances to be used in production processes.", + "Operate garment treatment equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Apply solutions to production equipment.", + "Monitor equipment operation to ensure that products are not flawed.", + "Notify others of equipment repair or maintenance needs.", + "Sew clothing or other articles.", + "Remove products or workpieces from production equipment.", + "Sew materials.", + "Adjust temperature controls of ovens or other heating equipment.", + "Inspect textile products.", + "Exchange information with colleagues.", + "Immerse objects or workpieces in cleaning or coating solutions.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Conduct test runs of production equipment.", + "Enter commands, instructions, or specifications into equipment.", + "Test chemical or physical characteristics of materials or products.", + "Feed materials or products into or through equipment.", + "Record operational or production data.", + "Inspect production equipment.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Load materials into production equipment.", + "Install mechanical components in production equipment.", + "Mount attachments or tools onto production equipment.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Repair production equipment or tools." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Operation and Control": 1, + "Active Listening": 1, + "Monitoring": 1, + "Time Management": 1 + }, + "original_index": 525, + "sparsity": 0.9977085242896425 + }, + { + "onet_code": "19-4071.00", + "job_title": "Forest and Conservation Technicians", + "detailed_work_activities": [ + "Record research or operational data.", + "Cultivate land.", + "Manage agricultural or forestry operations.", + "Supervise scientific or technical personnel.", + "Train personnel in technical or scientific procedures.", + "Advise others on management of emergencies or hazardous situations or materials.", + "Develop technical or scientific databases.", + "Survey land or properties.", + "Collect biological specimens.", + "Inspect condition of natural environments.", + "Prepare maps.", + "Prepare documentation for permits or licenses.", + "Advise others about environmental management or conservation." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Agricultural Data Analysis": 1, + "Environmental Field Monitoring": 1, + "Environmental Conservation Management": 1, + "Field Research Methodology": 1, + "Scientific Field Data Collection": 1, + "Natural Resource Management": 1, + "Technical Documentation Management": 1, + "Biological Research Methodology": 1, + "Geospatial Data Collection": 1 + }, + "original_index": 526, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-1011.00", + "job_title": "Business Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Develop instructional materials.", + "Guide class discussions.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Write articles, books or other original materials in area of expertise.", + "Create technology-based learning materials.", + "Collaborate with other agencies and institutions to coordinate educational matters.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Compile specialized bibliographies or lists of materials.", + "Supervise student research or internship work.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies.", + "Advise others on career or personal development.", + "Support the professional development of others.", + "Write grant proposals." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 527, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "49-9095.00", + "job_title": "Manufactured Building and Mobile Home Installers", + "detailed_work_activities": [ + "Seal gaps or cracks to prevent leakage or moisture intrusion.", + "Install prefabricated or manufactured structures.", + "Move large objects using heavy equipment.", + "Test mechanical equipment to ensure proper functioning.", + "Inspect systems to determine if they are operating properly.", + "Connect hoses to equipment or piping.", + "Remove parts or components from equipment.", + "Repair structural components.", + "Confer with customers or users to assess problems.", + "Estimate costs for labor or materials.", + "Plan work procedures.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Record information about parts, materials or repair procedures.", + "Install home appliances.", + "Reassemble equipment after repair.", + "Repair pipes to stop leaking.", + "Connect electrical components or equipment.", + "Control power supply connections.", + "Repair electrical circuits or wiring.", + "Cut materials according to specifications or needs.", + "Refinish wood or metal surfaces." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Manufactured Building Installation": 1, + "Technical Equipment Operation": 1, + "Material Handling": 1, + "Technical Inspection and Verification": 1, + "Technical Repair Workflow": 1, + "Surface Preparation": 1, + "Technical Documentation": 1, + "Technical Safety Management": 1, + "Customer Interaction Management": 1, + "Cost Estimation": 1 + }, + "original_index": 528, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "27-3041.00", + "job_title": "Editors", + "detailed_work_activities": [ + "Edit written materials.", + "Verify accuracy of data.", + "Determine presentation subjects or content.", + "Coordinate activities of production personnel.", + "Write informational material.", + "Manage content of broadcasts or presentations.", + "Design layouts for print publications.", + "Discuss production content and progress with others.", + "Manage operations of artistic or entertainment departments or organizations.", + "Coordinate reporting or editing activities.", + "Obtain copyrights or other legal permissions.", + "Audition or interview potential performers or staff members.", + "Negotiate for services.", + "Select staff, team members, or performers." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Professional Communication": 1, + "Technical Writing": 1, + "Content Development Strategy": 1, + "Research Documentation": 1, + "Quality Control Analysis": 1, + "Information Processing": 1, + "Textual Accuracy Verification": 1 + }, + "original_index": 529, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-5022.00", + "job_title": "Excavating and Loading Machine and Dragline Operators, Surface Mining", + "detailed_work_activities": [ + "Operate excavation equipment.", + "Inspect material-moving equipment to detect problems.", + "Maintain professional knowledge or certifications.", + "Signal others to coordinate vehicle movement.", + "Receive information or instructions for performing work assignments.", + "Direct material handling or moving activities.", + "Move materials, equipment, or supplies.", + "Measure product or material dimensions.", + "Verify information or specifications.", + "Assemble temporary equipment or structures.", + "Maintain work equipment or machinery.", + "Maintain material moving equipment in good working condition.", + "Clean facilities or work areas.", + "Shovel materials." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Equipment Operation and Control": 1, + "Equipment Maintenance": 1, + "Material Handling": 1, + "Operational Safety Management": 1, + "Technical Equipment Monitoring": 1, + "Precision Measurement": 1, + "Workplace Safety Coordination": 1, + "Technical Documentation": 1, + "Site Preparation": 1, + "Operational Coordination": 1 + }, + "original_index": 530, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "49-9071.00", + "job_title": "Maintenance and Repair Workers, General", + "detailed_work_activities": [ + "Inspect mechanical components of vehicles to identify problems.", + "Replace worn, damaged, or defective mechanical parts.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Test mechanical equipment to ensure proper functioning.", + "Adjust equipment to ensure optimal performance.", + "Maintain work equipment or machinery.", + "Order materials, supplies, or equipment.", + "Install machine or equipment replacement parts.", + "Develop equipment or component configurations.", + "Read technical information needed to perform maintenance or repairs.", + "Troubleshoot equipment or systems operation problems.", + "Assemble electrical components, subsystems, or systems.", + "Install electrical components, equipment, or systems.", + "Repair electrical circuits or wiring.", + "Align equipment or machinery.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Estimate costs for labor or materials.", + "Lubricate equipment to allow proper functioning.", + "Record information about parts, materials or repair procedures.", + "Operate welding equipment.", + "Perform manual agricultural, aquacultural, or horticultural tasks.", + "Remove snow.", + "Disassemble equipment for maintenance or repair.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Lay out work according to specifications.", + "Plan work procedures.", + "Measure distances or dimensions.", + "Install energy-efficient heating, ventilation, or air conditioning (HVAC) equipment.", + "Assemble mechanical components or machine parts.", + "Clean work areas.", + "Fabricate parts or components.", + "Supervise employees.", + "Train others in operational procedures.", + "Assemble structural components.", + "Paint surfaces or equipment.", + "Install insulation in equipment or structures." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Specialized Equipment Maintenance": 1, + "Installation": 1, + "Technical Equipment Installation": 1, + "Precision Equipment Installation": 1, + "Troubleshooting": 1, + "Technical Troubleshooting": 1, + "Complex Problem Solving": 1, + "Technical Problem Solving": 1, + "Quality Control": 1, + "Technical Quality Control": 1, + "Safety Management": 1, + "Technical Safety Management": 1, + "Material Handling": 1, + "Technical Material Handling": 1, + "Operational Monitoring": 1, + "Technical Operational Monitoring": 1 + }, + "original_index": 531, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "43-4031.00", + "job_title": "Court, Municipal, and License Clerks", + "detailed_work_activities": [ + "Answer telephones to direct calls or provide information.", + "Maintain office equipment in proper operating condition.", + "Verify accuracy of financial or transactional data.", + "Examine documents to verify adherence to requirements.", + "Interview employees, customers, or others to collect information.", + "Distribute materials to employees or customers.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Record information from meetings or other formal proceedings.", + "Explain regulations, policies, or procedures.", + "Maintain financial or account records.", + "Prepare informational or reference materials.", + "Record information about legal matters.", + "Coordinate operational activities.", + "Prepare legal documents.", + "Analyze financial information.", + "Code data or other information.", + "Search files, databases or reference materials to obtain needed information.", + "Issue documentation or identification to customers or employees.", + "Proofread documents, records, or other files to ensure accuracy.", + "Schedule appointments.", + "Communicate with government agencies.", + "Provide information to the general public.", + "Train personnel.", + "Perform administrative or clerical tasks.", + "Collect deposits, payments or fees.", + "Coordinate legal schedules or activities.", + "Issue certificates or licenses.", + "Manage clerical or administrative activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Administrative Transaction Processing": 1, + "Clerical Information Processing": 1, + "Digital Document Management": 1, + "Information Processing": 1, + "Information Verification": 1, + "Legal Documentation Management": 1, + "Operational Documentation": 1, + "Operational Documentation Management": 1, + "Precision Documentation": 1, + "Professional Documentation": 1, + "Regulatory Compliance Documentation": 1, + "Technical Documentation": 1, + "Transaction Processing": 1, + "Workplace Procedural Coordination": 1 + }, + "original_index": 532, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "31-9011.00", + "job_title": "Massage Therapists", + "detailed_work_activities": [ + "Interview patients to gather medical information.", + "Administer therapy treatments to patients using hands or physical treatment aids.", + "Clean facilities or equipment.", + "Stock supplies or merchandise.", + "Develop patient therapy programs.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Maintain medical records.", + "Teach medical procedures or medical equipment use to patients.", + "Confer with other professionals to plan patient care." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Adaptive Therapeutic Intervention": 1, + "Patient Assessment": 1, + "Patient Care Communication": 1, + "Therapeutic Patient Interaction": 1, + "Clinical Procedure Support": 1, + "Healthcare Patient Management": 1, + "Interpersonal Patient Communication": 1, + "Professional Healthcare Communication": 1, + "Medical Records Management": 1, + "Precision Patient Care": 1, + "Clinical Assessment Skills": 1 + }, + "original_index": 533, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "53-6051.00", + "job_title": "Transportation Inspectors", + "detailed_work_activities": [ + "Record details of deliveries or shipments.", + "Inspect cargo to ensure it is properly loaded or secured.", + "Record operational or production data.", + "Explain regulations, policies, or procedures.", + "Monitor loading processes to ensure they are performed properly.", + "Recommend changes or corrective procedures.", + "Mark materials or objects for identification.", + "Measure product or material dimensions.", + "Communicate with others to coordinate vehicle movement.", + "Direct material handling or moving activities.", + "Monitor cargo area conditions.", + "Review work orders or schedules to determine operations or procedures.", + "Measure the level or depth of water or other liquids.", + "Calculate weights, volumes or other characteristics of materials.", + "Examine condition of property or products." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Cargo Handling and Coordination": 1, + "Cargo Handling and Inspection": 1, + "Material Handling": 1, + "Material Handling Coordination": 1, + "Transportation Safety Compliance": 1, + "Transportation Safety Inspection": 1, + "Transportation Safety Management": 1, + "Vehicle Inspection and Safety": 1, + "Operational Documentation": 1, + "Operational Documentation Management": 1, + "Measurement and Verification": 1, + "Technical Measurement Precision": 1, + "Regulatory Compliance Monitoring": 1, + "Operational Safety Monitoring": 1, + "Technical Inspection and Verification": 1 + }, + "original_index": 534, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-6061.00", + "job_title": "Passenger Attendants", + "detailed_work_activities": [ + "Provide transportation information to passengers or customers.", + "Assist customers to ensure comfort or safety.", + "Assist passengers during vehicle boarding.", + "Follow safety procedures for vehicle operation.", + "Explain regulations, policies, or procedures.", + "Record operational or production data.", + "Verify information or specifications.", + "Signal others to coordinate vehicle movement." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Passenger Safety Management": 1, + "Passenger Safety and Support": 1, + "Passenger Service Coordination": 1, + "Passenger Transportation Support": 1, + "Service Orientation": 1, + "Interpersonal Communication": 1, + "Safety Protocol Implementation": 1, + "Operational Safety Coordination": 1, + "Customer Service Coordination": 1, + "Operational Documentation": 1, + "Communication Information Management": 1, + "Patron Interaction Management": 1 + }, + "original_index": 535, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-9195.05", + "job_title": "Potters, Manufacturing", + "detailed_work_activities": [ + "Operate heating or drying equipment.", + "Shape clay or dough to create products.", + "Adjust equipment to ensure optimal performance.", + "Apply protective or decorative finishes to workpieces or products.", + "Mix ingredients to create specific finishes.", + "Monitor equipment operation to ensure proper functioning.", + "Position raw materials on processing or production equipment.", + "Remove products or workpieces from production equipment.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes.", + "Develop professional relationships or networks.", + "Package objects for shipping.", + "Send information, materials or documentation.", + "Smooth surfaces of objects or equipment.", + "Maneuver workpieces in equipment during production.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Maintain inventories of materials, equipment, or products.", + "Order materials, supplies, or equipment.", + "Operate mixing equipment.", + "Conduct test runs of production equipment.", + "Set equipment controls to meet cutting specifications.", + "Design jewelry or decorative objects.", + "Teach classes in area of specialization." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Clay Material Manipulation": 1, + "Precision Material Handling": 1, + "Precision Material Preparation": 1, + "Manufacturing Equipment Operation": 1, + "Production Equipment Control": 1, + "Precision Technical Measurement": 1, + "Surface Preparation Techniques": 1, + "Artistic Design Conceptualization": 1, + "Inventory Management": 1, + "Quality Control Inspection": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Packaging Operations": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Medical Procedures": 0, + "Legal Compliance": 0 + }, + "original_index": 536, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "11-1011.00", + "job_title": "Chief Executives", + "detailed_work_activities": [ + "Direct financial operations.", + "Confer with organizational members to accomplish work activities.", + "Prepare operational budgets.", + "Direct organizational operations, projects, or services.", + "Develop organizational policies or programs.", + "Implement organizational process or policy changes.", + "Prepare financial documents, reports, or budgets.", + "Prepare operational progress or status reports.", + "Resolve employee or contractor problems.", + "Direct sales, marketing, or customer service activities.", + "Analyze data to assess operational or project effectiveness.", + "Manage human resources activities.", + "Analyze data to inform operational decisions or activities.", + "Communicate organizational policies and procedures.", + "Negotiate contracts for transportation, distribution, or logistics services.", + "Prepare staff schedules or work assignments.", + "Select staff, team members, or performers.", + "Liaise between departments or other groups to improve function or communication.", + "Establish organizational guidelines or policies.", + "Conduct hearings to investigate legal issues.", + "Testify at legal or legislative proceedings.", + "Present information to the public.", + "Draft legislation or regulations.", + "Serve on institutional or departmental committees.", + "Advise others on legal or regulatory compliance matters.", + "Analyze impact of legal or regulatory changes.", + "Coordinate with external parties to exchange information.", + "Direct administrative or support services.", + "Recommend organizational process or policy changes.", + "Conduct research on social issues.", + "Conduct research to gain information about products or processes.", + "Represent the organization in external relations.", + "Coordinate special events or programs.", + "Manage construction activities.", + "Promote products, services, or programs." + ], + "skills": [ + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Strategic Leadership": 1, + "Strategic Organizational Communication": 1, + "Strategic Operational Decision Making": 1, + "Strategic Resource Management": 1, + "Strategic Organizational Governance": 1, + "Financial Resource Management": 1, + "Personnel Resource Management": 1, + "Strategic Risk Assessment": 1, + "Advanced Stakeholder Communication": 1, + "Advanced Operational Governance": 1, + "Strategic Performance Monitoring": 1, + "Organizational Policy Analysis": 1, + "Strategic Organizational Analysis": 1, + "Advanced Negotiation": 1, + "Strategic Communication Management": 1, + "Legal Compliance Management": 1, + "Strategic Project Management": 1, + "Comprehensive Operational Coordination": 1, + "Strategic Workforce Planning": 1, + "Business Strategy Development": 1 + }, + "original_index": 537, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "29-1224.00", + "job_title": "Radiologists", + "detailed_work_activities": [ + "Prepare reports summarizing patient diagnostic or care activities.", + "Analyze test data or images to inform diagnosis or treatment.", + "Operate diagnostic imaging equipment.", + "Record patient medical histories.", + "Collect medical information from patients, family members, or other medical professionals.", + "Communicate detailed medical information to patients or family members.", + "Communicate test or assessment results to medical professionals.", + "Gather medical information from patient histories.", + "Send information, materials or documentation.", + "Inform medical professionals regarding patient conditions and care.", + "Monitor patients following surgeries or other treatments.", + "Operate on patients to treat conditions.", + "Develop healthcare quality and safety procedures.", + "Explain medical procedures or test results to patients or family members.", + "Determine protocols for medical procedures.", + "Verify that medical activities or operations meet standards.", + "Train medical providers.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Develop medical treatment plans.", + "Maintain medical or professional knowledge.", + "Administer medical substances for imaging or other procedures.", + "Advise medical personnel regarding healthcare issues.", + "Calculate numerical data for medical activities.", + "Check quality of diagnostic images.", + "Evaluate treatment options to guide medical decisions.", + "Examine medical instruments or equipment to ensure proper operation.", + "Manage healthcare operations.", + "Monitor the handling of hazardous materials or medical wastes.", + "Prepare medications or medical solutions.", + "Prescribe medications.", + "Supervise patient care personnel.", + "Verify accuracy of patient information." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Medical Diagnostic Assessment": 1, + "Medical Image Interpretation": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Documentation Management": 1, + "Healthcare Professional Communication": 1, + "Patient Communication": 1, + "Technical Equipment Management": 1, + "Quality Control Analysis": 1, + "Advanced Medical Equipment Management": 1, + "Scientific Research Methodology": 1, + "Healthcare Safety Protocols": 1, + "Precision Medical Documentation": 1, + "Professional Academic Communication": 1 + }, + "original_index": 538, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "27-1024.00", + "job_title": "Graphic Designers", + "detailed_work_activities": [ + "Design layout of art or product exhibits, displays, or promotional materials.", + "Collaborate with others to develop or refine designs.", + "Review art or design materials.", + "Design layouts for print publications.", + "Create computer-generated graphics or animation.", + "Operate photographic developing or print production equipment.", + "Perform administrative or clerical tasks.", + "Confer with clients to determine needs.", + "Collect data about customer needs.", + "Conduct market research.", + "Conduct research to inform art, designs, or other work.", + "Draw detailed or technical illustrations.", + "Maintain records, documents, or other files.", + "Research new technologies.", + "Edit written materials.", + "Operate still or video cameras or related equipment.", + "Write advertising or promotional material." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Creative Design Conceptualization": 1, + "Visual Design Communication": 1, + "Visual Design Creation": 1, + "Artistic Conceptualization": 1, + "Design Visualization": 1, + "Technical Design Documentation": 1, + "Collaborative Design Production": 1, + "Professional Communication": 1, + "Client Consultation and Needs Assessment": 1, + "Technical Illustration Skills": 1, + "Digital Media Conversion": 1, + "Digital Visual Communication": 1, + "Technical Design Visualization": 1 + }, + "original_index": 539, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-9021.00", + "job_title": "Farm and Home Management Educators", + "detailed_work_activities": [ + "Advise educators on curricula, instructional methods, or policies.", + "Teach life skills.", + "Confer with others to conduct or arrange operational activities.", + "Search information sources to find specific data.", + "Maintain operational records.", + "Develop instructional materials.", + "Plan community programs or activities for the general public.", + "Schedule instructional activities.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Collaborate with other agencies and institutions to coordinate educational matters." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Community Program Development": 1, + "Professional Development and Continuous Learning": 1, + "Stakeholder Communication Strategy": 1, + "Life Skills Education": 1 + }, + "original_index": 540, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "47-5081.00", + "job_title": "Helpers--Extraction Workers", + "detailed_work_activities": [ + "Assist skilled construction or extraction personnel.", + "Monitor extraction operations.", + "Drive trucks or truck-mounted equipment.", + "Load or unload materials used in construction or extraction.", + "Operate mining equipment.", + "Maintain drilling equipment.", + "Select construction materials.", + "Collect geological samples.", + "Signal equipment operators to indicate proper equipment positioning.", + "Clean work sites.", + "Dismantle equipment or temporary structures.", + "Prepare excavation or extraction sites for commissioning or decommissioning.", + "Load materials into construction equipment.", + "Dig holes or trenches." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Academic Instruction": 0, + "Equipment Maintenance": 1, + "Equipment Operation": 1, + "Material Handling": 1, + "Site Preparation": 1, + "Safety Management": 1, + "Technical Documentation": 0, + "Geological Sample Analysis": 1, + "Construction Support": 1, + "Operational Coordination": 1 + }, + "original_index": 541, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "51-6063.00", + "job_title": "Textile Knitting and Weaving Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Inspect textile products.", + "Feed materials or products into or through equipment.", + "Cut fabrics.", + "Inspect production equipment.", + "Notify others of equipment repair or maintenance needs.", + "Program equipment to perform production tasks.", + "Operate textile cutting or production equipment.", + "Install mechanical components in production equipment.", + "Mount attachments or tools onto production equipment.", + "Set equipment controls to meet cutting specifications.", + "Record operational or production data.", + "Exchange information with colleagues.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Clean production equipment.", + "Lubricate production equipment.", + "Conduct test runs of production equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Monitoring": 1, + "Active Listening": 1, + "Operation and Control": 1, + "Precision Equipment Operation": 1, + "Precision Equipment Monitoring": 1, + "Technical Equipment Management": 1, + "Production Equipment Control": 1, + "Production Equipment Monitoring": 1, + "Textile Equipment Operation": 1, + "Textile Machine Operation": 1, + "Textile Manipulation Skills": 1, + "Textile Material Manipulation": 1, + "Textile Inspection and Quality Control": 1, + "Precision Material Handling": 1, + "Technical Safety Management": 1, + "Technical Safety Monitoring": 1 + }, + "original_index": 542, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "19-1021.00", + "job_title": "Biochemists and Biophysicists", + "detailed_work_activities": [ + "Prepare scientific or technical reports or presentations.", + "Instruct college students in physical or life sciences.", + "Research microbiological or chemical processes or structures.", + "Supervise scientific or technical personnel.", + "Develop biological research methods.", + "Write grant proposals.", + "Design research studies to obtain scientific information.", + "Analyze biological samples.", + "Set up laboratory or field equipment.", + "Prepare compounds or solutions for products or testing.", + "Research diseases or parasites.", + "Develop new or advanced products or production methods.", + "Research genetic characteristics or expression.", + "Research methods to improve food products." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Biological Research Methodology": 1, + "Scientific Research Methodology": 1, + "Scientific Documentation": 1, + "Scientific Communication": 1, + "Technical Research and Development": 1, + "Complex Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Research Data Management": 1 + }, + "original_index": 543, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "", + "job_title": "", + "detailed_work_activities": [], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0 + }, + "original_index": 544, + "sparsity": 1.0 + }, + { + "onet_code": "47-4021.00", + "job_title": "Elevator and Escalator Installers and Repairers", + "detailed_work_activities": [ + "Inspect electrical or electronic systems for defects.", + "Assemble products or production equipment.", + "Maintain mechanical equipment.", + "Evaluate construction projects to determine compliance with external standards or regulations.", + "Prepare operational reports.", + "Repair electrical equipment.", + "Inspect industrial or commercial equipment to ensure proper operation.", + "Locate equipment or materials in need of repair or replacement.", + "Install metal structural components.", + "Weld metal components.", + "Review blueprints or specifications to determine work requirements.", + "Install electrical components, equipment, or systems.", + "Record operational or environmental data.", + "Update job related knowledge or skills.", + "Test electrical equipment or systems to ensure proper functioning.", + "Thread wire or cable through ducts or conduits.", + "Cut metal components for installation." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Installation": 1, + "Technical Equipment Installation": 1, + "Precision Equipment Maintenance": 1, + "Technical Diagnostic Troubleshooting": 1, + "Technical Safety Management": 1, + "Technical Safety Inspection": 1, + "Technical Quality Control": 1, + "Operational Safety Compliance": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Precision Measurement": 1, + "Technical Equipment Operation": 1, + "Workplace Safety Management": 1, + "Technical Inspection and Verification": 1, + "Mechanical Equipment Maintenance": 1, + "Electrical Systems Installation": 1, + "Technical Communication": 1, + "Welding and Fabrication": 1 + }, + "original_index": 545, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "29-1217.00", + "job_title": "Neurologists", + "detailed_work_activities": [ + "Collect medical information from patients, family members, or other medical professionals.", + "Analyze test data or images to inform diagnosis or treatment.", + "Test patient nervous system functioning.", + "Examine patients to assess general physical condition.", + "Order medical diagnostic or clinical tests.", + "Diagnose medical conditions.", + "Administer non-intravenous medications.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Prescribe medications.", + "Treat chronic diseases or disorders.", + "Communicate detailed medical information to patients or family members.", + "Develop medical treatment plans.", + "Inform medical professionals regarding patient conditions and care.", + "Record patient medical histories.", + "Advise patients on effects of health conditions or treatments.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Refer patients to other healthcare practitioners or health resources.", + "Advise medical personnel regarding healthcare issues.", + "Prescribe treatments or therapies.", + "Maintain medical or professional knowledge.", + "Train medical providers.", + "Supervise patient care personnel.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Clinical Patient Assessment": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Diagnostic Assessment": 1, + "Patient Treatment Planning": 1, + "Medical Treatment Planning": 1, + "Healthcare Professional Collaboration": 1, + "Scientific Research Methodology": 1, + "Complex Problem Solving": 1, + "Advanced Medical Intervention": 1 + }, + "original_index": 546, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "31-9097.00", + "job_title": "Phlebotomists", + "detailed_work_activities": [ + "Dispose of biomedical waste in accordance with standards.", + "Clean medical equipment.", + "Prepare medical instruments or equipment for use.", + "Collect biological specimens from patients.", + "Conduct diagnostic tests to determine patient health.", + "Give medications or immunizations.", + "Maintain medical records.", + "Monitor patients to detect health problems.", + "Transport biological or other medical materials.", + "Maintain medical equipment or instruments.", + "Explain technical medical information to patients.", + "Teach medical procedures to healthcare personnel.", + "Feed patients." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Biomedical Waste Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Support": 1, + "Healthcare Documentation Management": 1, + "Healthcare Patient Communication": 1, + "Medical Equipment Management": 1, + "Patient Safety Management": 1, + "Professional Healthcare Communication": 1, + "Technical Medical Documentation": 1 + }, + "original_index": 547, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "17-2112.00", + "job_title": "Industrial Engineers", + "detailed_work_activities": [ + "Estimate operational costs.", + "Determine operational methods.", + "Confer with technical personnel to prepare designs or operational plans.", + "Analyze project data to determine specifications or requirements.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Discuss designs or plans with clients.", + "Document technical design details.", + "Evaluate designs or specifications to ensure quality.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Create graphical representations of industrial production systems.", + "Supervise engineering or other technical personnel.", + "Develop technical methods or processes.", + "Review technical documents to plan work.", + "Direct quality control activities.", + "Implement design or process improvements.", + "Prepare contracts, disclosures, or applications.", + "Prepare operational reports.", + "Prepare procedural documents.", + "Analyze design or requirements information for mechanical equipment or systems.", + "Schedule operational activities.", + "Devise research or testing protocols." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Technical Design Documentation": 1, + "Technical Documentation Management": 1, + "Technical Design Visualization": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Technical Systems Engineering": 1, + "Operational Cost Analysis": 1, + "Operational Performance Monitoring": 1, + "Operational Quality Control": 1, + "Technical Equipment Management": 1, + "Technical Project Management": 1, + "Strategic Operational Planning": 1, + "Technical Communication": 1, + "Stakeholder Communication": 1, + "Technical Inspection and Verification": 1, + "Operational Efficiency Planning": 1 + }, + "original_index": 548, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "15-1232.00", + "job_title": "Computer User Support Specialists", + "detailed_work_activities": [ + "Monitor computer system performance to ensure proper operation.", + "Collaborate with others to resolve information technology issues.", + "Install computer hardware.", + "Read documents to gather technical information.", + "Resolve computer software problems.", + "Provide technical support for software maintenance or use.", + "Install computer software.", + "Maintain computer hardware.", + "Collaborate with others to determine design specifications or details.", + "Test software performance.", + "Document operational activities.", + "Evaluate utility of software or hardware technologies.", + "Provide recommendations to others about computer hardware.", + "Recommend changes to improve computer or information systems.", + "Teach others to use computer equipment or hardware.", + "Train others in computer interface or software use.", + "Test computer hardware performance.", + "Conduct research to gain information about products or processes.", + "Update knowledge about emerging industry or technology trends.", + "Participate in staffing decisions.", + "Supervise information technology personnel.", + "Modify software programs to improve performance." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Technical Documentation": 1, + "Technical Communication": 1, + "Technical User Support": 1, + "Technical Problem Solving": 1, + "Technical Equipment Management": 1, + "Technical Equipment Diagnostics": 1, + "Technical Systems Analysis": 1, + "Professional Communication": 1, + "Information Technology Optimization": 1, + "Operational Information Management": 1, + "Collaborative Technical Problem Solving": 1, + "Technology Project Coordination": 1, + "Professional Development": 1, + "Workplace Safety Management": 1, + "Client Relationship Management": 1, + "Operational Documentation": 1, + "Strategic Technology Management": 1 + }, + "original_index": 549, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "43-5011.01", + "job_title": "Freight Forwarders", + "detailed_work_activities": [ + "Negotiate financial arrangements.", + "Analyze shipping information to make routing decisions.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Explain regulations, policies, or procedures.", + "Complete documentation required by programs or regulations.", + "Recommend packing or shipping methods.", + "Refer customers to appropriate personnel.", + "Calculate shipping costs.", + "Confer with others to conduct or arrange operational activities.", + "Execute sales or other financial transactions.", + "Coordinate shipping activities with external parties.", + "Record shipping information.", + "Track goods or materials.", + "Arrange insurance coverage.", + "Identify opportunities to improve operational efficiency.", + "Verify shipping documentation.", + "Examine documents to verify adherence to requirements.", + "Maintain current knowledge related to work activities.", + "Assist individuals with paperwork." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Logistics Coordination": 1, + "Operational Documentation": 1, + "Transportation Logistics Coordination": 1, + "Cargo Handling and Coordination": 1, + "Operational Communication": 1, + "Financial Transaction Processing": 1, + "Regulatory Compliance Management": 1, + "Insurance and Risk Management": 1, + "Customer Service Coordination": 1, + "Cost Analysis": 1 + }, + "original_index": 550, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "41-3041.00", + "job_title": "Travel Agents", + "detailed_work_activities": [ + "Process sales or other transactions.", + "Calculate costs of goods or services.", + "Gather customer or product information to determine customer needs.", + "Sell products or services.", + "Record operational details of travel.", + "Prepare sales or other contracts.", + "Retrieve information from electronic sources.", + "Distribute promotional literature or samples to customers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Client Consultation and Needs Assessment": 1, + "Client Interaction Management": 1, + "Customer Service Coordination": 1, + "Information Processing": 1, + "Operational Communication": 1, + "Professional Communication": 1, + "Sales Transaction Management": 1, + "Service Orientation": 1, + "Transaction Processing": 1 + }, + "original_index": 551, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-2058.00", + "job_title": "Special Education Teachers, Secondary School", + "detailed_work_activities": [ + "Develop strategies or programs for students with special needs.", + "Evaluate student work.", + "Monitor student performance.", + "Monitor student behavior, social development, or health.", + "Teach life skills.", + "Establish rules or policies governing student behavior.", + "Discuss problems or issues with supervisors.", + "Apply multiple teaching methods.", + "Maintain student records.", + "Prepare reports detailing student activities or performance.", + "Discuss student progress with parents or guardians.", + "Modify teaching methods or materials to accommodate student needs.", + "Set up classroom materials or equipment.", + "Collaborate with other teaching professionals to develop educational programs.", + "Develop instructional objectives.", + "Plan educational activities.", + "Administer tests to assess educational needs or progress.", + "Advise students on academic or career matters.", + "Direct activities of subordinates.", + "Encourage students.", + "Prepare tests.", + "Document lesson plans.", + "Teach vocational courses.", + "Teach others to use technology or equipment.", + "Create technology-based learning materials.", + "Assist students with special educational needs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Plan experiential learning activities.", + "Tutor students who need extra assistance.", + "Serve on institutional or departmental committees.", + "Supervise school or student activities.", + "Coordinate student extracurricular activities.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment." + ], + "skills": [ + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Adaptive Instructional Technology": 1, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Performance Evaluation": 1, + "Student Performance Monitoring": 1, + "Special Needs Education Support": 1, + "Developmental Learning Support": 1, + "Counseling and Guidance": 1, + "Interpersonal Communication": 1, + "Professional Development": 1, + "Behavioral Intervention Management": 1, + "Life Skills Education": 1, + "Adaptive Problem Resolution": 1 + }, + "original_index": 552, + "sparsity": 0.9894592117323556 + }, + { + "onet_code": "29-1127.00", + "job_title": "Speech-Language Pathologists", + "detailed_work_activities": [ + "Prepare reports summarizing patient diagnostic or care activities.", + "Analyze patient data to determine patient needs or treatment goals.", + "Maintain medical facility records.", + "Develop treatment plans that use non-medical therapies.", + "Monitor patient progress or responses to treatments.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Test patient hearing.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Supervise patient care personnel.", + "Advise medical personnel regarding healthcare issues.", + "Prepare healthcare training materials.", + "Process healthcare paperwork.", + "Schedule patient procedures or appointments.", + "Refer patients to other healthcare practitioners or health resources.", + "Develop health assessment methods or programs.", + "Train caregivers or other non-medical personnel.", + "Present medical research reports.", + "Maintain medical or professional knowledge.", + "Supervise student research or internship work.", + "Supervise technical medical personnel.", + "Conduct research to increase knowledge about medical issues." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Administrative Healthcare Support": 1, + "Advanced Interpersonal Communication": 1, + "Advanced Learning Strategies": 1, + "Advanced Problem Solving": 1, + "Client Case Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Management": 1, + "Comprehensive Patient Counseling": 1, + "Healthcare Documentation Management": 1, + "Interpersonal Patient Communication": 1, + "Patient Treatment Planning": 1, + "Professional Healthcare Communication": 1, + "Therapeutic Patient Communication": 1 + }, + "original_index": 553, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "15-1255.01", + "job_title": "Video Game Designers", + "detailed_work_activities": [ + "Design video game features or details.", + "Collaborate with others to determine design specifications or details.", + "Test software performance.", + "Document design or development procedures.", + "Communicate project information to others.", + "Manage documentation to ensure organization or accuracy.", + "Manage information technology projects or system activities.", + "Prepare graphics or other visual representations of information.", + "Update knowledge about emerging industry or technology trends.", + "Analyze market or customer related data.", + "Supervise information technology personnel.", + "Develop testing routines or procedures." + ], + "skills": [ + "Programming\u2014 Writing computer programs for various purposes.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs." + ], + "skill_vector": { + "Game Design Creativity": 1, + "Technical Game Development": 1, + "Programming Logic": 1, + "Software Development": 1, + "Creative Design Conceptualization": 1, + "Collaborative Game Production": 1, + "Technical Design Documentation": 1, + "Visual Design Communication": 1, + "Project Management in Technology": 1, + "Technical Systems Analysis": 1, + "Software Quality Assurance": 1, + "Creative Problem Solving": 1, + "Technology Project Coordination": 1, + "Interactive System Design": 1, + "Technical Performance Analysis": 1 + }, + "original_index": 554, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-8091.00", + "job_title": "Chemical Plant and System Operators", + "detailed_work_activities": [ + "Monitor instruments to ensure proper production conditions.", + "Operate chemical processing or water treatment systems or equipment.", + "Inspect production equipment.", + "Collect samples of materials or products for testing.", + "Test chemical or physical characteristics of materials or products.", + "Monitor equipment fluid levels.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Record operational or production data.", + "Analyze test results.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Notify others of equipment repair or maintenance needs.", + "Operate pumping systems or equipment.", + "Estimate material requirements for production.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Direct operational or production activities." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Chemical Processing Control": 1, + "Equipment Operation and Monitoring": 1, + "Quality Control Analysis": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Precision Measurement and Verification": 1, + "Technical Documentation": 1, + "Operational Coordination": 1, + "Material Handling and Preparation": 1, + "Academic Instruction": 0 + }, + "original_index": 555, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "49-9091.00", + "job_title": "Coin, Vending, and Amusement Machine Servicers and Repairers", + "detailed_work_activities": [ + "Document operational activities.", + "Maintain work equipment or machinery.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Collect payments for goods or services.", + "Test mechanical equipment to ensure proper functioning.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Adjust equipment to ensure optimal performance.", + "Replace worn, damaged, or defective mechanical parts.", + "Maintain repair or maintenance records.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Lubricate equipment to allow proper functioning.", + "Order materials, supplies, or equipment.", + "Repair worn, damaged, or defective mechanical parts.", + "Assemble mechanical components or machine parts.", + "Confer with coworkers to resolve equipment problems.", + "Dismantle heavy equipment or machinery.", + "Drive trucks or other vehicles to or at work sites.", + "Read technical information needed to perform maintenance or repairs.", + "Install home appliances." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Maintenance": 1, + "Technical Diagnostic Assessment": 1, + "Technical Repair Workflow": 1, + "Precision Equipment Maintenance": 1, + "Technical Documentation": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Operational Monitoring": 1, + "Quality Control Inspection": 1, + "Inventory Management": 1, + "Academic Instruction": 0 + }, + "original_index": 556, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "43-5061.00", + "job_title": "Production, Planning, and Expediting Clerks", + "detailed_work_activities": [ + "Provide information to coworkers.", + "Confer with coworkers to coordinate work activities.", + "Schedule operational activities.", + "Read work orders to determine material or setup requirements.", + "Coordinate operational activities.", + "Coordinate shipping activities with external parties.", + "Order materials, supplies, or equipment.", + "Examine documents to verify adherence to requirements.", + "Inspect items for damage or defects.", + "Compile data or documentation.", + "Calculate costs of goods or services.", + "Record personnel information.", + "Record production information.", + "Prepare informational or reference materials.", + "Maintain operational records." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Operational Coordination": 1, + "Operational Documentation": 1, + "Operational Information Management": 1, + "Precision Documentation": 1, + "Professional Communication": 1, + "Technical Documentation": 1 + }, + "original_index": 557, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-3094.00", + "job_title": "Political Scientists", + "detailed_work_activities": [ + "Instruct college students in social sciences or humanities disciplines.", + "Develop theories or models of physical phenomena.", + "Review professional literature to maintain professional knowledge.", + "Prepare scientific or technical reports or presentations.", + "Advise others on educational matters.", + "Advise students on academic or career matters.", + "Interpret research or operational data.", + "Conduct research on social issues.", + "Serve on institutional or departmental committees.", + "Forecast economic, political, or social trends.", + "Advise others on matters of public policy.", + "Evaluate civic projects or public policies.", + "Prepare information or documentation related to legal or regulatory matters." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Policy Analysis and Development": 1, + "Strategic Policy Communication": 1, + "Research Methodology": 1, + "Strategic Research and Development": 1 + }, + "original_index": 558, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "27-2091.00", + "job_title": "Disc Jockeys, Except Radio", + "detailed_work_activities": [ + "Select resources needed to accomplish tasks.", + "Conduct amusement or gaming activities.", + "Operate control consoles for sound, lighting or video.", + "Assemble electrical or electronic equipment.", + "Collect fares or payment from customers.", + "Confer with clients to determine needs.", + "Edit audio or video recordings.", + "Estimate time or monetary resources needed to complete projects.", + "Maintain current knowledge related to work activities.", + "Maintain records, documents, or other files.", + "Mix sound inputs.", + "Prepare sales or other contracts.", + "Promote products, activities, or organizations.", + "Record sales or transactions data.", + "Respond to customer inquiries.", + "Review audio or video recordings.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment." + ], + "skills": [], + "skill_vector": { + "Audio Technical Operations": 1, + "Performance Arts Coordination": 1, + "Technical Equipment Operation": 1, + "Event Performance Coordination": 1, + "Professional Communication": 1, + "Customer Service Coordination": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Creative Performance Skills": 1, + "Promotional Content Creation": 1, + "Transaction Processing": 1, + "Resource Management": 1, + "Technical Documentation": 1 + }, + "original_index": 559, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "23-2011.00", + "job_title": "Paralegals and Legal Assistants", + "detailed_work_activities": [ + "Maintain the order of legal documents.", + "Prepare legal documents.", + "Research relevant legal materials to aid decision making.", + "Confer with court staff to clarify information.", + "Meet with individuals involved in legal processes to provide information and clarify issues.", + "Evaluate information related to legal matters in public or personal records.", + "Coordinate legal schedules or activities.", + "Arbitrate disputes between parties to resolve legal conflicts.", + "Represent the interests of clients in legal proceedings." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Legal Administrative Support": 1, + "Legal Documentation Management": 1, + "Legal Procedural Coordination": 1, + "Legal Research and Analysis": 1, + "Legal Compliance Monitoring": 1, + "Client Legal Representation": 1, + "Legal Decision Analysis": 1, + "Professional Legal Communication": 1, + "Conflict Resolution": 1, + "Administrative Documentation Processing": 1 + }, + "original_index": 560, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-3031.00", + "job_title": "Ushers, Lobby Attendants, and Ticket Takers", + "detailed_work_activities": [ + "Greet customers, patrons, or visitors.", + "Sell products or services.", + "Provide attraction or event information to patrons.", + "Prepare operational reports or records.", + "Clean facilities or work areas.", + "Mediate disputes.", + "Resolve customer complaints or problems.", + "Maintain supply or equipment inventories.", + "Verify patron or staff credentials.", + "Assist individuals with special needs.", + "Usher patrons to seats or exits.", + "Provide patrons with directions to locales or attractions.", + "Monitor environment to ensure safety.", + "Respond to customer inquiries.", + "Respond to customer problems or complaints.", + "Arrange artwork, products, or props.", + "Collaborate with others to develop or refine designs.", + "Provide notifications to customers or patrons.", + "Assign duties or work schedules to employees.", + "Supervise service workers." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Customer Service Coordination": 1, + "Patron Interaction Management": 1, + "Patron Safety Management": 1, + "Operational Safety and Patron Support": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1, + "Service Orientation": 1, + "Operational Documentation": 1, + "Facility Maintenance and Cleaning": 1, + "Conflict Resolution": 1, + "Inventory Management": 1, + "Credential Verification": 1, + "Event Coordination": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0 + }, + "original_index": 561, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "43-5011.00", + "job_title": "Cargo and Freight Agents", + "detailed_work_activities": [ + "Coordinate operational activities.", + "Negotiate financial arrangements.", + "Analyze shipping information to make routing decisions.", + "Track goods or materials.", + "Maintain operational records.", + "Recommend packing or shipping methods.", + "Arrange insurance coverage.", + "Package objects for shipping.", + "Calculate shipping costs.", + "Provide notifications to customers or patrons.", + "Record shipping information.", + "Verify shipping documentation.", + "Coordinate shipping activities with external parties.", + "Supervise clerical or administrative personnel.", + "Inspect items for damage or defects.", + "Inspect shipments to ensure correct order fulfillment.", + "Operate vehicles or material-moving equipment.", + "Enter information into databases or software programs.", + "Load materials or equipment.", + "Unload materials or equipment.", + "Assemble wood products.", + "Maintain inventories of materials, equipment, or products.", + "Manage clerical or administrative activities.", + "Attach identification information to products, items or containers." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Cargo Handling and Coordination": 1, + "Logistics Coordination": 1, + "Material Handling": 1, + "Shipping and Logistics Management": 1, + "Transportation Documentation": 1, + "Operational Communication": 1, + "Operational Documentation": 1, + "Administrative Communication": 1, + "Customer Service Coordination": 1, + "Inventory Management": 1, + "Insurance Claims Processing": 1, + "Financial Transaction Processing": 1, + "Operational Cost Analysis": 1, + "Quality Control Inspection": 1, + "Technical Equipment Operation": 1, + "Database Management": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0 + }, + "original_index": 562, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "47-1011.03", + "job_title": "Solar Energy Installation Managers", + "detailed_work_activities": [ + "Coordinate construction project activities.", + "Plan layout of construction, installation, or repairs.", + "Direct construction or extraction personnel.", + "Estimate materials requirements for projects.", + "Estimate construction project labor requirements.", + "Estimate construction project costs.", + "Communicate with other construction or extraction personnel to discuss project details.", + "Test green technology installations to verify performance.", + "Identify opportunities to improve operational efficiency.", + "Create construction or installation diagrams.", + "Assess locations for potential green technology installations.", + "Analyze costs and benefits of proposed designs or projects.", + "Order construction or extraction materials or equipment." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Green Energy Installation": 1, + "Construction Project Management": 1, + "Technical Equipment Installation": 1, + "Technical Project Coordination": 1, + "Technical Performance Verification": 1, + "Operational Safety Management": 1, + "Technical Documentation Management": 1, + "Strategic Resource Management": 1, + "Technical Site Assessment": 1, + "Renewable Energy Systems": 1, + "Technical Quality Control": 1, + "Stakeholder Communication": 1, + "Operational Efficiency Planning": 1 + }, + "original_index": 563, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "51-8099.01", + "job_title": "Biofuels Processing Technicians", + "detailed_work_activities": [ + "Monitor biofuel production operations.", + "Operate biomass or biofuel production equipment.", + "Record operational or production data.", + "Evaluate quality of materials or products.", + "Collect samples of materials or products for testing.", + "Operate pumping systems or equipment.", + "Prepare biological feedstock for physical, chemical, or biological processing.", + "Inspect sustainable energy production facilities or equipment.", + "Notify others of equipment repair or maintenance needs.", + "Measure stock or liquid levels in sustainable fuel production systems.", + "Calculate specific material, equipment, or labor requirements for production.", + "Load materials into production equipment.", + "Measure ingredients or substances to be used in production processes.", + "Direct operational or production activities.", + "Clean work areas.", + "Maintain sustainable energy production equipment.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Replace worn equipment components." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Biofuel Production Management": 1, + "Biomass Production Operations": 1, + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Quality Control Analysis": 1, + "Technical Equipment Maintenance": 1, + "Technical Documentation": 1, + "Technical Safety Management": 1, + "Sustainable Production Management": 1, + "Chemical Processing Control": 1, + "Material Handling": 1, + "Precision Equipment Operation": 1, + "Environmental Monitoring": 1, + "Academic Research and Development": 0, + "Clinical Patient Assessment": 0 + }, + "original_index": 564, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-2131.00", + "job_title": "Materials Engineers", + "detailed_work_activities": [ + "Conduct quantitative failure analyses of operational data.", + "Direct quality control activities.", + "Monitor the productivity or efficiency of industrial operations.", + "Evaluate technical data to determine effect on designs or plans.", + "Test characteristics of materials or structures.", + "Prepare materials for processing.", + "Determine operational methods.", + "Direct design or development activities.", + "Evaluate plans or specifications to determine technological or environmental implications.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Supervise engineering or other technical personnel.", + "Prepare detailed work plans.", + "Confer with technical personnel to prepare designs or operational plans.", + "Direct industrial production activities.", + "Resolve operational performance problems.", + "Train personnel on proper operational procedures.", + "Prepare operational reports.", + "Prepare project budgets.", + "Prepare proposal documents.", + "Teach classes in area of specialization.", + "Teach social science courses at the college level.", + "Present research results to others.", + "Create models of engineering designs or methods.", + "Design industrial processing systems.", + "Write articles, books or other original materials in area of expertise." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Advanced Scientific Problem Solving": 1, + "Technical Documentation": 1, + "Technical Design Visualization": 1, + "Quality Control Analysis": 1, + "Technical Systems Engineering": 1, + "Operational Performance Monitoring": 1, + "Technical Equipment Management": 1, + "Technical Project Management": 1 + }, + "original_index": 565, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2055.00", + "job_title": "Surgical Technologists", + "detailed_work_activities": [ + "Maintain sterile operative fields.", + "Maintain inventory of medical supplies or equipment.", + "Assist healthcare practitioners during surgery.", + "Position patients for treatment or examination.", + "Protect patients or staff members using safety equipment.", + "Clean medical equipment or facilities.", + "Prepare biological specimens for laboratory analysis.", + "Sterilize medical equipment or instruments.", + "Adjust settings or positions of medical equipment.", + "Apply bandages, dressings, or splints.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Order medical supplies or equipment.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Record patient medical histories." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Administrative Healthcare Support": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Medical Intervention": 1, + "Clinical Procedure Assistance": 1, + "Healthcare Equipment Operation": 1, + "Medical Equipment Management": 1, + "Medical Procedural Support": 1, + "Patient Safety Management": 1, + "Precision Medical Equipment Management": 1, + "Surgical Technical Support": 1 + }, + "original_index": 566, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "43-5051.00", + "job_title": "Postal Service Clerks", + "detailed_work_activities": [ + "Sell products or services.", + "Collect deposits, payments or fees.", + "Calculate shipping costs.", + "Weigh parcels to determine shipping costs.", + "Maintain financial or account records.", + "Verify shipping documentation.", + "Arrange insurance coverage.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Prepare outgoing mail.", + "Sort mail.", + "Receive shipments.", + "Store items.", + "Obtain written authorization to perform activities.", + "Refer customers to appropriate personnel.", + "Respond to customer problems or complaints.", + "Explain regulations, policies, or procedures.", + "Assist individuals with paperwork.", + "Deliver items.", + "Load materials or equipment.", + "Execute sales or other financial transactions.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Document Processing": 1, + "Customer Service Coordination": 1, + "Operational Communication": 1, + "Transaction Processing": 1, + "Logistics Coordination": 1, + "Material Handling": 1, + "Inventory Management": 1, + "Technical Documentation": 1, + "Regulatory Compliance": 1, + "Professional Communication": 1, + "Financial Transaction Processing": 1 + }, + "original_index": 567, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "29-1299.02", + "job_title": "Orthoptists", + "detailed_work_activities": [ + "Test patient vision.", + "Treat chronic diseases or disorders.", + "Diagnose medical conditions.", + "Examine patients to assess general physical condition.", + "Explain medical procedures or test results to patients or family members.", + "Develop medical treatment plans.", + "Analyze test data or images to inform diagnosis or treatment.", + "Develop health assessment methods or programs.", + "Train medical providers.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Refer patients to other healthcare practitioners or health resources.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Present medical research reports.", + "Conduct research to increase knowledge about medical issues.", + "Assist healthcare practitioners during examinations or treatments." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Instructional Technology": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Patient Communication": 1, + "Medical Diagnostic Assessment": 1, + "Medical Treatment Planning": 1, + "Healthcare Professional Collaboration": 1, + "Vision Care Technical Expertise": 1 + }, + "original_index": 568, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "29-1181.00", + "job_title": "Audiologists", + "detailed_work_activities": [ + "Record patient medical histories.", + "Analyze test data or images to inform diagnosis or treatment.", + "Adjust prostheses or other assistive devices.", + "Examine patients to assess general physical condition.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Test patient hearing.", + "Monitor patient progress or responses to treatments.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Maintain medical or professional knowledge.", + "Refer patients to other healthcare practitioners or health resources.", + "Administer basic health care or medical treatments.", + "Advise medical personnel regarding healthcare issues.", + "Recommend types of assistive devices.", + "Enter patient or treatment data into computers.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Develop medical treatment plans.", + "Supervise patient care personnel.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues.", + "Present medical research reports.", + "Manage healthcare operations.", + "Communicate health and wellness information to the public.", + "Conduct health or safety training programs.", + "Inspect work environments to ensure safety.", + "Merchandise healthcare products or services.", + "Develop health assessment methods or programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Science\u2014 Using scientific rules and methods to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Medical Intervention": 1, + "Advanced Operational Monitoring": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Assistive Device Expertise": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Documentation Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Support": 1, + "Clinical Procedure Management": 1, + "Healthcare Patient Communication": 1, + "Healthcare Professional Collaboration": 1, + "Healthcare Treatment Planning": 1, + "Hearing Healthcare Assessment": 1, + "Medical Diagnostic Assessment": 1, + "Medical Equipment Operation": 1, + "Patient Communication": 1, + "Patient Treatment Planning": 1 + }, + "original_index": 569, + "sparsity": 0.9862511457378552 + }, + { + "onet_code": "41-9022.00", + "job_title": "Real Estate Sales Agents", + "detailed_work_activities": [ + "Negotiate prices or other sales terms.", + "Prepare sales or other contracts.", + "Obtain property information.", + "Coordinate activities with suppliers, contractors, clients, or other departments.", + "Develop content for sales presentations or other materials.", + "Appraise property values.", + "Coordinate legal schedules or activities.", + "Gather customer or product information to determine customer needs.", + "Contact current or potential customers to promote products or services.", + "Identify potential customers.", + "Advise real estate clients.", + "Schedule appointments with prospective customers.", + "Attend events to develop professional knowledge.", + "Deliver promotional presentations to current or prospective customers.", + "Explain technical product or service information to customers.", + "Develop professional relationships or networks.", + "Verify customer credit information.", + "Develop proposals for current or prospective customers.", + "Recommend products or services to customers.", + "Examine condition of property or products.", + "Arrange delivery of goods or services.", + "Train sales personnel.", + "Contract real estate to clients.", + "Direct fundraising or financing activities.", + "Identify investment opportunities or strategies." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Real Estate Transaction Management": 1, + "Client Relationship Management": 1, + "Property Valuation Analysis": 1, + "Negotiation and Persuasion": 1, + "Professional Communication": 1, + "Sales Communication": 1, + "Customer Needs Assessment": 1, + "Strategic Marketing Communication": 1, + "Legal Compliance Documentation": 1, + "Financial Transaction Processing": 1, + "Professional Networking": 1, + "Time Management": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Agricultural Operations": 0 + }, + "original_index": 570, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-5043.00", + "job_title": "Roof Bolters, Mining", + "detailed_work_activities": [ + "Install equipment attachments or components.", + "Break up rock, asphalt, or concrete.", + "Drill holes in earth or rock.", + "Position construction or extraction equipment.", + "Install safety or support equipment.", + "Inspect equipment or tools to be used in construction or excavation.", + "Test air quality at work sites.", + "Install metal structural components.", + "Operate mining equipment.", + "Inspect completed work to ensure proper installation.", + "Position safety or support equipment.", + "Assemble temporary equipment or structures." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Mining Equipment Operation": 1, + "Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Operational Monitoring": 1, + "Technical Problem Solving": 1, + "Construction Equipment Operation": 1, + "Workplace Safety Coordination": 1, + "Technical Diagnostic Assessment": 1, + "Underground Work Operations": 1 + }, + "original_index": 571, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "53-7021.00", + "job_title": "Crane and Tower Operators", + "detailed_work_activities": [ + "Weigh materials to ensure compliance with specifications.", + "Verify information or specifications.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Inspect material-moving equipment to detect problems.", + "Maintain material moving equipment in good working condition.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Direct material handling or moving activities.", + "Clean machinery or equipment.", + "Load shipments, belongings, or materials.", + "Inspect work to ensure standards are met.", + "Review work orders or schedules to determine operations or procedures.", + "Secure cargo.", + "Signal others to coordinate vehicle movement.", + "Record operational or production data." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Material Handling": 1, + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Safety Management": 1, + "Technical Inspection": 1, + "Operational Documentation": 1, + "Coordination Communication": 1 + }, + "original_index": 572, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-4071.00", + "job_title": "Foundry Mold and Coremakers", + "detailed_work_activities": [ + "Clean production equipment.", + "Smooth metal surfaces or edges.", + "Build production molds.", + "Place materials into molds.", + "Position patterns on equipment, materials, or workpieces.", + "Apply parting agents or other solutions to molds.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Signal others to coordinate work activities.", + "Operate heating or drying equipment.", + "Cut industrial materials in preparation for fabrication or processing.", + "Remove workpieces from molds." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Monitoring": 1, + "Operations Monitoring": 1, + "Material Handling": 1, + "Production Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Precision Material Preparation": 1, + "Surface Preparation": 1, + "Pattern Design and Fabrication": 1, + "Technical Safety Management": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 573, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9171.00", + "job_title": "Funeral Home Managers", + "detailed_work_activities": [ + "Advise customers on technical or procedural issues.", + "Schedule activities or facility use.", + "Complete documentation required by programs or regulations.", + "Coordinate regulatory documentation activities.", + "Deliver items.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Monitor organizational compliance with regulations.", + "Supervise employees.", + "Maintain operational records.", + "Prepare reports related to compliance matters.", + "Promote products, services, or programs.", + "Implement organizational process or policy changes.", + "Develop operating strategies, plans, or procedures.", + "Resolve customer complaints or problems.", + "Communicate organizational policies and procedures.", + "Negotiate sales or lease agreements for products or services.", + "Prepare staff schedules or work assignments.", + "Determine pricing or monetary policies.", + "Analyze data to inform operational decisions or activities.", + "Analyze financial records to improve efficiency.", + "Hire personnel.", + "Interview employees, customers, or others to collect information.", + "Evaluate capabilities or training needs.", + "Direct facility maintenance or repair activities.", + "Develop organizational goals or objectives.", + "Establish interpersonal business relationships to facilitate work activities.", + "Monitor performance of organizational members or partners.", + "Analyze market research data.", + "Develop marketing plans or strategies." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Mortuary Operations Management": 1, + "Deceased Care Management": 1, + "Administrative Funeral Documentation": 1, + "Grief Support Communication": 1, + "Professional Communication": 1, + "Operational Compliance Management": 1, + "Client Relationship Management": 1, + "Facility Maintenance": 1, + "Personnel Resource Management": 1, + "Financial Resource Management": 1, + "Embalming Technical Procedures": 1, + "Professional Documentation Management": 1, + "Regulatory Compliance Management": 1, + "Compassionate Client Interaction": 1, + "Strategic Operational Planning": 1 + }, + "original_index": 574, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "17-3028.00", + "job_title": "Calibration Technologists and Technicians", + "detailed_work_activities": [ + "Analyze project data to determine specifications or requirements.", + "Calibrate scientific or technical equipment.", + "Develop technical methods or processes.", + "Disassemble equipment to inspect for deficiencies.", + "Draw detailed or technical illustrations.", + "Evaluate characteristics of products.", + "Fabricate products or components using machine tools.", + "Inspect condition or functioning of facilities or equipment.", + "Inspect finished products to locate flaws.", + "Maintain test equipment.", + "Order materials, supplies, or equipment.", + "Prepare detailed work plans.", + "Reassemble equipment after repair.", + "Repair precision devices or workpieces.", + "Review blueprints or specifications to determine work requirements.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Update technical knowledge.", + "Write reports or evaluations." + ], + "skills": [], + "skill_vector": { + "Advanced Equipment Calibration": 1, + "Precision Equipment Calibration": 1, + "Technical Equipment Calibration": 1, + "Technical Equipment Inspection": 1, + "Technical Diagnostic Assessment": 1, + "Technical Documentation": 1, + "Technical Measurement Precision": 1, + "Technical Problem Solving": 1, + "Technical Equipment Maintenance": 1, + "Technical Quality Control": 1, + "Technical Safety Inspection": 1, + "Precision Technical Measurement": 1, + "Technical Performance Verification": 1, + "Technical Design Documentation": 1, + "Precision Technical Documentation": 1 + }, + "original_index": 575, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "43-3011.00", + "job_title": "Bill and Account Collectors", + "detailed_work_activities": [ + "Maintain financial or account records.", + "Monitor financial information.", + "Provide notifications to customers or patrons.", + "Negotiate financial arrangements.", + "Discuss account status or activity with customers or patrons.", + "Respond to customer problems or complaints.", + "Collect deposits, payments or fees.", + "Interview employees, customers, or others to collect information.", + "Obtain personal or financial information about customers or applicants.", + "Provide information to coworkers.", + "File documents or records.", + "Maintain medical records.", + "Sort mail." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Financial Account Management": 1, + "Customer Information Management": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Negotiation": 1, + "Client Relationship Management": 1, + "Investigative Information Management": 1, + "Compliance and Regulatory Management": 1, + "Transaction Processing": 1, + "Risk Assessment": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 576, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "25-1042.00", + "job_title": "Biological Science Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Teach physical science or mathematics courses at the college level.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Develop instructional materials.", + "Guide class discussions.", + "Supervise laboratory work.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Maintain student records.", + "Stay informed about current developments in field of specialization.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Supervise student research or internship work.", + "Tutor students who need extra assistance.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Plan experiential learning activities.", + "Write grant proposals.", + "Evaluate scholarly materials.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Maintain laboratory or technical equipment.", + "Direct department activities.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 577, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "19-5011.00", + "job_title": "Occupational Health and Safety Specialists", + "detailed_work_activities": [ + "Advise communities or institutions regarding health or safety issues.", + "Design public or employee health programs.", + "Inspect work environments to ensure safety.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Consult with others regarding safe or healthy equipment or facilities.", + "Conduct health or safety training programs.", + "Test facilities for environmental hazards.", + "Write operational reports.", + "Write reports or evaluations.", + "Prepare healthcare training materials.", + "Analyze data to identify trends or relationships among variables.", + "Analyze operational data to evaluate operations, processes or products.", + "Investigate safety of work environment.", + "Develop emergency procedures.", + "Monitor the handling of hazardous materials or medical wastes.", + "Maintain inventory of medical supplies or equipment.", + "Analyze laboratory specimens to detect abnormalities or other problems." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Occupational Safety Management": 1, + "Safety and Compliance Management": 1, + "Workplace Safety Coordination": 1, + "Risk Assessment": 1, + "Technical Safety Inspection": 1, + "Workplace Safety Engineering": 1, + "Environmental Safety Monitoring": 1, + "Hazardous Materials Management": 1, + "Technical Safety Protocols": 1, + "Operational Safety Compliance": 1, + "Professional Communication": 1, + "Training Program Development": 1, + "Technical Documentation Management": 1, + "Complex Problem Solving": 1, + "Healthcare Safety Management": 1, + "Emergency Preparedness Management": 1, + "Analytical Problem Solving": 1, + "Academic Instruction": 0, + "Artistic Performance Management": 0 + }, + "original_index": 578, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "51-9071.06", + "job_title": "Gem and Diamond Workers", + "detailed_work_activities": [ + "Examine physical characteristics of gemstones or precious metals.", + "Evaluate quality of materials or products.", + "Determine the value of goods or services.", + "Maneuver workpieces in equipment during production.", + "Operate grinding equipment.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Record operational or production data.", + "Mount materials or workpieces onto production equipment.", + "Advise others on ways to improve processes or products.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Apply solutions to production equipment.", + "Mix substances to create chemical solutions.", + "Select production equipment according to product specifications.", + "Disassemble equipment for maintenance or repair." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Quality Control Analysis": 1, + "Precision Material Handling": 1, + "Precision Measurement Skills": 1, + "Technical Equipment Operation": 1, + "Precision Technical Documentation": 1, + "Material Processing": 1, + "Technical Diagnostic Assessment": 1, + "Precision Equipment Maintenance": 1, + "Chemical Solution Preparation": 1, + "Advanced Manufacturing Technologies": 1 + }, + "original_index": 579, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-6014.00", + "job_title": "Secretaries and Administrative Assistants, Except Legal, Medical, and Executive", + "detailed_work_activities": [ + "Answer telephones to direct calls or provide information.", + "Discuss account status or activity with customers or patrons.", + "Greet customers, patrons, or visitors.", + "Refer customers to appropriate personnel.", + "Execute sales or other financial transactions.", + "Enter information into databases or software programs.", + "Operate computers or computerized equipment.", + "Collect deposits, payments or fees.", + "Operate office equipment.", + "Report maintenance or equipment problems to appropriate personnel.", + "Record personnel information.", + "Select resources needed to accomplish tasks.", + "Operate communications equipment or systems.", + "Schedule appointments.", + "Distribute materials to employees or customers.", + "Issue documentation or identification to customers or employees.", + "Record information from meetings or other formal proceedings.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Order materials, supplies, or equipment.", + "Develop organizational policies or programs.", + "Prepare employee work schedules.", + "Send information, materials or documentation.", + "Compile data or documentation.", + "Make travel, accommodations, or entertainment arrangements for others.", + "Schedule operational activities.", + "Distribute incoming mail.", + "Proofread documents, records, or other files to ensure accuracy.", + "Route mail to correct destinations.", + "Search files, databases or reference materials to obtain needed information.", + "Supervise clerical or administrative personnel.", + "Manage clerical or administrative activities.", + "Coordinate operational activities.", + "Maintain current knowledge related to work activities.", + "Train personnel.", + "Prepare informational or reference materials.", + "Develop computer or online applications." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Administrative Support Coordination": 1, + "Professional Communication": 1, + "Professional Documentation": 1, + "Operational Communication": 1, + "Operational Documentation": 1, + "Precision Information Processing": 1, + "Technical Documentation": 1, + "Workflow Coordination": 1, + "Academic Instruction": 0, + "Healthcare Patient Communication": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 580, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-6064.00", + "job_title": "Textile Winding, Twisting, and Drawing Out Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Cut fabrics.", + "Monitor equipment operation to ensure proper functioning.", + "Notify others of equipment repair or maintenance needs.", + "Operate textile cutting or production equipment.", + "Feed materials or products into or through equipment.", + "Inspect production equipment.", + "Load materials into production equipment.", + "Maintain inventories of materials, equipment, or products.", + "Record operational or production data.", + "Inspect textile products.", + "Exchange information with colleagues.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Watch operating equipment to detect malfunctions.", + "Remove accessories, tools, or other parts from equipment.", + "Remove products or workpieces from production equipment.", + "Install mechanical components in production equipment.", + "Mount attachments or tools onto production equipment.", + "Set equipment controls to meet cutting specifications.", + "Mount materials or workpieces onto production equipment.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Conduct test runs of production equipment.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Clean production equipment.", + "Lubricate production equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Textile Equipment Operation": 1, + "Equipment Operation and Monitoring": 1, + "Quality Control Analysis": 1, + "Precision Equipment Maintenance": 1, + "Material Handling": 1, + "Operational Documentation": 1, + "Technical Safety Management": 1, + "Precision Measurement and Verification": 1, + "Textile Inspection and Quality Control": 1, + "Interpersonal Communication": 1 + }, + "original_index": 581, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-8093.00", + "job_title": "Petroleum Pump System Operators, Refinery Operators, and Gaugers", + "detailed_work_activities": [ + "Signal others to coordinate work activities.", + "Monitor equipment operation to ensure proper functioning.", + "Maintain production or processing equipment.", + "Notify others of equipment repair or maintenance needs.", + "Repair production equipment or tools.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Operate energy distribution equipment.", + "Watch operating equipment to detect malfunctions.", + "Monitor equipment fluid levels.", + "Plan production or operational procedures or sequences.", + "Operate pumping systems or equipment.", + "Collect samples of materials or products for testing.", + "Direct operational or production activities.", + "Record operational or production data.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Test chemical or physical characteristics of materials or products.", + "Clean work areas.", + "Inspect production equipment.", + "Lubricate production equipment.", + "Analyze test results.", + "Clean production equipment.", + "Seal gaps or cracks to prevent leakage or moisture intrusion.", + "Calculate costs of goods or services.", + "Calculate weights, volumes or other characteristics of materials." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Monitoring": 1, + "Operational Safety Management": 1, + "Technical Diagnostic Assessment": 1, + "Precision Equipment Maintenance": 1, + "Technical Documentation": 1, + "Chemical Processing Control": 1, + "Material Handling": 1, + "Operational Coordination": 1, + "Technical Safety Protocols": 1, + "Academic Instruction": 0, + "Adaptive Care Assistance": 0, + "Artistic Conceptualization": 0 + }, + "original_index": 582, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "47-2044.00", + "job_title": "Tile and Stone Setters", + "detailed_work_activities": [ + "Align masonry materials.", + "Install masonry materials.", + "Remove excess materials from finished construction projects.", + "Apply mortar.", + "Cut tile, stone, or other masonry materials.", + "Mix substances or compounds needed for work activities.", + "Spread concrete or other aggregate mixtures.", + "Determine construction project layouts.", + "Estimate materials requirements for projects.", + "Review blueprints or specifications to determine work requirements.", + "Mark reference points on construction materials.", + "Measure work site dimensions.", + "Apply adhesives to construction materials.", + "Apply sealants or other protective coatings.", + "Cut metal components for installation.", + "Measure materials or objects for installation or assembly.", + "Install building fixtures.", + "Remove worn, damaged or outdated materials from work areas.", + "Communicate with clients about products, procedures, and policies.", + "Estimate construction project costs.", + "Estimate construction project labor requirements.", + "Clean surfaces in preparation for work activities.", + "Cut carpet, vinyl or other flexible materials.", + "Smooth surfaces with abrasive materials or tools.", + "Order construction or extraction materials or equipment.", + "Select construction materials." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Masonry Material Installation": 1, + "Material Handling": 1, + "Construction Material Preparation": 1, + "Surface Preparation": 1, + "Technical Measurement and Marking": 1, + "Construction Site Coordination": 1, + "Adhesive and Mortar Application": 1, + "Technical Equipment Operation": 1, + "Safety and Quality Control Inspection": 1, + "Project Cost Estimation": 1, + "Technical Documentation": 1, + "Client Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Veterinary Technical Support": 0 + }, + "original_index": 583, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-2221.00", + "job_title": "Structural Iron and Steel Workers", + "detailed_work_activities": [ + "Review blueprints or specifications to determine work requirements.", + "Install metal structural components.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Signal equipment operators to indicate proper equipment positioning.", + "Verify alignment of structures or equipment.", + "Cut metal components for installation.", + "Weld metal components.", + "Position structural components.", + "Load or unload materials used in construction or extraction.", + "Assemble temporary equipment or structures.", + "Fabricate parts or components.", + "Dismantle equipment or temporary structures.", + "Assist skilled construction or extraction personnel.", + "Install electrical components, equipment, or systems.", + "Install gauges or controls.", + "Install insulation in equipment or structures.", + "Position safety or support equipment." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Structural Component Installation": 1, + "Technical Blueprint Interpretation": 1, + "Material Handling": 1, + "Technical Equipment Operation": 1, + "Welding and Fabrication": 1, + "Technical Safety Management": 1, + "Technical Measurement and Verification": 1, + "Surface Preparation": 1, + "Construction Equipment Management": 1, + "Technical Communication": 1 + }, + "original_index": 584, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-2099.01", + "job_title": "Remote Sensing Scientists and Technologists", + "detailed_work_activities": [ + "Analyze geological or geographical data.", + "Record research or operational data.", + "Create images or other visual displays.", + "Prepare scientific or technical reports or presentations.", + "Compile geographic or related data.", + "Develop environmental research methods.", + "Develop technical or scientific databases.", + "Collect environmental data or samples.", + "Collect geographical or geological field data.", + "Train personnel in technical or scientific procedures.", + "Set up laboratory or field equipment.", + "Direct technical activities or operations.", + "Attend conferences or workshops to maintain professional knowledge.", + "Review professional literature to maintain professional knowledge.", + "Evaluate new technologies or methods.", + "Advise others on the development or use of new technologies.", + "Apply knowledge or research findings to address environmental problems.", + "Develop software or applications for scientific or technical use." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Remote Sensing Analysis": 1, + "Geospatial Data Analysis": 1, + "Geospatial Data Collection": 1, + "Scientific Research Methodology": 1, + "Technical Documentation": 1, + "Environmental Data Analysis": 1, + "Technical Equipment Operation": 1, + "Scientific Problem Solving": 1, + "Technical Systems Analysis": 1, + "Professional Scientific Communication": 1, + "Academic Research Methodology": 1, + "Technology Project Management": 1, + "Software Development": 1, + "Field Research Documentation": 1, + "Technical Visual Assessment": 1, + "Stakeholder Communication": 1, + "Professional Knowledge Maintenance": 1, + "Adaptive Problem Resolution": 1, + "Strategic Research Planning": 1, + "Computational Data Analysis": 1 + }, + "original_index": 585, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "43-1011.00", + "job_title": "First-Line Supervisors of Office and Administrative Support Workers", + "detailed_work_activities": [ + "Supervise clerical or administrative personnel.", + "Explain regulations, policies, or procedures.", + "Train personnel.", + "Respond to customer problems or complaints.", + "Examine documents to verify adherence to requirements.", + "Prepare employee work schedules.", + "Administer personnel recruitment or hiring activities.", + "Compile data or documentation.", + "Prepare research or technical reports.", + "Develop organizational policies or programs.", + "Calculate financial data.", + "Analyze financial information.", + "Coordinate operational activities.", + "Perform administrative or clerical tasks.", + "Provide information to coworkers.", + "Maintain inventory records.", + "Record personnel information.", + "Confer with coworkers to coordinate work activities.", + "Maintain current knowledge related to work activities.", + "Monitor inventories of products or materials.", + "Report maintenance or equipment problems to appropriate personnel.", + "Plan facility layouts or designs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Support Coordination": 1, + "Operational Communication": 1, + "Operational Coordination": 1, + "Personnel Resource Management": 1, + "Professional Communication": 1, + "Workplace Safety Coordination": 1, + "Training Program Development": 1, + "Performance Evaluation Management": 1, + "Workforce Performance Management": 1, + "Academic Instruction": 0, + "Healthcare Patient Management": 0, + "Technical Equipment Management": 0 + }, + "original_index": 586, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-1123.00", + "job_title": "English Language and Literature Teachers, Postsecondary", + "detailed_work_activities": [ + "Teach humanities courses at the college level.", + "Teach classes in area of specialization.", + "Evaluate student work.", + "Develop instructional materials.", + "Guide class discussions.", + "Maintain student records.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Tutor students who need extra assistance.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Teach online courses.", + "Prepare activity or work schedules.", + "Prepare staff schedules or work assignments.", + "Schedule instructional activities.", + "Write reports or evaluations.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Supervise student research or internship work.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Direct activities of subordinates.", + "Train staff members.", + "Plan community programs or activities for the general public.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Compile specialized bibliographies or lists of materials.", + "Evaluate performance of educational staff.", + "Write grant proposals.", + "Edit documents.", + "Edit written materials.", + "Proofread documents, records, or other files to ensure accuracy.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 587, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "13-1199.06", + "job_title": "Online Merchants", + "detailed_work_activities": [ + "Execute sales or other financial transactions.", + "Purchase products or services.", + "Collect payments for goods or services.", + "Correspond with customers to answer questions or resolve complaints.", + "Create marketing materials.", + "Calculate data to inform organizational operations.", + "Determine the value of goods or services.", + "Create images of data, locations, or products.", + "Market products, services, or events.", + "Maintain data in information systems or databases.", + "Identify strategic business investment opportunities.", + "Allocate physical resources within organizations.", + "Analyze business or financial data.", + "Develop financial or business plans.", + "Develop business or financial information systems.", + "Obtain information about goods or services.", + "Update professional knowledge.", + "Develop business or market strategies." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Business Strategy Development": 1, + "Customer Needs Assessment": 1, + "Digital Marketing Strategy": 1, + "Financial Analysis": 1, + "Information Systems Management": 1, + "Inventory Management": 1, + "Market Intelligence": 1, + "Product Knowledge Communication": 1, + "Sales Transaction Processing": 1, + "Strategic Resource Management": 1, + "Web Technology Management": 1 + }, + "original_index": 588, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "51-3022.00", + "job_title": "Meat, Poultry, and Fish Cutters and Trimmers", + "detailed_work_activities": [ + "Cut meat products.", + "Mark products, workpieces, or equipment with identifying information.", + "Weigh finished products.", + "Prepare meat products for sale or consumption.", + "Inspect food products.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Process animal carcasses.", + "Distribute supplies to workers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Meat Processing Skills": 1, + "Material Handling": 1, + "Equipment Operation": 1, + "Quality Control": 1, + "Safety Management": 1, + "Precision Manual Skills": 1, + "Operational Documentation": 1, + "Workplace Safety": 1, + "Technical Communication": 1 + }, + "original_index": 589, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "47-2073.00", + "job_title": "Operating Engineers and Other Construction Equipment Operators", + "detailed_work_activities": [ + "Update job related knowledge or skills.", + "Position construction or extraction equipment.", + "Monitor construction operations.", + "Operate equipment or vehicles to clear construction sites or move materials.", + "Move construction or extraction materials to locations where they are needed.", + "Locate equipment or materials in need of repair or replacement.", + "Maintain construction tools or equipment.", + "Signal equipment operators to indicate proper equipment positioning.", + "Load or unload materials used in construction or extraction.", + "Communicate with clients about products, procedures, and policies.", + "Review blueprints or specifications to determine work requirements.", + "Install equipment attachments or components.", + "Select construction equipment.", + "Operate heavy-duty construction or installation equipment.", + "Record operational or environmental data.", + "Remove debris or vegetation from work sites.", + "Drive trucks or truck-mounted equipment.", + "Assist skilled construction or extraction personnel.", + "Operate road-surfacing equipment.", + "Compact materials to create level bases.", + "Test air quality at work sites.", + "Operate pumps or compressors." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Construction Equipment Operation": 1, + "Equipment Maintenance": 1, + "Equipment Monitoring": 1, + "Operational Safety Management": 1, + "Technical Equipment Control": 1, + "Material Handling": 1, + "Site Preparation": 1, + "Technical Safety Inspection": 1, + "Precision Equipment Operation": 1, + "Workplace Safety Coordination": 1, + "Technical Documentation": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0, + "Artistic Performance": 0 + }, + "original_index": 590, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "53-4041.00", + "job_title": "Subway and Streetcar Operators", + "detailed_work_activities": [ + "Monitor surroundings to detect potential hazards.", + "Monitor traffic signals.", + "Monitor vehicle movement or location.", + "Drive passenger vehicles.", + "Notify others of emergencies, problems, or hazards.", + "Report vehicle or equipment malfunctions.", + "Provide transportation information to passengers or customers.", + "Direct emergency management activities.", + "Prepare accident or incident reports.", + "Record operational details of travel.", + "Maintain professional knowledge or certifications." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Vehicle Operation Control": 1, + "Transportation Safety Management": 1, + "Operational Safety Monitoring": 1, + "Passenger Safety Management": 1, + "Technical Equipment Operation": 1, + "Professional Communication": 1, + "Emergency Response Coordination": 1, + "Situational Awareness": 1, + "Technical Documentation": 1, + "Route Navigation and Planning": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Agricultural Operations": 0 + }, + "original_index": 591, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "53-3032.00", + "job_title": "Heavy and Tractor-Trailer Truck Drivers", + "detailed_work_activities": [ + "Secure cargo.", + "Follow safety procedures for vehicle operation.", + "Inspect cargo to ensure it is properly loaded or secured.", + "Review documents or materials for compliance with policies or regulations.", + "Operate vehicles or material-moving equipment.", + "Collect fares or payment from customers.", + "Inspect motor vehicles.", + "Review work orders or schedules to determine operations or procedures.", + "Notify others of emergencies, problems, or hazards.", + "Record operational or production data.", + "Record service or repair activities.", + "Report vehicle or equipment malfunctions.", + "Maintain vehicles in good working condition.", + "Connect cables or electrical lines.", + "Verify information or specifications.", + "Read maps to determine routes.", + "Inspect cargo areas for cleanliness or condition.", + "Operate communications equipment or systems.", + "Acquire supplies or equipment.", + "Load shipments, belongings, or materials.", + "Adjust routes or speeds as necessary.", + "Choose optimal transportation routes or speeds.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Monitor cargo area conditions.", + "Package materials or products.", + "Operate green energy production equipment.", + "Remove debris or damaged materials.", + "Direct material handling or moving activities." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Vehicle Operation Control": 1, + "Vehicle Operation Management": 1, + "Vehicle Operational Safety": 1, + "Transportation Safety Management": 1, + "Cargo Handling and Coordination": 1, + "Material Handling": 1, + "Equipment Operation and Monitoring": 1, + "Route Navigation and Logistics": 1, + "Technical Documentation": 1, + "Professional Vehicle Documentation": 1, + "Operational Safety Monitoring": 1, + "Operational Communication": 1 + }, + "original_index": 592, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-3031.01", + "job_title": "Treasurers and Controllers", + "detailed_work_activities": [ + "Determine resource needs.", + "Recommend organizational process or policy changes.", + "Direct financial operations.", + "Prepare financial documents, reports, or budgets.", + "Establish interpersonal business relationships to facilitate work activities.", + "Compile operational data.", + "Monitor flow of cash or other resources.", + "Monitor organizational compliance with regulations.", + "Approve expenditures.", + "Supervise employees.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Collect payments for goods or services.", + "Prepare reports related to compliance matters.", + "Analyze financial records to improve budgeting or planning.", + "Analyze financial records to improve efficiency.", + "Conduct financial or regulatory audits.", + "Evaluate employee performance.", + "Manage control system activities in organizations.", + "Advise others on business or operational matters.", + "Maintain knowledge of current developments in area of expertise.", + "Calculate financial data.", + "Administer compensation or benefits programs.", + "Prepare operational budgets.", + "Conduct employee training programs.", + "Determine pricing or monetary policies." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Financial Analysis": 1, + "Financial Resource Management": 1, + "Operational Financial Analysis": 1, + "Strategic Financial Decision Making": 1, + "Organizational Compliance Management": 1, + "Advanced Operational Monitoring": 1, + "Professional Financial Communication": 1, + "Risk Assessment Management": 1, + "Quantitative Financial Analysis": 1, + "Strategic Resource Allocation": 1, + "Stakeholder Communication Management": 1, + "Technical Documentation Management": 1, + "Personnel Resource Management": 1, + "Regulatory Compliance Management": 1, + "Strategic Operational Planning": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Medical Procedure Support": 0 + }, + "original_index": 593, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-2011.02", + "job_title": "Cytotechnologists", + "detailed_work_activities": [ + "Analyze laboratory specimens to detect abnormalities or other problems.", + "Verify accuracy of patient information.", + "Communicate test or assessment results to medical professionals.", + "Prepare biological specimens for laboratory analysis.", + "Test biological specimens to gather information about patient conditions.", + "Follow protocols or regulations for healthcare activities.", + "Verify that medical activities or operations meet standards.", + "Assist healthcare practitioners during examinations or treatments.", + "Adjust settings or positions of medical equipment.", + "Maintain medical laboratory equipment.", + "Repair medical facility equipment.", + "Supervise technical medical personnel.", + "Maintain medical or professional knowledge." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Biological Sample Analysis": 1, + "Biological Specimen Processing": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Laboratory Operations": 1, + "Precision Medical Documentation": 1, + "Technical Quality Control": 1, + "Healthcare Technical Communication": 1, + "Scientific Laboratory Procedure Management": 1, + "Medical Equipment Management": 1, + "Professional Knowledge Maintenance": 1 + }, + "original_index": 594, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-6012.00", + "job_title": "Concierges", + "detailed_work_activities": [ + "Provide patrons with directions to locales or attractions.", + "Arrange services or reservations for patrons.", + "Provide attraction or event information to patrons.", + "Deliver items.", + "Arrange delivery of goods or services.", + "Order materials, supplies, or equipment.", + "Handle luggage or other possessions for patrons.", + "Organize recreational activities or events.", + "Perform administrative or clerical tasks.", + "Sell products or services.", + "Clean facilities or work areas." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Academic Instruction": 0, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Advanced Interpersonal Communication": 1, + "Client Interaction Management": 1, + "Customer Service Coordination": 1, + "Hospitality Management": 1, + "Interpersonal Communication": 1, + "Operational Communication": 1, + "Patron Information Support": 1, + "Patron Interaction Management": 1, + "Patron Safety Coordination": 1, + "Professional Communication": 1, + "Service Communication": 1, + "Service Coordination": 1, + "Service Orientation": 1 + }, + "original_index": 595, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "31-1121.00", + "job_title": "Home Health Aides", + "detailed_work_activities": [ + "Maintain medical records.", + "Assist patients with daily activities.", + "Give medications or immunizations.", + "Engage patients in exercises or activities.", + "Feed patients.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Teach basic living or other adaptive skills to patients or caregivers.", + "Accompany patients or clients on outings to provide assistance.", + "Apply bandages, dressings, or splints.", + "Administer therapy treatments to patients using hands or physical treatment aids." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Patient Care Communication": 1, + "Patient Assessment": 1, + "Healthcare Patient Support": 1, + "Interpersonal Patient Communication": 1, + "Therapeutic Patient Care": 1, + "Healthcare Documentation Management": 1, + "Medication Management": 1, + "Clinical Procedure Support": 1, + "Patient Safety Management": 1, + "Adaptive Instructional Techniques": 1, + "Client Needs Assessment": 1, + "Compassionate Client Interaction": 1, + "Academic Instruction": 0, + "Advanced Scientific Problem Solving": 0 + }, + "original_index": 596, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "33-3011.00", + "job_title": "Bailiffs", + "detailed_work_activities": [ + "Confiscate prohibited or dangerous items.", + "Search individuals for illegal or dangerous items.", + "Escort prisoners to courtrooms, prisons, or other facilities.", + "Provide security escorts for officials, jury members, or other individuals.", + "Maintain public order or security.", + "Patrol properties to maintain safety.", + "Guard facilities.", + "Warn individuals about rule violations or safety concerns.", + "Detain suspects or witnesses.", + "Request emergency personnel.", + "Inspect facilities for cleanliness.", + "Maintain inventories of materials, equipment, or products.", + "Document legal or regulatory information.", + "Prevent unauthorized individuals from entering restricted areas.", + "Process forensic or legal evidence in accordance with procedures.", + "Inform viewers, listeners, or audiences.", + "Present information to the public." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Public Safety Management": 1, + "Operational Safety Management": 1, + "Interpersonal Communication": 1, + "Legal Compliance Monitoring": 1, + "Surveillance Operations": 1, + "Threat Detection and Assessment": 1, + "Professional Communication in Law Enforcement": 1, + "Situational Awareness": 1, + "Procedural Compliance Management": 1, + "Safety Equipment Verification": 1, + "Conflict Resolution and Mediation": 1, + "Documentation Management": 1 + }, + "original_index": 597, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "53-1043.00", + "job_title": "First-Line Supervisors of Material-Moving Machine and Vehicle Operators", + "detailed_work_activities": [ + "Direct material handling or moving activities.", + "Explain regulations, policies, or procedures.", + "Resolve personnel problems.", + "Plan work operations.", + "Resolve issues affecting transportation operations.", + "Measure product or material dimensions.", + "Weigh materials to ensure compliance with specifications.", + "Review work orders or schedules to determine operations or procedures.", + "Record operational or production data.", + "Inspect facilities to ensure compliance with safety, quality, or service standards.", + "Inspect motor vehicles.", + "Operate vehicles or material-moving equipment.", + "Test materials, solutions, or samples.", + "Verify information or specifications.", + "Acquire supplies or equipment.", + "Arrange maintenance activities.", + "Maintain vehicles in good working condition.", + "Recommend personnel decisions or human resources activities.", + "Prepare accident or incident reports.", + "Direct emergency management activities.", + "Monitor work environment to ensure safety or adherence to specifications.", + "Determine resource needs.", + "Direct passenger or freight transport activities.", + "Load shipments, belongings, or materials.", + "Schedule product or material transportation." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Material Handling": 1, + "Operational Coordination": 1, + "Personnel Resource Management": 1, + "Operational Safety Management": 1, + "Technical Equipment Operation": 1, + "Operational Documentation": 1, + "Vehicle Operation Management": 1, + "Maintenance Coordination": 1, + "Compliance and Regulatory Management": 1, + "Resource Allocation Management": 1, + "Conflict Resolution": 1, + "Emergency Management": 1, + "Performance Monitoring": 1 + }, + "original_index": 598, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "47-2142.00", + "job_title": "Paperhangers", + "detailed_work_activities": [ + "Apply decorative or textured finishes or coverings.", + "Trim excess material from installations.", + "Inspect completed work to ensure proper installation.", + "Mark reference points on construction materials.", + "Apply adhesives to construction materials.", + "Cut carpet, vinyl or other flexible materials.", + "Measure materials or objects for installation or assembly.", + "Apply material to fill gaps in surfaces.", + "Estimate materials requirements for projects.", + "Measure work site dimensions.", + "Prepare surfaces for finishing.", + "Review blueprints or specifications to determine work requirements.", + "Smooth surfaces with abrasive materials or tools.", + "Assemble temporary equipment or structures.", + "Remove worn, damaged or outdated materials from work areas.", + "Apply sealants or other protective coatings.", + "Implement advertising or marketing initiatives.", + "Mix substances or compounds needed for work activities.", + "Clean surfaces in preparation for work activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Adhesive Application": 1, + "Material Handling": 1, + "Precision Material Preparation": 1, + "Surface Preparation": 1, + "Measurement and Verification": 1, + "Technical Measurement and Layout": 1, + "Coordination": 1, + "Active Listening": 1, + "Professional Communication": 1, + "Quality Control Inspection": 1, + "Construction Material Handling": 1, + "Technical Safety Management": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 599, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-4031.00", + "job_title": "Fence Erectors", + "detailed_work_activities": [ + "Determine appropriate locations for operations or installations.", + "Position structural components.", + "Mark reference points on construction materials.", + "Measure work site dimensions.", + "Verify alignment of structures or equipment.", + "Install fencing or other barriers.", + "Dig holes or trenches.", + "Install wooden structural components.", + "Mix substances or compounds needed for work activities.", + "Pour materials into or on designated areas.", + "Cut wood components for installation.", + "Communicate with clients about products, procedures, and policies.", + "Install metal structural components.", + "Operate detonation equipment.", + "Weld metal components." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Fence Construction Skills": 1, + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Precision Manual Construction": 1, + "Precision Measurement and Marking": 1, + "Site Preparation and Measurement": 1, + "Structural Component Installation": 1, + "Structural Component Positioning": 1, + "Material Handling": 1, + "Construction Safety Management": 1, + "Operational Safety Coordination": 1, + "Technical Equipment Operation": 1, + "Welding and Fabrication": 1, + "Surface Preparation": 1, + "Precision Manual Material Handling": 1, + "Construction Site Coordination": 1, + "Rigging and Material Positioning": 1, + "Operational Monitoring": 1, + "Technical Measurement and Verification": 1, + "Workplace Safety Management": 1 + }, + "original_index": 600, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "19-4051.02", + "job_title": "Nuclear Monitoring Technicians", + "detailed_work_activities": [ + "Communicate safety or hazard information to others.", + "Measure radiation levels.", + "Train personnel in technical or scientific procedures.", + "Collect environmental data or samples.", + "Analyze environmental data.", + "Record research or operational data.", + "Advise others on management of emergencies or hazardous situations or materials.", + "Set up laboratory or field equipment.", + "Calibrate scientific or technical equipment.", + "Maintain laboratory or technical equipment.", + "Prepare operational reports.", + "Clean objects." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Radiation Safety Management": 1, + "Radiation Safety Monitoring": 1, + "Technical Safety Monitoring": 1, + "Environmental Monitoring": 1, + "Technical Equipment Operation": 1, + "Scientific Field Data Collection": 1, + "Technical Documentation": 1, + "Technical Safety Protocols": 1, + "Advanced Operational Monitoring": 1, + "Scientific Laboratory Procedure Management": 1, + "Technical Equipment Calibration": 1, + "Emergency Response Management": 1, + "Technical Risk Assessment": 1, + "Operational Safety Management": 1, + "Scientific Research Methodology": 1, + "Training Program Development": 1, + "Technical Communication": 1, + "Complex Problem Solving": 1, + "Academic Research Methodology": 0 + }, + "original_index": 601, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "37-2021.00", + "job_title": "Pest Control Workers", + "detailed_work_activities": [ + "Document work hours or activities.", + "Inspect buildings or grounds to determine condition.", + "Recommend products or services to customers.", + "Block physical access to restricted areas.", + "Notify others of emergencies, problems, or hazards.", + "Treat greenery or surfaces with protective substances.", + "Clean facilities or sites.", + "Drive trucks or other vehicles to or at work sites.", + "Estimate maintenance service requirements or costs.", + "Evaluate reports or designs to determine work needs.", + "Treat facilities to eliminate pests.", + "Supervise maintenance workers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Pest Control Operations": 1, + "Operational Safety Management": 1, + "Chemical Application Safety": 1, + "Equipment Operation": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Vehicle Operation": 1, + "Site Inspection": 1, + "Chemical Substance Management": 1, + "Customer Service Coordination": 1, + "Maintenance and Cleaning": 1, + "Operational Cost Estimation": 1, + "Workplace Safety Coordination": 1, + "Supervisory Coordination": 1, + "Protective Work Environment Setup": 1 + }, + "original_index": 602, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-4122.00", + "job_title": "Welding, Soldering, and Brazing Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate welding equipment.", + "Record operational or production data.", + "Apply lubricants or coolants to workpieces.", + "Apply solutions to production equipment.", + "Assemble metal or plastic parts or products.", + "Select production equipment according to product specifications.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Lay out parts to prepare for assembly.", + "Operate cutting equipment.", + "Operate grinding equipment.", + "Reshape metal workpieces to established specifications.", + "Adjust equipment controls to regulate gas flow.", + "Adjust flow of electricity to tools or production equipment.", + "Align parts or workpieces to ensure proper assembly.", + "Conduct test runs of production equipment.", + "Enter commands, instructions, or specifications into equipment.", + "Direct operational or production activities.", + "Clean production equipment.", + "Lubricate production equipment.", + "Maintain production or processing equipment.", + "Mount attachments or tools onto production equipment.", + "Remove products or workpieces from production equipment.", + "Calculate specific material, equipment, or labor requirements for production.", + "Load materials into production equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Feed materials or products into or through equipment.", + "Heat material or workpieces to prepare for or complete production.", + "Solder parts or workpieces.", + "Move products, materials, or equipment between work areas.", + "Assemble machine tools, parts, or fixtures.", + "Design tools, fixtures, or other devices for production equipment.", + "Immerse objects or workpieces in cleaning or coating solutions." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Welding Equipment Operation": 1, + "Technical Equipment Operation": 1, + "Precision Equipment Monitoring": 1, + "Material Handling": 1, + "Technical Measurement and Verification": 1, + "Production Equipment Control": 1, + "Technical Documentation": 1, + "Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Operational Monitoring": 1, + "Complex Problem Solving": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Healthcare Patient Care": 0 + }, + "original_index": 603, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "25-1112.00", + "job_title": "Law Teachers, Postsecondary", + "detailed_work_activities": [ + "Guide class discussions.", + "Evaluate student work.", + "Develop instructional materials.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Teach social science courses at the college level.", + "Maintain student records.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Advise students on academic or career matters.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Plan experiential learning activities.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Supervise student research or internship work.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Plan community programs or activities for the general public.", + "Compile specialized bibliographies or lists of materials.", + "Write grant proposals.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Instructing\u2014 Teaching others how to do something.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 604, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "37-2012.00", + "job_title": "Maids and Housekeeping Cleaners", + "detailed_work_activities": [ + "Inventory materials or equipment.", + "Clean facilities or sites.", + "Move materials, equipment, or supplies.", + "Clean equipment or supplies.", + "Clean building walls or flooring.", + "Dispose of trash or waste materials.", + "Monitor building premises to ensure occupant or visitor safety.", + "Clean furniture or fixtures.", + "Operate garment treatment equipment.", + "Sort materials or products.", + "Move furniture.", + "Maintain equipment or systems to ensure proper functioning.", + "Decorate indoor or outdoor spaces.", + "Schedule repair, installation or maintenance activities." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Service Orientation": 1, + "Coordination": 1, + "Time Management": 1, + "Facility Maintenance and Cleaning": 1, + "Material Handling": 1, + "Inventory Management": 1, + "Safety and Compliance": 1, + "Professional Communication": 1, + "Equipment Operation": 1, + "Sanitation and Hygiene Management": 1 + }, + "original_index": 605, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9111.00", + "job_title": "Medical and Health Services Managers", + "detailed_work_activities": [ + "Evaluate employee performance.", + "Supervise employees.", + "Develop computer or information systems.", + "Maintain operational records.", + "Conduct employee training programs.", + "Implement organizational process or policy changes.", + "Manage human resources activities.", + "Direct financial operations.", + "Maintain knowledge of current developments in area of expertise.", + "Prepare operational budgets.", + "Monitor performance of organizational members or partners.", + "Monitor resources.", + "Prepare staff schedules or work assignments.", + "Hire personnel.", + "Manage operations, research, or logistics projects.", + "Recruit personnel.", + "Liaise between departments or other groups to improve function or communication.", + "Develop organizational goals or objectives.", + "Develop procedures to evaluate organizational activities.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Analyze risks to minimize losses or damages.", + "Monitor facilities or operational systems.", + "Prepare operational progress or status reports.", + "Advise others on legal or regulatory compliance matters.", + "Inspect condition or functioning of facilities or equipment.", + "Coordinate operational activities with external stakeholders." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work." + ], + "skill_vector": { + "Healthcare Administration": 1, + "Operational Performance Management": 1, + "Personnel Resource Management": 1, + "Strategic Organizational Communication": 1, + "Financial Resource Management": 1, + "Organizational Policy Development": 1, + "Operational Compliance Management": 1, + "Strategic Operational Planning": 1, + "Performance Evaluation Management": 1, + "Risk Assessment and Management": 1, + "Professional Communication": 1, + "Training Program Development": 1, + "Stakeholder Communication Management": 1, + "Professional Development Coordination": 1, + "Technical Documentation Management": 1, + "Strategic Resource Allocation": 1, + "Workplace Safety Management": 1, + "Advanced Operational Monitoring": 1, + "Advanced Regulatory Compliance": 1, + "Strategic Decision Making": 1 + }, + "original_index": 606, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "39-3092.00", + "job_title": "Costume Attendants", + "detailed_work_activities": [ + "Assign duties or work schedules to employees.", + "Prepare operational reports or records.", + "Arrange items for use or display.", + "Maintain supply or equipment inventories.", + "Design costumes or cosmetic effects for characters.", + "Distribute resources to patrons or employees.", + "Evaluate quality of materials or products.", + "Review art or design materials.", + "Clean fabrics or apparel.", + "Collaborate with others to determine production details.", + "Monitor availability of equipment or supplies.", + "Order materials, supplies, or equipment.", + "Supervise service workers.", + "Assign resources or facilities to patrons or employees.", + "Maintain facilities.", + "Manage budgets for personal services operations.", + "Perform human resources activities.", + "Train service staff.", + "Review production information to determine costume or makeup requirements.", + "Deliver items.", + "Monitor operational quality or safety." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Artistic Collaboration": 1, + "Artistic Conceptualization": 1, + "Artistic Performance Coordination": 1, + "Costume Resource Management": 1, + "Material Handling": 1, + "Inventory Management": 1, + "Resource Allocation": 1, + "Quality Inspection": 1, + "Administrative Documentation": 1, + "Supervisory Coordination": 1, + "Professional Communication": 1, + "Human Resources Activities": 1, + "Budget Management": 1, + "Training and Development": 1, + "Academic Instruction": 0, + "Medical Procedures": 0, + "Technical Engineering": 0 + }, + "original_index": 607, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "15-1299.08", + "job_title": "Computer Systems Engineers/Architects", + "detailed_work_activities": [ + "Collaborate with others to determine design specifications or details.", + "Evaluate utility of software or hardware technologies.", + "Recommend changes to improve computer or information systems.", + "Develop guidelines for system implementation.", + "Manage information technology projects or system activities.", + "Coordinate software or hardware installation.", + "Monitor computer system performance to ensure proper operation.", + "Test computer system operations to ensure proper functioning.", + "Identify information technology project resource requirements.", + "Install computer hardware.", + "Install computer software.", + "Maintain computer hardware.", + "Conduct research to gain information about products or processes.", + "Configure computer networks.", + "Coordinate project activities with other personnel or departments.", + "Document technical specifications or requirements.", + "Test computer hardware performance.", + "Test software performance.", + "Analyze security of systems, network, or data.", + "Develop organizational goals or objectives.", + "Provide technical support for software maintenance or use.", + "Design integrated computer systems.", + "Develop performance metrics or standards related to information technology.", + "Develop detailed project plans.", + "Communicate project information to others.", + "Prepare analytical reports.", + "Train others in computer interface or software use.", + "Design computer modeling or simulation programs.", + "Develop models of information or communications systems.", + "Design software applications." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Programming\u2014 Writing computer programs for various purposes.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Technical Systems Engineering": 1, + "Technical Systems Design": 1, + "Technical Systems Analysis": 1, + "Technical Systems Optimization": 1, + "Technical Systems Problem Solving": 1, + "Technical Systems Security": 1, + "Technical Documentation": 1, + "Technical Communication": 1, + "Technical Project Management": 1, + "Technical Equipment Management": 1, + "Technical Performance Monitoring": 1, + "Technical Problem Resolution": 1, + "Technical Research and Development": 1, + "Technical Quality Control": 1, + "Technical Risk Assessment": 1 + }, + "original_index": 608, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "33-3031.00", + "job_title": "Fish and Game Wardens", + "detailed_work_activities": [ + "Patrol natural areas to ensure safety or enforce regulations.", + "Prepare investigation or incident reports.", + "Testify at legal or legislative proceedings.", + "Protect wildlife or natural areas.", + "Investigate accidents to determine causes.", + "Investigate illegal or suspicious activities.", + "Issue warnings or citations.", + "Apprehend criminal suspects.", + "Collaborate with law enforcement or security agencies to respond to incidents.", + "Serve court ordered documents.", + "Arrange delivery of goods or services.", + "Provide safety training.", + "Rescue people from hazardous situations.", + "Confiscate prohibited or dangerous items.", + "Inform the public about policies, services or procedures.", + "Inspect operational processes.", + "Observe individuals' activities to gather information or compile evidence.", + "Record information about environmental conditions.", + "Issue permits or other legal documents.", + "Supervise employees.", + "Maintain facilities.", + "Perform forest firefighting activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Environmental Conservation Management": 1, + "Wildlife Conservation Management": 1, + "Natural Resource Management": 1, + "Public Safety Management": 1, + "Legal Compliance Enforcement": 1, + "Field Operations Safety": 1, + "Investigative Documentation": 1, + "Operational Safety Monitoring": 1, + "Interagency Collaboration": 1, + "Emergency Response Coordination": 1, + "Technical Safety Inspection": 1, + "Situational Awareness": 1, + "Professional Communication": 1, + "Safety and Risk Management": 1, + "Academic Research Methodology": 0, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Clinical Patient Care": 0 + }, + "original_index": 609, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "17-2199.10", + "job_title": "Wind Energy Engineers", + "detailed_work_activities": [ + "Create graphical representations of energy production systems.", + "Provide technical guidance to other personnel.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Research design or application of green technologies.", + "Design energy production or management equipment or systems.", + "Determine design criteria or specifications.", + "Direct energy production or management activities.", + "Test green technologies or processes.", + "Monitor processes for compliance with standards.", + "Evaluate the characteristics of green technologies.", + "Conduct quantitative failure analyses of operational data.", + "Document design or operational test results." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Green Energy Engineering": 1, + "Green Energy Systems Management": 1, + "Renewable Energy Systems": 1, + "Renewable Energy Technical Monitoring": 1, + "Technical Systems Engineering": 1, + "Technical Design Documentation": 1, + "Technical Design Visualization": 1, + "Technical Problem Solving": 1, + "Scientific Research Methodology": 1, + "Complex Problem Solving": 1, + "Analytical Systems Evaluation": 1, + "Systems Analysis": 1, + "Technical Equipment Management": 1, + "Technical Performance Monitoring": 1 + }, + "original_index": 610, + "sparsity": 0.9903758020164987 + }, + { + "onet_code": "51-9081.00", + "job_title": "Dental Laboratory Technicians", + "detailed_work_activities": [ + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Inspect medical or dental assistive devices.", + "Construct customized assistive medical or dental devices.", + "Repair medical or dental assistive devices.", + "Prepare materials for processing.", + "Measure clients to ensure proper product fit.", + "Apply parting agents or other solutions to molds.", + "Polish materials, workpieces, or finished products.", + "Trim excess material from workpieces.", + "Load items into ovens or furnaces.", + "Cast molds of patient anatomies to create medical or dental devices.", + "Place materials into molds.", + "Direct operational or production activities.", + "Instruct workers to use equipment or perform technical procedures.", + "Melt metal, plastic, or other materials to prepare for production.", + "Mix ingredients to create specific finishes.", + "Prepare medical supplies or equipment for use.", + "Shape metal workpieces with hammers or other small hand tools.", + "Solder parts or workpieces.", + "Fill cracks, imperfections, or holes in products or workpieces." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Dental Device Fabrication": 1, + "Precision Medical Device Fabrication": 1, + "Material Handling": 1, + "Precision Material Preparation": 1, + "Technical Equipment Operation": 1, + "Quality Control Inspection": 1, + "Measurement and Verification": 1, + "Technical Documentation": 1, + "Surface Preparation Techniques": 1, + "Mold and Pattern Fabrication": 1, + "Technical Repair Workflow": 1, + "Precision Manual Manipulation": 1, + "Workplace Safety Management": 1, + "Technical Safety Protocols": 1, + "Professional Communication": 1 + }, + "original_index": 611, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "15-2051.00", + "job_title": "Data Scientists", + "detailed_work_activities": [ + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Advise others on analytical techniques.", + "Analyze business or financial data.", + "Analyze data to identify or resolve operational problems.", + "Analyze data to identify trends or relationships among variables.", + "Analyze data to inform operational decisions or activities.", + "Determine appropriate methods for data analysis.", + "Develop procedures to evaluate organizational activities.", + "Develop scientific or mathematical models.", + "Prepare analytical reports.", + "Prepare data for analysis.", + "Prepare graphics or other visual representations of information.", + "Present research results to others.", + "Select resources needed to accomplish tasks.", + "Update technical knowledge.", + "Write computer programming code." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Academic Research Methodology": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Design Evaluation": 1, + "Analytical Problem Resolution": 1, + "Analytical Problem Solving": 1, + "Analytical Systems Evaluation": 1, + "Business Data Interpretation": 1, + "Business Intelligence Analysis": 1, + "Computational Data Analysis": 1, + "Computational Data Processing": 1, + "Critical Analytical Reasoning": 1, + "Critical Information Analysis": 1, + "Data Management": 1, + "Data Science Analytics": 1, + "Data Systems Engineering": 1, + "Database Management": 1, + "Mathematical Problem Solving": 1, + "Professional Scientific Communication": 1, + "Professional Technical Communication": 1, + "Quantitative Data Processing": 1, + "Quantitative Problem Solving": 1, + "Quantitative Reasoning": 1, + "Research Methodology": 1, + "Scientific Analytical Reasoning": 1, + "Scientific Documentation": 1, + "Statistical Analysis": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1 + }, + "original_index": 612, + "sparsity": 0.9853345554537122 + }, + { + "onet_code": "51-6031.00", + "job_title": "Sewing Machine Operators", + "detailed_work_activities": [ + "Watch operating equipment to detect malfunctions.", + "Cut fabrics.", + "Mount materials or workpieces onto production equipment.", + "Feed materials or products into or through equipment.", + "Load materials into production equipment.", + "Maneuver workpieces in equipment during production.", + "Adjust fabrics or other materials during garment production.", + "Compare physical characteristics of materials or products to specifications or standards.", + "Remove accessories, tools, or other parts from equipment.", + "Remove products or workpieces from production equipment.", + "Select production input materials.", + "Trim excess material from workpieces.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate sewing equipment.", + "Inspect garments for defects, damage, or stains.", + "Mark products, workpieces, or equipment with identifying information.", + "Attach decorative or functional accessories to products.", + "Record operational or production data.", + "Repair textiles or apparel.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Replace worn equipment components.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Align parts or workpieces to ensure proper assembly.", + "Mount attachments or tools onto production equipment.", + "Position patterns on equipment, materials, or workpieces." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Precision Material Handling": 1, + "Precision Material Cutting": 1, + "Production Equipment Operation": 1, + "Production Quality Inspection": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Precision Manual Manipulation": 1, + "Textile Production Skills": 1, + "Monitoring": 1, + "Academic Instruction": 0 + }, + "original_index": 613, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "49-9021.00", + "job_title": "Heating, Air Conditioning, and Refrigeration Mechanics and Installers", + "detailed_work_activities": [ + "Test electrical circuits or components for proper functioning.", + "Determine operational compliance with regulations or standards.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Confer with customers or users to assess problems.", + "Install heating, ventilation, or air conditioning (HVAC) equipment.", + "Adjust equipment to ensure optimal performance.", + "Service heating, ventilation or air-conditioning (HVAC) systems or components.", + "Repair worn, damaged, or defective mechanical parts.", + "Advise others on issues related to repairs, installation, or equipment design.", + "Inspect systems to determine if they are operating properly.", + "Replace worn, damaged, or defective mechanical parts.", + "Install energy-efficient heating, ventilation, or air conditioning (HVAC) equipment.", + "Braze metal parts or components.", + "Connect electrical components or equipment.", + "Install machine or equipment replacement parts.", + "Cut materials according to specifications or needs.", + "Measure distances or dimensions.", + "Document operational activities.", + "Maintain repair or maintenance records.", + "Drill holes in parts, equipment, or materials.", + "Install home appliances.", + "Order materials, supplies, or equipment.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Schedule repair, installation or maintenance activities.", + "Supervise employees.", + "Train others in operational procedures.", + "Lay out work according to specifications.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Test mechanical systems to ensure proper functioning." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Technical Equipment Installation": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Equipment Diagnostic Assessment": 1, + "Technical Safety Management": 1, + "Technical Measurement and Verification": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Technical Quality Control": 1, + "Precision Equipment Calibration": 1, + "Technical Repair Workflow": 1, + "Technical Blueprint Interpretation": 1, + "Operational Safety Compliance": 1, + "Technical Communication": 1, + "Material Handling": 1, + "Workplace Safety Management": 1, + "Academic Instruction": 0, + "Clinical Patient Care": 0, + "Artistic Performance": 0 + }, + "original_index": 614, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "27-2023.00", + "job_title": "Umpires, Referees, and Other Sports Officials", + "detailed_work_activities": [ + "Coordinate athletic or sporting events or activities.", + "Evaluate skills of athletes or performers.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Inspect work sites to identify potential environmental or safety hazards.", + "Verify accuracy of data.", + "Coach others.", + "Compile technical information or documentation." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Athletic Performance Officiating": 1, + "Performance Assessment and Monitoring": 1, + "Operational Safety and Rule Enforcement": 1, + "Interpersonal Communication": 1, + "Judgment and Decision Making": 1, + "Professional Sports Communication": 1, + "Patron Safety Management": 1, + "Situational Awareness": 1, + "Technical Inspection and Verification": 1, + "Conflict Resolution": 1 + }, + "original_index": 615, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "53-3011.00", + "job_title": "Ambulance Drivers and Attendants, Except Emergency Medical Technicians", + "detailed_work_activities": [ + "Clean vehicles or vehicle components.", + "Drive passenger vehicles.", + "Notify others of emergencies, problems, or hazards.", + "Provide first aid or rescue assistance in emergencies.", + "Stock medical or patient care supplies.", + "Maintain vehicles in good working condition.", + "Maintain professional knowledge or certifications.", + "Hold patients to ensure proper positioning or safety." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Adaptive Care Assistance": 1, + "Administrative Communication": 1, + "Advanced Medical Intervention": 0, + "Emergency Response Coordination": 1, + "First Aid and Medical Support": 0, + "Patient Transportation Management": 1, + "Vehicle Operation and Safety": 1, + "Professional Communication": 1, + "Safety and Compliance Management": 1, + "Equipment Maintenance": 1 + }, + "original_index": 616, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "49-9061.00", + "job_title": "Camera and Photographic Equipment Repairers", + "detailed_work_activities": [ + "Adjust equipment to ensure optimal performance.", + "Disassemble equipment for maintenance or repair.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Lubricate equipment to allow proper functioning.", + "Test mechanical equipment to ensure proper functioning.", + "Install electrical components, equipment, or systems.", + "Order materials, supplies, or equipment.", + "Calibrate equipment to specifications.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Read technical information needed to perform maintenance or repairs.", + "Measure distances or dimensions.", + "Assemble mechanical components or machine parts.", + "Fabricate parts or components.", + "Document test results.", + "Lay out work according to specifications.", + "Advise others on issues related to repairs, installation, or equipment design." + ], + "skills": [ + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Technical Diagnostic Assessment": 1, + "Technical Repair Workflow": 1, + "Technical Equipment Calibration": 1, + "Precision Measurement and Calibration": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Complex Problem Solving": 1, + "Academic Instruction": 0, + "Patient Care": 0, + "Financial Analysis": 0 + }, + "original_index": 617, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-4022.00", + "job_title": "Forging Machine Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Study blueprints or other instructions to determine equipment setup requirements.", + "Maneuver workpieces in equipment during production.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate metal or plastic forming equipment.", + "Operate cutting equipment.", + "Mount attachments or tools onto production equipment.", + "Remove accessories, tools, or other parts from equipment.", + "Conduct test runs of production equipment.", + "Exchange information with colleagues.", + "Trim excess material from workpieces.", + "Maintain production or processing equipment.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Select production equipment according to product specifications.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Operate grinding equipment.", + "Sharpen cutting or grinding tools." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Precision Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Material Handling": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Safety and Compliance Management": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 618, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "43-3061.00", + "job_title": "Procurement Clerks", + "detailed_work_activities": [ + "Maintain operational records.", + "Order materials, supplies, or equipment.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Send information, materials or documentation.", + "Calculate costs of goods or services.", + "Analyze financial information.", + "Execute sales or other financial transactions.", + "Inspect shipments to ensure correct order fulfillment.", + "Maintain current knowledge related to work activities.", + "Monitor inventories of products or materials.", + "Provide information to coworkers.", + "Verify accuracy of financial or transactional data.", + "Check data for recording errors.", + "Coordinate shipping activities with external parties.", + "Discuss account status or activity with customers or patrons.", + "Track goods or materials.", + "Obtain information about goods or services.", + "Supervise clerical or administrative personnel.", + "Train personnel." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Transaction Processing": 1, + "Operational Documentation": 1, + "Operational Information Management": 1, + "Precision Documentation": 1, + "Technical Documentation": 1, + "Financial Analysis": 1, + "Inventory Management": 1, + "Logistics Coordination": 1, + "Professional Communication": 1, + "Resource Management": 1, + "Stakeholder Communication": 1, + "Transaction Processing": 1 + }, + "original_index": 619, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1141.04", + "job_title": "Clinical Nurse Specialists", + "detailed_work_activities": [ + "Collaborate with healthcare professionals to plan or provide treatment.", + "Establish nursing policies or standards.", + "Supervise patient care personnel.", + "Train medical providers.", + "Maintain medical or professional knowledge.", + "Advise medical personnel regarding healthcare issues.", + "Follow protocols or regulations for healthcare activities.", + "Support the professional development of others.", + "Develop medical treatment plans.", + "Analyze patient data to determine patient needs or treatment goals.", + "Treat acute illnesses, infections, or injuries.", + "Evaluate patient functioning, capabilities, or health.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Develop procedures to evaluate organizational activities.", + "Collect medical information from patients, family members, or other medical professionals.", + "Examine patients to assess general physical condition.", + "Manage healthcare operations.", + "Communicate detailed medical information to patients or family members.", + "Conduct research to increase knowledge about medical issues.", + "Monitor medical facility activities to ensure adherence to standards or regulations.", + "Develop educational programs.", + "Diagnose medical conditions.", + "Prescribe medications.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Teach classes in area of specialization." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Healthcare Professional Collaboration": 1, + "Healthcare Documentation Management": 1, + "Healthcare Patient Management": 1, + "Healthcare Procedural Compliance": 1, + "Healthcare Professional Communication": 1, + "Professional Development and Continuous Learning": 1, + "Advanced Medical Intervention": 1, + "Patient Safety Management": 1, + "Adaptive Problem Resolution": 1, + "Research Methodology": 1 + }, + "original_index": 620, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "19-3092.00", + "job_title": "Geographers", + "detailed_work_activities": [ + "Prepare maps.", + "Collect geographical or geological field data.", + "Compile geographic or related data.", + "Instruct college students in social sciences or humanities disciplines.", + "Prepare scientific or technical reports or presentations.", + "Develop software or applications for scientific or technical use.", + "Conduct anthropological or archaeological research.", + "Collect archival data.", + "Advise others on business or operational matters." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Geospatial Analysis": 1, + "Geospatial Data Analysis": 1, + "Geospatial Data Collection": 1, + "Geospatial Data Interpretation": 1, + "Geospatial Data Visualization": 1, + "Scientific Research Methodology": 1, + "Scientific Documentation": 1, + "Scientific Communication": 1, + "Technical Documentation": 1, + "Technical Research Methodology": 1, + "Field Research Methodology": 1, + "Archival Research and Documentation": 1, + "Remote Sensing Analysis": 1, + "Environmental Data Analysis": 1, + "Environmental Field Research": 1 + }, + "original_index": 621, + "sparsity": 0.9876260311640697 + }, + { + "onet_code": "11-3012.00", + "job_title": "Administrative Services Managers", + "detailed_work_activities": [ + "Prepare operational budgets.", + "Hire personnel.", + "Direct administrative or support services.", + "Develop organizational goals or objectives.", + "Prepare operational progress or status reports.", + "Manage inventories of products or organizational resources.", + "Purchase materials, equipment, or other resources.", + "Analyze data to inform operational decisions or activities.", + "Recommend organizational process or policy changes.", + "Conduct employee training programs.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Confer with managers to make operational decisions.", + "Develop organizational policies or programs.", + "Establish standards for products, processes, or procedures.", + "Evaluate information related to legal matters in public or personal records.", + "Maintain current knowledge related to work activities.", + "Maintain records, documents, or other files.", + "Manage human resources activities.", + "Prepare employee work schedules.", + "Read documents to gather technical information.", + "Respond to customer problems or complaints.", + "Select resources needed to accomplish tasks.", + "Supervise clerical or administrative personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Administrative Resource Management": 1, + "Administrative Service Coordination": 1, + "Operational Communication": 1, + "Operational Documentation": 1, + "Operational Performance Management": 1, + "Personnel Resource Management": 1, + "Strategic Operational Communication": 1, + "Stakeholder Communication": 1, + "Professional Communication": 1, + "Project Management": 1, + "Organizational Policy Development": 1, + "Strategic Resource Management": 1, + "Workforce Training Development": 1, + "Compliance and Regulatory Management": 1 + }, + "original_index": 622, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "11-2021.00", + "job_title": "Marketing Managers", + "detailed_work_activities": [ + "Develop marketing plans or strategies.", + "Evaluate program effectiveness.", + "Direct sales, marketing, or customer service activities.", + "Analyze data to inform operational decisions or activities.", + "Estimate cost or material requirements.", + "Determine pricing or monetary policies.", + "Compile operational data.", + "Supervise employees.", + "Confer with organizational members to accomplish work activities.", + "Analyze market research data.", + "Analyze forecasting data to improve business decisions.", + "Monitor external affairs or events affecting business operations.", + "Negotiate contracts for transportation, distribution, or logistics services.", + "Coordinate special events or programs.", + "Conduct opinion surveys or needs assessments.", + "Develop sustainable organizational policies or practices.", + "Recommend organizational process or policy changes.", + "Advise others on business or operational matters.", + "Develop marketing plans or strategies for environmental initiatives." + ], + "skills": [ + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Academic Instruction": 0, + "Business Strategy Development": 1, + "Strategic Marketing Communication": 1, + "Strategic Operational Planning": 1, + "Strategic Performance Monitoring": 1, + "Market Intelligence Analysis": 1, + "Stakeholder Communication Management": 1, + "Professional Communication": 1, + "Data Analysis": 1, + "Project Management": 1, + "Financial Analysis": 1, + "Negotiation": 1, + "Personnel Resource Management": 1, + "Sustainability Strategy": 1 + }, + "original_index": 623, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-2031.00", + "job_title": "Secondary School Teachers, Except Special and Career/Technical Education", + "detailed_work_activities": [ + "Apply multiple teaching methods.", + "Set up classroom materials or equipment.", + "Develop instructional objectives.", + "Establish rules or policies governing student behavior.", + "Maintain student records.", + "Modify teaching methods or materials to accommodate student needs.", + "Evaluate student work.", + "Monitor student performance.", + "Monitor student behavior, social development, or health.", + "Discuss problems or issues with supervisors.", + "Discuss student progress with parents or guardians.", + "Plan educational activities.", + "Assign class work to students.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Create technology-based learning materials.", + "Encourage students.", + "Enforce rules or policies governing student behavior.", + "Teach others to use technology or equipment.", + "Assist students with special educational needs.", + "Advise students on academic or career matters.", + "Develop strategies or programs for students with special needs.", + "Collaborate with other teaching professionals to develop educational programs.", + "Prepare reports detailing student activities or performance.", + "Document lesson plans.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Plan experiential learning activities.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment.", + "Serve on institutional or departmental committees.", + "Supervise school or student activities.", + "Coordinate student extracurricular activities." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Developmental Guidance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Professional Development and Continuous Learning": 1, + "Technology Integration in Education": 1, + "Interpersonal Communication": 1 + }, + "original_index": 624, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "19-2021.00", + "job_title": "Atmospheric and Space Scientists", + "detailed_work_activities": [ + "Develop theories or models of physical phenomena.", + "Interpret research or operational data.", + "Conduct climatological research.", + "Provide technical information or assistance to public.", + "Prepare scientific or technical reports or presentations.", + "Direct technical activities or operations.", + "Collect environmental data or samples.", + "Analyze design requirements for computer or electronics systems.", + "Test computer system operations to ensure proper functioning.", + "Write computer programming code.", + "Develop training materials.", + "Prepare research or technical reports on environmental issues.", + "Present information to the public.", + "Teach classes in area of specialization.", + "Collaborate on research activities with scientists or technical specialists.", + "Instruct college students in physical or life sciences.", + "Develop environmental research methods.", + "Research environmental impact of industrial or development activities.", + "Develop mathematical models of environmental conditions.", + "Communicate with the public on environmental issues.", + "Provide educational information to the public.", + "Apply knowledge or research findings to address environmental problems.", + "Measure environmental characteristics.", + "Create images or other visual displays." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Scientific Problem Solving": 1, + "Scientific Research Methodology": 1, + "Scientific Communication": 1, + "Environmental Data Analysis": 1, + "Environmental Monitoring": 1, + "Technical Documentation": 1, + "Technical Research and Development": 1, + "Geospatial Data Analysis": 1 + }, + "original_index": 625, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "53-7061.00", + "job_title": "Cleaners of Vehicles and Equipment", + "detailed_work_activities": [ + "Clean vehicles or vehicle components.", + "Apply protective or decorative finishes to workpieces or products.", + "Clean machinery or equipment.", + "Drive passenger vehicles.", + "Inspect motor vehicles.", + "Mix substances or compounds needed for work activities.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Acquire supplies or equipment.", + "Control pumps or pumping equipment.", + "Clean facilities or work areas.", + "Monitor engine operation or functioning.", + "Remove debris or damaged materials.", + "Report vehicle or equipment malfunctions.", + "Shovel materials.", + "Operate industrial equipment.", + "Maintain vehicles in good working condition.", + "Connect hoses to equipment or machinery.", + "Move materials, equipment, or supplies." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Operation and Control": 1, + "Quality Control Analysis": 1, + "Vehicle Cleaning and Maintenance": 1, + "Equipment Maintenance": 1, + "Precision Equipment Operation": 1, + "Technical Equipment Inspection": 1, + "Material Handling": 1, + "Safety and Maintenance Inspection": 1, + "Protective Finishing Application": 1, + "Operational Safety Management": 1, + "Workplace Safety Coordination": 1, + "Technical Documentation": 1, + "Sanitation and Hygiene Management": 1, + "Substance Preparation": 1, + "Precision Material Handling": 1 + }, + "original_index": 626, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-1062.00", + "job_title": "Area, Ethnic, and Cultural Studies Teachers, Postsecondary", + "detailed_work_activities": [ + "Guide class discussions.", + "Evaluate student work.", + "Teach humanities courses at the college level.", + "Develop instructional materials.", + "Administer tests to assess educational needs or progress.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Prepare tests.", + "Stay informed about current developments in field of specialization.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Maintain student records.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Serve on institutional or departmental committees.", + "Supervise student research or internship work.", + "Compile specialized bibliographies or lists of materials.", + "Write grant proposals.", + "Plan community programs or activities for the general public.", + "Plan experiential learning activities.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 627, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "51-9041.00", + "job_title": "Extruding, Forming, Pressing, and Compacting Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Operate metal or plastic forming equipment.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Adjust temperature controls of ovens or other heating equipment.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Inspect metal, plastic, or composite products.", + "Weigh finished products.", + "Monitor equipment operation to ensure proper functioning.", + "Clear equipment jams.", + "Notify others of equipment repair or maintenance needs.", + "Record operational or production data.", + "Remove products or workpieces from production equipment.", + "Mount attachments or tools onto production equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Select production equipment according to product specifications.", + "Adjust equipment controls to regulate coolant flow.", + "Clean production equipment.", + "Send information, materials or documentation.", + "Connect supply lines to production equipment or tools.", + "Load materials into production equipment.", + "Cut industrial materials in preparation for fabrication or processing.", + "Measure ingredients or substances to be used in production processes.", + "Remove workpieces from molds.", + "Stack finished items for further processing or shipment.", + "Move products, materials, or equipment between work areas.", + "Feed materials or products into or through equipment.", + "Mark products, workpieces, or equipment with identifying information.", + "Record production information.", + "Align parts or workpieces to ensure proper assembly.", + "Apply parting agents or other solutions to molds.", + "Disassemble equipment for maintenance or repair.", + "Remove accessories, tools, or other parts from equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Equipment Monitoring": 1, + "Production Equipment Management": 1, + "Technical Equipment Operation": 1, + "Quality Control Inspection": 1, + "Material Handling": 1, + "Technical Measurement and Verification": 1, + "Operational Safety Management": 1, + "Technical Documentation": 1, + "Precision Equipment Maintenance": 1, + "Technical Problem Solving": 1 + }, + "original_index": 628, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "19-2043.00", + "job_title": "Hydrologists", + "detailed_work_activities": [ + "Prepare scientific or technical reports or presentations.", + "Research hydrologic features or processes.", + "Plan environmental research.", + "Record research or operational data.", + "Measure environmental characteristics.", + "Research impacts of environmental conservation initiatives.", + "Communicate results of environmental research.", + "Supervise scientific or technical personnel.", + "Analyze environmental data.", + "Apply knowledge or research findings to address environmental problems.", + "Calibrate scientific or technical equipment.", + "Maintain laboratory or technical equipment.", + "Develop mathematical models of environmental conditions.", + "Collect environmental data or samples.", + "Assess compliance with environmental laws.", + "Evaluate civic projects or public policies.", + "Develop environmental research methods.", + "Review environmental permits, plans, or reports.", + "Direct natural resources extraction projects.", + "Provide technical information or assistance to public.", + "Conduct climatological research.", + "Analyze geological or geographical data.", + "Compile geographic or related data." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research and Development": 1, + "Environmental Monitoring": 1, + "Technical Documentation": 1, + "Field Research Operations": 1, + "Data Analysis": 1, + "Regulatory Compliance": 1, + "Technical Equipment Management": 1, + "Policy Analysis": 1 + }, + "original_index": 629, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-4011.00", + "job_title": "Construction and Building Inspectors", + "detailed_work_activities": [ + "Authorize construction activities.", + "Evaluate construction projects to determine compliance with external standards or regulations.", + "Review blueprints or specifications to determine work requirements.", + "Inspect work sites to identify potential environmental or safety hazards.", + "Inspect plumbing systems or fixtures.", + "Test electrical equipment or systems to ensure proper functioning.", + "Monitor construction operations.", + "Communicate with clients about products, procedures, and policies.", + "Evaluate projects to determine compliance with technical specifications.", + "Measure work site dimensions.", + "Verify alignment of structures or equipment.", + "Record operational or environmental data.", + "Inspect completed work to ensure proper installation.", + "Direct construction or extraction personnel.", + "Train construction or extraction personnel.", + "Inspect industrial or commercial equipment to ensure proper operation.", + "Estimate construction project costs.", + "Test air quality at work sites." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Construction Inspection Expertise": 1, + "Technical Inspection and Verification": 1, + "Technical Site Assessment": 1, + "Technical Site Evaluation": 1, + "Technical Safety Inspection": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Technical Measurement and Verification": 1, + "Technical Quality Control": 1, + "Technical Problem Solving": 1, + "Technical Communication": 1, + "Operational Safety Monitoring": 1, + "Operational Compliance Management": 1, + "Project Management": 1, + "Cost Estimation": 1, + "Regulatory Compliance Monitoring": 1, + "Technical Blueprint Interpretation": 1, + "Equipment Diagnostic Inspection": 1, + "Environmental Monitoring": 1 + }, + "original_index": 630, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "35-1011.00", + "job_title": "Chefs and Head Cooks", + "detailed_work_activities": [ + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Check quality of foods or supplies.", + "Coordinate timing of food production activities.", + "Coordinate activities of food service staff.", + "Create new recipes or food presentations.", + "Determine prices for menu items.", + "Train food preparation or food service personnel.", + "Cook foods.", + "Perform human resources activities.", + "Order materials, supplies, or equipment.", + "Manage food service operations or parts of operations.", + "Estimate supplies, ingredients, or staff requirements for food preparation activities.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Record operational or production data.", + "Schedule equipment maintenance.", + "Plan menu options.", + "Communicate with customers to resolve complaints or ensure satisfaction.", + "Plan special events." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Culinary Operations Management": 1, + "Food Production Management": 1, + "Food Safety and Quality Control": 1, + "Kitchen Resource Management": 1, + "Operational Safety Management": 1, + "Personnel Performance Management": 1, + "Professional Communication": 1, + "Sanitation and Hygiene Management": 1, + "Strategic Resource Allocation": 1 + }, + "original_index": 631, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-4141.00", + "job_title": "New Accounts Clerks", + "detailed_work_activities": [ + "Execute sales or other financial transactions.", + "Collect deposits, payments or fees.", + "Compile data or documentation.", + "Enter information into databases or software programs.", + "Type documents.", + "Explain regulations, policies, or procedures.", + "Discuss goods or services information with customers or patrons.", + "Obtain personal or financial information about customers or applicants.", + "Interview employees, customers, or others to collect information.", + "Refer customers to appropriate personnel.", + "Respond to customer problems or complaints.", + "Distribute materials to employees or customers.", + "Schedule appointments.", + "Sell products or services.", + "Operate office equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Transaction Processing": 1, + "Client Information Processing": 1, + "Client Interaction Management": 1, + "Customer Information Management": 1, + "Customer Service Coordination": 1, + "Financial Transaction Processing": 1, + "Interpersonal Communication": 1, + "Operational Documentation": 1, + "Operational Information Management": 1, + "Professional Communication": 1, + "Transaction Processing": 1 + }, + "original_index": 632, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "27-2012.00", + "job_title": "Producers and Directors", + "detailed_work_activities": [ + "Determine technical requirements of productions or projects.", + "Coordinate artistic activities.", + "Direct productions or performances.", + "Conduct research to inform art, designs, or other work.", + "Manage content of broadcasts or presentations.", + "Study scripts to determine project requirements.", + "Coordinate activities of production personnel.", + "Collaborate with others to determine technical details of productions.", + "Develop proposals for current or prospective customers.", + "Collaborate with others to prepare or perform artistic productions.", + "Manage operations of artistic or entertainment departments or organizations.", + "Edit written materials.", + "Write material for artistic or entertainment purposes.", + "Select materials or props.", + "Discuss production content and progress with others.", + "Edit audio or video recordings.", + "Determine presentation subjects or content.", + "Compile technical information or documentation.", + "Write informational material.", + "Coordinate logistics for productions or events.", + "Negotiate for services.", + "Obtain copyrights or other legal permissions.", + "Develop promotional strategies or plans.", + "Direct fundraising or financing activities.", + "Audition or interview potential performers or staff members.", + "Select staff, team members, or performers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Artistic Collaboration": 1, + "Artistic Performance Coordination": 1, + "Artistic Production Collaboration": 1, + "Creative Content Development": 1, + "Creative Design Conceptualization": 1, + "Creative Production Management": 1, + "Project Management": 1, + "Stakeholder Communication": 1, + "Technical Communication": 1, + "Performance Assessment and Monitoring": 1, + "Resource Management": 1, + "Strategic Planning": 1, + "Talent Acquisition Strategy": 1, + "Workflow Coordination": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Agricultural Operations": 0, + "Legal Compliance": 1, + "Financial Resource Management": 1 + }, + "original_index": 633, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "51-9023.00", + "job_title": "Mixing and Blending Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Measure ingredients or substances to be used in production processes.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Weigh finished products.", + "Operate mixing equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Mix substances to create chemical solutions.", + "Operate pumping systems or equipment.", + "Test chemical or physical characteristics of materials or products.", + "Load materials into production equipment.", + "Collect samples of materials or products for testing.", + "Operate cooking, baking, or other food preparation equipment.", + "Record operational or production data.", + "Clean facilities or work areas.", + "Clean work areas.", + "Move products, materials, or equipment between work areas.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Clear equipment jams." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Equipment Operation": 1, + "Quality Control Analysis": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Equipment Maintenance": 1, + "Operational Monitoring": 1, + "Safety Management": 1, + "Precision Measurement": 1, + "Process Control": 1 + }, + "original_index": 634, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "45-1011.00", + "job_title": "First-Line Supervisors of Farming, Fishing, and Forestry Workers", + "detailed_work_activities": [ + "Assign duties or work schedules to employees.", + "Record agricultural or forestry inventory data.", + "Inspect products or operations to ensure that standards are met.", + "Monitor animal behavior or condition.", + "Train workers in farming, forestry, or hunting techniques.", + "Treat animal injuries or illnesses.", + "Confer with managers to make operational decisions.", + "Communicate with other workers to coordinate activities.", + "Evaluate quality of plants or crops.", + "Coordinate forestry or agricultural activities.", + "Schedule agricultural or forestry work.", + "Operate farming equipment.", + "Direct activities of agricultural, forestry, or fishery employees.", + "Transport animals, crops, or equipment.", + "Inspect equipment or facilities to determine condition or maintenance needs.", + "Monitor organizational processes.", + "Maintain personnel records.", + "Maintain inventories of materials, equipment, or products.", + "Monitor financial activities.", + "Direct technical activities or operations.", + "Maintain forestry, hunting, or agricultural equipment.", + "Monitor operational quality or safety." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Agricultural Operations": 1, + "Agricultural Equipment Operation": 1, + "Agricultural Resource Management": 1, + "Agricultural Inspection Skills": 1, + "Personnel Resource Management": 1, + "Operational Supervision": 1, + "Operational Safety Management": 1, + "Technical Equipment Operation": 1, + "Inventory Management": 1, + "Animal Care Management": 1, + "Workplace Safety Coordination": 1, + "Professional Communication": 1, + "Training Program Development": 1, + "Performance Evaluation Management": 1, + "Administrative Documentation": 1 + }, + "original_index": 635, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-7121.00", + "job_title": "Tank Car, Truck, and Ship Loaders", + "detailed_work_activities": [ + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Verify information or specifications.", + "Connect cables or electrical lines.", + "Control pumps or pumping equipment.", + "Inspect cargo areas for cleanliness or condition.", + "Monitor vehicle movement or location.", + "Position material handling equipment.", + "Communicate with others to coordinate material handling or movement.", + "Monitor loading processes to ensure they are performed properly.", + "Mark materials or objects for identification.", + "Direct maintenance or repair activities.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Test materials, solutions, or samples.", + "Record operational or production data.", + "Inspect material-moving equipment to detect problems.", + "Maintain material moving equipment in good working condition.", + "Operate vehicles or material-moving equipment.", + "Connect hoses to equipment or machinery.", + "Clean vessels or marine equipment.", + "Measure the level or depth of water or other liquids.", + "Operate conveyors or other industrial material moving equipment.", + "Monitor availability of equipment or supplies.", + "Weigh materials to ensure compliance with specifications." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Material Handling": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Monitoring": 1, + "Operational Safety Management": 1, + "Technical Measurement and Verification": 1, + "Operational Documentation": 1, + "Technical Maintenance and Repair": 1, + "Cargo Handling and Coordination": 1, + "Vehicle Operation and Safety": 1, + "Technical Communication": 1 + }, + "original_index": 636, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2035.00", + "job_title": "Magnetic Resonance Imaging Technologists", + "detailed_work_activities": [ + "Collect medical information from patients, family members, or other medical professionals.", + "Follow protocols or regulations for healthcare activities.", + "Review technical documents to plan work.", + "Review work orders or schedules to determine operations or procedures.", + "Create advanced digital images of patients using computer imaging systems.", + "Operate diagnostic imaging equipment.", + "Prepare patients physically for medical procedures.", + "Position patients for treatment or examination.", + "Check quality of diagnostic images.", + "Administer medical substances for imaging or other procedures.", + "Examine medical instruments or equipment to ensure proper operation.", + "Train medical providers.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Explain medical procedures or test results to patients or family members.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Maintain medical equipment or instruments.", + "Repair medical facility equipment.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Maintain inventory of medical supplies or equipment.", + "Process x-rays or other medical images.", + "Schedule patient procedures or appointments." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Medical Diagnostic Imaging": 1, + "Medical Technical Equipment Management": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Healthcare Equipment Operation": 1, + "Healthcare Documentation": 1, + "Technical Equipment Calibration": 1, + "Technical Safety Management": 1, + "Clinical Procedure Support": 1 + }, + "original_index": 637, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "21-1015.00", + "job_title": "Rehabilitation Counselors", + "detailed_work_activities": [ + "Maintain client records.", + "Confer with clients to discuss treatment plans or progress.", + "Develop treatment plans for patients or clients.", + "Assist clients in handling details of daily life.", + "Evaluate potential problems in home or work environments of clients.", + "Monitor clients to evaluate treatment progress.", + "Evaluate the effectiveness of counseling or educational programs.", + "Refer individuals to educational or work programs.", + "Confer with family members to discuss client treatment plans or progress.", + "Develop working relationships with others to facilitate program activities.", + "Evaluate characteristics of individuals to determine needs or eligibility.", + "Counsel clients regarding educational or vocational issues.", + "Arrange physical or mental health services for clients.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Manage organizational or program finances.", + "Supervise patient care personnel.", + "Collaborate with other professionals to develop education or assistance programs.", + "Develop tools to diagnose or assess needs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Counseling and Guidance": 1, + "Client Case Management": 1, + "Client Treatment Planning": 1, + "Client Needs Assessment": 1, + "Adaptive Caregiving": 1, + "Patient Communication": 1, + "Therapeutic Patient Counseling": 1, + "Developmental Support Counseling": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1, + "Advocacy and Resource Navigation": 1, + "Professional Documentation": 1, + "Treatment Plan Development": 1, + "Collaborative Professional Communication": 1, + "Career Opportunity Identification": 1, + "Academic Instruction": 0, + "Research Methodology": 0, + "Technical Equipment Management": 0 + }, + "original_index": 638, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "17-2199.05", + "job_title": "Mechatronics Engineers", + "detailed_work_activities": [ + "Create graphical representations of mechanical equipment.", + "Design electromechanical equipment or systems.", + "Design industrial processing systems.", + "Implement design or process improvements.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Estimate technical or resource requirements for development or production projects.", + "Maintain operational records or records systems.", + "Select project materials.", + "Research engineering applications of emerging technologies.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Provide technical guidance to other personnel.", + "Supervise engineering or other technical personnel.", + "Train personnel on proper operational procedures.", + "Develop technical methods or processes.", + "Document design or operational test results.", + "Analyze design or requirements information for mechanical equipment or systems.", + "Create physical models or prototypes.", + "Calibrate scientific or technical equipment.", + "Develop software or computer applications.", + "Monitor the productivity or efficiency of industrial operations.", + "Design control systems for mechanical or other equipment.", + "Estimate operational costs.", + "Design environmental control systems." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Technical Design": 1, + "Technical Systems Engineering": 1, + "Technical Equipment Management": 1, + "Technical Problem Solving": 1, + "Technical Documentation": 1, + "Technical Communication": 1, + "Technical Quality Control": 1, + "Technical Research and Development": 1, + "Technical Safety Management": 1, + "Technical Measurement and Verification": 1, + "Technical Project Management": 1, + "Technical Operational Coordination": 1, + "Advanced Manufacturing Technologies": 1 + }, + "original_index": 639, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "51-2022.00", + "job_title": "Electrical and Electronic Equipment Assemblers", + "detailed_work_activities": [ + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Assemble electrical or electronic equipment.", + "Operate welding equipment.", + "Solder parts or workpieces.", + "Record operational or production data.", + "Test electrical equipment or systems to ensure proper functioning.", + "Repair parts or assemblies.", + "Align parts or workpieces to ensure proper assembly.", + "Instruct workers to use equipment or perform technical procedures.", + "Mark products, workpieces, or equipment with identifying information.", + "Clean workpieces or finished products.", + "Drill holes in parts, equipment, or materials.", + "Adjust flow of electricity to tools or production equipment.", + "Distribute supplies to workers.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Exchange information with colleagues.", + "Move products, materials, or equipment between work areas.", + "Package products for storage or shipment.", + "Advise others on issues related to repairs, installation, or equipment design." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Precision Equipment Assembly": 1, + "Technical Equipment Operation": 1, + "Technical Documentation": 1, + "Manufacturing Quality Control": 1, + "Technical Measurement and Verification": 1, + "Operational Safety Management": 1, + "Technical Problem Solving": 1, + "Interpersonal Communication": 1, + "Material Handling": 1, + "Welding and Fabrication": 1 + }, + "original_index": 640, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "41-2022.00", + "job_title": "Parts Salespersons", + "detailed_work_activities": [ + "Process sales or other transactions.", + "Explain technical product or service information to customers.", + "Order materials, supplies, or equipment.", + "Monitor inventories of products or materials.", + "Take product orders from customers.", + "Prepare sales or other contracts.", + "Gather customer or product information to determine customer needs.", + "Examine condition of property or products.", + "Analyze shipping information to make routing decisions.", + "Calculate shipping costs.", + "Stock products or parts.", + "Clean work areas.", + "Set up merchandise displays.", + "Advise customers on the use of products or services.", + "Demonstrate products to consumers.", + "Measure product or material dimensions.", + "Arrange delivery of goods or services.", + "Repair parts or assemblies." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Sales Communication": 1, + "Product Knowledge Communication": 1, + "Customer Interaction Management": 1, + "Inventory Management": 1, + "Transaction Processing": 1, + "Technical Product Communication": 1, + "Professional Sales Networking": 1, + "Persuasive Communication": 1, + "Customer Needs Assessment": 1, + "Product Demonstration Skills": 1, + "Quality Inspection": 1, + "Shipping and Logistics Coordination": 1, + "Professional Documentation": 1, + "Measurement and Verification": 1, + "Repair Technical Skills": 1, + "Merchandise Display Strategy": 1, + "Cleaning and Maintenance": 1, + "Professional Time Management": 1, + "Professional Communication": 1 + }, + "original_index": 641, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "53-7011.00", + "job_title": "Conveyor Operators and Tenders", + "detailed_work_activities": [ + "Monitor operational quality or safety.", + "Collect samples for analysis or testing.", + "Test materials, solutions, or samples.", + "Report vehicle or equipment malfunctions.", + "Inspect material-moving equipment to detect problems.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Position material handling equipment.", + "Maintain material moving equipment in good working condition.", + "Record operational or production data.", + "Load materials into equipment for processing.", + "Operate conveyors or other industrial material moving equipment.", + "Remove debris or damaged materials.", + "Control pumps or pumping equipment.", + "Measure product or material dimensions.", + "Weigh materials to ensure compliance with specifications.", + "Communicate with others to coordinate material handling or movement.", + "Review work orders or schedules to determine operations or procedures.", + "Operate packing or other material processing equipment.", + "Clean facilities or work areas.", + "Clean machinery or equipment.", + "Mark materials or objects for identification.", + "Move materials, equipment, or supplies.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Connect hoses to equipment or machinery.", + "Secure cargo.", + "Connect cables or electrical lines." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Material Handling": 1, + "Equipment Operation and Monitoring": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Precision Material Handling": 1, + "Operational Documentation": 1, + "Technical Inspection and Verification": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 642, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "15-1299.06", + "job_title": "Digital Forensics Analysts", + "detailed_work_activities": [ + "Examine records or other types of data to investigate criminal activities.", + "Write reports or evaluations.", + "Recommend changes to improve computer or information systems.", + "Analyze security of systems, network, or data.", + "Analyze traffic data.", + "Compile technical information or documentation.", + "Develop technical methods or processes.", + "Enter codes or other information into computers.", + "Establish operational policies.", + "Identify information technology project resource requirements.", + "Maintain computer equipment or software.", + "Maintain knowledge of laws or regulations.", + "Maintain records, documents, or other files.", + "Monitor the security of digital information.", + "Plan production or operational procedures or sequences.", + "Provide recommendations to others about computer hardware.", + "Record images needed to address work issues.", + "Testify at legal or legislative proceedings.", + "Translate information for others.", + "Write computer programming code." + ], + "skills": [], + "skill_vector": { + "Digital Forensic Investigation": 1, + "Cybersecurity Evidence Analysis": 1, + "Technical Documentation Management": 1, + "Investigative Evidence Management": 1, + "Information Systems Security Analysis": 1, + "Legal Documentation and Testimony": 1, + "Technical Problem Solving": 1, + "Professional Technical Communication": 1, + "Operational Compliance Management": 1, + "Technical Safety and Compliance": 1, + "Advanced Analytical Reasoning": 1, + "Information Technology Project Management": 1, + "Systematic Investigative Analysis": 1, + "Technical Equipment Operation": 1, + "Strategic Information Verification": 1 + }, + "original_index": 643, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-4011.00", + "job_title": "Locomotive Engineers", + "detailed_work_activities": [ + "Receive information or instructions for performing work assignments.", + "Communicate with others to coordinate vehicle movement.", + "Operate locomotives or other rail vehicles.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Monitor surroundings to detect potential hazards.", + "Signal others to coordinate vehicle movement.", + "Monitor operational quality or safety.", + "Monitor availability of equipment or supplies.", + "Respond to transportation emergencies.", + "Inspect locomotives or other railroad equipment.", + "Prepare accident or incident reports.", + "Monitor loading processes to ensure they are performed properly." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Monitoring": 1, + "Speaking": 1, + "Judgment and Decision Making": 1, + "Reading Comprehension": 1, + "Active Learning": 1, + "Complex Problem Solving": 1, + "Time Management": 1, + "Coordination": 1, + "Writing": 1 + }, + "original_index": 644, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-2072.01", + "job_title": "Radio Frequency Identification Device Specialists", + "detailed_work_activities": [ + "Design electronic or computer equipment or instrumentation.", + "Estimate technical or resource requirements for development or production projects.", + "Develop software or computer applications.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Analyze design requirements for computer or electronics systems.", + "Select project materials.", + "Advise customers on the use of products or services.", + "Collect data about project sites.", + "Conduct validation tests of equipment or processes.", + "Determine operational methods.", + "Assess product or process usefulness.", + "Install instrumentation or electronic equipment or systems.", + "Maintain electronic equipment.", + "Inspect equipment or systems.", + "Develop technical methods or processes.", + "Train personnel on proper operational procedures.", + "Update technical knowledge.", + "Document technical design details.", + "Create schematic drawings for electronics.", + "Analyze operational data to evaluate operations, processes or products." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Radio Frequency Technology Management": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Diagnostics": 1, + "Technical Documentation": 1, + "Technical Systems Engineering": 1, + "Electronic Systems Design": 1, + "Technical Equipment Installation": 1, + "Technical Problem Solving": 1, + "Technical Quality Control": 1, + "Technical Equipment Maintenance": 1, + "Technical Communication": 1, + "Software Development": 1, + "Technical Project Management": 1, + "Technical Measurement and Verification": 1, + "Professional Knowledge Maintenance": 1, + "Academic Instruction": 0, + "Healthcare Technical Support": 0 + }, + "original_index": 645, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-9012.00", + "job_title": "Control and Valve Installers and Repairers, Except Mechanical Door", + "detailed_work_activities": [ + "Maintain repair or maintenance records.", + "Install metering equipment.", + "Calibrate equipment to specifications.", + "Inspect electrical or electronic systems for defects.", + "Install electrical components, equipment, or systems.", + "Control power supply connections.", + "Document operational activities.", + "Enter codes or other information into computers.", + "Test mechanical equipment to ensure proper functioning.", + "Communicate with coworkers to coordinate installations or repairs.", + "Adjust equipment to ensure optimal performance.", + "Disassemble equipment for maintenance or repair.", + "Repair worn, damaged, or defective mechanical parts.", + "Cut materials according to specifications or needs.", + "Confer with coworkers to coordinate work activities.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Connect electrical components or equipment.", + "Adjust the tension of nuts or bolts.", + "Investigate illegal or suspicious activities.", + "Repair electrical circuits or wiring.", + "Replace worn, damaged, or defective mechanical parts.", + "Lubricate equipment to allow proper functioning.", + "Repair electrical components.", + "Measure distances or dimensions.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Remove parts or components from equipment.", + "Connect hoses to equipment or piping.", + "Repair non-engine automotive or vehicle components.", + "Train customers in the use of products." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Technical Equipment Inspection": 1, + "Technical Equipment Installation": 1, + "Operational Equipment Control": 1, + "Precision Equipment Operation": 1, + "Technical Diagnostic Troubleshooting": 1, + "Technical Problem Solving": 1, + "Operational Documentation": 1, + "Technical Documentation": 1, + "Safety and Compliance Monitoring": 1, + "Electrical Systems Installation": 1, + "Electrical Systems Maintenance": 1 + }, + "original_index": 646, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "45-2092.00", + "job_title": "Farmworkers and Laborers, Crop, Nursery, and Greenhouse", + "detailed_work_activities": [ + "Transport animals, crops, or equipment.", + "Sell agricultural products.", + "Maintain operational records.", + "Direct activities of agricultural, forestry, or fishery employees.", + "Harvest agricultural products.", + "Mark agricultural or forestry products for identification.", + "Sort forestry or agricultural materials.", + "Operate irrigation systems.", + "Evaluate quality of plants or crops.", + "Maintain forestry, hunting, or agricultural equipment.", + "Advise others on farming or forestry operations, regulations, or equipment.", + "Build agricultural structures.", + "Confer with managers to make operational decisions.", + "Cut trees or logs.", + "Plant crops, trees, or other plants.", + "Examine characteristics or behavior of living organisms.", + "Operate farming equipment.", + "Maintain inventories of materials, equipment, or products.", + "Prepare land for agricultural use.", + "Load agricultural or forestry products for shipment.", + "Package agricultural products for shipment or further processing.", + "Clean equipment or facilities.", + "Perform manual agricultural, aquacultural, or horticultural tasks." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Agricultural Operations": 1, + "Agricultural Equipment Operation": 1, + "Agricultural Inventory Management": 1, + "Operational Monitoring": 1, + "Precision Manual Material Handling": 1, + "Agricultural Resource Coordination": 1, + "Agricultural Inspection Skills": 1, + "Interpersonal Communication": 1, + "Safety and Maintenance Inspection": 1, + "Academic Instruction": 0 + }, + "original_index": 647, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "47-4099.03", + "job_title": "Weatherization Installers and Technicians", + "detailed_work_activities": [ + "Test products for functionality or quality.", + "Inspect equipment to ensure proper functioning.", + "Test characteristics of materials or structures.", + "Apply material to fill gaps in surfaces.", + "Inspect industrial or commercial equipment to ensure proper operation.", + "Install green structural components, equipment or systems.", + "Inspect work sites to determine condition or necessary repairs.", + "Communicate with clients about products, procedures, and policies.", + "Install insulation in equipment or structures.", + "Install building fixtures.", + "Estimate construction project costs.", + "Clean equipment or facilities.", + "Maintain construction tools or equipment.", + "Record operational or environmental data.", + "Prepare operational reports.", + "Inspect completed work to ensure proper installation.", + "Install doors or windows." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Installation": 1, + "Equipment Installation": 1, + "Precision Installation Techniques": 1, + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Quality Control Inspection": 1, + "Technical Equipment Operation": 1, + "Site Preparation and Inspection": 1, + "Surface Preparation": 1, + "Operational Safety Management": 1, + "Technical Documentation": 1, + "Cost Estimation": 1, + "Client Communication": 1, + "Equipment Maintenance": 1, + "Green Energy Installation": 1, + "Material Handling": 1, + "Workplace Safety Coordination": 1, + "Academic Instruction": 0, + "Medical Procedures": 0, + "Artistic Design": 0 + }, + "original_index": 648, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "19-2041.03", + "job_title": "Industrial Ecologists", + "detailed_work_activities": [ + "Research environmental impact of industrial or development activities.", + "Develop sustainable industrial or development methods.", + "Identify sustainable business practices.", + "Research impacts of environmental conservation initiatives.", + "Review professional literature to maintain professional knowledge.", + "Communicate results of environmental research.", + "Prepare research or technical reports on environmental issues.", + "Monitor environmental impacts of production or development activities.", + "Develop technical or scientific databases.", + "Advise others about environmental management or conservation.", + "Apply knowledge or research findings to address environmental problems.", + "Develop environmental sustainability plans or projects.", + "Plan environmental research.", + "Conduct research on social issues.", + "Develop mathematical models of environmental conditions.", + "Develop plans to manage natural or renewable resources.", + "Appraise environmental impact of regulations or policies.", + "Analyze environmental data.", + "Promote environmental sustainability or conservation initiatives.", + "Prepare information or documentation related to legal or regulatory matters.", + "Plan natural resources conservation or restoration programs.", + "Conduct research of processes in natural or industrial ecosystems." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Environmental Conservation Management": 1, + "Scientific Research Methodology": 1, + "Sustainable Resource Management": 1, + "Technical Environmental Monitoring": 1, + "Analytical Problem Solving": 1, + "Stakeholder Environmental Communication": 1, + "Strategic Environmental Planning": 1, + "Technical Documentation Management": 1, + "Data Systems Engineering": 1, + "Mathematical Problem Solving": 1, + "Professional Research Methodology": 1, + "Quantitative Reasoning": 1, + "Systems Analysis": 1, + "Remote Sensing Technology": 1, + "Geospatial Data Analysis": 1 + }, + "original_index": 649, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "27-3091.00", + "job_title": "Interpreters and Translators", + "detailed_work_activities": [ + "Translate information for others.", + "Compile technical information or documentation.", + "Conduct research to inform art, designs, or other work.", + "Verify accuracy of data.", + "Provide educational information to the public.", + "Edit written materials.", + "Train others on work processes.", + "Confer with clients to determine needs." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Professional Communication": 1, + "Interpersonal Communication": 1, + "Technical Communication": 1, + "Research Methodology": 1, + "Multilingual Communication": 1, + "Client Consultation": 1, + "Information Processing": 1 + }, + "original_index": 650, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-3051.00", + "job_title": "Police and Sheriff's Patrol Officers", + "detailed_work_activities": [ + "Apprehend criminal suspects.", + "Respond to emergencies to provide assistance.", + "Maintain public order or security.", + "Prepare investigation or incident reports.", + "Administer first aid.", + "Investigate accidents to determine causes.", + "Investigate illegal or suspicious activities.", + "Communicate situation details to appropriate personnel.", + "Maintain surveillance of individuals or establishments.", + "Testify at legal or legislative proceedings.", + "Maintain operational records.", + "Record information about suspects or criminals.", + "Monitor access or flow of people to prevent problems.", + "Relay information about incidents or emergencies to personnel using phones or two-way radios.", + "Patrol properties to maintain safety.", + "Determine operational procedures.", + "Guard facilities.", + "Interview people to gather information about criminal activities.", + "Record crime or accident scene evidence with video or still cameras.", + "Investigate legal issues.", + "Direct law enforcement activities.", + "Escort prisoners to courtrooms, prisons, or other facilities.", + "Direct vehicle traffic.", + "Interview people to obtain information about actions or status of individuals.", + "Detain suspects or witnesses.", + "Inform the public about policies, services or procedures.", + "Recommend improvements to increase safety or reduce risks.", + "Serve court ordered documents.", + "Confiscate prohibited or dangerous items.", + "Locate suspicious objects or vehicles.", + "Assist motorists or pedestrians.", + "Communicate health and wellness information to the public.", + "Present social services program information to the public." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Law Enforcement Operations": 1, + "Public Safety Management": 1, + "Operational Safety Compliance": 1, + "Interpersonal Communication": 1, + "Investigative Documentation": 1, + "Threat Detection and Assessment": 1, + "Emergency Response Coordination": 1, + "Criminal Investigation Skills": 1, + "Surveillance Operations": 1, + "Technical Safety Management": 1, + "Conflict Resolution and Mediation": 1, + "Vehicle Operation Safety": 1, + "First Aid and Medical Support": 1, + "Legal Procedural Coordination": 1, + "Strategic Safety Communication": 1, + "Academic Instruction": 0, + "Agricultural Inspection Skills": 0, + "Biomedical Engineering Design": 0 + }, + "original_index": 651, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1223.00", + "job_title": "Psychiatrists", + "detailed_work_activities": [ + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Treat patients using psychological therapies.", + "Collect medical information from patients, family members, or other medical professionals.", + "Record patient medical histories.", + "Develop medical treatment plans.", + "Analyze test data or images to inform diagnosis or treatment.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Examine patients to assess general physical condition.", + "Advise patients on effects of health conditions or treatments.", + "Explain medical procedures or test results to patients or family members.", + "Conduct research to increase knowledge about medical issues.", + "Maintain medical or professional knowledge.", + "Present medical research reports.", + "Analyze quantitative data to determine effectiveness of treatments or therapies.", + "Prepare official health documents or records.", + "Prepare reports summarizing patient diagnostic or care activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Behavioral Health Counseling": 1, + "Behavioral Intervention Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Counseling": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Complex Healthcare Decision Making": 1, + "Complex Medical Problem Solving": 1, + "Comprehensive Patient Counseling": 1, + "Patient Psychological Assessment": 1, + "Patient Psychological Support": 1, + "Therapeutic Communication": 1, + "Therapeutic Patient Counseling": 1 + }, + "original_index": 652, + "sparsity": 0.9844179651695693 + }, + { + "onet_code": "27-4011.00", + "job_title": "Audio and Video Technicians", + "detailed_work_activities": [ + "Notify others of equipment problems.", + "Maintain recording or broadcasting equipment.", + "Maintain records, documents, or other files.", + "Convert data among multiple digital or analog formats.", + "Coordinate activities of production personnel.", + "Operate communications, transmissions, or broadcasting equipment.", + "Monitor broadcasting operations to ensure proper functioning.", + "Operate control consoles for sound, lighting or video.", + "Mix sound inputs.", + "Edit audio or video recordings.", + "Operate audio recording equipment.", + "Coordinate logistics for productions or events.", + "Set up still or video cameras or related equipment.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes.", + "Determine technical requirements of productions or projects.", + "Draw detailed or technical illustrations.", + "Collaborate with others to determine technical details of productions.", + "Train others on work processes.", + "Maintain inventories of materials, equipment, or products.", + "Study details of musical compositions.", + "Inform viewers, listeners, or audiences.", + "Write material for artistic or entertainment purposes.", + "Compile technical information or documentation.", + "Maintain logs of production activities.", + "Write informational material." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Audio Technical Operations": 1, + "Audio-Visual Technical Operations": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Communication": 1, + "Technical Documentation": 1, + "Media Production Technical Control": 1, + "Broadcast Technical Operations": 1, + "Camera Operation and Technical Control": 1, + "Technical Equipment Monitoring": 1, + "Production Equipment Management": 1, + "Technical Performance Monitoring": 1, + "Collaborative Technical Communication": 1, + "Technical Quality Control": 1, + "Artistic Production Collaboration": 1 + }, + "original_index": 653, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-2012.01", + "job_title": "Histology Technicians", + "detailed_work_activities": [ + "Prepare biological specimens for laboratory analysis.", + "Collect biological specimens from patients.", + "Maintain medical laboratory equipment.", + "Operate laboratory equipment to analyze medical samples.", + "Prepare materials for preservation, storage, or display." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Biological Sample Processing": 1, + "Biological Specimen Analysis": 1, + "Laboratory Sample Management": 1, + "Medical Laboratory Equipment Operation": 1, + "Precision Medical Documentation": 1, + "Technical Laboratory Equipment Management": 1, + "Scientific Laboratory Procedures": 1 + }, + "original_index": 654, + "sparsity": 0.9967919340054996 + }, + { + "onet_code": "53-4013.00", + "job_title": "Rail Yard Engineers, Dinkey Operators, and Hostlers", + "detailed_work_activities": [ + "Monitor traffic signals.", + "Inspect locomotives or other railroad equipment.", + "Operate locomotives or other rail vehicles.", + "Communicate with others to coordinate vehicle movement.", + "Signal others to coordinate vehicle movement.", + "Connect cables or electrical lines.", + "Connect hoses to equipment or machinery.", + "Measure the level or depth of water or other liquids.", + "Receive information or instructions for performing work assignments.", + "Review work orders or schedules to determine operations or procedures.", + "Monitor vehicle movement or location.", + "Control equipment that regulates vehicle traffic.", + "Climb ladders or vehicles to perform duties.", + "Maintain locomotives or other rail equipment in good working condition.", + "Position material handling equipment.", + "Record operational or production data.", + "Record service or repair activities." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making." + ], + "skill_vector": { + "Interpersonal Communication": 0, + "Operational Coordination": 0, + "Critical Problem Solving": 0, + "Technical Equipment Maintenance": 0, + "Operational Safety and Quality Control": 0, + "Precision Manual Manipulation": 0, + "Emergency Response Management": 0, + "Transportation Systems Navigation": 0, + "Performance and Safety Monitoring": 0, + "Material Processing": 0, + "Industrial Equipment Operation": 0, + "Workplace Maintenance": 0, + "Spatial Visualization": 0, + "Mechanical Fabrication": 0, + "Systems Installation": 0, + "Renewable Energy Systems": 0, + "Technical Documentation": 0, + "Environmental Technology Deployment": 0, + "Logistics Resource Management": 0, + "Operational Compliance and Safety": 0, + "Quantitative Operational Analysis": 0, + "Hospitality Management": 0, + "Organizational Resource Coordination": 0, + "Adaptive Workplace Communication": 0, + "Strategic Operational Planning": 0, + "Performance and Compliance Monitoring": 0, + "Educational Support": 0, + "Developmental Mentorship": 0, + "Inclusive Learning Management": 0, + "Technical Maintenance and Repair": 0, + "Operational Safety Management": 0, + "Resource Coordination and Personnel Management": 0, + "Complex Problem Resolution": 0, + "Technical Systems Analysis": 0, + "Precision Technical Documentation": 0, + "Advanced Equipment Calibration": 0, + "Integrated Systems Engineering": 0, + "Quantitative Technical Problem Solving": 0, + "Mechanical Equipment Diagnostics": 0, + "Preventive Maintenance Execution": 0, + "Technical Repair Workflow Management": 0, + "Geological Site Preparation": 0, + "Drilling and Excavation Techniques": 0, + "Heavy Equipment Navigation": 0, + "Geological Sample Collection": 0, + "Environmental Decontamination": 0, + "Green Energy Management": 0, + "Strategic Environmental Compliance": 0, + "Resource Allocation Strategy": 0, + "Advanced Stakeholder Negotiation": 0, + "Medical Diagnostics": 0, + "Healthcare Patient Management": 0, + "Medical Education and Training": 0, + "Healthcare Communication": 0, + "Medical Research and Innovation": 0, + "Patient Care Management": 0, + "Medical Knowledge Application": 0, + "Healthcare Professional Collaboration": 0, + "Health Education and Counseling": 0, + "Clinical Documentation Management": 0, + "Production Equipment Management": 0, + "Quality Assurance Inspection": 0, + "Surface Preparation and Finishing": 0, + "Operational Material Handling": 0, + "Precision Manufacturing Techniques": 0, + "Process Equipment Operation": 0, + "Operational Material Processing": 0, + "Systematic Quality Verification": 0, + "Food Service Management": 0, + "Culinary Preparation Skills": 0, + "Kitchen Safety and Sanitation": 0, + "Inventory and Resource Management": 0, + "Operational Food Service Coordination": 0, + "Construction Material Manipulation": 0, + "Infrastructure Installation": 0, + "Precision Construction Techniques": 0, + "Mechanical System Diagnostics": 0, + "Precision Equipment Maintenance": 0, + "Technical Operational Control": 0, + "Mechanical Component Fabrication": 0, + "Operational Safety Compliance": 0, + "Legal Decision Making": 0, + "Procedural Legal Communication": 0, + "Regulatory Conflict Resolution": 0, + "Print Production Management": 0, + "Manufacturing Process Control": 0, + "Technical Equipment Calibration": 0, + "Electronic Systems Engineering": 0, + "Technical Performance Diagnostics": 0, + "Technical Documentation Management": 0, + "Instrumentation and Equipment Installation": 0, + "Operational Cost and Resource Planning": 0, + "Labor Relations Management": 0, + "Regulatory Compliance Strategy": 0, + "Strategic Conflict Resolution": 0, + "Organizational Policy Development": 0, + "Professional Communication Dynamics": 0, + "Residential Support Management": 0, + "Interpersonal Behavioral Guidance": 0, + "Organizational Safety Oversight": 0, + "Administrative Support Coordination": 0, + "Conflict Mediation and Resolution": 0, + "Medical Administrative Support": 0, + "Professional Communication Management": 0, + "Organizational Information Processing": 0, + "Mechanical Repair Skills": 0, + "Precision Equipment Installation": 0, + "Operational Safety Monitoring": 0, + "Technical Documentation and Interpretation": 0, + "Legal Research and Analysis": 0, + "Judicial Documentation Management": 0, + "Professional Legal Communication": 0, + "Judicial Procedural Coordination": 0, + "Maternal Healthcare Management": 0, + "Clinical Procedure Instruction": 0, + "Comprehensive Patient Counseling": 0, + "Emergency Reproductive Care": 0, + "Airfield Operations Management": 0, + "Transportation Safety Monitoring": 0, + "Emergency Response Coordination": 0, + "Operational Communication Coordination": 0, + "Vehicle and Equipment Monitoring": 0, + "Therapeutic Counseling": 0, + "Client Treatment Management": 0, + "Substance Abuse Intervention": 0, + "Crisis Support Management": 0, + "Family Systems Counseling": 0, + "Maritime Operations Management": 0, + "Emergency Water Response": 0, + "Vessel Maintenance and Inspection": 0, + "Water Transportation Coordination": 0, + "Construction Material Preparation": 0, + "Structural Component Assembly": 0, + "Construction Equipment Management": 0, + "Surface Preparation Techniques": 0, + "Child Development Support": 0, + "Developmental Care Coordination": 0, + "Adaptive Caregiving": 0, + "Family Engagement and Communication": 0, + "Holistic Child Safety Management": 0, + "Measurement and Verification": 0, + "Logistics and Inventory Management": 0, + "Operational Documentation": 0, + "Vehicle Glass Repair": 0, + "Automotive Component Replacement": 0, + "Precision Surface Preparation": 0, + "Regulatory Compliance Management": 0, + "Strategic Resource Allocation": 0, + "Advanced Operational Governance": 0, + "Scientific Research Methodology": 0, + "Environmental Conservation Strategy": 0, + "Biological Systems Analysis": 0, + "Professional Scientific Communication": 0, + "Organizational Research Management": 0, + "Regulatory Environmental Compliance": 0, + "Technical Systems Optimization": 0, + "Resource and Budget Management": 0, + "Workforce Training and Development": 0, + "Postal Service Operations": 0, + "Customer Interaction Management": 0, + "Administrative Documentation": 0, + "Vehicle and Equipment Operation": 0, + "Legal Documentation Management": 0, + "Professional Transcription Skills": 0, + "Procedural Information Processing": 0, + "Precision Device Assembly": 0, + "Equipment Diagnostic Inspection": 0, + "Precision Measurement Techniques": 0, + "Client Representation Management": 0, + "Strategic Talent Negotiation": 0, + "Performance Career Development": 0, + "Entertainment Industry Coordination": 0, + "Professional Financial Management": 0, + "Hazardous Materials Management": 0, + "Safety and Risk Mitigation": 0, + "Heavy Equipment Operation": 0, + "Environmental Site Management": 0, + "Technical Substance Preparation": 0, + "Pharmaceutical Workflow Management": 0, + "Healthcare Compliance and Safety": 0, + "Environmental Conservation Management": 0, + "Specialized Equipment Operation": 0, + "Field Operations Coordination": 0, + "Agricultural Inventory Management": 0, + "Preventive Plant Care": 0, + "Environmental Data Analysis": 0, + "Scientific Sample Management": 0, + "Technical Reporting and Documentation": 0, + "Environmental Monitoring and Assessment": 0, + "Green Energy Engineering": 0, + "Technical Design Visualization": 0, + "Systematic Performance Evaluation": 0, + "Renewable Technology Testing": 0, + "Technical Project Planning": 0, + "Mechanical Repair and Maintenance": 0, + "Precision Material Manipulation": 0, + "Customer Engagement": 0, + "Retail Product Management": 0, + "Sales Transaction Processing": 0, + "Property Valuation Analysis": 0, + "Professional Documentation Management": 0, + "Economic Trend Forecasting": 0, + "Client Service Coordination": 0, + "Legal Testimony Preparation": 0, + "Production Assembly Skills": 0, + "Operational Quality Monitoring": 0, + "Technical Equipment Management": 0, + "Workplace Procedural Coordination": 0, + "Material Handling and Preparation": 0, + "Food Service Leadership": 0, + "Organizational Resource Allocation": 0, + "Interpersonal Conflict Resolution": 0, + "Performance Monitoring and Evaluation": 0, + "Project Management": 0, + "Strategic Technology Management": 0, + "Organizational Resource Optimization": 0, + "Advanced Stakeholder Communication": 0, + "Glass Fabrication Techniques": 0, + "Production Equipment Setup": 0, + "Manufacturing Quality Verification": 0, + "Personal Grooming Services": 0, + "Client Relationship Management": 0, + "Beauty Product Expertise": 0, + "Aesthetic Service Coordination": 0, + "Waste Management Operations": 0, + "Vehicle and Equipment Navigation": 0, + "Safety and Maintenance Inspection": 0, + "Software Development": 0, + "Information Technology Problem Solving": 0, + "Technology Project Management": 0, + "Enterprise Technology Integration": 0, + "Security Risk Management": 0, + "Investigative Compliance Analysis": 0, + "Personnel Resource Optimization": 0, + "Strategic Organizational Governance": 0, + "Comprehensive Workplace Monitoring": 0, + "Workforce Training Development": 0, + "Sales Communication": 0, + "Customer Relationship Cultivation": 0, + "Telemarketing Strategy": 0, + "Therapeutic Patient Care": 0, + "Healthcare Education and Counseling": 0, + "Adaptive Therapeutic Intervention": 0, + "Educational Support and Mentorship": 0, + "Adaptive Learning Management": 0, + "Performance Assessment and Monitoring": 0, + "Interpersonal Educational Communication": 0, + "Professional Educational Development": 0, + "Nanotechnology Process Control": 0, + "Precision Scientific Measurement": 0, + "Technical Research and Innovation": 0, + "Environmental Compliance Monitoring": 0, + "Technical Documentation and Reporting": 0, + "Tour Guide Services": 0, + "Patron Support Coordination": 0, + "Recreational Activity Management": 0, + "Social Support Services": 0, + "Family Systems Intervention": 0, + "Advocacy and Resource Navigation": 0, + "Psychosocial Assessment": 0, + "Client Hygiene Management": 0, + "Technical Design Drafting": 0, + "Precision Measurement Analysis": 0, + "Technical Collaborative Communication": 0, + "Blockchain Technology Development": 0, + "Cybersecurity Implementation": 0, + "Software Architecture Design": 0, + "Cryptographic Protocol Engineering": 0, + "Distributed Systems Engineering": 0, + "Precision Equipment Operation": 0, + "Manufacturing Quality Control": 0, + "Production Process Management": 0, + "Therapeutic Music Intervention": 0, + "Patient Psychological Assessment": 0, + "Healthcare Treatment Planning": 0, + "Empathetic Patient Communication": 0, + "Medical Documentation Management": 0, + "Medical Imaging Technology": 0, + "Healthcare Procedural Compliance": 0, + "Patient Diagnostic Interaction": 0, + "Medical Substance Management": 0, + "Clinical Equipment Maintenance": 0, + "Food Processing Operations": 0, + "Production Equipment Monitoring": 0, + "Quality Verification Techniques": 0, + "Material Handling and Processing": 0, + "Gaming Operations Management": 0, + "Customer Service Interaction": 0, + "Operational Quality Assurance": 0, + "Academic Instruction": 0, + "Student Performance Assessment": 0, + "Academic Research and Development": 0, + "Institutional Governance": 0, + "Professional Development Management": 0, + "Cultural Heritage Preservation": 0, + "Exhibit Design and Curation": 0, + "Archival Research and Documentation": 0, + "Surgical Intervention": 0, + "Medical Diagnostic Assessment": 0, + "Healthcare Procedural Coordination": 0, + "Medical Equipment Sterilization": 0, + "Clinical Research Management": 0, + "Athletic Performance Management": 0, + "Strategic Physical Coordination": 0, + "Professional Sports Communication": 0, + "Electrical Systems Installation": 0, + "Technical Equipment Diagnostics": 0, + "Safety Equipment Verification": 0, + "Artistic Performance Coordination": 0, + "Creative Composition Strategy": 0, + "Professional Artistic Negotiation": 0, + "Personal Care Support": 0, + "Compassionate Client Interaction": 0, + "Healthcare Assistance Coordination": 0, + "Domestic Support Management": 0, + "Environmental Regulatory Compliance": 0, + "Systematic Investigative Analysis": 0, + "Technical Environmental Monitoring": 0, + "Professional Regulatory Communication": 0, + "Green Energy Innovation": 0, + "Operational Environmental Strategy": 0, + "Technical Process Engineering": 0, + "Sustainable Production Management": 0, + "Energy Production Analytics": 0, + "Financial Information Processing": 0, + "Customer Information Acquisition": 0, + "Administrative Communication Management": 0, + "Financial Transaction Coordination": 0, + "Regulatory Compliance Documentation": 0, + "Construction Material Management": 0, + "Protective Work Environment Setup": 0, + "Construction Project Cost Estimation": 0, + "Environmental Science Research": 0, + "Regulatory Environmental Management": 0, + "Scientific Communication and Reporting": 0, + "Sustainability Planning": 0, + "Environmental Impact Assessment": 0, + "Administrative Document Processing": 0, + "Office Equipment Operation": 0, + "Communication and Information Routing": 0, + "Professional Time and Task Management": 0, + "Forensic Investigation": 0, + "Professional Testimony Preparation": 0, + "Landscape Maintenance Operations": 0, + "Specialized Equipment Navigation": 0, + "Safety-Focused Field Operations": 0, + "Biological Research Methodology": 0, + "Laboratory Sample Analysis": 0, + "Scientific Instrumentation Management": 0, + "Microorganism Classification": 0, + "Environmental Microbiological Assessment": 0, + "Vehicle Mechanical Repair": 0, + "Precision Manual Tool Operation": 0, + "Visual Display Design": 0, + "Creative Promotional Strategy": 0, + "Artistic Prop and Material Selection": 0, + "Technical Illustration and Modeling": 0, + "Educational Program Development": 0, + "Student Performance Management": 0, + "Adaptive Instructional Techniques": 0, + "Classroom Behavior Management": 0, + "Physical Fitness Instruction": 0, + "Health and Safety Management": 0, + "Client Performance Evaluation": 0, + "Recreational Activity Coordination": 0, + "Fitness Equipment Management": 0, + "Occupational Safety Management": 0, + "Health and Wellness Communication": 0, + "Regulatory Documentation Management": 0, + "Emergency Preparedness Planning": 0, + "Technical Equipment Inspection": 0, + "Medical Diagnostic Precision": 0, + "Healthcare Patient Interaction": 0, + "Vision Care Expertise": 0, + "Medical Treatment Planning": 0, + "Healthcare Equipment Management": 0, + "Cybersecurity Engineering": 0, + "Information Technology Project Management": 0, + "Security Risk Assessment": 0, + "Software Systems Architecture": 0, + "Surgical Intervention Management": 0, + "Medical Diagnostic Reasoning": 0, + "Healthcare Professional Coordination": 0, + "Precision Medical Equipment Management": 0, + "Patient Care and Communication": 0, + "Artistic Conceptualization": 0, + "Creative Technical Illustration": 0, + "Artistic Production Collaboration": 0, + "Artistic Material Preparation": 0, + "Creative Trend Monitoring": 0, + "Media Production Management": 0, + "Broadcast Technical Control": 0, + "Creative Technical Graphics": 0, + "Performance Choreography": 0, + "Artistic Performance Management": 0, + "Creative Artistic Instruction": 0, + "Artistic Trend Analysis": 0, + "Scientific Problem Solving": 0, + "Research and Development Methodology": 0, + "Facility Maintenance": 0, + "Equipment Operation": 0, + "Safety and Sanitation": 0, + "Psychological Assessment": 0, + "Clinical Counseling": 0, + "Scientific Mental Health Research": 0, + "Professional Healthcare Collaboration": 0, + "Neuropsychological Diagnostic Reasoning": 0, + "Mortuary Operations Management": 0, + "Deceased Care Preparation": 0, + "Grief Support Communication": 0, + "Cremation Equipment Operation": 0, + "Funeral Service Documentation": 0, + "Quality Systems Management": 0, + "Strategic Operational Decision Making": 0, + "Organizational Performance Monitoring": 0, + "Technical Documentation and Specification Development": 0, + "Personnel Resource Development": 0, + "Financial Product Sales": 0, + "Customer Needs Assessment": 0, + "Sales Transaction Management": 0, + "Professional Network Development": 0, + "Product Knowledge Acquisition": 0, + "Legal Decision Analysis": 0, + "Conflict Resolution and Mediation": 0, + "Precision Instrument Repair": 0, + "Technical Diagnostic Assessment": 0, + "Specialized Equipment Maintenance": 0, + "Precision Surface Refinishing": 0, + "Energy Systems Operation": 0, + "Industrial Equipment Maintenance": 0, + "Technical Safety Monitoring": 0, + "Precision Manual Technical Skills": 0, + "Operational Data Recording": 0, + "Medical Diagnostic Imaging": 0, + "Patient Care Coordination": 0, + "Clinical Equipment Management": 0, + "Healthcare Procedural Support": 0, + "Religious Program Management": 0, + "Spiritual Counseling": 0, + "Community Outreach Coordination": 0, + "Interpersonal Guidance": 0, + "Organizational Religious Leadership": 0, + "Strategic Project Management": 0, + "Advanced Resource Allocation": 0, + "Operational Performance Monitoring": 0, + "Environmental Systems Management": 0, + "Strategic Environmental Planning": 0, + "Technical Environmental Analysis": 0, + "Professional Environmental Communication": 0, + "Operational Environmental Monitoring": 0, + "Manufacturing Equipment Operation": 0, + "Quality Inspection and Verification": 0, + "Operational Safety and Compliance": 0, + "Food Production Management": 0, + "Ingredient Precision Handling": 0, + "Operational Quality Control": 0, + "Equipment Temperature Management": 0, + "Culinary Safety Protocols": 0, + "Architectural Design Planning": 0, + "Technical Project Management": 0, + "Professional Design Communication": 0, + "Environmental Design Integration": 0, + "Analytical Design Evaluation": 0, + "Production Equipment Operation": 0, + "Technical Documentation Reading": 0, + "Strategic Organizational Leadership": 0, + "Advanced Resource Management": 0, + "Traffic Systems Analysis": 0, + "Technical Equipment Monitoring": 0, + "Operational Documentation Management": 0, + "Infrastructure Marking and Visualization": 0, + "Administrative Communication": 0, + "Operational Documentation Processing": 0, + "Technical Problem Solving": 0, + "Web Technology Management": 0, + "Digital Systems Security": 0, + "Library Resource Management": 0, + "Administrative Information Processing": 0, + "Customer Service Coordination": 0, + "Precision Material Fabrication": 0, + "Textile Manipulation Skills": 0, + "Geological Sample Analysis": 0, + "Field Data Collection": 0, + "Geospatial Resource Mapping": 0, + "Environmental Site Preparation": 0, + "Construction Project Management": 0, + "Strategic Resource Coordination": 0, + "Regulatory Compliance and Safety": 0, + "Electronic Systems Design": 0, + "Technical Communication": 0, + "Fiberglass Material Processing": 0, + "Mold Preparation and Management": 0, + "Surface Treatment Techniques": 0, + "Medical Diagnostic Expertise": 0, + "Scientific Laboratory Management": 0, + "Professional Medical Communication": 0, + "Pathological Analysis": 0, + "Technical Systems Engineering": 0, + "Information Security Management": 0, + "Collaborative Technical Problem Solving": 0, + "Technology Project Coordination": 0, + "Vehicle Damage Assessment": 0, + "Insurance Claims Documentation": 0, + "Technical Cost Estimation": 0, + "Gas Systems Operation": 0, + "Industrial Equipment Monitoring": 0, + "Operational Safety Protocols": 0, + "Early Childhood Education": 0, + "Child Safety Management": 0, + "Developmental Instructional Adaptation": 0, + "Parent-Educator Communication": 0, + "Classroom Behavioral Management": 0, + "Nuclear Systems Control": 0, + "Complex Equipment Diagnostics": 0, + "Operational Performance Optimization": 0, + "Critical Decision Making": 0, + "Technical Writing Proficiency": 0, + "Information Processing": 0, + "Professional Communication Strategy": 0, + "Critical Analysis and Decision Making": 0, + "Continuous Learning Management": 0, + "Broadcast Technical Operations": 0, + "Production Coordination": 0, + "Technical Communication Management": 0, + "Emergency Medical Care": 0, + "Patient Transportation Management": 0, + "Healthcare Team Collaboration": 0, + "Emergency Medical Documentation": 0, + "Technical Problem Analysis": 0, + "Industrial Process Management": 0, + "Technical Documentation Interpretation": 0, + "Quality Control Engineering": 0, + "Engineering Design Visualization": 0, + "Laboratory Sample Management": 0, + "Technical Troubleshooting": 0, + "Operational Equipment Coordination": 0, + "Recreational Facility Management": 0, + "Financial Record Management": 0, + "Legal Reasoning": 0, + "Legal Dispute Resolution": 0, + "Client Legal Representation": 0, + "Public Safety Management": 0, + "Animal Care and Control": 0, + "Investigative Documentation": 0, + "Cybersecurity Risk Management": 0, + "Professional Information Processing": 0, + "Continuous Professional Learning": 0, + "Vehicle Component Maintenance": 0, + "Equipment Operation and Safety": 0, + "Geospatial Data Analysis": 0, + "Technical Field Documentation": 0, + "Scientific Instrumentation Operation": 0, + "Environmental Site Analysis": 0, + "Academic Instruction Design": 0, + "Scholarly Research Management": 0, + "Professional Academic Communication": 0, + "Institutional Academic Governance": 0, + "Healthcare Patient Assessment": 0, + "Therapeutic Physical Intervention": 0, + "Medical Equipment Management": 0, + "Professional Healthcare Coordination": 0, + "Food Production Operations": 0, + "Equipment Temperature Control": 0, + "Surface Leveling and Preparation": 0, + "Masonry Material Installation": 0, + "Financial Analysis": 0, + "Professional Documentation": 0, + "Strategic Business Advisory": 0, + "Utility Service Monitoring": 0, + "Material Preparation and Handling": 0, + "Precision Measurement and Layout": 0, + "Installation Quality Control": 0, + "Specialized Material Manipulation": 0, + "Technical Equipment Installation": 0, + "Diagnostic Technical Troubleshooting": 0, + "Operational Safety Verification": 0, + "Human Factors Engineering": 0, + "Technical Design Optimization": 0, + "Learner Needs Assessment": 0, + "Customer Transaction Management": 0, + "Product Information Communication": 0, + "Operational Customer Interaction": 0, + "Market Intelligence": 0, + "Professional Product Knowledge": 0, + "Technical Equipment Setup": 0, + "Technical Control Systems Operation": 0, + "Surface Finishing Techniques": 0, + "Precision Manual Construction Skills": 0, + "Creative Design Conceptualization": 0, + "Trend and Market Research": 0, + "Therapeutic Patient Counseling": 0, + "Aviation Safety Inspection": 0, + "Technical Performance Verification": 0, + "Medical Precision Intervention": 0, + "Healthcare Equipment Customization": 0, + "Business Intelligence Analysis": 0, + "Information Systems Management": 0, + "Analytical Problem Solving": 0, + "Precision Technical Diagnostics": 0, + "Legislative Policy Development": 0, + "Public Governance Coordination": 0, + "Strategic Hearing Management": 0, + "Professional Development Leadership": 0, + "Regulatory Impact Analysis": 0, + "Engineering Systems Design": 0, + "Scientific Problem Resolution": 0, + "Technical Performance Optimization": 0, + "Performance Arts Management": 0, + "Expressive Communication": 0, + "Creative Skill Development": 0, + "Professional Talent Representation": 0, + "Artistic Audition and Casting": 0, + "Animal Training and Care": 0, + "Performance Instruction": 0, + "Administrative Coordination": 0, + "Social Research Methodology": 0, + "Professional Knowledge Communication": 0, + "Systematic Analytical Reasoning": 0, + "Interpersonal Observation Skills": 0, + "Academic and Policy Consultation": 0, + "Vehicle Operation Management": 0, + "Logistics Documentation": 0, + "Insurance Claims Processing": 0, + "Administrative Information Management": 0, + "Customer Information Verification": 0, + "Sales Persuasion": 0, + "Customer Engagement Strategy": 0, + "Product Demonstration Skills": 0, + "Safety and Hazard Management": 0, + "Operational Documentation and Reporting": 0, + "Scientific Laboratory Procedures": 0, + "Quality Control Analysis": 0, + "Chemical Substance Management": 0, + "Software Quality Assurance": 0, + "Technical Problem Diagnostics": 0, + "Performance Monitoring and Analysis": 0, + "Collaborative Technical Communication": 0, + "Academic Research and Instruction": 0, + "Professional Academic Development": 0, + "Special Needs Education Support": 0, + "Developmental Behavioral Management": 0, + "Educational Assessment and Monitoring": 0, + "Collaborative Educational Planning": 0, + "Adaptive Instructional Technology": 0, + "Mechanical Repair Expertise": 0, + "Precision Equipment Manipulation": 0, + "Technical Problem Resolution": 0, + "Equipment Maintenance and Safety": 0, + "Rehabilitation Case Management": 0, + "Forensic Social Intervention": 0, + "Therapeutic Client Counseling": 0, + "Community Resource Navigation": 0, + "Legal Compliance Monitoring": 0, + "Hazardous Environment Management": 0, + "Precision Manual Infrastructure Skills": 0, + "Strategic Organizational Communication": 0, + "Strategic Decision Making": 0, + "Computational Bioinformatics": 0, + "Human Resources Management": 0, + "Strategic Interpersonal Communication": 0, + "Compliance and Regulatory Management": 0, + "Forensic Evidence Analysis": 0, + "Scientific Documentation": 0, + "Curriculum Development": 0, + "Nutritional Assessment": 0, + "Healthcare Nutrition Counseling": 0, + "Dietary Program Management": 0, + "Scientific Nutrition Research": 0, + "Interdisciplinary Healthcare Collaboration": 0, + "Professional Client Interaction": 0, + "Regulatory Compliance and Interpretation": 0, + "Geospatial Data Collection": 0, + "Cartographic Visualization": 0, + "Medical Records Management": 0, + "Healthcare Administrative Communication": 0, + "Medical Facility Operational Coordination": 0, + "Pedagogical Assessment and Monitoring": 0, + "Technical Validation Engineering": 0, + "Complex Problem Analysis": 0, + "Forensic Evidence Management": 0, + "Legal Documentation and Testimony": 0, + "Investigative Information Management": 0, + "Emergency Response Documentation": 0, + "Pattern Design and Fabrication": 0, + "Technical Measurement and Layout": 0, + "Production Equipment Programming": 0, + "Risk Assessment Management": 0, + "Technical Specification Development": 0, + "Operational Compliance Monitoring": 0, + "Strategic Investigative Analysis": 0, + "Forestry Equipment Operation": 0, + "Field Operations Safety": 0, + "Water Systems Management": 0, + "Chemical Processing Control": 0, + "Precision Operational Documentation": 0, + "Information Management": 0, + "Procedural Documentation": 0, + "Digital Systems Management": 0, + "Precision Manufacturing Skills": 0, + "Equipment Diagnostic Monitoring": 0, + "Technical Quality Verification": 0, + "Machine Operation Control": 0, + "Technical Quality Inspection": 0, + "Technical Documentation Comprehension": 0, + "Precision Material Handling": 0, + "Vision Care Technical Skills": 0, + "Medical Device Customization": 0, + "Performance Arts Coordination": 0, + "Creative Movement Technique": 0, + "Professional Performance Preparation": 0, + "Web Design and Development": 0, + "Digital Visual Communication": 0, + "Technical Project Collaboration": 0, + "Digital Systems Testing": 0, + "Emerging Technology Adaptation": 0, + "Operational Problem Resolution": 0, + "Quantitative Technical Analysis": 0, + "Educational Instruction Management": 0, + "Student Performance Evaluation": 0, + "Research and Scholarly Contribution": 0, + "Health Education Strategy": 0, + "Social Services Coordination": 0, + "Professional Health Communication": 0, + "Community Needs Assessment": 0, + "Organizational Health Program Management": 0, + "Textile Equipment Operation": 0, + "Precision Material Cutting": 0, + "Production Quality Inspection": 0, + "Equipment Setup and Calibration": 0, + "Operational Pattern Management": 0, + "Precision Medical Intervention": 0, + "Healthcare Professional Communication": 0, + "Customer Service Communication": 0, + "Problem Resolution Strategy": 0, + "Chemical Analysis and Synthesis": 0, + "Technical Quality Control": 0, + "Laboratory Equipment Management": 0, + "Postal Operations Management": 0, + "Personnel Resource Coordination": 0, + "Operational Communication Strategy": 0, + "Strategic Problem Resolution": 0, + "Administrative Documentation Management": 0, + "Operational Monitoring and Control": 0, + "Site Dimensional Management": 0, + "Material Handling and Coordination": 0, + "Pumping and Hydraulic Systems Management": 0, + "Recreational Program Management": 0, + "Client Engagement and Support": 0, + "Operational Safety and Rule Enforcement": 0, + "Genetic Research Methodology": 0, + "Scientific Literature Review": 0, + "Research Collaboration Management": 0, + "Biological Sample Analysis": 0, + "Scientific Proposal Development": 0, + "Organizational Research Methodology": 0, + "Professional Counseling": 0, + "Interpersonal Observation": 0, + "Research Communication": 0, + "Patient Care Communication": 0, + "Medical Procedure Support": 0, + "Remote Sensing Analysis": 0, + "Educational Leadership": 0, + "Organizational Compliance Management": 0, + "Professional Development Coordination": 0, + "Interpersonal Guidance and Support": 0, + "Landscape Design Planning": 0, + "Green Infrastructure Development": 0, + "Site Analysis and Preparation": 0, + "Technical Project Coordination": 0, + "Complex Problem Solving": 0, + "Mathematical Problem Analysis": 0, + "Advanced Learning Strategies": 0, + "Mining Equipment Operation": 0, + "Geological Site Management": 0, + "Extraction Workflow Coordination": 0, + "Mental Health Patient Care": 0, + "Therapeutic Communication": 0, + "Clinical Behavioral Intervention": 0, + "Patient Emotional Support": 0, + "Medical Psychiatric Documentation": 0, + "Maritime Navigation Skills": 0, + "Emergency Maritime Response": 0, + "Vessel Equipment Maintenance": 0, + "Transportation Logistics Coordination": 0, + "Marine Communication Protocols": 0, + "Vegetation Management": 0, + "Chemical Application Safety": 0, + "Equipment Maintenance and Operation": 0, + "Animal Research Methodology": 0, + "Agricultural Systems Analysis": 0, + "Scientific Agricultural Communication": 0, + "Livestock Breeding Expertise": 0, + "Agricultural Process Management": 0, + "Healthcare Information Systems": 0, + "Clinical Documentation Processing": 0, + "Mechanical Equipment Maintenance": 0, + "Precision Technical Installation": 0, + "Technical Design Documentation": 0, + "Precision Equipment Calibration": 0, + "Wood Product Fabrication": 0, + "Technical Blueprint Interpretation": 0, + "Counseling and Guidance": 0, + "Client Needs Assessment": 0, + "Educational Resource Coordination": 0, + "Professional Communication and Intervention": 0, + "Holistic Client Development": 0, + "Strategic Communication Management": 0, + "Media Relations Coordination": 0, + "Event and Program Management": 0, + "Organizational Narrative Development": 0, + "Stakeholder Engagement Strategy": 0, + "Equipment Diagnostic Assessment": 0, + "Precision Machine Operation": 0, + "Operational Quality Verification": 0, + "Medical Device Fabrication": 0, + "Patient Assessment and Measurement": 0, + "Electrical Systems Maintenance": 0, + "Technical Diagnostic Troubleshooting": 0, + "Academic Instruction and Research": 0, + "Pedagogical Assessment and Mentorship": 0, + "Continuous Professional Development": 0, + "Electrical Installation Skills": 0, + "Precision Manual Technical Work": 0, + "Resource and Schedule Management": 0, + "Information Processing and Documentation": 0, + "Problem Analysis and Resolution": 0, + "Surgical Patient Care": 0, + "Healthcare Safety Protocol": 0, + "Personal Resource Management": 0, + "Service Environment Maintenance": 0, + "Patron Safety and Support": 0, + "Photographic Process Management": 0, + "Technical Material Preparation": 0, + "Medical Anesthesia Support": 0, + "Advanced Life Support Management": 0, + "Medical Equipment Precision Management": 0, + "Clinical Documentation and Reporting": 0, + "Student Safety Management": 0, + "Passenger Transportation Support": 0, + "Behavioral Conflict Mediation": 0, + "Healthcare Regulatory Compliance": 0, + "Research Data Management": 0, + "Interdisciplinary Research Collaboration": 0, + "Chemical Solution Preparation": 0, + "Production Monitoring and Quality Control": 0, + "Retail Leadership": 0, + "Merchandise Display Strategy": 0, + "Retail Inventory Management": 0, + "Creative Design Management": 0, + "Professional Visual Communication": 0, + "Artistic Collaboration and Coordination": 0, + "Network Systems Support": 0, + "Technical Security Implementation": 0, + "Operational Technical Documentation": 0, + "Border Security Operations": 0, + "Investigative Risk Assessment": 0, + "Legal Compliance Enforcement": 0, + "Interpersonal Threat Detection": 0, + "Postsecondary Educational Instruction": 0, + "Academic Research and Scholarship": 0, + "Interdisciplinary Academic Communication": 0, + "Energy Systems Control": 0, + "Equipment Performance Monitoring": 0, + "Pedagogical Assessment and Development": 0, + "Scientific Knowledge Communication": 0, + "Professional Development and Learning": 0, + "Spiritual Guidance": 0, + "Community Religious Leadership": 0, + "Interpersonal Empathetic Support": 0, + "Religious Educational Programming": 0, + "Holistic Community Support": 0, + "Precision Material Measurement": 0, + "Creative Design Visualization": 0, + "Market and Trend Analysis": 0, + "Collaborative Design Production": 0, + "Client Interaction Management": 0, + "Precision Manual Skill Application": 0, + "Broadcast Media Performance": 0, + "Media Production Coordination": 0, + "News and Information Gathering": 0, + "Classroom Management": 0, + "Instructional Strategy Development": 0, + "Student Performance Monitoring": 0, + "Educational Communication": 0, + "Developmental Learning Support": 0, + "Operational Food Service Management": 0, + "Professional Communication and Coordination": 0, + "Textile Material Manipulation": 0, + "Precision Garment Production": 0, + "Pattern Design and Layout": 0, + "Agricultural Systems Engineering": 0, + "Complex Problem Solving in Engineering": 0, + "Operational Systems Analysis": 0, + "Equipment Diagnostic Troubleshooting": 0, + "Precision Technical Maintenance": 0, + "Biomedical Engineering Design": 0, + "Systems Engineering Analysis": 0, + "Professional Technical Communication": 0, + "Technical Systems Design": 0, + "Equipment Performance Diagnostics": 0, + "Technical Measurement and Verification": 0, + "Vehicle Diagnostic Assessment": 0, + "Mechanical Repair Precision": 0, + "Equipment Maintenance Strategy": 0, + "Technical Safety Verification": 0, + "Precision Manual Tool Manipulation": 0, + "Patient Treatment and Counseling": 0, + "Medical Procedure and Equipment Management": 0, + "Training Program Development": 0, + "Organizational Learning Strategy": 0, + "Performance Evaluation and Monitoring": 0, + "Interpersonal Learning Facilitation": 0, + "Organizational Training Coordination": 0, + "Investigative Evidence Analysis": 0, + "Regulatory Compliance Investigation": 0, + "Financial Fraud Detection": 0, + "Professional Interviewing": 0, + "Professional Procedural Communication": 0, + "Interpersonal Conflict Management": 0, + "Technical Illustration Skills": 0, + "Exhibition and Display Design": 0, + "Design Material Preparation": 0, + "Visual Presentation Skills": 0, + "Professional Image Modeling": 0, + "Career Opportunity Identification": 0, + "Data Management": 0, + "Systematic Problem Analysis": 0, + "Therapeutic Art Intervention": 0, + "Empathetic Professional Communication": 0, + "Treatment Plan Development": 0, + "Creative Psychological Intervention": 0, + "Equipment Operation and Control": 0, + "Technical Safety and Compliance": 0, + "Patron Safety Management": 0, + "Professional Communication and Interaction": 0, + "Operational Information Management": 0, + "Inventory Management": 0, + "Material Handling": 0, + "Quality Inspection": 0, + "Infrastructure Design": 0, + "Environmental Systems Analysis": 0, + "Site Evaluation and Preparation": 0, + "Vehicle Mechanical Diagnostics": 0, + "Specialized Tool Operation": 0, + "Patient Care Support": 0, + "Healthcare Procedural Assistance": 0, + "Interpersonal Patient Interaction": 0, + "Personal Care and Safety Management": 0, + "Agricultural Data Analysis": 0, + "Environmental Field Operations": 0, + "Precision Agricultural Technology": 0, + "Scientific Operational Documentation": 0, + "Geospatial Survey Techniques": 0, + "Vehicle Body Repair": 0, + "Welding and Fabrication": 0, + "Automotive Parts Replacement": 0, + "Creative Writing Skills": 0, + "Artistic Collaboration": 0, + "Research and Conceptualization": 0, + "Professional Creative Communication": 0, + "Intellectual Property Management": 0, + "Criminal Investigation Skills": 0, + "Strategic Information Gathering": 0, + "Administrative Documentation Processing": 0, + "Operational Communication Management": 0, + "Clinical Procedure Support": 0, + "Patient Assessment": 0, + "Project Management in Technology": 0, + "Systems Design and Integration": 0, + "Scientific Communication": 0, + "Quantitative Risk Analysis": 0, + "Strategic Financial Modeling": 0, + "Complex Problem Reasoning": 0, + "Professional Data Interpretation": 0, + "Food Service Operations": 0, + "Sanitation and Hygiene Management": 0, + "Resource Distribution": 0, + "Scientific Environmental Assessment": 0, + "Natural Resource Planning": 0, + "Precision Pattern Design": 0, + "Strategic Procurement Management": 0, + "Financial Transaction Processing": 0, + "Operational Communication and Coordination": 0, + "Geospatial Data Visualization": 0, + "Survey Data Collection": 0, + "Technical Measurement Precision": 0, + "Collection Management": 0, + "Research and Documentation": 0, + "Community Program Development": 0, + "Institutional Resource Management": 0, + "Professional Communication": 0, + "Information Gathering and Verification": 0, + "Procedural Compliance and Coordination": 0, + "Operational Sanitation Management": 0, + "Resource Distribution and Coordination": 0, + "Transaction Processing": 0, + "Vehicle Traffic Management": 0, + "Spatial Measurement and Marking": 0, + "Data Systems Engineering": 0, + "Information Technology Optimization": 0, + "Laboratory Specimen Analysis": 0, + "Healthcare Quality Control": 0, + "Precision Scientific Documentation": 0, + "Microbiological Cultivation": 0, + "Construction Material Handling": 0, + "Temporary Structure Assembly": 0, + "Construction Equipment Operation": 0, + "Food Preparation Skills": 0, + "Interpersonal Healthcare Communication": 0, + "Property Management": 0, + "Financial Resource Coordination": 0, + "Stakeholder Communication": 0, + "Operational Compliance Management": 0, + "Strategic Facility Management": 0, + "Food Science Technical Analysis": 0, + "Scientific Laboratory Procedure Management": 0, + "Technical Research and Development": 0, + "Precision Measurement and Instrumentation": 0, + "Early Childhood Educational Administration": 0, + "Child Development Program Oversight": 0, + "Organizational Resource Allocation in Education": 0, + "Regulatory Compliance in Childcare": 0, + "Professional Development and Staff Training": 0, + "Precision Medical Device Fabrication": 0, + "Vision Care Technical Expertise": 0, + "Quality Control Inspection": 0, + "Medical Device Measurement and Fitting": 0, + "Drilling Operations Management": 0, + "Site Preparation and Inspection": 0, + "Extraction Equipment Maintenance": 0, + "Spatial Analysis and Visualization": 0, + "Precision Measurement and Verification": 0, + "Infrastructure Design and Planning": 0, + "Complex Problem Analysis and Resolution": 0, + "Digital Marketing Strategy": 0, + "Web Analytics and Insights": 0, + "Strategic Online Communication": 0, + "Technical Marketing Technology": 0, + "Precision Surface Finishing": 0, + "Equipment Maintenance and Inspection": 0, + "Quality Control Measurement": 0, + "Manual Material Manipulation": 0, + "Production Workflow Management": 0, + "Electrical Circuit Maintenance": 0, + "Mechanical Component Inspection": 0, + "Precision Equipment Lubrication": 0, + "Technical Documentation and Record Keeping": 0, + "Claims Investigation": 0, + "Financial Claims Processing": 0, + "Regulatory Compliance Assessment": 0, + "Scientific Field Research": 0, + "Natural Resource Analysis": 0, + "Geospatial Environmental Mapping": 0, + "Sustainable Land Management": 0, + "Vehicle Inspection and Safety": 0, + "Operational Incident Documentation": 0, + "Technical Compliance Monitoring": 0, + "Epidemiological Research": 0, + "Healthcare Program Management": 0, + "Public Health Strategy": 0, + "Grant and Research Funding": 0, + "Healthcare Technical Support": 0, + "Patient Monitoring and Assessment": 0, + "Cardiovascular Technical Expertise": 0, + "Operational Environmental Compliance": 0, + "Postsecondary Academic Instruction": 0, + "Scholarly Research and Development": 0, + "Academic Professional Communication": 0, + "Medical Anesthesia Management": 0, + "Advanced Medical Intervention": 0, + "Patient Safety and Monitoring": 0, + "Medical Procedural Documentation": 0, + "Water Systems Engineering": 0, + "Technical Design and Planning": 0, + "Operational Quality Management": 0, + "Financial Record Analysis": 0, + "Systematic Problem Resolution": 0, + "Patient Communication": 0, + "Administrative Healthcare Support": 0, + "Precision Material Crafting": 0, + "Jewelry Technical Fabrication": 0, + "Micro-Scale Design Engineering": 0, + "Technical Graphical Representation": 0, + "Emerging Technology Research": 0, + "Operational Protocol Development": 0, + "Precision Technical Validation": 0, + "Mechanical Equipment Repair": 0, + "Statistical Analysis": 0, + "Technical Problem Reasoning": 0, + "Computational Data Processing": 0, + "Precision Medical Documentation": 0, + "Archival Resource Management": 0, + "Research Documentation": 0, + "Cultural Program Development": 0, + "Patient Rehabilitation Support": 0, + "Therapeutic Assessment and Planning": 0, + "Therapeutic Patient Interaction": 0, + "Medical Procedural Assistance": 0, + "Patient Safety Management": 0, + "Urban Planning Strategy": 0, + "Environmental Policy Analysis": 0, + "Geospatial Data Interpretation": 0, + "Stakeholder Engagement Management": 0, + "Sustainable Development Planning": 0, + "Educational Research and Scholarship": 0, + "Sales Technical Communication": 0, + "Product Demonstration Strategy": 0, + "Market Intelligence Gathering": 0, + "Professional Sales Networking": 0, + "Fundraising Strategy Development": 0, + "Nonprofit Program Development": 0, + "Relationship Management": 0, + "Exercise Science Assessment": 0, + "Patient Health Counseling": 0, + "Clinical Exercise Intervention": 0, + "Performance Physiological Monitoring": 0, + "Technical Equipment Coordination": 0, + "Precision Technical Measurement": 0, + "Scholarly Research Methodology": 0, + "Hearing Healthcare Support": 0, + "Patient Technical Consultation": 0, + "Agricultural Equipment Operation": 0, + "Crop and Plant Management": 0, + "Agricultural Inventory Documentation": 0, + "Genetic Counseling Communication": 0, + "Medical Genetic Assessment": 0, + "Patient Psychological Support": 0, + "Forensic Investigation Skills": 0, + "Fire Safety and Prevention": 0, + "Technical Investigative Communication": 0, + "Regulatory Compliance Monitoring": 0, + "Robotic Systems Maintenance": 0, + "Technical Diagnostic Reasoning": 0, + "Operational Workflow Coordination": 0, + "Metal Production Operations": 0, + "Precision Manufacturing Inspection": 0, + "Emergency Vehicle Operations": 0, + "Customer Financial Advisory": 0, + "Regulatory Financial Compliance": 0, + "Professional Networking": 0, + "Persuasive Presentation": 0, + "Customer Needs Analysis": 0, + "Vehicle Diagnostic Repair": 0, + "Pediatric Surgical Intervention": 0, + "Pediatric Patient Communication": 0, + "Stakeholder Engagement": 0, + "Traffic Safety Management": 0, + "Situational Awareness Communication": 0, + "Operational Safety Signaling": 0, + "Public Transportation Management": 0, + "Passenger Safety and Support": 0, + "Vehicle Operational Safety": 0, + "Route Navigation and Planning": 0, + "Customer Transaction Processing": 0, + "Safety and Quality Control Inspection": 0, + "Dental Healthcare Services": 0, + "Healthcare Patient Communication": 0, + "Preventive Health Education": 0, + "Mold and Pattern Fabrication": 0, + "Material Surface Treatment": 0, + "Technical Material Manipulation": 0, + "Production Quality Verification": 0, + "Creative Performance Skills": 0, + "Artistic Audition and Career Development": 0, + "Musical Composition and Arrangement": 0, + "Professional Artistic Communication": 0, + "Legal Document Processing": 0, + "Professional Information Verification": 0, + "Regulatory Compliance Coordination": 0, + "Patient Communication and Counseling": 0, + "Diagnostic Assessment and Reasoning": 0, + "Specialized Medical Device Management": 0, + "Professional Healthcare Documentation": 0, + "Medication Management": 0, + "Healthcare Patient Guidance": 0, + "Clinical Information Processing": 0, + "Pharmaceutical Safety Protocols": 0, + "Petroleum Engineering Analysis": 0, + "Energy Production Management": 0, + "Industrial Design Methodology": 0, + "Environmental Systems Engineering": 0, + "Biological Specimen Processing": 0, + "Medical Laboratory Equipment Operation": 0, + "Healthcare Technical Documentation": 0, + "Scientific Quality Control": 0, + "Medical Diagnostic Support": 0, + "Information Processing and Verification": 0, + "Legal and Regulatory Compliance": 0, + "Investment Strategy": 0, + "Risk Assessment": 0, + "Wellness Program Management": 0, + "Health Education and Communication": 0, + "Quality Control and Inspection": 0, + "Safety and Regulatory Compliance": 0, + "Law Enforcement Operations": 0, + "Investigative Evidence Management": 0, + "Public Safety Communication": 0, + "Regulatory Compliance Enforcement": 0, + "Operational Risk Management": 0, + "Audio Technical Operations": 0, + "Media Technical Communication": 0, + "Digital Media Conversion": 0, + "Performance Technical Support": 0, + "Surveillance Operations": 0, + "Customer Information Management": 0, + "Operational Communication": 0, + "Precision Manual Fabrication": 0, + "Structural Component Installation": 0, + "CNC Programming": 0, + "Professional Time Management": 0, + "Robotic Systems Engineering": 0, + "Visual Composition": 0, + "Technical Image Processing": 0, + "Creative Equipment Operation": 0, + "Professional Creative Documentation": 0, + "Technical Monitoring and Inspection": 0, + "Analytical Problem Resolution": 0, + "Precision Documentation Management": 0, + "Mathematical Performance Analysis": 0, + "Patron Safety and Interaction": 0, + "Operational Resource Distribution": 0, + "Customer Interaction in Service Environments": 0, + "Operational Financial Record Maintenance": 0, + "Agricultural Inspection Skills": 0, + "Environmental Field Monitoring": 0, + "Regulatory Agricultural Compliance": 0, + "Government Program Eligibility Assessment": 0, + "Regulatory Compliance Communication": 0, + "Financial Analysis and Reporting": 0, + "Quantitative Problem Solving": 0, + "Correctional Operations Management": 0, + "Emergency Response and Safety": 0, + "Personnel Performance Evaluation": 0, + "Surface Preparation Skills": 0, + "Wildlife Resource Management": 0, + "Outdoor Equipment Operation": 0, + "Field Safety and Hazard Management": 0, + "Precision Metal Fabrication": 0, + "Equipment Safety Monitoring": 0, + "Technical Dimensional Verification": 0, + "Forestry Resource Assessment": 0, + "Operational Field Coordination": 0, + "Technical Measurement and Marking": 0, + "Retail Transaction Processing": 0, + "Operational Cash Management": 0, + "Logistics Analysis": 0, + "Early Childhood Education Management": 0, + "Developmental Behavioral Guidance": 0, + "Instructional Adaptation": 0, + "Child Safety and Welfare": 0, + "Precision Surface Etching": 0, + "Equipment Control and Monitoring": 0, + "Protective Finishing Application": 0, + "Workplace Safety Engineering": 0, + "Financial Risk Analysis": 0, + "Strategic Business Intelligence": 0, + "Financial Reporting and Documentation": 0, + "Investment Strategy Development": 0, + "Biomass Production Operations": 0, + "Sustainable Energy Quality Control": 0, + "Operational Data Documentation": 0, + "Industrial Safety Compliance": 0, + "Special Needs Educational Support": 0, + "Guest Service Coordination": 0, + "Facility Maintenance and Cleaning": 0, + "Economic Analysis": 0, + "Quantitative Reasoning": 0, + "Critical Analytical Reasoning": 0, + "Research Methodology": 0, + "Underwater Technical Operations": 0, + "Safety and Emergency Response": 0, + "Complex Problem-Solving in Technical Environments": 0, + "Professional Communication in Technical Contexts": 0, + "Equipment Operation Monitoring": 0, + "Mathematical Problem Solving": 0, + "Advanced Analytical Reasoning": 0, + "Systematic Documentation": 0, + "Interpersonal Needs Assessment": 0, + "Agricultural Systems Management": 0, + "Sustainable Resource Management": 0, + "Information Services Support": 0, + "Technical Documentation Processing": 0, + "Computational Bioinformatics Analysis": 0, + "Complex Problem Solving in Scientific Contexts": 0, + "Safety and Quality Inspection": 0, + "Technical Equipment Operation": 0, + "Strategic Resource Management": 0, + "Professional Communication in Healthcare": 0, + "Transcription and Information Processing": 0, + "Telecommunications Equipment Installation": 0, + "Field Technical Operations": 0, + "Technical Safety and Equipment Inspection": 0, + "Operational Problem-Solving": 0, + "Print Production Technical Skills": 0, + "Technical Equipment Programming": 0, + "Mail Processing Operations": 0, + "Equipment Maintenance and Monitoring": 0, + "Workplace Safety and Quality Control": 0, + "Operational Coordination and Communication": 0, + "Strategic Compensation Management": 0, + "Regulatory Compliance Oversight": 0, + "Financial Resource Allocation": 0, + "Equipment Operation and Monitoring": 0, + "Workplace Safety and Maintenance": 0, + "Material Handling and Movement": 0, + "Strategic Conservation Planning": 0, + "Network Systems Management": 0, + "Systems Performance Optimization": 0, + "Mortuary Service Management": 0, + "Facility Maintenance and Sanitation": 0, + "Administrative Funeral Documentation": 0, + "Sustainability Strategy Development": 0, + "Organizational Green Innovation": 0, + "Stakeholder Environmental Communication": 0, + "Operational Sustainability Monitoring": 0, + "Anesthesia and Life Support": 0, + "Digital Document Management": 0, + "Technical Information Processing": 0, + "Resource and Task Management": 0, + "Therapeutic Social Support": 0, + "Client Case Management": 0, + "Professional Interpersonal Assessment": 0, + "Ethical Professional Intervention": 0, + "Cybersecurity Analysis": 0, + "Technical Penetration Testing": 0, + "Security Policy Development": 0, + "Technical Risk Mitigation": 0, + "Investigative Technical Documentation": 0, + "Precision Manual Craftsmanship": 0, + "Product Quality Inspection": 0, + "Promotional Content Creation": 0, + "Construction Site Operations": 0, + "Manual Construction Skills": 0, + "Operational Safety Coordination": 0, + "Community Health Support": 0, + "Social Service Coordination": 0, + "Interpersonal Health Communication": 0, + "Preventive Health Intervention": 0, + "Medical Radiation Treatment": 0, + "Patient Safety Monitoring": 0, + "Precision Patient Care": 0, + "Recycling Operational Management": 0, + "Environmental Compliance Coordination": 0, + "Material Transport and Logistics": 0, + "Waste Processing and Sorting": 0, + "Construction Surface Preparation": 0, + "Professional Communication and Documentation": 0, + "Investigative Analysis and Evidence Management": 0, + "Operational Compliance and Safety Monitoring": 0, + "Financial Sales Strategy": 0, + "Market Intelligence Analysis": 0, + "Professional Financial Communication": 0, + "Customer Needs Financial Assessment": 0, + "Precision Material Processing": 0, + "Technical Surface Treatment": 0, + "Developmental Learning Adaptation": 0, + "Child Safety and Developmental Support": 0, + "Academic Instruction Management": 0, + "Scholarly Research Development": 0, + "Interpersonal Academic Communication": 0, + "Quantitative Data Processing": 0, + "Operational Information Verification": 0, + "Materials Science Analysis": 0, + "Laboratory Quality Control": 0, + "Environmental Conservation Expertise": 0, + "Interpretive Educational Communication": 0, + "Field Research and Documentation": 0, + "Wildlife Interaction and Management": 0, + "Ecological Site Assessment": 0, + "Strategic Marketing Communication": 0, + "Professional Persuasive Communication": 0, + "Comprehensive Performance Monitoring": 0, + "Adaptive Physical Education Support": 0, + "Student Developmental Guidance": 0, + "Specialized Instructional Adaptation": 0, + "Inclusive Physical Education Management": 0, + "Route Navigation and Logistics": 0, + "Administrative Transaction Processing": 0, + "Agricultural Resource Management": 0, + "Operational Compliance and Documentation": 0, + "Strategic Agricultural Planning": 0, + "Field Operations Safety Management": 0, + "Agricultural Equipment and Technology Management": 0, + "Public Safety Monitoring": 0, + "First Aid and Medical Support": 0, + "Patron Safety Coordination": 0, + "Construction Supervision": 0, + "Technical Project Inspection": 0, + "Construction Resource Planning": 0, + "Site Preparation and Measurement": 0, + "Construction Personnel Training": 0, + "Equipment Programming and Control": 0, + "Roofing Material Preparation": 0, + "Protective Coating Application": 0, + "Patient Assessment and Diagnosis": 0, + "Musculoskeletal Treatment Techniques": 0, + "Holistic Patient Care Management": 0, + "Logistics and Delivery Coordination": 0, + "Menu Planning and Coordination": 0, + "Ingredient and Supply Management": 0, + "Non-Destructive Testing Expertise": 0, + "Precision Measurement and Analysis": 0, + "Quality Control Systematic Analysis": 0, + "Resource and Personnel Management": 0, + "Vision Rehabilitation Support": 0, + "Assistive Device Expertise": 0, + "Patient-Centered Rehabilitation Instruction": 0, + "Disability Management Counseling": 0, + "Functional Capability Assessment": 0, + "Marine Equipment Troubleshooting": 0, + "Marine Safety Equipment Verification": 0, + "Technical Equipment Operation Control": 0, + "Semiconductor Process Control": 0, + "Event and Program Coordination": 0, + "Operational Safety and Patron Support": 0, + "Administrative Resource Management": 0, + "Interpersonal Service Communication": 0, + "Precision Information Processing": 0, + "Rock Extraction Operations": 0, + "Precision Manual Material Manipulation": 0, + "Technical Equipment Control": 0, + "Visual Design Creation": 0, + "Creative Technical Storytelling": 0, + "Digital Media Transformation": 0, + "Artistic Conceptual Development": 0, + "Deceased Care Management": 0, + "Embalming Technical Procedures": 0, + "Cosmetic Restoration Skills": 0, + "Fire Safety Engineering": 0, + "Emergency Preparedness Management": 0, + "Technical Regulatory Compliance": 0, + "Operational Safety Inspection": 0, + "Technical Investigative Analysis": 0, + "Petroleum Systems Monitoring": 0, + "Chemical Substance Preparation": 0, + "Compliance and Regulatory Enforcement": 0, + "Cardiovascular Clinical Expertise": 0, + "Medical Imaging and Diagnostic Procedures": 0, + "Patient Treatment Planning": 0, + "Metal Processing Operations": 0, + "Precision Equipment Monitoring": 0, + "Industrial Safety Inspection": 0, + "Technical Quality Control Analysis": 0, + "Cultural Research Methodology": 0, + "Archaeological Field Operations": 0, + "Systematic Observational Analysis": 0, + "Historical Evidence Interpretation": 0, + "Professional Information Gathering": 0, + "Systematic Documentation Management": 0, + "Biological Specimen Analysis": 0, + "Medical Laboratory Operations": 0, + "Patient Safety and Quality Control": 0, + "Scientific Diagnostic Reasoning": 0, + "Equipment Maintenance and Repair": 0, + "Technical Diagnostic Analysis": 0, + "Safety and Quality Control Monitoring": 0, + "Technical Performance Monitoring": 0, + "Manufacturing Safety Compliance": 0, + "Network Systems Engineering": 0, + "Technical Documentation and Communication": 0, + "Delivery Operations Management": 0, + "Interpersonal Information Gathering": 0, + "Creative Writing Expertise": 0, + "Professional Artistic Collaboration": 0, + "Personnel Resource Management": 0, + "Interpersonal Coordination": 0, + "Interpersonal Communication and Coordination": 0, + "Operational Performance Management": 0, + "Service Orientation and Problem Resolution": 0, + "Regulatory Compliance and Safety Management": 0, + "Precision Measurement and Marking": 0, + "Social Support Intervention": 0, + "Crisis Management and Referral": 0, + "Professional Ethical Intervention": 0, + "Passenger Service Coordination": 0, + "Operational Performance Supervision": 0, + "Resource Allocation Management": 0, + "Professional Development Support": 0, + "Reproductive Health Counseling": 0, + "Women's Health Comprehensive Care": 0, + "Talent Acquisition Strategy": 0, + "Logistics Systems Analysis": 0, + "Operational Efficiency Planning": 0, + "Business Strategy Development": 0, + "Material Processing and Handling": 0, + "Production Quality Monitoring": 0, + "Scientific Field Data Collection": 0, + "Vegetation Management and Protection": 0, + "Manufactured Building Installation": 0, + "Structural Sealing and Leak Prevention": 0, + "Equipment and System Inspection": 0, + "Mechanical Component Replacement": 0, + "Technical Surface Preparation": 0, + "Editorial Content Management": 0, + "Professional Writing and Communication": 0, + "Creative Content Development": 0, + "Interpersonal Communication Management": 0, + "Operational Resource Management": 0, + "Therapeutic Manual Intervention": 0, + "Patient Assessment and Care Coordination": 0, + "Healthcare Facility Management": 0, + "Interpersonal Therapeutic Engagement": 0, + "Transportation Safety Inspection": 0, + "Cargo Handling and Coordination": 0, + "Passenger Safety Management": 0, + "Transportation Operational Coordination": 0, + "Service Communication and Information Exchange": 0, + "Clay Material Manipulation": 0, + "Production Equipment Control": 0, + "Strategic Leadership": 0, + "Comprehensive Resource Management": 0, + "Advanced Interpersonal Communication": 0, + "Organizational Governance": 0, + "Patient Diagnostic Communication": 0, + "Medical Image Interpretation": 0, + "Visual Design Communication": 0, + "Creative Problem Solving": 0, + "Collaborative Creative Production": 0, + "Agricultural Education Management": 0, + "Instructional Resource Coordination": 0, + "Life Skills Education": 0, + "Professional Knowledge Transfer": 0, + "Extraction Equipment Operation": 0, + "Site Preparation and Safety": 0, + "Material Handling and Positioning": 0, + "Operational Monitoring and Coordination": 0, + "Textile Machine Operation": 0, + "Production Equipment Inspection": 0, + "Material Preparation and Cutting": 0, + "Strategic Operational Communication": 0, + "Adaptive Problem Resolution": 0, + "Elevator Systems Installation": 0, + "Precision Mechanical Maintenance": 0, + "Neurological Patient Care": 0, + "Complex Medical Problem Solving": 0, + "Medical Specimen Collection": 0, + "Healthcare Documentation Management": 0, + "Biomedical Waste Management": 0, + "Operational Systems Coordination": 0, + "Technical User Support": 0, + "User Communication and Guidance": 0, + "Technology Problem Resolution": 0, + "Technical Knowledge Maintenance": 0, + "Logistics Coordination": 0, + "Transportation Documentation": 0, + "Operational Financial Negotiation": 0, + "Shipping Systems Analysis": 0, + "Travel Service Coordination": 0, + "Therapeutic Patient Intervention": 0, + "Game Design Creativity": 0, + "Technical Game Development": 0, + "Interactive System Design": 0, + "Visual Design Conceptualization": 0, + "Collaborative Game Production": 0, + "Chemical Process Control": 0, + "Technical Safety Management": 0, + "Interdepartmental Communication": 0, + "Production Planning Coordination": 0, + "Policy Analysis and Development": 0, + "Academic Knowledge Communication": 0, + "Interdisciplinary Reasoning": 0, + "Strategic Information Synthesis": 0, + "Performance Equipment Management": 0, + "Event Performance Coordination": 0, + "Multimedia Content Editing": 0, + "Professional Resource Management": 0, + "Legal Administrative Support": 0, + "Patron Interaction Management": 0, + "Administrative Service Coordination": 0, + "Shipment Quality Inspection": 0, + "Transportation Safety Management": 0, + "Solar Energy Systems Management": 0, + "Construction Project Coordination": 0, + "Technical Site Assessment": 0, + "Operational Cost Analysis": 0, + "Green Technology Performance Verification": 0, + "Biofuel Production Management": 0, + "Renewable Energy Technical Monitoring": 0, + "Sustainable Production Quality Control": 0, + "Green Energy Equipment Maintenance": 0, + "Technical Design and Analysis": 0, + "Engineering Systems Optimization": 0, + "Precision Material Assessment": 0, + "Surgical Technical Support": 0, + "Precision Medical Supply Management": 0, + "Vision Diagnostic Assessment": 0, + "Medical Technical Precision": 0, + "Patient Vision Counseling": 0, + "Healthcare Diagnostic Reasoning": 0, + "Specialized Medical Equipment Management": 0, + "Hearing Healthcare Assessment": 0, + "Patient Communication Support": 0, + "Real Estate Transaction Management": 0, + "Property Valuation and Analysis": 0, + "Sales Persuasion Techniques": 0, + "Client Relationship Development": 0, + "Real Estate Market Intelligence": 0, + "Safety-Focused Technical Monitoring": 0, + "Rock Drilling and Extraction Techniques": 0, + "Complex Technical Problem Solving": 0, + "Material Handling Coordination": 0, + "Surface Material Treatment": 0, + "Emotional Support Coordination": 0, + "Precision Technical Calibration": 0, + "Financial Account Management": 0, + "Negotiation and Persuasion": 0, + "Academic Research Methodology": 0, + "Workplace Safety Management": 0, + "Risk Assessment and Prevention": 0, + "Health Program Development": 0, + "Technical Safety Inspection": 0, + "Technical Visual Assessment": 0, + "Precision Measurement Skills": 0, + "Operational Task Coordination": 0, + "Procedural Compliance Management": 0, + "Chemical Processing Monitoring": 0, + "Surface Preparation and Leveling": 0, + "Adhesive and Mortar Application": 0, + "Spatial Measurement and Layout": 0, + "Construction Safety Coordination": 0, + "Environmental Systems Monitoring": 0, + "Technical Visualization and Mapping": 0, + "Remote Sensing Technology Management": 0, + "Interpersonal Performance Monitoring": 0, + "Educational Assessment and Mentorship": 0, + "Precision Food Preparation": 0, + "Equipment Operation Management": 0, + "Workplace Safety Coordination": 0, + "Construction Site Management": 0, + "Safety Protocol Implementation": 0, + "Cargo Handling and Inspection": 0, + "Transportation Safety Compliance": 0, + "Route Planning and Navigation": 0, + "Professional Vehicle Documentation": 0, + "Financial Resource Management": 0, + "Comprehensive Operational Coordination": 0, + "Advanced Regulatory Compliance": 0, + "Diagnostic Reasoning": 0, + "Operational Information Routing": 0, + "Patient Personal Care Support": 0, + "Interpersonal Care Coordination": 0, + "Adaptive Care Assistance": 0, + "Medical Safety and Monitoring": 0, + "Public Safety Enforcement": 0, + "Legal Procedural Coordination": 0, + "Situational Risk Assessment": 0, + "Patron Monitoring and Control": 0, + "Investigative Documentation Management": 0, + "Supervisory Coordination": 0, + "Surface Preparation and Installation": 0, + "Decorative Material Application": 0, + "Fence Construction Skills": 0, + "Construction Site Preparation": 0, + "Radiation Safety Monitoring": 0, + "Technical Radiation Measurement": 0, + "Environmental Data Collection": 0, + "Pest Control Operations": 0, + "Environmental Safety Monitoring": 0, + "Welding Equipment Operation": 0, + "Research Methodology and Scholarship": 0, + "Professional Development and Continuous Learning": 0, + "Facility Cleaning and Maintenance": 0, + "Material and Equipment Handling": 0, + "Operational Resource Coordination": 0, + "Patron and Customer Support": 0, + "Healthcare Administration": 0, + "Interprofessional Healthcare Coordination": 0, + "Organizational Performance Management": 0, + "Complex Healthcare Decision Making": 0, + "Costume Resource Management": 0, + "Performance Support Coordination": 0, + "Creative Design Implementation": 0, + "Advanced Problem Solving": 0, + "Wildlife Conservation Management": 0, + "Outdoor Resource Management": 0, + "Advanced Operational Monitoring": 0, + "Dental Device Fabrication": 0, + "Medical Device Quality Inspection": 0, + "Healthcare Technical Communication": 0, + "Operational Material Preparation": 0, + "Data Science Analytics": 0, + "Machine Learning Application": 0, + "Technical Programming": 0, + "HVAC System Installation": 0, + "Athletic Performance Officiating": 0, + "Professional Rule Enforcement": 0, + "Service Communication Management": 0, + "Precision Equipment Repair": 0, + "Material Handling Precision": 0, + "Procurement Operations Management": 0, + "Clinical Patient Assessment": 0, + "Field Research Documentation": 0, + "Remote Sensing Technology": 0, + "Strategic Marketing Planning": 0, + "Stakeholder Communication Management": 0, + "Atmospheric Data Analysis": 0, + "Vehicle Cleaning and Maintenance": 0, + "Construction Inspection Expertise": 0, + "Technical Site Evaluation": 0, + "Culinary Operations Management": 0, + "Kitchen Resource Management": 0, + "Food Quality Control": 0, + "Interpersonal Kitchen Coordination": 0, + "Creative Production Management": 0, + "Strategic Content Development": 0, + "Performance Conceptualization": 0, + "Operational Coordination and Supervision": 0, + "Precision Resource Documentation": 0, + "Material Handling and Loading": 0, + "Vehicle and Equipment Coordination": 0, + "Medical Imaging Technical Skills": 0, + "Healthcare Safety Protocol Management": 0, + "Diagnostic Procedure Support": 0, + "Client Treatment Planning": 0, + "Mechatronic Systems Design": 0, + "Technical Equipment Integration": 0, + "Interdisciplinary Technical Problem Solving": 0, + "Advanced Manufacturing Technologies": 0, + "Precision Engineering Measurement": 0, + "Precision Equipment Assembly": 0, + "Product Knowledge Communication": 0, + "Persuasive Communication": 0, + "Equipment Operation Control": 0, + "Digital Forensic Investigation": 0, + "Cybersecurity Evidence Analysis": 0, + "Technical Investigative Documentation": 0, + "Information Systems Security Analysis": 0, + "Legal Compliance Technical Monitoring": 0, + "Vehicle Operation Control": 0, + "Radio Frequency Technology Management": 0, + "Technical Equipment Design": 0, + "Complex Systems Analysis": 0, + "Equipment Installation and Maintenance": 0, + "Mechanical Equipment Inspection": 0, + "Installation and Maintenance Skills": 0, + "Environmental Safety and Compliance": 0, + "Multilingual Communication": 0, + "Comprehensive Information Processing": 0, + "Professional Active Listening": 0, + "Professional Communication in Law Enforcement": 0, + "Patient Counseling": 0, + "Therapeutic Intervention Strategy": 0, + "Professional Healthcare Communication": 0, + "Audio-Visual Technical Operations": 0, + "Technical Laboratory Equipment Management": 0, + "Quality Control and Safety Monitoring": 0, + "Rail Vehicle Operation": 0, + "Signal and Communication Coordination": 0, + "Operational Workflow Management": 0, + "Safety and Risk Management": 0, + "Manual Technical Manipulation": 0, + "Photonics Technical Expertise": 0, + "Precision Measurement and Calibration": 0, + "Equipment Diagnostic Analysis": 0, + "Interpersonal Patient Communication": 0, + "Behavioral Intervention Management": 0, + "Healthcare Safety Monitoring": 0, + "Vendor Relationship Management": 0, + "Financial Decision Making": 0, + "Workforce Performance Management": 0, + "Production Safety Oversight": 0, + "Information Processing Accuracy": 0, + "Procedural Compliance Monitoring": 0, + "Developmental Support Counseling": 0, + "Educational Intervention Strategy": 0, + "Interpersonal Behavioral Analysis": 0, + "Comprehensive Client Guidance": 0, + "Dimensional Measurement Verification": 0, + "Beverage Preparation Skills": 0, + "Neuropsychological Assessment": 0, + "Professional Psychological Communication": 0, + "Psychological Research Methodology": 0, + "Diagnostic Test Administration": 0, + "Clinical Treatment Planning": 0, + "Communication Information Management": 0, + "Operational Customer Support": 0, + "Professional Interpersonal Coordination": 0, + "Critical Information Analysis": 0, + "Equipment Diagnostic Reasoning": 0, + "Systems Engineering Integration": 0, + "Patient-Centered Care Communication": 0, + "Rehabilitation Treatment Planning": 0, + "Musculoskeletal Intervention Techniques": 0, + "Professional Medical Documentation": 0, + "Alternative Medical Practice": 0, + "Infrastructure Maintenance": 0, + "Site Preparation and Marking": 0, + "Information Resource Management": 0, + "Collection Development": 0, + "Patron Information Support": 0, + "Library Technology Integration": 0, + "Research Assistance": 0, + "Quantitative Financial Analysis": 0, + "Technical Financial Communication": 0, + "Respiratory Care Management": 0, + "Medical Emergency Response": 0, + "Healthcare Equipment Operation": 0, + "Patient Condition Monitoring": 0, + "Environmental Compliance Management": 0, + "Sustainable Business Analysis": 0, + "Food Service Coordination": 0, + "Sanitation and Hygiene Maintenance": 0, + "Patron Support and Interaction": 0, + "Strategic Documentation Management": 0, + "Stakeholder Communication Strategy": 0, + "Operational Risk Assessment": 0, + "Event Planning Management": 0, + "Stakeholder Relationship Management": 0, + "Strategic Environmental Communication": 0, + "Construction Site Safety Management": 0, + "Insulation Material Installation": 0, + "Material Measurement and Preparation": 0, + "International Trade Documentation": 0, + "Commercial Risk Assessment": 0, + "Professional Communication in Trade": 0, + "Animal Care and Handling": 0, + "Medical Equipment Operation": 0, + "Clinical Patient Support": 0, + "Veterinary Diagnostic Procedures": 0, + "Healthcare Facility Maintenance": 0, + "Laundry Equipment Operation": 0, + "Textile Inspection and Quality Control": 0, + "Public Safety Leadership": 0, + "Risk Assessment and Mitigation": 0, + "Family Engagement Communication": 0, + "Personal Care Coordination": 0, + "Environmental Economic Analysis": 0, + "Quantitative Policy Reasoning": 0, + "Strategic Environmental Forecasting": 0, + "Comprehensive Research Methodology": 0, + "Technical Sustainability Communication": 0, + "Scientific Instruction and Curriculum Development": 0, + "Field Research Methodology": 0, + "Strategic Organizational Analysis": 0, + "Comprehensive Decision Making": 0, + "Adaptive Learning and Problem Solving": 0, + "Precision Manual Food Preparation": 0, + "Food Safety and Quality Control": 0, + "Transportation Systems Analysis": 0, + "Strategic Policy Communication": 0, + "Psychological Assessment and Intervention": 0, + "Patient-Centered Mental Health Communication": 0, + "Clinical Diagnostic Reasoning": 0, + "Technical Inspection and Verification": 0, + "Social Impact Assessment": 0, + "Clinical Procedure Management": 0, + "Healthcare Equipment Expertise": 0, + "Medical Documentation Precision": 0, + "Property Transaction Management": 0, + "Diagnostic Technical Support": 0, + "Therapeutic Patient Communication": 0, + "Crisis Intervention Management": 0, + "Client Treatment Coordination": 0, + "Behavioral Health Counseling": 0, + "Statistical Analysis and Modeling": 0, + "Renewable Energy Sales Strategy": 0, + "Technical Product Communication": 0, + "Customer Needs Assessment in Green Technology": 0, + "Sustainable Technology Evaluation": 0, + "Public Safety Operations": 0, + "Technical Equipment Operation and Safety": 0, + "Financial Strategic Analysis": 0, + "Investment Portfolio Management": 0, + "Quantitative Financial Reasoning": 0, + "Emergency Communication Management": 0, + "Crisis Decision Support": 0, + "Technical Communication Systems Operation": 0, + "Public Safety Coordination": 0, + "Workflow Coordination": 0, + "Precision Documentation": 0, + "Critical Patient Monitoring": 0, + "Emergency Medical Intervention": 0, + "Healthcare Interdisciplinary Coordination": 0, + "Advanced Medical Equipment Management": 0, + "Strategic Market Communication": 0, + "Consumer Trend Interpretation": 0, + "Systematic Research Methodology": 0, + "Intelligence Analysis": 0, + "Criminal Activity Assessment": 0, + "Interagency Collaboration": 0, + "Medical Technical Equipment Management": 0, + "Healthcare Safety and Compliance": 0, + "Geothermal Systems Operation": 0, + "Green Energy Installation": 0, + "Precision Maintenance Procedures": 0, + "Rail Infrastructure Maintenance": 0, + "Service Coordination and Support": 0, + "Precision Material Preparation": 0, + "Service Orientation": 0, + "Physical Therapy Technical Support": 0, + "Marine Systems Engineering": 0, + "Maritime Safety and Compliance": 0, + "Complex Naval Problem Solving": 0, + "Precision Marine Equipment Maintenance": 0, + "Civil Infrastructure Design": 0, + "Operational Cost Estimation": 0, + "Technical Communication and Reporting": 0, + "Service Communication": 0, + "Safety and Compliance Monitoring": 0, + "Financial Strategic Planning": 0, + "Organizational Resource Management": 0, + "Client Information Verification": 0, + "Fire Safety Assessment": 0, + "Public Safety Education": 0, + "Environmental Hazard Monitoring": 0, + "Investigative Evidence Collection": 0, + "Strategic Information Verification": 0, + "Professional Surveillance Techniques": 0, + "Interpersonal Interrogation Skills": 0, + "Compensation Strategy Development": 0, + "Organizational Policy Analysis": 0, + "Human Resources Data Analysis": 0, + "Strategic Workforce Planning": 0, + "Masonry Surface Treatment": 0, + "Design Visualization": 0, + "Spatial Design Planning": 0, + "Professional Research Methodology": 0, + "Client Collaboration": 0, + "Situational Safety Communication": 0, + "Precision Layout Preparation": 0, + "Manufacturing Quality Inspection": 0, + "Emergency Management Coordination": 0, + "Strategic Risk Assessment": 0, + "Postsecondary Educational Leadership": 0, + "Academic Program Development": 0, + "Institutional Governance and Compliance": 0, + "Media Production Technical Control": 0, + "Visual Media Coordination": 0, + "Professional Media Communication": 0, + "Camera Operation and Technical Control": 0, + "Kitchen Safety Management": 0, + "Animal Care Management": 0, + "Facility Sanitation and Maintenance": 0, + "Product Demonstration": 0, + "Avionics Equipment Maintenance": 0, + "Aviation Safety Compliance": 0, + "Electronic Systems Quality Control": 0, + "Diagnostic Technical Problem Solving": 0, + "Investigative Reporting": 0, + "Media Content Development": 0, + "Multimedia Storytelling": 0, + "Medical Equipment Preparation": 0, + "Medical Supply Inventory Control": 0, + "Healthcare Safety Compliance": 0, + "File Management and Organization": 0, + "Clerical Information Processing": 0, + "Precision Manual Material Handling": 0, + "Information Verification": 0, + "Communication Routing": 0, + "Operational Administrative Support": 0, + "Interpersonal Information Exchange": 0, + "Agricultural Operations": 0, + "Precision Manual Animal Handling": 0, + "Agricultural Inspection and Compliance": 0, + "Material Handling and Inspection": 0, + "Safety and Hygiene Management": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0, + "Computational Data Analysis": 0, + "Precision Technical Communication": 0, + "Strategic Operational Coordination": 0, + "Strategic Operational Analysis": 0, + "Business Relationship Development": 0, + "Proposal and Documentation Management": 0, + "Professional Knowledge Maintenance": 0, + "Healthcare Documentation": 0, + "Dental Healthcare Support": 0, + "Preventive Dental Care": 0, + "Textual Accuracy Verification": 0, + "Systematic Information Review": 0, + "Professional Written Communication": 0, + "Analytical Systems Evaluation": 0, + "Operational Data Interpretation": 0, + "Vehicle Service Operations": 0, + "Financial Analysis and Compliance": 0, + "Strategic Financial Decision Making": 0, + "Investigative Financial Verification": 0, + "Employee Relations Management": 0, + "Entertainment Service Management": 0, + "Operational Performance Reporting": 0, + "Staff Development and Training": 0, + "Resource Allocation Coordination": 0, + "Security Screening Protocols": 0, + "Threat Detection and Assessment": 0, + "Public Safety Interaction": 0, + "Commercial Negotiation": 0, + "Air Traffic Control Management": 0, + "Security Operations Management": 0, + "Surveillance and Threat Detection": 0, + "Construction Site Coordination": 0, + "Agricultural Product Inspection": 0, + "Material Handling and Sorting": 0, + "Equipment Operations Monitoring": 0, + "Safety and Compliance Management": 0, + "Historical Research Methodology": 0, + "Scholarly Documentation Management": 0, + "Instructional Communication": 0, + "Wind Turbine Technical Maintenance": 0, + "Safety-Focused Technical Inspection": 0, + "Green Energy Systems Management": 0, + "Geospatial Analysis": 0, + "Environmental Monitoring": 0, + "Chemical Flow and Process Control": 0, + "Gauges and Indicator Monitoring": 0, + "Equipment Monitoring": 0, + "Precision Technical Manipulation": 0, + "Energy Systems Engineering": 0, + "Technical Performance Analysis": 0, + "Technical Resource Coordination": 0, + "Scientific Management": 0, + "Natural Resource Management": 0, + "Agricultural Systems Coordination": 0, + "Field Operations Management": 0, + "Artistic Design Conceptualization": 0, + "Floral Arrangement Expertise": 0, + "Client Consultation and Needs Assessment": 0, + "Material and Prop Selection": 0, + "Nutritional Assessment and Planning": 0, + "Nutritional Research and Documentation": 0, + "Healthcare Patient Support": 0, + "Clinical Procedure Assistance": 0, + "Patient Measurement and Assessment": 0, + "Nuclear Systems Engineering": 0, + "Technical Risk Assessment": 0, + "Organizational Risk Management": 0, + "Strategic Security Oversight": 0, + "Operational Policy Implementation": 0, + "Precision Manual Cutting": 0, + "Financial Counseling": 0, + "Client Information Processing": 0, + "Instructional Assessment and Mentorship": 0, + "Chemical Engineering Analysis": 0, + "Technical Systems Problem Solving": 0, + "Neurological Patient Assessment": 0, + "Medical Diagnostic Equipment Operation": 0, + "Patient Monitoring and Safety": 0, + "Technical Communication in Healthcare": 0, + "Surface Preparation": 0, + "Adhesive Application": 0, + "Precision Manual Construction": 0, + "Explosives Handling Safety": 0, + "Site Dimensional Preparation": 0, + "Technical Safety Signaling": 0, + "Precision Manual Tool Usage": 0, + "Structural Component Positioning": 0, + "Technical Coordination and Communication": 0, + "Meat Processing Skills": 0, + "Food Safety Compliance": 0, + "Equipment Cleaning and Maintenance": 0, + "Rail Transportation Management": 0, + "Vehicle Movement Coordination": 0, + "Critical Information Processing": 0, + "Strategic Problem Solving": 0, + "Operational Equipment Control": 0, + "Animal Patient Care": 0, + "Veterinary Technical Support": 0, + "Vehicle Electrical Systems Repair": 0, + "Equipment Monitoring and Control": 0, + "Patient Assessment and Care": 0, + "Radiation Safety Management": 0, + "Technical Medical Documentation": 0, + "Programming Logic": 0, + "Broadcast Technical Communication": 0, + "Content Development Strategy": 0, + "Nanotechnology Engineering": 0, + "Micro-Scale Process Management": 0, + "Vehicle Operation Safety": 0, + "Passenger Support Services": 0, + "Fundraising Strategy": 0, + "Persuasive Proposal Development": 0, + "Shipping and Logistics Management": 0, + "Aviation Safety Management": 0, + "Aircraft Operations Control": 0, + "Emergency Response Preparedness": 0, + "Safety Signaling and Risk Management": 0, + "Database Systems Design": 0, + "Information Architecture Management": 0, + "Financial Advisory Communication": 0, + "Investment Strategy Analysis": 0, + "Client Financial Needs Assessment": 0, + "Professional Financial Networking": 0, + "Operational Financial Analysis": 0, + "Commercial Relationship Management": 0, + "Garment Quality Inspection": 0, + "Veterinary Medical Care": 0, + "Animal Medical Procedure Support": 0, + "Preventive Animal Healthcare": 0, + "Resource Management": 0, + "Underground Work Operations": 0, + "Breeding Procedure Execution": 0, + "Agricultural Resource Coordination": 0, + "Landscape Maintenance": 0, + "Geological Data Analysis": 0, + "Environmental Field Research": 0, + "Natural Resource Mapping": 0, + "Theatrical Makeup Application": 0, + "Performance Costume Preparation": 0, + "Creative Visual Transformation": 0, + "Textile Production Skills": 0, + "Database Management": 0, + "Technical Systems Security": 0, + "Photonics Engineering": 0, + "Technical Precision Measurement": 0, + "Optical Systems Analysis": 0, + "Facilities Management": 0, + "Operational Budget Planning": 0, + "Environmental Project Management": 0, + "Site Remediation Planning": 0, + "Technical Grant Development": 0, + "Environmental Risk Assessment": 0, + "Geological Resource Management": 0, + "Technical Safety Protocols": 0, + "Media Content Editing": 0, + "Creative Visual Storytelling": 0, + "Technical Media Production": 0, + "Agricultural Technical Operations": 0, + "Strategic Sales Management": 0, + "Interpersonal Persuasion": 0, + "Commercial Relationship Development": 0, + "Operational Supervision": 0, + "Maintenance and Cleaning": 0, + "Professional Counseling Support": 0, + "Performance Coaching": 0, + "Talent Identification": 0, + "Strategic Performance Coordination": 0, + "Professional Performance Communication": 0, + "Instructional Technology Integration": 0, + "Energy Systems Analysis": 0, + "Rigging and Material Positioning": 0, + "Scholarly Communication": 0, + "Professional Knowledge Dissemination": 0, + "Financial Cost Analysis": 0, + "Strategic Resource Estimation": 0, + "Technical Documentation Precision": 0, + "Business Data Interpretation": 0, + "Extraction Site Management": 0, + "Technical Material Handling": 0, + "Strategic Communication": 0, + "Comprehensive Documentation Management": 0, + "Medical Technical Support": 0, + "Clinical Assessment and Reasoning": 0, + "Healthcare Safety Management": 0, + "Equipment Installation": 0, + "Safety and Quality Verification": 0, + "Healthcare Informatics Management": 0, + "Technical Information Security": 0, + "Professional Research and Development": 0, + "Healthcare Safety Protocols": 0, + "Precision Manual Medical Skills": 0, + "Performance Evaluation Management": 0, + "Technical Repair Workflow": 0, + "Preventive Healthcare Strategy": 0, + "Patient-Centered Communication": 0, + "Population Health Management": 0, + "Organizational Resilience Planning": 0, + "Regulatory Risk Assessment": 0, + "Strategic Contingency Management": 0, + "Shipping and Logistics Coordination": 0, + "Mechanical Diagnostic Assessment": 0, + "Mechanical Repair Workflow": 0, + "Educational Support Services": 0, + "Student Safety and Welfare": 0, + "Sales Team Management": 0, + "Strategic Performance Monitoring": 0, + "Biological Sample Processing": 0, + "Scientific Analytical Reasoning": 0, + "Equipment Quality Monitoring": 0, + "Manufacturing Surface Finishing": 0, + "Precision Equipment Management": 0, + "Situational Awareness": 0, + "Safety Communication": 0, + "Operational Monitoring": 0, + "Patron Safety Support": 0, + "Solar Energy Systems Installation": 0, + "Renewable Energy Quality Control": 0, + "Precision Installation Techniques": 0, + "Resource Coordination": 0, + "Clinical Assessment Skills": 0, + "Physical Rehabilitation Support": 0, + "Professional Academic Mentorship": 0, + "Electrical Systems Design": 0, + "Electromechanical Systems Management": 0 + }, + "original_index": 655, + "sparsity": 1.0 + }, + { + "onet_code": "47-5071.00", + "job_title": "Roustabouts, Oil and Gas", + "detailed_work_activities": [ + "Install plumbing or piping.", + "Maintain mechanical equipment.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Locate equipment or materials in need of repair or replacement.", + "Maintain extraction or excavation equipment.", + "Install production equipment or systems.", + "Dig holes or trenches.", + "Mix substances or compounds needed for work activities.", + "Pour materials into or on designated areas.", + "Assemble products or production equipment.", + "Load or unload materials used in construction or extraction.", + "Clean vehicles or vehicle components.", + "Assist skilled construction or extraction personnel.", + "Move construction or extraction materials to locations where they are needed.", + "Clean work sites.", + "Remove debris or vegetation from work sites." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Academic Instruction": 0, + "Operation and Control": 1, + "Equipment Operation": 1, + "Mechanical Equipment Maintenance": 1, + "Material Handling": 1, + "Site Preparation": 1, + "Safety and Compliance": 1, + "Technical Equipment Inspection": 1, + "Construction Skills": 1, + "Critical Thinking": 1 + }, + "original_index": 656, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "17-3029.08", + "job_title": "Photonics Technicians", + "detailed_work_activities": [ + "Analyze test or validation data.", + "Document design or operational test results.", + "Maintain clean work areas.", + "Calibrate scientific or technical equipment.", + "Maintain electronic equipment.", + "Assemble precision electronics or optical equipment.", + "Create physical models or prototypes.", + "Prepare procedural documents.", + "Assist engineers or scientists with research.", + "Install instrumentation or electronic equipment or systems.", + "Conduct quantitative failure analyses of operational data.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Design electronic or computer equipment or instrumentation.", + "Develop technical methods or processes.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Operate industrial equipment.", + "Analyze operational data to evaluate operations, processes or products.", + "Assemble equipment or components.", + "Create schematic drawings for electronics.", + "Prepare materials for processing.", + "Maintain inventories of materials, equipment, or products.", + "Purchase materials, equipment, or other resources.", + "Fabricate devices or components." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Photonics Technical Expertise": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Calibration": 1, + "Technical Measurement Precision": 1, + "Technical Documentation": 1, + "Quality Control Analysis": 1, + "Technical Problem Solving": 1, + "Scientific Instrumentation Management": 1, + "Technical Safety Management": 1, + "Advanced Equipment Calibration": 1, + "Technical Systems Analysis": 1, + "Research Assistance": 1, + "Academic Research Methodology": 0, + "Complex Problem Solving": 1 + }, + "original_index": 657, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "31-1133.00", + "job_title": "Psychiatric Aides", + "detailed_work_activities": [ + "Encourage patients during therapeutic activities.", + "Care for patients with mental illnesses.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Monitor patients to detect health problems.", + "Hold patients to ensure proper positioning or safety.", + "Confer with other professionals to plan patient care.", + "Maintain medical records.", + "Record vital statistics or other health information.", + "Assist patients with daily activities.", + "Feed patients.", + "Clean patient rooms or patient treatment rooms.", + "Perform clerical work in medical settings.", + "Collect biological specimens from patients.", + "Give medications or immunizations.", + "Interview patients to gather medical information.", + "Accompany patients or clients on outings to provide assistance.", + "Engage patients in exercises or activities." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Patient Care Communication": 1, + "Therapeutic Patient Interaction": 1, + "Behavioral Intervention Management": 1, + "Clinical Patient Assessment": 1, + "Patient Safety Management": 1, + "Interpersonal Patient Communication": 1, + "Healthcare Patient Support": 1, + "Psychological Assessment": 1, + "Clinical Documentation Management": 1, + "Compassionate Client Interaction": 1, + "Academic Instruction": 0, + "Technical Equipment Management": 0, + "Research Methodology": 0 + }, + "original_index": 658, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "17-3011.00", + "job_title": "Architectural and Civil Drafters", + "detailed_work_activities": [ + "Create graphical representations of civil structures.", + "Create graphical representations of structures or landscapes.", + "Evaluate technical data to determine effect on designs or plans.", + "Create maps.", + "Supervise engineering or other technical personnel.", + "Prepare detailed work plans.", + "Analyze operational data to evaluate operations, processes or products.", + "Verify mathematical calculations.", + "Determine operational methods.", + "Survey land or bodies of water to measure or determine features.", + "Collect data about project sites.", + "Explain engineering drawings, specifications, or other technical information.", + "Estimate operational costs.", + "Estimate technical or resource requirements for development or production projects.", + "Prepare procedural documents.", + "Review technical documents to plan work.", + "Analyze costs and benefits of proposed designs or projects.", + "Create graphical representations of energy production systems.", + "Evaluate designs or specifications to ensure quality.", + "Monitor processes for compliance with standards.", + "Prepare contracts, disclosures, or applications.", + "Prepare technical reports for internal use.", + "Provide technical guidance to other personnel.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Review details of technical drawings or specifications." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Technical Design Drafting": 1, + "Technical Graphical Representation": 1, + "Technical Design Visualization": 1, + "Spatial Analysis and Visualization": 1, + "Technical Measurement and Verification": 1, + "Technical Documentation": 1, + "Technical Dimensional Verification": 1, + "Technical Site Assessment": 1, + "Technical Cost Estimation": 1, + "Technical Quality Control": 1, + "Technical Problem Solving": 1, + "Technical Communication": 1, + "Precision Measurement Skills": 1, + "Spatial Measurement and Layout": 1, + "Technical Inspection and Verification": 1 + }, + "original_index": 659, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-3061.00", + "job_title": "Purchasing Managers", + "detailed_work_activities": [ + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Implement organizational process or policy changes.", + "Interview employees, customers, or others to collect information.", + "Coordinate with external parties to exchange information.", + "Prepare financial documents, reports, or budgets.", + "Approve expenditures.", + "Examine financial records to ensure compliance with policies or regulations.", + "Supervise employees.", + "Verify information or specifications.", + "Analyze data to assess operational or project effectiveness.", + "Conduct employee training programs.", + "Direct financial operations.", + "Hire personnel.", + "Prepare forms or applications.", + "Prepare operational budgets.", + "Resolve employee or contractor problems.", + "Analyze data to inform operational decisions or activities.", + "Implement transportation changes to reduce environmental impact.", + "Develop specifications for new products or processes.", + "Maintain operational records.", + "Negotiate sales or lease agreements for products or services.", + "Schedule product or material transportation." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Operational Resource Management": 1, + "Strategic Resource Allocation": 1, + "Financial Resource Management": 1, + "Operational Communication Management": 1, + "Negotiation and Persuasion": 1, + "Strategic Decision Making": 1, + "Vendor Relationship Management": 1, + "Operational Compliance Management": 1, + "Technical Documentation Management": 1, + "Risk Assessment": 1, + "Strategic Procurement Management": 1, + "Commercial Relationship Development": 1, + "Operational Cost Analysis": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Artistic Performance Coordination": 0 + }, + "original_index": 660, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-1011.00", + "job_title": "First-Line Supervisors of Production and Operating Workers", + "detailed_work_activities": [ + "Enforce rules or regulations.", + "Record operational or production data.", + "Inspect production equipment.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Plan production or operational procedures or sequences.", + "Exchange information with colleagues.", + "Instruct workers to use equipment or perform technical procedures.", + "Direct operational or production activities.", + "Monitor equipment operation to ensure proper functioning.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Evaluate employee performance.", + "Calculate specific material, equipment, or labor requirements for production.", + "Advise others on ways to improve processes or products.", + "Determine metal or plastic production methods.", + "Order materials, supplies, or equipment.", + "Adjust equipment to ensure optimal performance.", + "Install equipment attachments or components.", + "Perform human resources activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Operational Supervision": 1, + "Personnel Resource Management": 1, + "Production Equipment Operation": 1, + "Operational Performance Monitoring": 1, + "Operational Quality Control": 1, + "Operational Safety Management": 1, + "Technical Documentation": 1, + "Operational Communication": 1, + "Operational Problem Solving": 1, + "Workforce Training Development": 1, + "Operational Resource Management": 1, + "Performance Evaluation Management": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 661, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "43-9021.00", + "job_title": "Data Entry Keyers", + "detailed_work_activities": [ + "Check data for recording errors.", + "Provide information to coworkers.", + "Compile data or documentation.", + "Enter information into databases or software programs.", + "Verify accuracy of financial or transactional data.", + "Select resources needed to accomplish tasks.", + "Store records or related materials.", + "Maintain operational records.", + "Operate office equipment.", + "Translate information for others." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Processing": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Precision Information Processing": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Operational Documentation": 1, + "Operational Information Management": 1, + "Clerical Information Processing": 1, + "Information Processing": 1, + "Information Verification": 1, + "Professional Documentation": 1, + "Systematic Documentation": 1, + "Time Management": 1, + "Comprehensive Information Processing": 1, + "Office Equipment Operation": 1, + "Textual Accuracy Verification": 1, + "Academic Instruction": 0 + }, + "original_index": 662, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "19-3034.00", + "job_title": "School Psychologists", + "detailed_work_activities": [ + "Administer standardized physical or psychological tests.", + "Collect information from people through observation, interviews, or surveys.", + "Interpret research or operational data.", + "Prepare scientific or technical reports or presentations.", + "Design psychological or educational treatment procedures or programs.", + "Counsel clients on mental health or personal achievement.", + "Conduct scientific research of organizational behavior or processes.", + "Advise others on educational matters.", + "Coordinate cross-disciplinary research programs.", + "Develop educational programs.", + "Attend conferences or workshops to maintain professional knowledge.", + "Advise others on healthcare matters." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Behavioral Intervention Management": 1, + "Child Development Support": 1, + "Classroom Behavior Management": 1, + "Client Case Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Counseling": 1, + "Developmental Behavioral Guidance": 1, + "Educational Assessment and Mentorship": 1, + "Psychological Assessment": 1, + "Student Performance Assessment": 1, + "Student Safety Management": 1 + }, + "original_index": 663, + "sparsity": 0.9894592117323556 + }, + { + "onet_code": "51-2041.00", + "job_title": "Structural Metal Fabricators and Fitters", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Align parts or workpieces to ensure proper assembly.", + "Operate welding equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Inspect metal, plastic, or composite products.", + "Lay out parts to prepare for assembly.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Operate grinding equipment.", + "Operate cutting equipment.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Mount materials or workpieces onto production equipment.", + "Mount attachments or tools onto production equipment.", + "Shape metal workpieces with hammers or other small hand tools.", + "Construct patterns, templates, or other work aids.", + "Design templates or patterns.", + "Direct operational or production activities.", + "Smooth metal surfaces or edges.", + "Heat material or workpieces to prepare for or complete production.", + "Reshape metal workpieces to established specifications.", + "Assemble temporary equipment or structures.", + "Assemble electromechanical or hydraulic systems." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Active Listening": 1, + "Critical Thinking": 1, + "Reading Comprehension": 1, + "Speaking": 1, + "Precision Material Handling": 1, + "Technical Equipment Operation": 1, + "Precision Measurement": 1, + "Technical Documentation": 1, + "Operational Safety Management": 1, + "Production Quality Control": 1 + }, + "original_index": 664, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "35-3011.00", + "job_title": "Bartenders", + "detailed_work_activities": [ + "Clean tableware.", + "Process customer bills or payments.", + "Enforce rules or regulations.", + "Balance receipts.", + "Clean food service areas.", + "Communicate with customers to resolve complaints or ensure satisfaction.", + "Take customer orders.", + "Serve food or beverages.", + "Manage food service operations or parts of operations.", + "Stock serving stations or dining areas with food or supplies.", + "Coordinate activities of food service staff.", + "Mix ingredients.", + "Order materials, supplies, or equipment.", + "Prepare foods for cooking or serving.", + "Arrange tables or dining areas.", + "Plan menu options.", + "Create new recipes or food presentations.", + "Cook foods." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Service Orientation": 1, + "Interpersonal Communication": 1, + "Customer Service Coordination": 1, + "Professional Communication": 1, + "Food Service Operations": 1, + "Beverage Preparation Skills": 1, + "Operational Safety Management": 1, + "Operational Quality Control": 1, + "Inventory Management": 1, + "Transaction Processing": 1, + "Workplace Safety Coordination": 1, + "Sanitation and Hygiene Management": 1 + }, + "original_index": 665, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "19-3039.03", + "job_title": "Clinical Neuropsychologists", + "detailed_work_activities": [ + "Administer standardized physical or psychological tests.", + "Collect information from people through observation, interviews, or surveys.", + "Prepare scientific or technical reports or presentations.", + "Diagnose neural or psychological disorders.", + "Counsel clients on mental health or personal achievement.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Attend conferences or workshops to maintain professional knowledge.", + "Review professional literature to maintain professional knowledge.", + "Establish standards for medical care.", + "Monitor clients to evaluate treatment progress.", + "Design psychological or educational treatment procedures or programs.", + "Direct medical science or healthcare programs.", + "Instruct college students in social sciences or humanities disciplines.", + "Confer with clients to discuss treatment plans or progress.", + "Evaluate treatment options to guide medical decisions." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Adaptive Workplace Communication": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Behavioral Health Counseling": 1, + "Clinical Assessment Skills": 1, + "Clinical Assessment and Reasoning": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Documentation Management": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Support": 1, + "Clinical Treatment Planning": 1, + "Complex Problem Solving": 1, + "Counseling and Guidance": 1, + "Diagnostic Assessment and Reasoning": 1, + "Psychological Assessment": 1, + "Therapeutic Patient Communication": 1, + "Therapeutic Patient Counseling": 1 + }, + "original_index": 666, + "sparsity": 0.9835013748854262 + }, + { + "onet_code": "39-5011.00", + "job_title": "Barbers", + "detailed_work_activities": [ + "Trim client hair.", + "Apply protective coverings to objects or surfaces near work areas.", + "Clean tools or equipment.", + "Discuss service options or needs with clients.", + "Clean facilities or work areas.", + "Maintain financial or account records.", + "Perform administrative or clerical tasks.", + "Perform human resources activities.", + "Supervise service workers.", + "Maintain professional knowledge or certifications.", + "Provide medical or cosmetic advice for clients.", + "Order materials, supplies, or equipment.", + "Apply cleansing or conditioning agents to client hair, scalp, or skin.", + "Treat nails by shaping, decorating, or augmenting.", + "Promote products, services, or programs.", + "Sell products or services.", + "Maintain client information or service records.", + "Apply solutions to hair for therapeutic or cosmetic purposes.", + "Administer therapeutic massages." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Active Listening": 1, + "Service Orientation": 1, + "Social Perceptiveness": 1, + "Speaking": 1, + "Judgment and Decision Making": 1 + }, + "original_index": 667, + "sparsity": 0.9977085242896425 + }, + { + "onet_code": "43-2021.00", + "job_title": "Telephone Operators", + "detailed_work_activities": [ + "Operate communications equipment or systems.", + "Answer telephones to direct calls or provide information.", + "Search files, databases or reference materials to obtain needed information.", + "Assist individuals with paperwork.", + "Enter information into databases or software programs.", + "Proofread documents, records, or other files to ensure accuracy.", + "Sort mail.", + "Assist disabled or incapacitated individuals.", + "Discuss account status or activity with customers or patrons.", + "Maintain call records.", + "Promote products, services, or programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Communication Management": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Communication Information Management": 1, + "Communication Routing": 1, + "Interpersonal Communication": 1, + "Operational Communication": 1, + "Professional Communication": 1, + "Service Communication": 1, + "Technical Communication": 1, + "Operational Information Processing": 1, + "Client Information Processing": 1, + "Precision Information Processing": 1, + "Operational Documentation": 1 + }, + "original_index": 668, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "17-2141.00", + "job_title": "Mechanical Engineers", + "detailed_work_activities": [ + "Review technical documents to plan work.", + "Design industrial processing systems.", + "Design industrial equipment.", + "Evaluate characteristics of equipment or systems.", + "Implement design or process improvements.", + "Confer with other personnel to resolve design or operational problems.", + "Confer with technical personnel to prepare designs or operational plans.", + "Estimate operational costs.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Investigate system, equipment, or product failures.", + "Advise others regarding green practices or environmental concerns.", + "Analyze design or requirements information for mechanical equipment or systems.", + "Identify new applications for existing technologies.", + "Supervise production or support personnel.", + "Direct installation activities.", + "Direct equipment maintenance or repair activities.", + "Advise customers on the use of products or services.", + "Create images or other visual displays.", + "Design structures or facilities.", + "Install production equipment or systems.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Evaluate plans or specifications to determine technological or environmental implications.", + "Create models of engineering designs or methods.", + "Document technical design details.", + "Research industrial processes or operations.", + "Prepare proposal documents.", + "Design electronic or computer equipment or instrumentation.", + "Coordinate safety or regulatory compliance activities.", + "Determine operational methods.", + "Direct industrial production activities.", + "Perform marketing activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 1, + "Technical Design Documentation": 1, + "Technical Design Visualization": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Technical Systems Engineering": 1, + "Technical Equipment Design": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Quality Control": 1, + "Technical Research and Development": 1, + "Technical Communication": 1, + "Technical Project Management": 1, + "Technical Safety Management": 1, + "Technical Performance Analysis": 1, + "Technical Measurement and Verification": 1, + "Advanced Manufacturing Technologies": 1, + "Operational Cost Analysis": 1 + }, + "original_index": 669, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "29-1229.04", + "job_title": "Physical Medicine and Rehabilitation Physicians", + "detailed_work_activities": [ + "Record patient medical histories.", + "Examine patients to assess general physical condition.", + "Treat chronic diseases or disorders.", + "Develop treatment plans that use non-medical therapies.", + "Monitor patient progress or responses to treatments.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Prescribe treatments or therapies.", + "Test patient nervous system functioning.", + "Train medical providers.", + "Diagnose medical conditions.", + "Treat acute illnesses, infections, or injuries.", + "Prescribe assistive medical devices or related treatments." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning and Problem Solving": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Support": 1, + "Clinical Treatment Planning": 1, + "Healthcare Patient Communication": 1, + "Healthcare Professional Collaboration": 1, + "Patient Rehabilitation Support": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 670, + "sparsity": 0.9899175068744271 + }, + { + "onet_code": "29-1299.01", + "job_title": "Naturopathic Physicians", + "detailed_work_activities": [ + "Record patient medical histories.", + "Advise patients on healthcare system processes.", + "Examine patients to assess general physical condition.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Prescribe medications.", + "Administer non-intravenous medications.", + "Collect medical information from patients, family members, or other medical professionals.", + "Analyze test data or images to inform diagnosis or treatment.", + "Diagnose medical conditions.", + "Treat patients using alternative medical procedures.", + "Refer patients to other healthcare practitioners or health resources.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Order medical diagnostic or clinical tests.", + "Maintain medical or professional knowledge.", + "Gather medical information from patient histories.", + "Immunize patients.", + "Collect biological specimens from patients.", + "Treat patients using physical therapy techniques.", + "Operate on patients to treat conditions.", + "Prepare official health documents or records.", + "Treat acute illnesses, infections, or injuries." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Alternative Medical Practice": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Healthcare Patient Communication": 1, + "Healthcare Professional Collaboration": 1, + "Healthcare Treatment Planning": 1, + "Holistic Patient Care Management": 1, + "Medical Documentation Management": 1, + "Patient Counseling": 1 + }, + "original_index": 671, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "33-3012.00", + "job_title": "Correctional Officers and Jailers", + "detailed_work_activities": [ + "Count prison inmates or personnel.", + "Inspect equipment to ensure safety or proper functioning.", + "Maintain surveillance of individuals or establishments.", + "Locate suspicious objects or vehicles.", + "Search individuals for illegal or dangerous items.", + "Guard facilities.", + "Record information about suspects or criminals.", + "Inspect cargo to identify potential hazards.", + "Apprehend criminal suspects.", + "Use weapons or physical force to maintain security.", + "Inspect facilities for cleanliness.", + "Inspect facilities to ensure compliance with fire regulations.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Direct operations of correctional facilities.", + "Attend training to learn new skills or update knowledge.", + "Escort prisoners to courtrooms, prisons, or other facilities.", + "Collect information about clients.", + "Discuss performance, complaints, or violations with supervisors.", + "Resolve interpersonal conflicts.", + "Drive vehicles to transport individuals or equipment.", + "Investigate crimes committed within organizations.", + "Supervise inmate activities.", + "Maintain inventories of materials, equipment, or products.", + "Prepare activity or work schedules." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Correctional Operations Management": 1, + "Operational Safety Management": 1, + "Interpersonal Conflict Resolution": 1, + "Surveillance Operations": 1, + "Public Safety Operations": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Safety and Compliance Monitoring": 1, + "Threat Detection and Assessment": 1, + "Operational Safety Protocols": 1, + "Workplace Safety Coordination": 1, + "Operational Supervision": 1, + "Professional Communication": 1, + "Situational Awareness": 1, + "Behavioral Conflict Mediation": 1, + "Legal Compliance Monitoring": 1, + "Operational Risk Assessment": 1 + }, + "original_index": 672, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "47-4051.00", + "job_title": "Highway Maintenance Workers", + "detailed_work_activities": [ + "Direct vehicle traffic.", + "Maintain mechanical equipment.", + "Drive trucks or truck-mounted equipment.", + "Install fencing or other barriers.", + "Remove debris or vegetation from work sites.", + "Move construction or extraction materials to locations where they are needed.", + "Operate equipment or vehicles to clear construction sites or move materials.", + "Spread sand, dirt or other loose materials onto surfaces.", + "Clean equipment or facilities.", + "Compact materials to create level bases.", + "Inspect industrial or commercial equipment to ensure proper operation.", + "Maintain plumbing structures or fixtures.", + "Pour materials into or on designated areas.", + "Spread concrete or other aggregate mixtures.", + "Treat greenery or surfaces with protective substances.", + "Mark reference points on construction materials.", + "Measure work site dimensions.", + "Apply paint to surfaces.", + "Operate road-surfacing equipment.", + "Dismantle equipment or temporary structures.", + "Inspect completed work to ensure proper installation.", + "Mix substances or compounds needed for work activities." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Construction Equipment Operation": 1, + "Construction Material Handling": 1, + "Equipment Maintenance and Repair": 1, + "Operational Safety Management": 1, + "Technical Surface Preparation": 1, + "Vehicle Operation Control": 1, + "Workplace Safety Coordination": 1, + "Material Handling and Coordination": 1, + "Technical Equipment Operation": 1, + "Site Preparation and Measurement": 1, + "Precision Manual Construction Skills": 1, + "Technical Safety Inspection": 1, + "Operational Monitoring": 1, + "Traffic Safety Management": 1, + "Academic Instruction": 0 + }, + "original_index": 673, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-9011.00", + "job_title": "Chemical Equipment Operators and Tenders", + "detailed_work_activities": [ + "Maintain safety.", + "Record operational or production data.", + "Operate chemical processing or water treatment systems or equipment.", + "Watch operating equipment to detect malfunctions.", + "Adjust equipment controls to regulate gas flow.", + "Adjust temperature controls of ovens or other heating equipment.", + "Collect samples of materials or products for testing.", + "Monitor instruments to ensure proper production conditions.", + "Inspect production equipment.", + "Operate pumping systems or equipment.", + "Test chemical or physical characteristics of materials or products.", + "Direct operational or production activities.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Measure ingredients or substances to be used in production processes.", + "Mix substances to create chemical solutions.", + "Load materials into production equipment.", + "Notify others of equipment repair or maintenance needs.", + "Clean production equipment.", + "Estimate material requirements for production.", + "Compare physical characteristics of materials or products to specifications or standards.", + "Lubricate production equipment.", + "Maintain production or processing equipment.", + "Repair production equipment or tools.", + "Maintain inventories of materials, equipment, or products." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Chemical Processing Control": 1, + "Equipment Operation and Monitoring": 1, + "Operational Safety Management": 1, + "Technical Equipment Maintenance": 1, + "Quality Control Analysis": 1, + "Precision Material Handling": 1, + "Operational Documentation": 1, + "Technical Safety Protocols": 1, + "Inventory Management": 1, + "Technical Problem Solving": 1, + "Academic Instruction": 0, + "Patient Care": 0, + "Legal Compliance": 0 + }, + "original_index": 674, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-4191.00", + "job_title": "Heat Treating Equipment Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Review blueprints or other instructions to determine operational methods or sequences.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Determine metal or plastic production methods.", + "Record operational or production data.", + "Adjust temperature controls of ovens or other heating equipment.", + "Inspect metal, plastic, or composite products.", + "Operate heating or drying equipment.", + "Load items into ovens or furnaces.", + "Signal others to coordinate work activities.", + "Remove products or workpieces from production equipment.", + "Adjust equipment controls to regulate gas flow.", + "Mount attachments or tools onto production equipment.", + "Mount materials or workpieces onto production equipment.", + "Heat material or workpieces to prepare for or complete production.", + "Position raw materials on processing or production equipment.", + "Instruct workers to use equipment or perform technical procedures.", + "Maintain production or processing equipment.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Clean production equipment.", + "Mark products, workpieces, or equipment with identifying information." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Active Listening": 1, + "Monitoring": 1, + "Quality Control Analysis": 1, + "Speaking": 1, + "Critical Thinking": 1, + "Equipment Maintenance": 1, + "Judgment and Decision Making": 1 + }, + "original_index": 675, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "25-4022.00", + "job_title": "Librarians and Media Collections Specialists", + "detailed_work_activities": [ + "Teach others to use technology or equipment.", + "Process library materials.", + "Select educational materials or equipment.", + "Search information sources to find specific data.", + "Maintain inventories of materials, equipment, or products.", + "Maintain operational records.", + "Help patrons use library or archival resources.", + "Direct department activities.", + "Confer with others to conduct or arrange operational activities.", + "Classify materials according to standard systems.", + "Plan community programs or activities for the general public.", + "Diagnose equipment malfunctions.", + "Troubleshoot equipment or systems operation problems.", + "Develop policies or procedures for archives, museums or libraries.", + "Direct activities of subordinates.", + "Inspect materials or equipment to determine need for repair or replacement.", + "Train staff members.", + "Develop library or archival databases.", + "Order instructional or library materials or equipment.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Collaborate with other teaching professionals to develop educational programs.", + "Compile specialized bibliographies or lists of materials.", + "Negotiate purchases or contracts.", + "Inventory materials or equipment.", + "Maintain inventory records.", + "Maintain the inventory of equipment.", + "Serve on institutional or departmental committees.", + "Operate audiovisual equipment.", + "Construct exhibits or parts of exhibits.", + "Maintain computer equipment or software." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Archival Research and Documentation": 1, + "Collection Development": 1, + "Collection Management": 1, + "Information Management": 1, + "Information Processing": 1, + "Patron Information Support": 1, + "Patron Interaction Management": 1, + "Professional Communication": 1, + "Research Assistance": 1, + "Research Documentation": 1, + "Technical Documentation Management": 1, + "Technology Integration": 1 + }, + "original_index": 676, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "13-2099.01", + "job_title": "Financial Quantitative Analysts", + "detailed_work_activities": [ + "Apply mathematical models of financial or business conditions.", + "Develop business or financial information systems.", + "Analyze business or financial data.", + "Advise others on analytical techniques.", + "Prepare financial documents, reports, or budgets.", + "Confer with personnel to coordinate business operations.", + "Discuss business strategies, practices, or policies with managers.", + "Assess the cost effectiveness of products, projects, or services.", + "Monitor business indicators.", + "Develop financial analysis methods.", + "Develop technical specifications for systems or equipment.", + "Measure effectiveness of business strategies or practices.", + "Analyze risks related to investments in green technology." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Advanced Analytical Reasoning": 1, + "Quantitative Financial Analysis": 1, + "Mathematical Problem Solving": 1, + "Business Intelligence Analysis": 1, + "Strategic Financial Decision Making": 1, + "Technical Documentation Management": 1, + "Risk Assessment": 1, + "Strategic Operational Analysis": 1, + "Computational Data Analysis": 1, + "Professional Communication": 1, + "Strategic Resource Management": 1 + }, + "original_index": 677, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "51-2011.00", + "job_title": "Aircraft Structure, Surfaces, Rigging, and Systems Assemblers", + "detailed_work_activities": [ + "Assemble metal or plastic parts or products.", + "Assemble metal structures.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Adjust vehicle components according to specifications.", + "Cut industrial materials in preparation for fabrication or processing.", + "Align parts or workpieces to ensure proper assembly.", + "Inspect installed components or assemblies.", + "Repair parts or assemblies.", + "Replace worn equipment components.", + "Reshape metal workpieces to established specifications.", + "Trim excess material from workpieces.", + "Operate metal or plastic forming equipment.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Clean workpieces or finished products.", + "Apply lubricants or coolants to workpieces.", + "Assemble electrical or electronic equipment.", + "Install mechanical components in production equipment.", + "Signal others to coordinate work activities.", + "Operate cutting equipment.", + "Connect supply lines to production equipment or tools.", + "Assemble electromechanical or hydraulic systems.", + "Mount attachments or tools onto production equipment.", + "Mark products, workpieces, or equipment with identifying information.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Operate welding equipment.", + "Solder parts or workpieces.", + "Sort recyclable materials." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Equipment Assembly": 1, + "Precision Manual Technical Skills": 1, + "Technical Blueprint Interpretation": 1, + "Quality Control Inspection": 1, + "Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Material Handling": 1, + "Technical Documentation": 1, + "Welding and Fabrication": 1, + "Advanced Manufacturing Technologies": 1 + }, + "original_index": 678, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1126.00", + "job_title": "Respiratory Therapists", + "detailed_work_activities": [ + "Implement advanced life support techniques.", + "Treat medical emergencies.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Inform medical professionals regarding patient conditions and care.", + "Assist healthcare practitioners during examinations or treatments.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Maintain medical facility records.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Prepare medical supplies or equipment for use.", + "Gather medical information from patient histories.", + "Clean medical equipment or facilities.", + "Communicate test or assessment results to medical professionals.", + "Examine medical instruments or equipment to ensure proper operation.", + "Maintain medical equipment or instruments.", + "Explain medical procedures or test results to patients or family members.", + "Determine protocols for medical procedures.", + "Repair medical facility equipment.", + "Verify that medical activities or operations meet standards.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Treat chronic diseases or disorders.", + "Test patient heart or lung functioning.", + "Adjust settings or positions of medical equipment.", + "Train medical providers.", + "Move patients to or from treatment areas.", + "Supervise patient care personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Science\u2014 Using scientific rules and methods to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Life Support Management": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Clinical Procedure Support": 1, + "Healthcare Documentation Management": 1, + "Medical Technical Equipment Management": 1, + "Therapeutic Patient Communication": 1, + "Emergency Medical Intervention": 1 + }, + "original_index": 679, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-1199.05", + "job_title": "Sustainability Specialists", + "detailed_work_activities": [ + "Develop sustainable business strategies or practices.", + "Monitor business indicators.", + "Assess the cost effectiveness of products, projects, or services.", + "Advise others on business or operational matters.", + "Establish organizational guidelines or policies.", + "Research issues related to the environment or sustainable business practices.", + "Prepare financial documents.", + "Prepare operational reports.", + "Investigate legal issues.", + "Create marketing materials.", + "Obtain information about goods or services.", + "Purchase products or services.", + "Prepare proposal documents." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Sustainability Planning": 1, + "Sustainable Business Analysis": 1, + "Strategic Environmental Communication": 1, + "Environmental Compliance Management": 1, + "Strategic Resource Management": 1, + "Environmental Data Analysis": 1, + "Stakeholder Communication Strategy": 1, + "Strategic Operational Analysis": 1, + "Risk Assessment and Mitigation": 1, + "Technical Documentation Management": 1, + "Strategic Problem Solving": 1, + "Operational Sustainability Monitoring": 1, + "Professional Research Methodology": 1, + "Strategic Decision Making": 1, + "Regulatory Compliance Monitoring": 1, + "Financial Cost Analysis": 1, + "Strategic Communication": 1, + "Proposal and Documentation Management": 1, + "Strategic Environmental Planning": 1, + "Stakeholder Engagement Strategy": 1 + }, + "original_index": 680, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "35-9011.00", + "job_title": "Dining Room and Cafeteria Attendants and Bartender Helpers", + "detailed_work_activities": [ + "Serve food or beverages.", + "Clean food service areas.", + "Collect dirty dishes or other tableware.", + "Operate cash registers.", + "Arrange tables or dining areas.", + "Assist customers to ensure comfort or safety.", + "Greet customers, patrons, or visitors.", + "Usher patrons to seats or exits.", + "Maintain food, beverage, or equipment inventories.", + "Stock serving stations or dining areas with food or supplies.", + "Provide customers with general information or assistance.", + "Move equipment, supplies or food to required locations.", + "Store supplies or goods in kitchens or storage areas.", + "Clean facilities or work areas.", + "Clean tableware.", + "Add garnishes to food.", + "Arrange food for serving.", + "Clean food preparation areas, facilities, or equipment.", + "Cut cooked or raw foods.", + "Mix ingredients." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Active Listening": 1, + "Coordination": 1, + "Service Orientation": 1, + "Food Preparation Skills": 1, + "Customer Service Communication": 1, + "Operational Safety Management": 1, + "Inventory Management": 1, + "Cleaning and Sanitation": 1, + "Cash Register Operation": 1, + "Table and Dining Area Arrangement": 1 + }, + "original_index": 681, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-4161.00", + "job_title": "Human Resources Assistants, Except Payroll and Timekeeping", + "detailed_work_activities": [ + "Record personnel information.", + "Explain regulations, policies, or procedures.", + "Interview employees, customers, or others to collect information.", + "Administer personnel recruitment or hiring activities.", + "Administer compensation or benefits programs.", + "Set up classroom materials or equipment.", + "Compile data or documentation.", + "Obtain personal or financial information about customers or applicants.", + "Search files, databases or reference materials to obtain needed information.", + "Issue documentation or identification to customers or employees.", + "Train personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Administrative Support Coordination": 1, + "Client Information Processing": 1, + "Client Interaction Management": 1, + "Interpersonal Communication": 1, + "Personnel Resource Management": 1, + "Professional Communication": 1, + "Professional Documentation": 1, + "Stakeholder Communication": 1, + "Training Program Development": 1, + "Workforce Training Development": 1 + }, + "original_index": 682, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-1041.07", + "job_title": "Regulatory Affairs Specialists", + "detailed_work_activities": [ + "Coordinate regulatory documentation activities.", + "Obtain documentation to authorize activities.", + "Prepare regulatory or compliance documentation.", + "Evaluate applicable laws and regulations to determine impact on organizational activities.", + "Explain regulations, policies, or procedures.", + "Oversee business processes.", + "Advise others on legal or regulatory compliance matters.", + "Examine product information to ensure compliance with regulations.", + "Compile technical information or documentation.", + "Review documents or materials for compliance with policies or regulations.", + "Update knowledge of legal or regulatory environments.", + "Communicate with government agencies.", + "Examine financial records or processes.", + "Maintain data in information systems or databases.", + "Establish organizational guidelines or policies.", + "Prepare financial documents.", + "Analyze environmental regulations to ensure organizational compliance.", + "Monitor business indicators.", + "Train personnel in organizational or compliance procedures.", + "Analyze data to identify or resolve operational problems.", + "Investigate system, equipment, or product failures.", + "Recommend changes or corrective procedures.", + "Correspond with customers to answer questions or resolve complaints." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Advanced Regulatory Compliance": 1, + "Regulatory Compliance Management": 1, + "Regulatory Compliance Documentation": 1, + "Regulatory Compliance Monitoring": 1, + "Legal Compliance Monitoring": 1, + "Operational Compliance Management": 1, + "Strategic Regulatory Compliance": 1, + "Technical Regulatory Compliance": 1, + "Professional Documentation Management": 1, + "Systematic Documentation Management": 1, + "Strategic Communication": 1, + "Stakeholder Communication Management": 1, + "Professional Communication": 1, + "Strategic Problem Solving": 1, + "Technical Problem Solving": 1, + "Risk Assessment Management": 1, + "Strategic Risk Assessment": 1, + "Technical Documentation": 1, + "Professional Research Methodology": 1, + "Academic Knowledge Communication": 0 + }, + "original_index": 683, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "13-1121.00", + "job_title": "Meeting, Convention, and Event Planners", + "detailed_work_activities": [ + "Correspond with customers to answer questions or resolve complaints.", + "Authorize financial actions.", + "Verify accuracy of records.", + "Organize special events.", + "Confer with personnel to coordinate business operations.", + "Inspect facilities or equipment to ensure specifications are met.", + "Prepare financial documents.", + "Monitor organizational compliance with regulations.", + "Conduct eligibility or selection interviews.", + "Negotiate contracts with clients or service providers.", + "Develop financial or business plans.", + "Conduct surveys in organizations.", + "Supervise employees.", + "Train personnel to enhance job skills.", + "Oversee business processes.", + "Confer with others about financial matters.", + "Create marketing materials.", + "Market products, services, or events.", + "Update professional knowledge.", + "Obtain documentation to authorize activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures." + ], + "skill_vector": { + "Event Planning Management": 1, + "Administrative Coordination": 1, + "Professional Communication": 1, + "Project Management": 1, + "Client Relationship Management": 1, + "Financial Resource Management": 1, + "Stakeholder Communication": 1, + "Strategic Planning": 1, + "Operational Documentation": 1, + "Marketing Strategy": 1, + "Compliance Monitoring": 1, + "Technical Communication": 1, + "Interpersonal Coordination": 1, + "Professional Development": 1, + "Risk Assessment": 1, + "Negotiation": 1, + "Resource Allocation": 1, + "Performance Monitoring": 1, + "Supervisory Skills": 1, + "Interview Coordination": 1 + }, + "original_index": 684, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "19-2041.01", + "job_title": "Climate Change Policy Analysts", + "detailed_work_activities": [ + "Evaluate civic projects or public policies.", + "Develop environmental sustainability plans or projects.", + "Conduct climatological research.", + "Prepare research or technical reports on environmental issues.", + "Interpret research or operational data.", + "Advise others on matters of public policy.", + "Communicate results of environmental research.", + "Promote environmental sustainability or conservation initiatives.", + "Appraise environmental impact of regulations or policies.", + "Compile environmental or climatological data.", + "Develop educational programs.", + "Prepare proposal documents or grant applications." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Academic Knowledge Communication": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Environmental Policy Analysis": 1, + "Strategic Environmental Communication": 1, + "Sustainability Planning": 1, + "Scientific Research Methodology": 1, + "Technical Documentation": 1, + "Stakeholder Communication Strategy": 1, + "Strategic Problem Solving": 1 + }, + "original_index": 685, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-2151.00", + "job_title": "Pipelayers", + "detailed_work_activities": [ + "Position hand tools.", + "Apply adhesives to construction materials.", + "Cut metal components for installation.", + "Spread sand, dirt or other loose materials onto surfaces.", + "Weld metal components.", + "Install plumbing or piping.", + "Maintain plumbing structures or fixtures.", + "Communicate with other construction or extraction personnel to discuss project details.", + "Evaluate projects to determine compliance with technical specifications.", + "Mark reference points on construction materials.", + "Compact materials to create level bases.", + "Drive trucks or truck-mounted equipment.", + "Operate equipment or vehicles to clear construction sites or move materials.", + "Dig holes or trenches.", + "Drill holes in construction materials.", + "Locate equipment or materials in need of repair or replacement.", + "Direct construction or extraction personnel.", + "Train construction or extraction personnel." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Operation and Control": 1, + "Active Listening": 1, + "Operations Monitoring": 1, + "Coordination": 1, + "Critical Thinking": 1, + "Quality Control Analysis": 1 + }, + "original_index": 686, + "sparsity": 0.997250229147571 + }, + { + "onet_code": "47-2132.00", + "job_title": "Insulation Workers, Mechanical", + "detailed_work_activities": [ + "Cut carpet, vinyl or other flexible materials.", + "Measure materials or objects for installation or assembly.", + "Install insulation in equipment or structures.", + "Select construction materials.", + "Apply sealants or other protective coatings.", + "Install metal structural components.", + "Review blueprints or specifications to determine work requirements.", + "Apply adhesives to construction materials.", + "Prepare surfaces for finishing." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Adhesive Application": 1, + "Administrative Communication": 1, + "Advanced Problem Solving": 1, + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Construction Site Coordination": 1, + "Construction Site Safety Management": 1, + "Measurement and Verification": 1, + "Operational Safety Management": 1, + "Precision Material Handling": 1, + "Precision Manual Construction Skills": 1, + "Protective Coating Application": 1, + "Surface Preparation": 1, + "Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 687, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "47-2071.00", + "job_title": "Paving, Surfacing, and Tamping Equipment Operators", + "detailed_work_activities": [ + "Operate road-surfacing equipment.", + "Load materials into construction equipment.", + "Direct construction or extraction personnel.", + "Monitor construction operations.", + "Coordinate construction project activities.", + "Drive trucks or truck-mounted equipment.", + "Assemble temporary equipment or structures.", + "Clean equipment or facilities.", + "Dismantle equipment or temporary structures.", + "Inspect equipment or tools to be used in construction or excavation.", + "Maintain construction tools or equipment.", + "Spread concrete or other aggregate mixtures.", + "Direct vehicle traffic.", + "Apply material to fill gaps in surfaces.", + "Spread sand, dirt or other loose materials onto surfaces.", + "Compact materials to create level bases.", + "Operate equipment or vehicles to clear construction sites or move materials.", + "Cut tile, stone, or other masonry materials.", + "Break up rock, asphalt, or concrete.", + "Operate heavy-duty construction or installation equipment.", + "Install equipment attachments or components.", + "Build construction forms or molds.", + "Mark reference points on construction materials." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Construction Equipment Operation": 1, + "Equipment Operation and Control": 1, + "Material Handling": 1, + "Operational Monitoring": 1, + "Technical Equipment Maintenance": 1, + "Site Preparation and Measurement": 1, + "Safety and Compliance Management": 1, + "Precision Manual Construction Skills": 1, + "Technical Troubleshooting": 1, + "Coordination and Communication": 1 + }, + "original_index": 688, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-7041.00", + "job_title": "Sawing Machine Setters, Operators, and Tenders, Wood", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Set equipment controls to meet cutting specifications.", + "Mount attachments or tools onto production equipment.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Inspect lumber or raw woodstock.", + "Trim excess material from workpieces.", + "Clear equipment jams.", + "Monitor equipment operation to ensure proper functioning.", + "Replace worn equipment components.", + "Sharpen cutting or grinding tools.", + "Maneuver workpieces in equipment during production.", + "Operate cutting equipment.", + "Count finished products or workpieces.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Stack finished items for further processing or shipment.", + "Mount materials or workpieces onto production equipment.", + "Position raw materials on processing or production equipment.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Operate woodworking equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Select production equipment according to product specifications.", + "Select production input materials.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Cut industrial materials in preparation for fabrication or processing.", + "Shape metal workpieces with hammers or other small hand tools.", + "Remove products or workpieces from production equipment.", + "Clean production equipment.", + "Lubricate production equipment.", + "Dispose of trash or waste materials." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Critical Thinking": 1, + "Monitoring": 1, + "Quality Control Analysis": 1, + "Troubleshooting": 1, + "Precision Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Material Handling": 1, + "Technical Measurement and Verification": 1 + }, + "original_index": 689, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-2023.00", + "job_title": "Appraisers and Assessors of Real Estate", + "detailed_work_activities": [ + "Appraise property values.", + "Prepare financial documents, reports, or budgets.", + "Analyze market conditions or trends.", + "Maintain data in information systems or databases.", + "Interpret financial information for others.", + "Examine financial records.", + "Calculate data to inform organizational operations.", + "Verify application data to determine program eligibility.", + "Prepare financial documents.", + "Verify accuracy of records.", + "Advise real estate clients.", + "Evaluate condition of properties.", + "Explain financial information to customers.", + "Explain regulations, policies, or procedures.", + "Develop business or financial information systems.", + "Gather financial records.", + "Update professional knowledge.", + "Create images of data, locations, or products.", + "Estimate costs of goods or services.", + "Testify at legal or legislative proceedings." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 0, + "Property Valuation Analysis": 1, + "Financial Analysis": 1, + "Market Intelligence": 1, + "Technical Documentation": 1, + "Client Consultation": 1, + "Regulatory Compliance": 1, + "Information Systems Management": 1, + "Strategic Decision Making": 1, + "Professional Communication": 1 + }, + "original_index": 690, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "13-1041.08", + "job_title": "Customs Brokers", + "detailed_work_activities": [ + "Coordinate logistics or other business operations.", + "Oversee business processes.", + "Pay charges, fees, or taxes.", + "Calculate data to inform organizational operations.", + "Coordinate regulatory documentation activities.", + "Examine product information to ensure compliance with regulations.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Update knowledge of legal or regulatory environments.", + "Advise others on legal or regulatory compliance matters.", + "Estimate costs of goods or services.", + "Monitor inventories of products or materials.", + "Obtain documentation to authorize activities.", + "Advise others on financial matters.", + "Advise others on logistics topics.", + "Negotiate contracts with clients or service providers.", + "Submit financial applications.", + "Prepare regulatory or compliance documentation.", + "Advise others on business or operational matters.", + "Develop business relationships." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Regulatory Compliance Management": 1, + "Logistics Coordination": 1, + "Commercial Negotiation": 1, + "Financial Transaction Processing": 1, + "Operational Compliance Monitoring": 1, + "Technical Documentation": 1, + "International Trade Documentation": 1, + "Strategic Communication": 1, + "Professional Communication": 1, + "Risk Assessment": 1, + "Business Relationship Development": 1 + }, + "original_index": 691, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-9196.00", + "job_title": "Paper Goods Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Adjust equipment to ensure optimal performance.", + "Inspect finished products to locate flaws.", + "Watch operating equipment to detect malfunctions.", + "Mount attachments or tools onto production equipment.", + "Cut industrial materials in preparation for fabrication or processing.", + "Load materials into production equipment.", + "Feed materials or products into or through equipment.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Adjust temperature controls of ovens or other heating equipment.", + "Set equipment controls to meet cutting specifications.", + "Disassemble equipment for maintenance or repair.", + "Mark products, workpieces, or equipment with identifying information.", + "Remove products or workpieces from production equipment.", + "Stack finished items for further processing or shipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Operation and Control": 1, + "Quality Control Analysis": 1, + "Active Listening": 1, + "Critical Thinking": 1, + "Monitoring": 1, + "Speaking": 1, + "Time Management": 1 + }, + "original_index": 692, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "29-2056.00", + "job_title": "Veterinary Technologists and Technicians", + "detailed_work_activities": [ + "Monitor patient conditions during treatments, procedures, or activities.", + "Administer anesthetics or sedatives to control pain.", + "Monitor patients following surgeries or other treatments.", + "Maintain medical facility records.", + "Test biological specimens to gather information about patient conditions.", + "Prepare medications or medical solutions.", + "Administer non-intravenous medications.", + "Immunize patients.", + "Position patients for treatment or examination.", + "Treat medical emergencies.", + "Clean medical equipment or facilities.", + "Sterilize medical equipment or instruments.", + "Assist healthcare practitioners during examinations or treatments.", + "Treat dental problems or diseases.", + "Administer basic health care or medical treatments.", + "Collect biological specimens from patients.", + "Communicate detailed medical information to patients or family members.", + "Operate diagnostic imaging equipment.", + "Prepare biological specimens for laboratory analysis.", + "Prepare patients physically for medical procedures.", + "Process x-rays or other medical images.", + "Prepare medical supplies or equipment for use.", + "Maintain medical equipment or instruments.", + "Apply bandages, dressings, or splints.", + "Schedule patient procedures or appointments.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Maintain inventory of medical supplies or equipment.", + "Order medical supplies or equipment.", + "Supervise patient care personnel.", + "Train medical providers.", + "Merchandise healthcare products or services.", + "Perform clerical work in medical settings.", + "Process medical billing information.", + "Assist patients with hygiene or daily living activities.", + "Care for animals." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Animal Care Management": 1, + "Animal Care and Handling": 1, + "Animal Medical Procedure Support": 1, + "Animal Patient Care": 1, + "Veterinary Medical Care": 1, + "Veterinary Technical Support": 1, + "Veterinary Diagnostic Procedures": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Assistance": 1, + "Medical Equipment Operation": 1, + "Medical Documentation Management": 1, + "Patient Monitoring and Safety": 1, + "Healthcare Safety Protocols": 1, + "Precision Medical Documentation": 1, + "Professional Healthcare Communication": 1, + "Biological Sample Processing": 1, + "Laboratory Sample Management": 1, + "Medication Management": 1, + "Preventive Animal Healthcare": 1, + "Academic Instruction": 0 + }, + "original_index": 693, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "51-6011.00", + "job_title": "Laundry and Dry-Cleaning Workers", + "detailed_work_activities": [ + "Apply water or solutions to fabrics or apparel.", + "Direct operational or production activities.", + "Operate garment treatment equipment.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Count finished products or workpieces.", + "Remove products or workpieces from production equipment.", + "Clean production equipment.", + "Lubricate production equipment.", + "Inspect garments for defects, damage, or stains.", + "Mark products, workpieces, or equipment with identifying information.", + "Select equipment, materials, or supplies for cleaning or maintenance activities.", + "Mix substances to create chemical solutions.", + "Compare physical characteristics of materials or products to specifications or standards.", + "Smooth garments with irons, presses, or steamers.", + "Mount materials or workpieces onto production equipment.", + "Test chemical or physical characteristics of materials or products.", + "Immerse objects or workpieces in cleaning or coating solutions." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Active Listening": 1, + "Monitoring": 1, + "Material Handling": 1, + "Equipment Operation": 1, + "Quality Inspection": 1, + "Precision Manual Manipulation": 1, + "Chemical Solution Preparation": 1, + "Operational Documentation": 1, + "Safety and Maintenance": 1, + "Textile Manipulation Skills": 1 + }, + "original_index": 694, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-1021.00", + "job_title": "First-Line Supervisors of Firefighting and Prevention Workers", + "detailed_work_activities": [ + "Direct fire fighting or prevention activities.", + "Request emergency personnel.", + "Administer first aid.", + "Rescue people from hazardous situations.", + "Assess characteristics of fires.", + "Relay information about incidents or emergencies to personnel using phones or two-way radios.", + "Operate firefighting equipment.", + "Inspect equipment to ensure safety or proper functioning.", + "Maintain fire fighting tools or equipment.", + "Train employees in proper work procedures.", + "Evaluate employee performance.", + "Direct employee training programs.", + "Prepare activity or work schedules.", + "Develop fire safety or prevention programs or plans.", + "Maintain operational records.", + "Drive vehicles to transport individuals or equipment.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Write operational reports.", + "Determine operational procedures.", + "Direct criminal investigations.", + "Recommend improvements to increase safety or reduce risks.", + "Inspect facilities to ensure compliance with fire regulations.", + "Communicate situation details to appropriate personnel.", + "Hire personnel.", + "Locate fires or fire danger areas.", + "Maintain professional knowledge or certifications.", + "Monitor environmental conditions to detect hazards.", + "Perform forest firefighting activities.", + "Prepare operational reports.", + "Recruit personnel.", + "Supervise employees." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Fire Safety and Prevention": 1, + "Emergency Response Coordination": 1, + "Operational Safety Management": 1, + "Personnel Resource Management": 1, + "Technical Equipment Operation": 1, + "Workplace Safety Coordination": 1, + "Incident Documentation": 1, + "Risk Assessment": 1, + "Training Program Development": 1, + "Performance Evaluation Management": 1, + "Public Safety Communication": 1, + "Hazardous Environment Management": 1, + "Technical Safety Protocols": 1, + "Strategic Operational Planning": 1, + "Compliance and Regulatory Management": 1 + }, + "original_index": 695, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "39-9011.01", + "job_title": "Nannies", + "detailed_work_activities": [ + "Teach daily living skills or behaviors.", + "Administer first aid.", + "Monitor environment to ensure safety.", + "Develop daily schedules for children or families.", + "Teach health or hygiene practices.", + "Prepare foods or meals.", + "Organize recreational activities or events.", + "Administer basic health care or medical treatments.", + "Drive vehicles to transport patrons.", + "Monitor health or behavior of people or animals.", + "Discuss child development and behavior with parents or guardians.", + "Perform housekeeping duties.", + "Provide escort or transportation.", + "Maintain client information or service records.", + "Provide for basic needs of children.", + "Purchase products or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Child Development Support": 1, + "Child Safety Management": 1, + "Developmental Behavioral Guidance": 1, + "Adaptive Instructional Techniques": 1, + "Personal Care Coordination": 1, + "Interpersonal Communication": 1, + "Life Skills Education": 1, + "Meal Preparation": 1, + "First Aid and Medical Support": 1, + "Recreational Activity Management": 1, + "Time Management": 1, + "Household Management": 1, + "Transportation Coordination": 1, + "Parent Communication": 1, + "Nutritional Assessment": 1 + }, + "original_index": 696, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-3011.01", + "job_title": "Environmental Economists", + "detailed_work_activities": [ + "Forecast economic, political, or social trends.", + "Research impacts of environmental conservation initiatives.", + "Appraise environmental impact of regulations or policies.", + "Collect environmental data or samples.", + "Develop environmental sustainability plans or projects.", + "Communicate results of environmental research.", + "Prepare scientific or technical reports or presentations.", + "Develop mathematical models of environmental conditions.", + "Promote environmental sustainability or conservation initiatives.", + "Research environmental impact of industrial or development activities.", + "Prepare information or documentation related to legal or regulatory matters.", + "Teach classes in area of specialization.", + "Teach social science courses at the college level.", + "Advise others about environmental management or conservation.", + "Develop environmental research methods.", + "Prepare proposal documents or grant applications.", + "Analyze market conditions or trends.", + "Monitor market conditions or trends.", + "Plan environmental research.", + "Identify sustainable business practices.", + "Interpret research or operational data." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Academic Knowledge Communication": 1, + "Academic Research and Development": 1, + "Academic Professional Communication": 1, + "Academic and Policy Consultation": 1, + "Environmental Economic Analysis": 1, + "Strategic Environmental Planning": 1, + "Quantitative Financial Analysis": 1, + "Policy Analysis and Development": 1, + "Scientific Research Methodology": 1, + "Sustainable Business Analysis": 1, + "Strategic Resource Management": 1 + }, + "original_index": 697, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-1043.00", + "job_title": "Forestry and Conservation Science Teachers, Postsecondary", + "detailed_work_activities": [ + "Develop instructional materials.", + "Teach physical science or mathematics courses at the college level.", + "Evaluate student work.", + "Supervise student research or internship work.", + "Maintain student records.", + "Supervise laboratory work.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Research topics in area of expertise.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Guide class discussions.", + "Advise students on academic or career matters.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Write grant proposals.", + "Write articles, books or other original materials in area of expertise.", + "Direct department activities.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Evaluate scholarly materials.", + "Provide information to the general public.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies.", + "Compile specialized bibliographies or lists of materials." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 698, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "13-1111.00", + "job_title": "Management Analysts", + "detailed_work_activities": [ + "Confer with personnel to coordinate business operations.", + "Gather organizational performance information.", + "Analyze business or financial data.", + "Advise others on business or operational matters.", + "Prepare research reports.", + "Analyze jobs using observation, survey, or interview techniques.", + "Conduct scientific research of organizational behavior or processes.", + "Develop procedures to evaluate organizational activities.", + "Develop training materials.", + "Train personnel in organizational or compliance procedures.", + "Discuss business strategies, practices, or policies with managers.", + "Develop business or financial information systems.", + "Edit documents.", + "Edit written materials." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Professional Communication": 1, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Advanced Stakeholder Communication": 1, + "Analytical Problem Solving": 1, + "Business Intelligence Analysis": 1, + "Business Strategy Development": 1, + "Complex Problem Solving": 1, + "Comprehensive Documentation Management": 1, + "Comprehensive Operational Coordination": 1, + "Comprehensive Performance Monitoring": 1, + "Critical Analytical Reasoning": 1, + "Critical Decision Making": 1, + "Critical Information Processing": 1, + "Operational Communication": 1, + "Operational Documentation": 1, + "Operational Performance Management": 1, + "Organizational Performance Management": 1, + "Professional Communication": 1, + "Professional Documentation": 1, + "Professional Research Methodology": 1, + "Strategic Communication": 1, + "Strategic Decision Making": 1, + "Strategic Operational Analysis": 1, + "Strategic Organizational Analysis": 1 + }, + "original_index": 699, + "sparsity": 0.9857928505957837 + }, + { + "onet_code": "51-3021.00", + "job_title": "Butchers and Meat Cutters", + "detailed_work_activities": [ + "Prepare meat products for sale or consumption.", + "Mark products, workpieces, or equipment with identifying information.", + "Weigh finished products.", + "Cut meat products.", + "Inspect food products.", + "Estimate material requirements for production.", + "Order materials, supplies, or equipment.", + "Record operational or production data.", + "Direct operational or production activities.", + "Load items into ovens or furnaces.", + "Confer with customers or designers to determine order specifications." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Meat Processing Skills": 1, + "Material Handling": 1, + "Material Preparation and Cutting": 1, + "Precision Manual Cutting": 1, + "Precision Material Handling": 1, + "Quality Control Inspection": 1, + "Operational Safety Management": 1, + "Operational Documentation": 1, + "Inventory Management": 1, + "Customer Service Communication": 1, + "Technical Equipment Operation": 1, + "Sanitation and Hygiene Management": 1, + "Measurement and Verification": 1, + "Workplace Safety Coordination": 1, + "Academic Instruction": 0, + "Therapeutic Patient Care": 0 + }, + "original_index": 700, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "43-3051.00", + "job_title": "Payroll and Timekeeping Clerks", + "detailed_work_activities": [ + "Verify employee information.", + "Execute sales or other financial transactions.", + "Record personnel information.", + "Enter information into databases or software programs.", + "Calculate financial data.", + "File documents or records.", + "Prepare financial documents.", + "Reconcile records of sales or other financial transactions.", + "Prepare research or technical reports.", + "Distribute materials to employees or customers.", + "Compile data or documentation.", + "Maintain current knowledge related to work activities.", + "Check data for recording errors.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Provide information to coworkers.", + "Train others in operational procedures.", + "Coordinate operational activities." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Transaction Processing": 1, + "Clerical Information Processing": 1, + "Financial Record Management": 1, + "Information Processing": 1, + "Operational Documentation": 1, + "Precision Information Processing": 1, + "Professional Documentation": 1, + "Professional Information Processing": 1, + "Systematic Documentation": 1, + "Technical Documentation": 1, + "Transaction Processing": 1, + "Client Information Processing": 1, + "Client Information Verification": 1, + "Operational Information Management": 1, + "Operational Information Verification": 1 + }, + "original_index": 701, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "19-3099.01", + "job_title": "Transportation Planners", + "detailed_work_activities": [ + "Communicate with the public on environmental issues.", + "Prepare scientific or technical reports or presentations.", + "Collaborate with technical specialists to resolve design or development problems.", + "Advise others on matters of public policy.", + "Develop theories or models of physical phenomena.", + "Appraise environmental impact of regulations or policies.", + "Develop methods of social or economic research.", + "Interpret research or operational data.", + "Analyze costs and benefits of proposed designs or projects.", + "Evaluate civic projects or public policies.", + "Prepare documentation for permits or licenses.", + "Prepare research or technical reports on environmental issues.", + "Design civil structures or systems.", + "Prepare information or documentation related to legal or regulatory matters.", + "Direct scientific activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Policy Analysis and Development": 1, + "Strategic Communication": 1, + "Technical Documentation": 1, + "Environmental Impact Assessment": 1, + "Urban Planning Strategy": 1, + "Systems Analysis": 1, + "Stakeholder Communication Management": 1, + "Operational Coordination": 1, + "Strategic Problem Solving": 1, + "Quantitative Reasoning": 1 + }, + "original_index": 702, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "35-9021.00", + "job_title": "Dishwashers", + "detailed_work_activities": [ + "Clean tableware.", + "Store supplies or goods in kitchens or storage areas.", + "Remove trash.", + "Clean food preparation areas, facilities, or equipment.", + "Prepare foods for cooking or serving.", + "Stock serving stations or dining areas with food or supplies.", + "Move equipment, supplies or food to required locations.", + "Package food or supplies.", + "Load shipments, belongings, or materials.", + "Arrange tables or dining areas." + ], + "skills": [], + "skill_vector": { + "Maintenance and Cleaning": 1, + "Material Handling": 1, + "Operational Sanitation Management": 1, + "Kitchen Safety Management": 1, + "Kitchen Resource Management": 1, + "Food Service Operations": 1, + "Inventory Management": 1, + "Workplace Safety Management": 1, + "Operational Safety Protocols": 1, + "Precision Manual Material Handling": 1, + "Operational Documentation": 1, + "Interpersonal Kitchen Coordination": 1, + "Waste Processing and Sorting": 1, + "Professional Communication": 1, + "Operational Coordination": 1 + }, + "original_index": 703, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1141.02", + "job_title": "Advanced Practice Psychiatric Nurses", + "detailed_work_activities": [ + "Evaluate patient functioning, capabilities, or health.", + "Diagnose medical conditions.", + "Explain medical procedures or test results to patients or family members.", + "Monitor patient progress or responses to treatments.", + "Prescribe medications.", + "Record patient medical histories.", + "Analyze patient data to determine patient needs or treatment goals.", + "Develop medical treatment plans.", + "Maintain medical or professional knowledge.", + "Treat patients using psychological therapies.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Refer patients to other healthcare practitioners or health resources.", + "Analyze test data or images to inform diagnosis or treatment.", + "Maintain inventory of medical supplies or equipment.", + "Establish nursing policies or standards.", + "Administer intravenous medications.", + "Examine patients to assess general physical condition.", + "Administer basic health care or medical treatments.", + "Design public or employee health programs.", + "Teach health management classes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Behavioral Health Counseling": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Patient Psychological Assessment": 1, + "Patient Treatment Planning": 1, + "Therapeutic Patient Communication": 1, + "Therapeutic Intervention Strategy": 1, + "Professional Healthcare Communication": 1, + "Healthcare Documentation Management": 1, + "Medication Management": 1, + "Complex Healthcare Decision Making": 1, + "Patient Safety Management": 1, + "Interdisciplinary Healthcare Collaboration": 1 + }, + "original_index": 704, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-2031.00", + "job_title": "Engine and Other Machine Assemblers", + "detailed_work_activities": [ + "Plan production or operational procedures or sequences.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Inspect installed components or assemblies.", + "Align parts or workpieces to ensure proper assembly.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Assemble electromechanical or hydraulic systems.", + "Smooth metal surfaces or edges.", + "Cut industrial materials in preparation for fabrication or processing.", + "Drill holes in parts, equipment, or materials.", + "Lay out parts to prepare for assembly.", + "Repair parts or assemblies.", + "Replace worn equipment components.", + "Apply lubricants or coolants to workpieces.", + "Operate grinding equipment.", + "Operate metal or plastic forming equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Precision Equipment Assembly": 1, + "Precision Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Quality Control Inspection": 1, + "Material Handling": 1, + "Technical Measurement and Verification": 1, + "Mechanical Component Fabrication": 1, + "Technical Documentation": 1, + "Operational Safety Management": 1, + "Academic Instruction": 0 + }, + "original_index": 705, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "11-9151.00", + "job_title": "Social and Community Service Managers", + "detailed_work_activities": [ + "Develop operating strategies, plans, or procedures.", + "Direct administrative or support services.", + "Supervise employees.", + "Monitor performance of organizational members or partners.", + "Develop organizational policies or programs.", + "Conduct opinion surveys or needs assessments.", + "Maintain operational records.", + "Prepare financial documents, reports, or budgets.", + "Resolve customer complaints or problems.", + "Establish interpersonal business relationships to facilitate work activities.", + "Hire personnel.", + "Interview employees, customers, or others to collect information.", + "Recruit personnel.", + "Analyze market research data.", + "Evaluate training programs, instructors, or materials.", + "Manage human resources activities.", + "Advise others on legal or regulatory compliance matters.", + "Analyze impact of legal or regulatory changes.", + "Prepare operational budgets.", + "Promote products, services, or programs.", + "Represent the organization in external relations.", + "Coordinate special events or programs." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Advanced Interpersonal Communication": 1, + "Advanced Problem Solving": 1, + "Advocacy and Resource Navigation": 1, + "Client Needs Assessment": 1, + "Community Needs Assessment": 1, + "Community Outreach Coordination": 1, + "Community Program Development": 1, + "Comprehensive Client Guidance": 1, + "Interpersonal Communication": 1, + "Operational Communication": 1, + "Professional Communication": 1, + "Resource Allocation": 1, + "Stakeholder Communication": 1, + "Strategic Communication": 1 + }, + "original_index": 706, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "29-1229.03", + "job_title": "Urologists", + "detailed_work_activities": [ + "Treat chronic diseases or disorders.", + "Administer cancer treatments.", + "Diagnose medical conditions.", + "Operate diagnostic imaging equipment.", + "Prescribe medications.", + "Administer non-intravenous medications.", + "Analyze test data or images to inform diagnosis or treatment.", + "Gather medical information from patient histories.", + "Order medical diagnostic or clinical tests.", + "Record patient medical histories.", + "Advise medical personnel regarding healthcare issues.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Operate on patients to treat conditions.", + "Supervise patient care personnel.", + "Refer patients to other healthcare practitioners or health resources.", + "Train medical providers." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Advanced Medical Equipment Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Management": 1, + "Clinical Treatment Planning": 1, + "Healthcare Documentation": 1, + "Healthcare Patient Communication": 1, + "Healthcare Professional Collaboration": 1, + "Medical Diagnostic Assessment": 1, + "Medical Procedure Support": 1, + "Patient Treatment Planning": 1, + "Professional Medical Communication": 1, + "Surgical Intervention": 1 + }, + "original_index": 707, + "sparsity": 0.9848762603116407 + }, + { + "onet_code": "41-9021.00", + "job_title": "Real Estate Brokers", + "detailed_work_activities": [ + "Contract real estate to clients.", + "Prepare sales or other contracts.", + "Negotiate prices or other sales terms.", + "Supervise sales or support personnel.", + "Appraise property values.", + "Obtain property information.", + "Oversee business processes.", + "Review accuracy of sales or other transactions.", + "Review laws or regulations to maintain professional knowledge.", + "Monitor market conditions or trends.", + "Help clients get needed services or resources.", + "Create images or other visual displays.", + "Enter information into databases or software programs.", + "Assess compliance with environmental laws." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Real Estate Transaction Management": 1, + "Property Valuation Analysis": 1, + "Client Relationship Management": 1, + "Negotiation and Persuasion": 1, + "Professional Communication": 1, + "Market Intelligence": 1, + "Legal Compliance Monitoring": 1, + "Administrative Documentation Management": 1, + "Strategic Sales Management": 1, + "Business Relationship Development": 1, + "Customer Needs Assessment": 1, + "Professional Time Management": 1, + "Technical Documentation": 1, + "Professional Networking": 1, + "Financial Transaction Processing": 1 + }, + "original_index": 708, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-1082.00", + "job_title": "Library Science Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Research topics in area of expertise.", + "Serve on institutional or departmental committees.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Write articles, books or other original materials in area of expertise.", + "Teach humanities courses at the college level.", + "Develop instructional materials.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Guide class discussions.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Advise students on academic or career matters.", + "Maintain student records.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Create technology-based learning materials.", + "Supervise student research or internship work.", + "Teach online courses.", + "Compile specialized bibliographies or lists of materials.", + "Edit documents.", + "Write grant proposals.", + "Direct department activities.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Plan community programs or activities for the general public.", + "Plan educational activities.", + "Plan experiential learning activities.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 709, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-2011.01", + "job_title": "Cytogenetic Technologists", + "detailed_work_activities": [ + "Prepare biological specimens for laboratory analysis.", + "Analyze laboratory specimens to detect abnormalities or other problems.", + "Operate laboratory equipment to analyze medical samples.", + "Determine protocols for medical procedures.", + "Collect biological specimens from patients.", + "Prepare official health documents or records.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Communicate test or assessment results to medical professionals.", + "Communicate detailed medical information to patients or family members.", + "Enter patient or treatment data into computers.", + "Develop healthcare quality and safety procedures.", + "Monitor medical facility activities to ensure adherence to standards or regulations.", + "Test biological specimens to gather information about patient conditions.", + "Create advanced digital images of patients using computer imaging systems.", + "Inform medical professionals regarding patient conditions and care.", + "Maintain medical laboratory equipment.", + "Maintain medical facility records.", + "Supervise technical medical personnel.", + "Prepare healthcare training materials.", + "Train medical providers." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Biological Sample Analysis": 1, + "Biological Specimen Processing": 1, + "Clinical Documentation Management": 1, + "Clinical Patient Assessment": 1, + "Medical Diagnostic Reasoning": 1, + "Medical Laboratory Operations": 1, + "Scientific Laboratory Procedure Management": 1, + "Technical Documentation": 1, + "Technical Equipment Management": 1 + }, + "original_index": 710, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "21-1014.00", + "job_title": "Mental Health Counselors", + "detailed_work_activities": [ + "Counsel clients or patients regarding personal issues.", + "Complete documentation required by programs or regulations.", + "Write reports or evaluations.", + "Counsel clients or patients with substance abuse issues.", + "Teach life skills or strategies to clients or their families.", + "Intervene in crisis situations to assist clients.", + "Maintain client records.", + "Provide first aid or rescue assistance in emergencies.", + "Respond to emergencies to provide assistance.", + "Develop treatment plans for patients or clients.", + "Collect information about clients.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Modify treatment plans to accommodate client needs.", + "Evaluate characteristics of individuals to determine needs or eligibility.", + "Provide basic health care services.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Advocate for individual or community needs.", + "Develop health assessment methods or programs.", + "Evaluate the effectiveness of counseling or educational programs.", + "Monitor clients to evaluate treatment progress.", + "Plan programs to address community mental wellness needs.", + "Counsel family members of clients or patients.", + "Develop working relationships with others to facilitate program activities.", + "Maintain professional social services knowledge.", + "Refer clients to community or social service programs.", + "Supervise workers providing client or patient services.", + "Collect information about community health needs.", + "Confer with family members to discuss client treatment plans or progress.", + "Plan programs to address community health issues.", + "Lead classes or community events.", + "Train staff members in social services skills." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Behavioral Health Counseling": 1, + "Clinical Counseling": 1, + "Patient Psychological Assessment": 1, + "Therapeutic Patient Communication": 1, + "Client Treatment Planning": 1, + "Interpersonal Counseling": 1, + "Crisis Intervention Management": 1, + "Substance Abuse Intervention": 1, + "Professional Documentation Management": 1, + "Community Health Support": 1, + "Psychological Assessment": 1, + "Family Systems Counseling": 1, + "Professional Communication": 1, + "Client Case Management": 1, + "Academic Instruction": 0, + "Technical Equipment Management": 0 + }, + "original_index": 711, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "15-2041.01", + "job_title": "Biostatisticians", + "detailed_work_activities": [ + "Analyze data to identify trends or relationships among variables.", + "Analyze health-related data.", + "Prepare analytical reports.", + "Present research results to others.", + "Determine appropriate methods for data analysis.", + "Design research studies to obtain scientific information.", + "Prepare graphics or other visual representations of information.", + "Update knowledge about emerging industry or technology trends.", + "Write computer programming code.", + "Advise customers on technical or procedural issues.", + "Develop detailed project plans.", + "Develop scientific or mathematical models.", + "Monitor operational activities to ensure compliance with regulations or standard operating procedures.", + "Write grant proposals.", + "Create databases to store electronic data.", + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Collect data about customer needs.", + "Collect information from people through observation, interviews, or surveys.", + "Assign duties or work schedules to employees.", + "Design computer modeling or simulation programs.", + "Train others in computer interface or software use." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Programming\u2014 Writing computer programs for various purposes.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Analytical Problem Solving": 1, + "Biological Research Methodology": 1, + "Computational Data Analysis": 1, + "Research Methodology": 1, + "Scientific Research Methodology": 1 + }, + "original_index": 712, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "41-4011.07", + "job_title": "Solar Sales Representatives and Assessors", + "detailed_work_activities": [ + "Customize energy products or services to meet customer needs.", + "Develop content for sales presentations or other materials.", + "Develop proposals for current or prospective customers.", + "Prepare sales or other contracts.", + "Explain technical product or service information to customers.", + "Explain financial information to customers.", + "Gather customer or product information to determine customer needs.", + "Evaluate potential of products, technologies, or resources.", + "Identify potential customers.", + "Assess locations for potential green technology installations.", + "Take product orders from customers.", + "Prepare drawings or diagrams of products or services.", + "Develop marketing plans or strategies.", + "Demonstrate products to consumers." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 0, + "Sales Communication": 1, + "Customer Needs Assessment": 1, + "Green Technology Sales Strategy": 1, + "Technical Product Communication": 1, + "Proposal Development": 1, + "Marketing Strategy": 1, + "Site Evaluation and Preparation": 1, + "Contract Management": 1, + "Financial Communication": 1, + "Product Demonstration": 1, + "Renewable Energy Systems": 1, + "Customer Relationship Management": 1 + }, + "original_index": 713, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "33-2011.00", + "job_title": "Firefighters", + "detailed_work_activities": [ + "Rescue people from hazardous situations.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Locate fires or fire danger areas.", + "Assess characteristics of fires.", + "Relay information about incidents or emergencies to personnel using phones or two-way radios.", + "Respond to emergencies to provide assistance.", + "Operate firefighting equipment.", + "Examine debris to obtain information about causes of fires.", + "Prepare hoses or water supplies to fight fires.", + "Communicate with other workers to coordinate activities.", + "Request emergency personnel.", + "Collaborate with law enforcement or security agencies to respond to incidents.", + "Patrol natural areas to ensure safety or enforce regulations.", + "Attend training to learn new skills or update knowledge.", + "Demonstrate activity techniques or equipment use.", + "Maintain professional knowledge or certifications.", + "Prepare investigation or incident reports.", + "Protect property from fire or water damage.", + "Educate the public about fire safety or prevention.", + "Participate in physical training to maintain fitness.", + "Maintain fire fighting tools or equipment.", + "Inspect equipment to ensure safety or proper functioning.", + "Inspect facilities to ensure compliance with fire regulations.", + "Implement advanced life support techniques.", + "Provide first aid or rescue assistance in emergencies.", + "Train personnel on proper operational procedures.", + "Treat medical emergencies." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something." + ], + "skill_vector": { + "Advanced Life Support Management": 1, + "Emergency Medical Intervention": 1, + "Emergency Response Coordination": 1, + "Public Safety Management": 1, + "Safety and Emergency Response": 1, + "Technical Safety Management": 1, + "Operational Safety Coordination": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Maintenance": 1, + "Situational Awareness": 1, + "Interpersonal Communication": 1, + "Professional Training and Development": 1, + "Risk Assessment": 1, + "Physical Fitness Management": 1, + "Incident Documentation": 1 + }, + "original_index": 714, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-3031.03", + "job_title": "Investment Fund Managers", + "detailed_work_activities": [ + "Direct financial operations.", + "Monitor financial activities.", + "Monitor financial indicators.", + "Develop organizational policies or programs.", + "Implement organizational process or policy changes.", + "Approve expenditures.", + "Analyze forecasting data to improve business decisions.", + "Advise others on business or operational matters.", + "Communicate organizational information to customers or other stakeholders.", + "Monitor organizational procedures to ensure proper functioning.", + "Maintain knowledge of current developments in area of expertise.", + "Coordinate with external parties to exchange information.", + "Evaluate potential of products, technologies, or resources.", + "Determine operational compliance with regulations or standards.", + "Evaluate employee performance.", + "Hire personnel.", + "Monitor external affairs or events affecting business operations.", + "Examine financial records to ensure compliance with policies or regulations.", + "Examine marketing materials to ensure compliance with policies or regulations.", + "Develop promotional materials.", + "Direct sales, marketing, or customer service activities.", + "Identify potential customers.", + "Direct organizational operations, projects, or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Investment Portfolio Management": 1, + "Financial Analysis": 1, + "Financial Strategic Planning": 1, + "Strategic Decision Making": 1, + "Risk Assessment": 1, + "Quantitative Financial Analysis": 1, + "Business Intelligence Analysis": 1, + "Strategic Resource Management": 1, + "Stakeholder Communication": 1, + "Market Intelligence": 1, + "Strategic Operational Analysis": 1, + "Financial Compliance": 1, + "Strategic Performance Monitoring": 1, + "Professional Financial Communication": 1, + "Technical Documentation": 1, + "Operational Documentation Management": 1, + "Strategic Risk Assessment": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Agricultural Operations": 0 + }, + "original_index": 715, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "43-5031.00", + "job_title": "Public Safety Telecommunicators", + "detailed_work_activities": [ + "Provide basic health care services.", + "Discuss goods or services information with customers or patrons.", + "Coordinate operational activities.", + "Answer telephones to direct calls or provide information.", + "Maintain call records.", + "Relay information between personnel.", + "Operate communications equipment or systems.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Maintain security.", + "Operate vehicles or material-moving equipment.", + "Enter information into databases or software programs.", + "Search files, databases or reference materials to obtain needed information.", + "Confer with coworkers to coordinate work activities.", + "Refer customers to appropriate personnel.", + "Maintain current knowledge related to work activities.", + "Monitor alarm systems.", + "Adjust office equipment to ensure proper operation.", + "Monitor equipment operation to ensure proper functioning.", + "Report maintenance or equipment problems to appropriate personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Communication Information Management": 1, + "Emergency Communication Management": 1, + "Operational Communication": 1, + "Public Safety Communication": 1, + "Technical Communication": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Safety Communication": 1, + "Operational Safety Coordination": 1, + "Information Processing": 1, + "Situational Awareness": 1, + "Crisis Management": 1, + "Operational Monitoring": 1 + }, + "original_index": 716, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-7072.00", + "job_title": "Pump Operators, Except Wellhead Pumpers", + "detailed_work_activities": [ + "Monitor equipment gauges or displays to ensure proper operation.", + "Report vehicle or equipment malfunctions.", + "Plan work operations.", + "Record operational or production data.", + "Control pumps or pumping equipment.", + "Communicate with others to coordinate material handling or movement.", + "Connect hoses to equipment or machinery.", + "Measure the level or depth of water or other liquids.", + "Monitor cargo area conditions.", + "Clean machinery or equipment.", + "Maintain material moving equipment in good working condition.", + "Receive information or instructions for performing work assignments.", + "Review work orders or schedules to determine operations or procedures.", + "Monitor equipment operation to ensure proper functioning.", + "Collect samples for analysis or testing.", + "Load materials into equipment for processing.", + "Move materials, equipment, or supplies.", + "Test materials, solutions, or samples." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Equipment Operation and Control": 1, + "Equipment Monitoring": 1, + "Operational Monitoring": 1, + "Technical Equipment Operation": 1, + "Material Handling": 1, + "Operational Documentation": 1, + "Technical Safety Management": 1, + "Precision Equipment Monitoring": 1, + "Technical Diagnostic Troubleshooting": 1, + "Operational Safety Monitoring": 1 + }, + "original_index": 717, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1299.01", + "job_title": "Web Administrators", + "detailed_work_activities": [ + "Collaborate with others to resolve information technology issues.", + "Monitor the security of digital information.", + "Document operational procedures.", + "Maintain contingency plans for disaster recovery.", + "Create electronic data backup to prevent loss of information.", + "Modify software programs to improve performance.", + "Resolve computer software problems.", + "Recommend changes to improve computer or information systems.", + "Develop computer or information security policies or procedures.", + "Implement security measures for computer or information systems.", + "Maintain computer networks to enhance performance and user access.", + "Analyze website or related online data to track trends or usage.", + "Test computer system operations to ensure proper functioning.", + "Manage budgets for appropriate resource allocation.", + "Install computer hardware.", + "Install computer software.", + "Update website content.", + "Analyze data to identify or resolve operational problems.", + "Design websites or web applications.", + "Document operational activities.", + "Develop specifications or procedures for website development or maintenance.", + "Develop performance metrics or standards related to information technology.", + "Document design or development procedures.", + "Update knowledge about emerging industry or technology trends.", + "Collaborate with others to develop or implement marketing strategies.", + "Identify information technology project resource requirements.", + "Provide technical support for software maintenance or use.", + "Train others in computer interface or software use.", + "Develop testing routines or procedures.", + "Test software performance.", + "Implement advertising or marketing initiatives.", + "Evaluate utility of software or hardware technologies.", + "Provide recommendations to others about computer hardware." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Programming\u2014 Writing computer programs for various purposes.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 0, + "Technical Documentation": 1, + "Technical Communication": 1, + "Information Systems Management": 1, + "Information Security Management": 1, + "Technical Problem Solving": 1, + "Web Technology Management": 1, + "Software Systems Architecture": 1, + "Technical Performance Monitoring": 1, + "Strategic Technology Management": 1, + "Technical Quality Control": 1, + "Resource Allocation Management": 1, + "Technical Training and Development": 1 + }, + "original_index": 718, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1141.03", + "job_title": "Critical Care Nurses", + "detailed_work_activities": [ + "Analyze test data or images to inform diagnosis or treatment.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Treat medical emergencies.", + "Monitor patient progress or responses to treatments.", + "Administer intravenous medications.", + "Administer non-intravenous medications.", + "Develop medical treatment plans.", + "Test patient heart or lung functioning.", + "Record patient medical histories.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Collect biological specimens from patients.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Prepare medical supplies or equipment for use.", + "Administer blood or other fluids intravenously.", + "Interact with patients to build rapport or provide emotional support.", + "Assess patient work, living, or social environments.", + "Assist healthcare practitioners during examinations or treatments.", + "Examine medical instruments or equipment to ensure proper operation.", + "Supervise patient care personnel.", + "Evaluate patient functioning, capabilities, or health.", + "Maintain medical or professional knowledge.", + "Establish nursing policies or standards.", + "Conduct health or safety training programs.", + "Train medical providers." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Science\u2014 Using scientific rules and methods to solve problems." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Support": 1, + "Clinical Procedure Support": 1, + "Complex Healthcare Decision Making": 1, + "Emergency Medical Intervention": 1, + "Healthcare Patient Communication": 1, + "Healthcare Patient Management": 1, + "Healthcare Professional Collaboration": 1, + "Healthcare Safety Management": 1, + "Patient Monitoring and Safety": 1 + }, + "original_index": 719, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "13-1161.00", + "job_title": "Market Research Analysts and Marketing Specialists", + "detailed_work_activities": [ + "Prepare research reports.", + "Analyze consumer trends.", + "Conduct surveys in organizations.", + "Establish business management methods.", + "Measure effectiveness of business strategies or practices.", + "Analyze market conditions or trends.", + "Gather organizational performance information.", + "Analyze industry trends.", + "Monitor business indicators.", + "Discuss business strategies, practices, or policies with managers.", + "Supervise employees.", + "Develop business or market strategies." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Market Intelligence Analysis": 1, + "Business Intelligence Analysis": 1, + "Strategic Market Communication": 1, + "Consumer Trend Interpretation": 1, + "Strategic Research Methodology": 1, + "Quantitative Data Processing": 1, + "Strategic Business Intelligence": 1, + "Stakeholder Communication Strategy": 1, + "Performance Monitoring and Analysis": 1, + "Professional Communication Management": 1 + }, + "original_index": 720, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "33-3021.06", + "job_title": "Intelligence Analysts", + "detailed_work_activities": [ + "Examine records or other types of data to investigate criminal activities.", + "Use databases to locate investigation details or other information.", + "Observe individuals' activities to gather information or compile evidence.", + "Collaborate with law enforcement or security agencies to share information.", + "Prepare investigation or incident reports.", + "Investigate illegal or suspicious activities.", + "Record information about suspects or criminals.", + "Present research results to others.", + "Determine operational procedures.", + "Interview people to gather information about criminal activities.", + "Develop technical methods or processes.", + "Plan work procedures.", + "Maintain professional knowledge or certifications.", + "Operate surveillance equipment to detect suspicious or illegal activities." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Intelligence Analysis": 1, + "Advanced Analytical Reasoning": 1, + "Investigative Analysis": 1, + "Strategic Information Gathering": 1, + "Strategic Information Verification": 1, + "Systematic Investigative Analysis": 1, + "Technical Investigative Analysis": 1, + "Threat Detection and Assessment": 1, + "Surveillance Operations": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Interpersonal Observation Skills": 1, + "Professional Communication": 1, + "Strategic Investigative Analysis": 1, + "Technical Information Processing": 1, + "Operational Information Management": 1, + "Systematic Observational Analysis": 1, + "Professional Surveillance Techniques": 1, + "Security Risk Assessment": 1, + "Interagency Collaboration": 1 + }, + "original_index": 721, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "25-1031.00", + "job_title": "Architecture Teachers, Postsecondary", + "detailed_work_activities": [ + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Develop instructional materials.", + "Teach humanities courses at the college level.", + "Evaluate student work.", + "Maintain student records.", + "Guide class discussions.", + "Administer tests to assess educational needs or progress.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Prepare tests.", + "Stay informed about current developments in field of specialization.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Supervise student research or internship work.", + "Direct department activities.", + "Write grant proposals.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Serve on institutional or departmental committees.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Compile specialized bibliographies or lists of materials.", + "Advise educators on curricula, instructional methods, or policies.", + "Plan community programs or activities for the general public." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 722, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1171.00", + "job_title": "Nurse Practitioners", + "detailed_work_activities": [ + "Record patient medical histories.", + "Develop medical treatment plans.", + "Analyze test data or images to inform diagnosis or treatment.", + "Communicate detailed medical information to patients or family members.", + "Diagnose medical conditions.", + "Prescribe medications.", + "Treat medical emergencies.", + "Treat chronic diseases or disorders.", + "Treat acute illnesses, infections, or injuries.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Prescribe treatments or therapies.", + "Advise patients on effects of health conditions or treatments.", + "Operate diagnostic imaging equipment.", + "Order medical diagnostic or clinical tests.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Maintain medical or professional knowledge.", + "Refer patients to other healthcare practitioners or health resources.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Examine patients to assess general physical condition.", + "Schedule patient procedures or appointments.", + "Follow protocols or regulations for healthcare activities.", + "Apply bandages, dressings, or splints.", + "Immunize patients.", + "Advise patients on healthcare system processes.", + "Supervise patient care personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Patient Assessment": 1, + "Patient Care Coordination": 1, + "Healthcare Patient Communication": 1, + "Medical Diagnostic Reasoning": 1, + "Healthcare Treatment Planning": 1, + "Medical Documentation Management": 1, + "Healthcare Professional Collaboration": 1, + "Patient Safety Management": 1, + "Advanced Medical Intervention": 1 + }, + "original_index": 723, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "31-2012.00", + "job_title": "Occupational Therapy Aides", + "detailed_work_activities": [ + "Encourage patients during therapeutic activities.", + "Communicate patient status to other health practitioners.", + "Prepare medical reports or documents.", + "Administer screening tests to determine abilities or treatment needs.", + "Maintain medical records.", + "Monitor patient progress or responses to treatments.", + "Record vital statistics or other health information.", + "Maintain medical equipment or instruments.", + "Inventory medical supplies or equipment.", + "Prepare patient treatment areas for use.", + "Implement therapeutic programs to improve patient functioning.", + "Move patients to or from treatment areas.", + "Teach basic living or other adaptive skills to patients or caregivers.", + "Teach medical procedures or medical equipment use to patients.", + "Manage control system activities in organizations.", + "Monitor work areas or procedures to ensure compliance with safety procedures.", + "Teach medical procedures to healthcare personnel.", + "Perform clerical work in medical settings.", + "Schedule patient procedures or appointments.", + "Stock medical or patient care supplies.", + "Engage patients in exercises or activities.", + "Accompany patients or clients on outings to provide assistance." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Patient Care Communication": 1, + "Patient Assessment": 1, + "Healthcare Patient Support": 1, + "Therapeutic Patient Intervention": 1, + "Healthcare Documentation Management": 1, + "Healthcare Equipment Management": 1, + "Interpersonal Patient Communication": 1, + "Clinical Procedure Support": 1, + "Patient Safety Management": 1, + "Academic Instruction": 0, + "Research Methodology": 0, + "Advanced Medical Equipment Management": 0 + }, + "original_index": 724, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "49-9099.01", + "job_title": "Geothermal Technicians", + "detailed_work_activities": [ + "Adjust equipment to ensure optimal performance.", + "Document operational activities.", + "Maintain repair or maintenance records.", + "Repair green energy equipment or systems.", + "Troubleshoot equipment or systems operation problems.", + "Install energy-efficient heating, ventilation, or air conditioning (HVAC) equipment.", + "Repair electronic equipment.", + "Calibrate equipment to specifications.", + "Maintain work equipment or machinery.", + "Develop equipment or component configurations.", + "Determine types of equipment, tools, or materials needed for jobs.", + "Test mechanical equipment to ensure proper functioning.", + "Service heating, ventilation or air-conditioning (HVAC) systems or components.", + "Operate welding equipment.", + "Test fluids to identify contamination or other problems.", + "Apply protective coverings to objects or surfaces near work areas.", + "Dig holes or trenches.", + "Install piping for installation or maintenance activities.", + "Pour materials into or on designated areas.", + "Move large objects using heavy equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Green Energy Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Equipment Operation and Monitoring": 1, + "Technical Diagnostic Troubleshooting": 1, + "Renewable Energy Systems": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Site Preparation and Measurement": 1, + "Technical Equipment Installation": 1, + "Operational Monitoring": 1 + }, + "original_index": 725, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-4061.00", + "job_title": "Rail-Track Laying and Maintenance Equipment Operators", + "detailed_work_activities": [ + "Locate equipment or materials in need of repair or replacement.", + "Maintain mechanical equipment.", + "Weld metal components.", + "Verify alignment of structures or equipment.", + "Operate heavy-duty construction or installation equipment.", + "Cut metal components for installation.", + "Clean equipment or facilities.", + "Maintain construction tools or equipment.", + "Drill holes in construction materials.", + "Compact materials to create level bases.", + "Spread sand, dirt or other loose materials onto surfaces.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Smooth surfaces with abrasive materials or tools.", + "Apply paint to surfaces.", + "Cut wood components for installation.", + "Apply sealants or other protective coatings." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Operation and Control": 1, + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Operation": 1, + "Technical Safety Management": 1, + "Material Handling": 1, + "Construction Equipment Operation": 1, + "Technical Measurement and Verification": 1, + "Welding and Fabrication": 1, + "Surface Preparation": 1, + "Technical Troubleshooting": 1, + "Operational Safety Management": 1 + }, + "original_index": 726, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-9179.02", + "job_title": "Spa Managers", + "detailed_work_activities": [ + "Resolve customer complaints or problems.", + "Schedule appointments.", + "Maintain client information or service records.", + "Arrange facility schedules.", + "Maintain financial or account records.", + "Monitor operational quality or safety.", + "Develop plans for programs or services.", + "Evaluate employee performance.", + "Perform human resources activities.", + "Sell products or services.", + "Train service staff.", + "Maintain supply or equipment inventories.", + "Manage budgets for personal services operations.", + "Order materials, supplies, or equipment.", + "Maintain professional knowledge or certifications.", + "Direct facility maintenance or repair activities.", + "Assign duties or work schedules to employees.", + "Verify patron or staff credentials.", + "Inspect equipment to ensure proper functioning.", + "Supervise service workers." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work." + ], + "skill_vector": { + "Operational Customer Service Coordination": 1, + "Service Orientation": 1, + "Client Relationship Management": 1, + "Personnel Resource Management": 1, + "Operational Performance Management": 1, + "Facility Maintenance and Sanitation": 1, + "Financial Resource Management": 1, + "Inventory Management": 1, + "Professional Communication": 1, + "Quality Control and Safety Management": 1, + "Training Program Development": 1, + "Scheduling and Appointment Management": 1, + "Customer Needs Assessment": 1, + "Aesthetic Service Coordination": 1, + "Wellness Program Management": 1 + }, + "original_index": 727, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "41-2012.00", + "job_title": "Gambling Change Persons and Booth Cashiers", + "detailed_work_activities": [ + "Maintain records of sales or other business transactions.", + "Obtain written authorization to perform activities.", + "Issue money, credit, or vouchers.", + "Process sales or other transactions.", + "Compute gaming wins and losses.", + "Reconcile records of sales or other financial transactions.", + "Examine personal documentation to ensure that it is valid.", + "Monitor work areas to provide security.", + "Review accuracy of sales or other transactions.", + "Verify patron or staff credentials.", + "Verify customer credit information.", + "Sell products or services.", + "Clean facilities or equipment.", + "Clean work areas." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operational Transaction Processing": 1, + "Operational Documentation": 1, + "Patron Safety Management": 1, + "Financial Transaction Processing": 1, + "Customer Information Verification": 1, + "Operational Safety Monitoring": 1, + "Professional Communication": 1, + "Interpersonal Service Communication": 1, + "Precision Information Processing": 1, + "Situational Awareness": 1 + }, + "original_index": 728, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-9123.00", + "job_title": "Painting, Coating, and Decorating Workers", + "detailed_work_activities": [ + "Apply protective or decorative finishes to workpieces or products.", + "Inspect finishes of workpieces or finished products.", + "Operate painting or coating equipment.", + "Mix ingredients to create specific finishes.", + "Select production input materials.", + "Load items into ovens or furnaces.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Clean workpieces or finished products.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Fill cracks, imperfections, or holes in products or workpieces." + ], + "skills": [], + "skill_vector": { + "Interpersonal Communication": 0, + "Operational Coordination": 0, + "Critical Problem Solving": 0, + "Technical Equipment Maintenance": 0, + "Operational Safety and Quality Control": 0, + "Precision Manual Manipulation": 0, + "Emergency Response Management": 0, + "Transportation Systems Navigation": 0, + "Performance and Safety Monitoring": 0, + "Material Processing": 0, + "Industrial Equipment Operation": 0, + "Workplace Maintenance": 0, + "Spatial Visualization": 0, + "Mechanical Fabrication": 0, + "Systems Installation": 0, + "Renewable Energy Systems": 0, + "Technical Documentation": 0, + "Environmental Technology Deployment": 0, + "Logistics Resource Management": 0, + "Operational Compliance and Safety": 0, + "Quantitative Operational Analysis": 0, + "Hospitality Management": 0, + "Organizational Resource Coordination": 0, + "Adaptive Workplace Communication": 0, + "Strategic Operational Planning": 0, + "Performance and Compliance Monitoring": 0, + "Educational Support": 0, + "Developmental Mentorship": 0, + "Inclusive Learning Management": 0, + "Technical Maintenance and Repair": 0, + "Operational Safety Management": 0, + "Resource Coordination and Personnel Management": 0, + "Complex Problem Resolution": 0, + "Technical Systems Analysis": 0, + "Precision Technical Documentation": 0, + "Advanced Equipment Calibration": 0, + "Integrated Systems Engineering": 0, + "Quantitative Technical Problem Solving": 0, + "Mechanical Equipment Diagnostics": 0, + "Preventive Maintenance Execution": 0, + "Technical Repair Workflow Management": 0, + "Geological Site Preparation": 0, + "Drilling and Excavation Techniques": 0, + "Heavy Equipment Navigation": 0, + "Geological Sample Collection": 0, + "Environmental Decontamination": 0, + "Green Energy Management": 0, + "Strategic Environmental Compliance": 0, + "Resource Allocation Strategy": 0, + "Advanced Stakeholder Negotiation": 0, + "Medical Diagnostics": 0, + "Healthcare Patient Management": 0, + "Medical Education and Training": 0, + "Healthcare Communication": 0, + "Medical Research and Innovation": 0, + "Patient Care Management": 0, + "Medical Knowledge Application": 0, + "Healthcare Professional Collaboration": 0, + "Health Education and Counseling": 0, + "Clinical Documentation Management": 0, + "Production Equipment Management": 0, + "Quality Assurance Inspection": 0, + "Surface Preparation and Finishing": 0, + "Operational Material Handling": 0, + "Precision Manufacturing Techniques": 0, + "Process Equipment Operation": 0, + "Operational Material Processing": 0, + "Systematic Quality Verification": 0, + "Food Service Management": 0, + "Culinary Preparation Skills": 0, + "Kitchen Safety and Sanitation": 0, + "Inventory and Resource Management": 0, + "Operational Food Service Coordination": 0, + "Construction Material Manipulation": 0, + "Infrastructure Installation": 0, + "Precision Construction Techniques": 0, + "Mechanical System Diagnostics": 0, + "Precision Equipment Maintenance": 0, + "Technical Operational Control": 0, + "Mechanical Component Fabrication": 0, + "Operational Safety Compliance": 0, + "Legal Decision Making": 0, + "Procedural Legal Communication": 0, + "Regulatory Conflict Resolution": 0, + "Print Production Management": 0, + "Manufacturing Process Control": 0, + "Technical Equipment Calibration": 0, + "Electronic Systems Engineering": 0, + "Technical Performance Diagnostics": 0, + "Technical Documentation Management": 0, + "Instrumentation and Equipment Installation": 0, + "Operational Cost and Resource Planning": 0, + "Labor Relations Management": 0, + "Regulatory Compliance Strategy": 0, + "Strategic Conflict Resolution": 0, + "Organizational Policy Development": 0, + "Professional Communication Dynamics": 0, + "Residential Support Management": 0, + "Interpersonal Behavioral Guidance": 0, + "Organizational Safety Oversight": 0, + "Administrative Support Coordination": 0, + "Conflict Mediation and Resolution": 0, + "Medical Administrative Support": 0, + "Professional Communication Management": 0, + "Organizational Information Processing": 0, + "Mechanical Repair Skills": 0, + "Precision Equipment Installation": 0, + "Operational Safety Monitoring": 0, + "Technical Documentation and Interpretation": 0, + "Legal Research and Analysis": 0, + "Judicial Documentation Management": 0, + "Professional Legal Communication": 0, + "Judicial Procedural Coordination": 0, + "Maternal Healthcare Management": 0, + "Clinical Procedure Instruction": 0, + "Comprehensive Patient Counseling": 0, + "Emergency Reproductive Care": 0, + "Airfield Operations Management": 0, + "Transportation Safety Monitoring": 0, + "Emergency Response Coordination": 0, + "Operational Communication Coordination": 0, + "Vehicle and Equipment Monitoring": 0, + "Therapeutic Counseling": 0, + "Client Treatment Management": 0, + "Substance Abuse Intervention": 0, + "Crisis Support Management": 0, + "Family Systems Counseling": 0, + "Maritime Operations Management": 0, + "Emergency Water Response": 0, + "Vessel Maintenance and Inspection": 0, + "Water Transportation Coordination": 0, + "Construction Material Preparation": 0, + "Structural Component Assembly": 0, + "Construction Equipment Management": 0, + "Surface Preparation Techniques": 0, + "Child Development Support": 0, + "Developmental Care Coordination": 0, + "Adaptive Caregiving": 0, + "Family Engagement and Communication": 0, + "Holistic Child Safety Management": 0, + "Measurement and Verification": 0, + "Logistics and Inventory Management": 0, + "Operational Documentation": 0, + "Vehicle Glass Repair": 0, + "Automotive Component Replacement": 0, + "Precision Surface Preparation": 0, + "Regulatory Compliance Management": 0, + "Strategic Resource Allocation": 0, + "Advanced Operational Governance": 0, + "Scientific Research Methodology": 0, + "Environmental Conservation Strategy": 0, + "Biological Systems Analysis": 0, + "Professional Scientific Communication": 0, + "Organizational Research Management": 0, + "Regulatory Environmental Compliance": 0, + "Technical Systems Optimization": 0, + "Resource and Budget Management": 0, + "Workforce Training and Development": 0, + "Postal Service Operations": 0, + "Customer Interaction Management": 0, + "Administrative Documentation": 0, + "Vehicle and Equipment Operation": 0, + "Legal Documentation Management": 0, + "Professional Transcription Skills": 0, + "Procedural Information Processing": 0, + "Precision Device Assembly": 0, + "Equipment Diagnostic Inspection": 0, + "Precision Measurement Techniques": 0, + "Client Representation Management": 0, + "Strategic Talent Negotiation": 0, + "Performance Career Development": 0, + "Entertainment Industry Coordination": 0, + "Professional Financial Management": 0, + "Hazardous Materials Management": 0, + "Safety and Risk Mitigation": 0, + "Heavy Equipment Operation": 0, + "Environmental Site Management": 0, + "Technical Substance Preparation": 0, + "Pharmaceutical Workflow Management": 0, + "Healthcare Compliance and Safety": 0, + "Environmental Conservation Management": 0, + "Specialized Equipment Operation": 0, + "Field Operations Coordination": 0, + "Agricultural Inventory Management": 0, + "Preventive Plant Care": 0, + "Environmental Data Analysis": 0, + "Scientific Sample Management": 0, + "Technical Reporting and Documentation": 0, + "Environmental Monitoring and Assessment": 0, + "Green Energy Engineering": 0, + "Technical Design Visualization": 0, + "Systematic Performance Evaluation": 0, + "Renewable Technology Testing": 0, + "Technical Project Planning": 0, + "Mechanical Repair and Maintenance": 0, + "Precision Material Manipulation": 0, + "Customer Engagement": 0, + "Retail Product Management": 0, + "Sales Transaction Processing": 0, + "Property Valuation Analysis": 0, + "Professional Documentation Management": 0, + "Economic Trend Forecasting": 0, + "Client Service Coordination": 0, + "Legal Testimony Preparation": 0, + "Production Assembly Skills": 0, + "Operational Quality Monitoring": 0, + "Technical Equipment Management": 0, + "Workplace Procedural Coordination": 0, + "Material Handling and Preparation": 0, + "Food Service Leadership": 0, + "Organizational Resource Allocation": 0, + "Interpersonal Conflict Resolution": 0, + "Performance Monitoring and Evaluation": 0, + "Project Management": 0, + "Strategic Technology Management": 0, + "Organizational Resource Optimization": 0, + "Advanced Stakeholder Communication": 0, + "Glass Fabrication Techniques": 0, + "Production Equipment Setup": 0, + "Manufacturing Quality Verification": 0, + "Personal Grooming Services": 0, + "Client Relationship Management": 0, + "Beauty Product Expertise": 0, + "Aesthetic Service Coordination": 0, + "Waste Management Operations": 0, + "Vehicle and Equipment Navigation": 0, + "Safety and Maintenance Inspection": 0, + "Software Development": 0, + "Information Technology Problem Solving": 0, + "Technology Project Management": 0, + "Enterprise Technology Integration": 0, + "Security Risk Management": 0, + "Investigative Compliance Analysis": 0, + "Personnel Resource Optimization": 0, + "Strategic Organizational Governance": 0, + "Comprehensive Workplace Monitoring": 0, + "Workforce Training Development": 0, + "Sales Communication": 0, + "Customer Relationship Cultivation": 0, + "Telemarketing Strategy": 0, + "Therapeutic Patient Care": 0, + "Healthcare Education and Counseling": 0, + "Adaptive Therapeutic Intervention": 0, + "Educational Support and Mentorship": 0, + "Adaptive Learning Management": 0, + "Performance Assessment and Monitoring": 0, + "Interpersonal Educational Communication": 0, + "Professional Educational Development": 0, + "Nanotechnology Process Control": 0, + "Precision Scientific Measurement": 0, + "Technical Research and Innovation": 0, + "Environmental Compliance Monitoring": 0, + "Technical Documentation and Reporting": 0, + "Tour Guide Services": 0, + "Patron Support Coordination": 0, + "Recreational Activity Management": 0, + "Social Support Services": 0, + "Family Systems Intervention": 0, + "Advocacy and Resource Navigation": 0, + "Psychosocial Assessment": 0, + "Client Hygiene Management": 0, + "Technical Design Drafting": 0, + "Precision Measurement Analysis": 0, + "Technical Collaborative Communication": 0, + "Blockchain Technology Development": 0, + "Cybersecurity Implementation": 0, + "Software Architecture Design": 0, + "Cryptographic Protocol Engineering": 0, + "Distributed Systems Engineering": 0, + "Precision Equipment Operation": 0, + "Manufacturing Quality Control": 0, + "Production Process Management": 0, + "Therapeutic Music Intervention": 0, + "Patient Psychological Assessment": 0, + "Healthcare Treatment Planning": 0, + "Empathetic Patient Communication": 0, + "Medical Documentation Management": 0, + "Medical Imaging Technology": 0, + "Healthcare Procedural Compliance": 0, + "Patient Diagnostic Interaction": 0, + "Medical Substance Management": 0, + "Clinical Equipment Maintenance": 0, + "Food Processing Operations": 0, + "Production Equipment Monitoring": 0, + "Quality Verification Techniques": 0, + "Material Handling and Processing": 0, + "Gaming Operations Management": 0, + "Customer Service Interaction": 0, + "Operational Quality Assurance": 0, + "Academic Instruction": 0, + "Student Performance Assessment": 0, + "Academic Research and Development": 0, + "Institutional Governance": 0, + "Professional Development Management": 0, + "Cultural Heritage Preservation": 0, + "Exhibit Design and Curation": 0, + "Archival Research and Documentation": 0, + "Surgical Intervention": 0, + "Medical Diagnostic Assessment": 0, + "Healthcare Procedural Coordination": 0, + "Medical Equipment Sterilization": 0, + "Clinical Research Management": 0, + "Athletic Performance Management": 0, + "Strategic Physical Coordination": 0, + "Professional Sports Communication": 0, + "Electrical Systems Installation": 0, + "Technical Equipment Diagnostics": 0, + "Safety Equipment Verification": 0, + "Artistic Performance Coordination": 0, + "Creative Composition Strategy": 0, + "Professional Artistic Negotiation": 0, + "Personal Care Support": 0, + "Compassionate Client Interaction": 0, + "Healthcare Assistance Coordination": 0, + "Domestic Support Management": 0, + "Environmental Regulatory Compliance": 0, + "Systematic Investigative Analysis": 0, + "Technical Environmental Monitoring": 0, + "Professional Regulatory Communication": 0, + "Green Energy Innovation": 0, + "Operational Environmental Strategy": 0, + "Technical Process Engineering": 0, + "Sustainable Production Management": 0, + "Energy Production Analytics": 0, + "Financial Information Processing": 0, + "Customer Information Acquisition": 0, + "Administrative Communication Management": 0, + "Financial Transaction Coordination": 0, + "Regulatory Compliance Documentation": 0, + "Construction Material Management": 0, + "Protective Work Environment Setup": 0, + "Construction Project Cost Estimation": 0, + "Environmental Science Research": 0, + "Regulatory Environmental Management": 0, + "Scientific Communication and Reporting": 0, + "Sustainability Planning": 0, + "Environmental Impact Assessment": 0, + "Administrative Document Processing": 0, + "Office Equipment Operation": 0, + "Communication and Information Routing": 0, + "Professional Time and Task Management": 0, + "Forensic Investigation": 0, + "Professional Testimony Preparation": 0, + "Landscape Maintenance Operations": 0, + "Specialized Equipment Navigation": 0, + "Safety-Focused Field Operations": 0, + "Biological Research Methodology": 0, + "Laboratory Sample Analysis": 0, + "Scientific Instrumentation Management": 0, + "Microorganism Classification": 0, + "Environmental Microbiological Assessment": 0, + "Vehicle Mechanical Repair": 0, + "Precision Manual Tool Operation": 0, + "Visual Display Design": 0, + "Creative Promotional Strategy": 0, + "Artistic Prop and Material Selection": 0, + "Technical Illustration and Modeling": 0, + "Educational Program Development": 0, + "Student Performance Management": 0, + "Adaptive Instructional Techniques": 0, + "Classroom Behavior Management": 0, + "Physical Fitness Instruction": 0, + "Health and Safety Management": 0, + "Client Performance Evaluation": 0, + "Recreational Activity Coordination": 0, + "Fitness Equipment Management": 0, + "Occupational Safety Management": 0, + "Health and Wellness Communication": 0, + "Regulatory Documentation Management": 0, + "Emergency Preparedness Planning": 0, + "Technical Equipment Inspection": 0, + "Medical Diagnostic Precision": 0, + "Healthcare Patient Interaction": 0, + "Vision Care Expertise": 0, + "Medical Treatment Planning": 0, + "Healthcare Equipment Management": 0, + "Cybersecurity Engineering": 0, + "Information Technology Project Management": 0, + "Security Risk Assessment": 0, + "Software Systems Architecture": 0, + "Surgical Intervention Management": 0, + "Medical Diagnostic Reasoning": 0, + "Healthcare Professional Coordination": 0, + "Precision Medical Equipment Management": 0, + "Patient Care and Communication": 0, + "Artistic Conceptualization": 0, + "Creative Technical Illustration": 0, + "Artistic Production Collaboration": 0, + "Artistic Material Preparation": 0, + "Creative Trend Monitoring": 0, + "Media Production Management": 0, + "Broadcast Technical Control": 0, + "Creative Technical Graphics": 0, + "Performance Choreography": 0, + "Artistic Performance Management": 0, + "Creative Artistic Instruction": 0, + "Artistic Trend Analysis": 0, + "Scientific Problem Solving": 0, + "Research and Development Methodology": 0, + "Facility Maintenance": 0, + "Equipment Operation": 0, + "Safety and Sanitation": 0, + "Psychological Assessment": 0, + "Clinical Counseling": 0, + "Scientific Mental Health Research": 0, + "Professional Healthcare Collaboration": 0, + "Neuropsychological Diagnostic Reasoning": 0, + "Mortuary Operations Management": 0, + "Deceased Care Preparation": 0, + "Grief Support Communication": 0, + "Cremation Equipment Operation": 0, + "Funeral Service Documentation": 0, + "Quality Systems Management": 0, + "Strategic Operational Decision Making": 0, + "Organizational Performance Monitoring": 0, + "Technical Documentation and Specification Development": 0, + "Personnel Resource Development": 0, + "Financial Product Sales": 0, + "Customer Needs Assessment": 0, + "Sales Transaction Management": 0, + "Professional Network Development": 0, + "Product Knowledge Acquisition": 0, + "Legal Decision Analysis": 0, + "Conflict Resolution and Mediation": 0, + "Precision Instrument Repair": 0, + "Technical Diagnostic Assessment": 0, + "Specialized Equipment Maintenance": 0, + "Precision Surface Refinishing": 0, + "Energy Systems Operation": 0, + "Industrial Equipment Maintenance": 0, + "Technical Safety Monitoring": 0, + "Precision Manual Technical Skills": 0, + "Operational Data Recording": 0, + "Medical Diagnostic Imaging": 0, + "Patient Care Coordination": 0, + "Clinical Equipment Management": 0, + "Healthcare Procedural Support": 0, + "Religious Program Management": 0, + "Spiritual Counseling": 0, + "Community Outreach Coordination": 0, + "Interpersonal Guidance": 0, + "Organizational Religious Leadership": 0, + "Strategic Project Management": 0, + "Advanced Resource Allocation": 0, + "Operational Performance Monitoring": 0, + "Environmental Systems Management": 0, + "Strategic Environmental Planning": 0, + "Technical Environmental Analysis": 0, + "Professional Environmental Communication": 0, + "Operational Environmental Monitoring": 0, + "Manufacturing Equipment Operation": 0, + "Quality Inspection and Verification": 0, + "Operational Safety and Compliance": 0, + "Food Production Management": 0, + "Ingredient Precision Handling": 0, + "Operational Quality Control": 0, + "Equipment Temperature Management": 0, + "Culinary Safety Protocols": 0, + "Architectural Design Planning": 0, + "Technical Project Management": 0, + "Professional Design Communication": 0, + "Environmental Design Integration": 0, + "Analytical Design Evaluation": 0, + "Production Equipment Operation": 0, + "Technical Documentation Reading": 0, + "Strategic Organizational Leadership": 0, + "Advanced Resource Management": 0, + "Traffic Systems Analysis": 0, + "Technical Equipment Monitoring": 0, + "Operational Documentation Management": 0, + "Infrastructure Marking and Visualization": 0, + "Administrative Communication": 0, + "Operational Documentation Processing": 0, + "Technical Problem Solving": 0, + "Web Technology Management": 0, + "Digital Systems Security": 0, + "Library Resource Management": 0, + "Administrative Information Processing": 0, + "Customer Service Coordination": 0, + "Precision Material Fabrication": 0, + "Textile Manipulation Skills": 0, + "Geological Sample Analysis": 0, + "Field Data Collection": 0, + "Geospatial Resource Mapping": 0, + "Environmental Site Preparation": 0, + "Construction Project Management": 0, + "Strategic Resource Coordination": 0, + "Regulatory Compliance and Safety": 0, + "Electronic Systems Design": 0, + "Technical Communication": 0, + "Fiberglass Material Processing": 0, + "Mold Preparation and Management": 0, + "Surface Treatment Techniques": 0, + "Medical Diagnostic Expertise": 0, + "Scientific Laboratory Management": 0, + "Professional Medical Communication": 0, + "Pathological Analysis": 0, + "Technical Systems Engineering": 0, + "Information Security Management": 0, + "Collaborative Technical Problem Solving": 0, + "Technology Project Coordination": 0, + "Vehicle Damage Assessment": 0, + "Insurance Claims Documentation": 0, + "Technical Cost Estimation": 0, + "Gas Systems Operation": 0, + "Industrial Equipment Monitoring": 0, + "Operational Safety Protocols": 0, + "Early Childhood Education": 0, + "Child Safety Management": 0, + "Developmental Instructional Adaptation": 0, + "Parent-Educator Communication": 0, + "Classroom Behavioral Management": 0, + "Nuclear Systems Control": 0, + "Complex Equipment Diagnostics": 0, + "Operational Performance Optimization": 0, + "Critical Decision Making": 0, + "Technical Writing Proficiency": 0, + "Information Processing": 0, + "Professional Communication Strategy": 0, + "Critical Analysis and Decision Making": 0, + "Continuous Learning Management": 0, + "Broadcast Technical Operations": 0, + "Production Coordination": 0, + "Technical Communication Management": 0, + "Emergency Medical Care": 0, + "Patient Transportation Management": 0, + "Healthcare Team Collaboration": 0, + "Emergency Medical Documentation": 0, + "Technical Problem Analysis": 0, + "Industrial Process Management": 0, + "Technical Documentation Interpretation": 0, + "Quality Control Engineering": 0, + "Engineering Design Visualization": 0, + "Laboratory Sample Management": 0, + "Technical Troubleshooting": 0, + "Operational Equipment Coordination": 0, + "Recreational Facility Management": 0, + "Financial Record Management": 0, + "Legal Reasoning": 0, + "Legal Dispute Resolution": 0, + "Client Legal Representation": 0, + "Public Safety Management": 0, + "Animal Care and Control": 0, + "Investigative Documentation": 0, + "Cybersecurity Risk Management": 0, + "Professional Information Processing": 0, + "Continuous Professional Learning": 0, + "Vehicle Component Maintenance": 0, + "Equipment Operation and Safety": 0, + "Geospatial Data Analysis": 0, + "Technical Field Documentation": 0, + "Scientific Instrumentation Operation": 0, + "Environmental Site Analysis": 0, + "Academic Instruction Design": 0, + "Scholarly Research Management": 0, + "Professional Academic Communication": 0, + "Institutional Academic Governance": 0, + "Healthcare Patient Assessment": 0, + "Therapeutic Physical Intervention": 0, + "Medical Equipment Management": 0, + "Professional Healthcare Coordination": 0, + "Food Production Operations": 0, + "Equipment Temperature Control": 0, + "Surface Leveling and Preparation": 0, + "Masonry Material Installation": 0, + "Financial Analysis": 0, + "Professional Documentation": 0, + "Strategic Business Advisory": 0, + "Utility Service Monitoring": 0, + "Material Preparation and Handling": 0, + "Precision Measurement and Layout": 0, + "Installation Quality Control": 0, + "Specialized Material Manipulation": 0, + "Technical Equipment Installation": 0, + "Diagnostic Technical Troubleshooting": 0, + "Operational Safety Verification": 0, + "Human Factors Engineering": 0, + "Technical Design Optimization": 0, + "Learner Needs Assessment": 0, + "Customer Transaction Management": 0, + "Product Information Communication": 0, + "Operational Customer Interaction": 0, + "Market Intelligence": 0, + "Professional Product Knowledge": 0, + "Technical Equipment Setup": 0, + "Technical Control Systems Operation": 0, + "Surface Finishing Techniques": 0, + "Precision Manual Construction Skills": 0, + "Creative Design Conceptualization": 0, + "Trend and Market Research": 0, + "Therapeutic Patient Counseling": 0, + "Aviation Safety Inspection": 0, + "Technical Performance Verification": 0, + "Medical Precision Intervention": 0, + "Healthcare Equipment Customization": 0, + "Business Intelligence Analysis": 0, + "Information Systems Management": 0, + "Analytical Problem Solving": 0, + "Precision Technical Diagnostics": 0, + "Legislative Policy Development": 0, + "Public Governance Coordination": 0, + "Strategic Hearing Management": 0, + "Professional Development Leadership": 0, + "Regulatory Impact Analysis": 0, + "Engineering Systems Design": 0, + "Scientific Problem Resolution": 0, + "Technical Performance Optimization": 0, + "Performance Arts Management": 0, + "Expressive Communication": 0, + "Creative Skill Development": 0, + "Professional Talent Representation": 0, + "Artistic Audition and Casting": 0, + "Animal Training and Care": 0, + "Performance Instruction": 0, + "Administrative Coordination": 0, + "Social Research Methodology": 0, + "Professional Knowledge Communication": 0, + "Systematic Analytical Reasoning": 0, + "Interpersonal Observation Skills": 0, + "Academic and Policy Consultation": 0, + "Vehicle Operation Management": 0, + "Logistics Documentation": 0, + "Insurance Claims Processing": 0, + "Administrative Information Management": 0, + "Customer Information Verification": 0, + "Sales Persuasion": 0, + "Customer Engagement Strategy": 0, + "Product Demonstration Skills": 0, + "Safety and Hazard Management": 0, + "Operational Documentation and Reporting": 0, + "Scientific Laboratory Procedures": 0, + "Quality Control Analysis": 0, + "Chemical Substance Management": 0, + "Software Quality Assurance": 0, + "Technical Problem Diagnostics": 0, + "Performance Monitoring and Analysis": 0, + "Collaborative Technical Communication": 0, + "Academic Research and Instruction": 0, + "Professional Academic Development": 0, + "Special Needs Education Support": 0, + "Developmental Behavioral Management": 0, + "Educational Assessment and Monitoring": 0, + "Collaborative Educational Planning": 0, + "Adaptive Instructional Technology": 0, + "Mechanical Repair Expertise": 0, + "Precision Equipment Manipulation": 0, + "Technical Problem Resolution": 0, + "Equipment Maintenance and Safety": 0, + "Rehabilitation Case Management": 0, + "Forensic Social Intervention": 0, + "Therapeutic Client Counseling": 0, + "Community Resource Navigation": 0, + "Legal Compliance Monitoring": 0, + "Hazardous Environment Management": 0, + "Precision Manual Infrastructure Skills": 0, + "Strategic Organizational Communication": 0, + "Strategic Decision Making": 0, + "Computational Bioinformatics": 0, + "Human Resources Management": 0, + "Strategic Interpersonal Communication": 0, + "Compliance and Regulatory Management": 0, + "Forensic Evidence Analysis": 0, + "Scientific Documentation": 0, + "Curriculum Development": 0, + "Nutritional Assessment": 0, + "Healthcare Nutrition Counseling": 0, + "Dietary Program Management": 0, + "Scientific Nutrition Research": 0, + "Interdisciplinary Healthcare Collaboration": 0, + "Professional Client Interaction": 0, + "Regulatory Compliance and Interpretation": 0, + "Geospatial Data Collection": 0, + "Cartographic Visualization": 0, + "Medical Records Management": 0, + "Healthcare Administrative Communication": 0, + "Medical Facility Operational Coordination": 0, + "Pedagogical Assessment and Monitoring": 0, + "Technical Validation Engineering": 0, + "Complex Problem Analysis": 0, + "Forensic Evidence Management": 0, + "Legal Documentation and Testimony": 0, + "Investigative Information Management": 0, + "Emergency Response Documentation": 0, + "Pattern Design and Fabrication": 0, + "Technical Measurement and Layout": 0, + "Production Equipment Programming": 0, + "Risk Assessment Management": 0, + "Technical Specification Development": 0, + "Operational Compliance Monitoring": 0, + "Strategic Investigative Analysis": 0, + "Forestry Equipment Operation": 0, + "Field Operations Safety": 0, + "Water Systems Management": 0, + "Chemical Processing Control": 0, + "Precision Operational Documentation": 0, + "Information Management": 0, + "Procedural Documentation": 0, + "Digital Systems Management": 0, + "Precision Manufacturing Skills": 0, + "Equipment Diagnostic Monitoring": 0, + "Technical Quality Verification": 0, + "Machine Operation Control": 0, + "Technical Quality Inspection": 0, + "Technical Documentation Comprehension": 0, + "Precision Material Handling": 0, + "Vision Care Technical Skills": 0, + "Medical Device Customization": 0, + "Performance Arts Coordination": 0, + "Creative Movement Technique": 0, + "Professional Performance Preparation": 0, + "Web Design and Development": 0, + "Digital Visual Communication": 0, + "Technical Project Collaboration": 0, + "Digital Systems Testing": 0, + "Emerging Technology Adaptation": 0, + "Operational Problem Resolution": 0, + "Quantitative Technical Analysis": 0, + "Educational Instruction Management": 0, + "Student Performance Evaluation": 0, + "Research and Scholarly Contribution": 0, + "Health Education Strategy": 0, + "Social Services Coordination": 0, + "Professional Health Communication": 0, + "Community Needs Assessment": 0, + "Organizational Health Program Management": 0, + "Textile Equipment Operation": 0, + "Precision Material Cutting": 0, + "Production Quality Inspection": 0, + "Equipment Setup and Calibration": 0, + "Operational Pattern Management": 0, + "Precision Medical Intervention": 0, + "Healthcare Professional Communication": 0, + "Customer Service Communication": 0, + "Problem Resolution Strategy": 0, + "Chemical Analysis and Synthesis": 0, + "Technical Quality Control": 0, + "Laboratory Equipment Management": 0, + "Postal Operations Management": 0, + "Personnel Resource Coordination": 0, + "Operational Communication Strategy": 0, + "Strategic Problem Resolution": 0, + "Administrative Documentation Management": 0, + "Operational Monitoring and Control": 0, + "Site Dimensional Management": 0, + "Material Handling and Coordination": 0, + "Pumping and Hydraulic Systems Management": 0, + "Recreational Program Management": 0, + "Client Engagement and Support": 0, + "Operational Safety and Rule Enforcement": 0, + "Genetic Research Methodology": 0, + "Scientific Literature Review": 0, + "Research Collaboration Management": 0, + "Biological Sample Analysis": 0, + "Scientific Proposal Development": 0, + "Organizational Research Methodology": 0, + "Professional Counseling": 0, + "Interpersonal Observation": 0, + "Research Communication": 0, + "Patient Care Communication": 0, + "Medical Procedure Support": 0, + "Remote Sensing Analysis": 0, + "Educational Leadership": 0, + "Organizational Compliance Management": 0, + "Professional Development Coordination": 0, + "Interpersonal Guidance and Support": 0, + "Landscape Design Planning": 0, + "Green Infrastructure Development": 0, + "Site Analysis and Preparation": 0, + "Technical Project Coordination": 0, + "Complex Problem Solving": 0, + "Mathematical Problem Analysis": 0, + "Advanced Learning Strategies": 0, + "Mining Equipment Operation": 0, + "Geological Site Management": 0, + "Extraction Workflow Coordination": 0, + "Mental Health Patient Care": 0, + "Therapeutic Communication": 0, + "Clinical Behavioral Intervention": 0, + "Patient Emotional Support": 0, + "Medical Psychiatric Documentation": 0, + "Maritime Navigation Skills": 0, + "Emergency Maritime Response": 0, + "Vessel Equipment Maintenance": 0, + "Transportation Logistics Coordination": 0, + "Marine Communication Protocols": 0, + "Vegetation Management": 0, + "Chemical Application Safety": 0, + "Equipment Maintenance and Operation": 0, + "Animal Research Methodology": 0, + "Agricultural Systems Analysis": 0, + "Scientific Agricultural Communication": 0, + "Livestock Breeding Expertise": 0, + "Agricultural Process Management": 0, + "Healthcare Information Systems": 0, + "Clinical Documentation Processing": 0, + "Mechanical Equipment Maintenance": 0, + "Precision Technical Installation": 0, + "Technical Design Documentation": 0, + "Precision Equipment Calibration": 0, + "Wood Product Fabrication": 0, + "Technical Blueprint Interpretation": 0, + "Counseling and Guidance": 0, + "Client Needs Assessment": 0, + "Educational Resource Coordination": 0, + "Professional Communication and Intervention": 0, + "Holistic Client Development": 0, + "Strategic Communication Management": 0, + "Media Relations Coordination": 0, + "Event and Program Management": 0, + "Organizational Narrative Development": 0, + "Stakeholder Engagement Strategy": 0, + "Equipment Diagnostic Assessment": 0, + "Precision Machine Operation": 0, + "Operational Quality Verification": 0, + "Medical Device Fabrication": 0, + "Patient Assessment and Measurement": 0, + "Electrical Systems Maintenance": 0, + "Technical Diagnostic Troubleshooting": 0, + "Academic Instruction and Research": 0, + "Pedagogical Assessment and Mentorship": 0, + "Continuous Professional Development": 0, + "Electrical Installation Skills": 0, + "Precision Manual Technical Work": 0, + "Resource and Schedule Management": 0, + "Information Processing and Documentation": 0, + "Problem Analysis and Resolution": 0, + "Surgical Patient Care": 0, + "Healthcare Safety Protocol": 0, + "Personal Resource Management": 0, + "Service Environment Maintenance": 0, + "Patron Safety and Support": 0, + "Photographic Process Management": 0, + "Technical Material Preparation": 0, + "Medical Anesthesia Support": 0, + "Advanced Life Support Management": 0, + "Medical Equipment Precision Management": 0, + "Clinical Documentation and Reporting": 0, + "Student Safety Management": 0, + "Passenger Transportation Support": 0, + "Behavioral Conflict Mediation": 0, + "Healthcare Regulatory Compliance": 0, + "Research Data Management": 0, + "Interdisciplinary Research Collaboration": 0, + "Chemical Solution Preparation": 0, + "Production Monitoring and Quality Control": 0, + "Retail Leadership": 0, + "Merchandise Display Strategy": 0, + "Retail Inventory Management": 0, + "Creative Design Management": 0, + "Professional Visual Communication": 0, + "Artistic Collaboration and Coordination": 0, + "Network Systems Support": 0, + "Technical Security Implementation": 0, + "Operational Technical Documentation": 0, + "Border Security Operations": 0, + "Investigative Risk Assessment": 0, + "Legal Compliance Enforcement": 0, + "Interpersonal Threat Detection": 0, + "Postsecondary Educational Instruction": 0, + "Academic Research and Scholarship": 0, + "Interdisciplinary Academic Communication": 0, + "Energy Systems Control": 0, + "Equipment Performance Monitoring": 0, + "Pedagogical Assessment and Development": 0, + "Scientific Knowledge Communication": 0, + "Professional Development and Learning": 0, + "Spiritual Guidance": 0, + "Community Religious Leadership": 0, + "Interpersonal Empathetic Support": 0, + "Religious Educational Programming": 0, + "Holistic Community Support": 0, + "Precision Material Measurement": 0, + "Creative Design Visualization": 0, + "Market and Trend Analysis": 0, + "Collaborative Design Production": 0, + "Client Interaction Management": 0, + "Precision Manual Skill Application": 0, + "Broadcast Media Performance": 0, + "Media Production Coordination": 0, + "News and Information Gathering": 0, + "Classroom Management": 0, + "Instructional Strategy Development": 0, + "Student Performance Monitoring": 0, + "Educational Communication": 0, + "Developmental Learning Support": 0, + "Operational Food Service Management": 0, + "Professional Communication and Coordination": 0, + "Textile Material Manipulation": 0, + "Precision Garment Production": 0, + "Pattern Design and Layout": 0, + "Agricultural Systems Engineering": 0, + "Complex Problem Solving in Engineering": 0, + "Operational Systems Analysis": 0, + "Equipment Diagnostic Troubleshooting": 0, + "Precision Technical Maintenance": 0, + "Biomedical Engineering Design": 0, + "Systems Engineering Analysis": 0, + "Professional Technical Communication": 0, + "Technical Systems Design": 0, + "Equipment Performance Diagnostics": 0, + "Technical Measurement and Verification": 0, + "Vehicle Diagnostic Assessment": 0, + "Mechanical Repair Precision": 0, + "Equipment Maintenance Strategy": 0, + "Technical Safety Verification": 0, + "Precision Manual Tool Manipulation": 0, + "Patient Treatment and Counseling": 0, + "Medical Procedure and Equipment Management": 0, + "Training Program Development": 0, + "Organizational Learning Strategy": 0, + "Performance Evaluation and Monitoring": 0, + "Interpersonal Learning Facilitation": 0, + "Organizational Training Coordination": 0, + "Investigative Evidence Analysis": 0, + "Regulatory Compliance Investigation": 0, + "Financial Fraud Detection": 0, + "Professional Interviewing": 0, + "Professional Procedural Communication": 0, + "Interpersonal Conflict Management": 0, + "Technical Illustration Skills": 0, + "Exhibition and Display Design": 0, + "Design Material Preparation": 0, + "Visual Presentation Skills": 0, + "Professional Image Modeling": 0, + "Career Opportunity Identification": 0, + "Data Management": 0, + "Systematic Problem Analysis": 0, + "Therapeutic Art Intervention": 0, + "Empathetic Professional Communication": 0, + "Treatment Plan Development": 0, + "Creative Psychological Intervention": 0, + "Equipment Operation and Control": 0, + "Technical Safety and Compliance": 0, + "Patron Safety Management": 0, + "Professional Communication and Interaction": 0, + "Operational Information Management": 0, + "Inventory Management": 0, + "Material Handling": 0, + "Quality Inspection": 0, + "Infrastructure Design": 0, + "Environmental Systems Analysis": 0, + "Site Evaluation and Preparation": 0, + "Vehicle Mechanical Diagnostics": 0, + "Specialized Tool Operation": 0, + "Patient Care Support": 0, + "Healthcare Procedural Assistance": 0, + "Interpersonal Patient Interaction": 0, + "Personal Care and Safety Management": 0, + "Agricultural Data Analysis": 0, + "Environmental Field Operations": 0, + "Precision Agricultural Technology": 0, + "Scientific Operational Documentation": 0, + "Geospatial Survey Techniques": 0, + "Vehicle Body Repair": 0, + "Welding and Fabrication": 0, + "Automotive Parts Replacement": 0, + "Creative Writing Skills": 0, + "Artistic Collaboration": 0, + "Research and Conceptualization": 0, + "Professional Creative Communication": 0, + "Intellectual Property Management": 0, + "Criminal Investigation Skills": 0, + "Strategic Information Gathering": 0, + "Administrative Documentation Processing": 0, + "Operational Communication Management": 0, + "Clinical Procedure Support": 0, + "Patient Assessment": 0, + "Project Management in Technology": 0, + "Systems Design and Integration": 0, + "Scientific Communication": 0, + "Quantitative Risk Analysis": 0, + "Strategic Financial Modeling": 0, + "Complex Problem Reasoning": 0, + "Professional Data Interpretation": 0, + "Food Service Operations": 0, + "Sanitation and Hygiene Management": 0, + "Resource Distribution": 0, + "Scientific Environmental Assessment": 0, + "Natural Resource Planning": 0, + "Precision Pattern Design": 0, + "Strategic Procurement Management": 0, + "Financial Transaction Processing": 0, + "Operational Communication and Coordination": 0, + "Geospatial Data Visualization": 0, + "Survey Data Collection": 0, + "Technical Measurement Precision": 0, + "Collection Management": 0, + "Research and Documentation": 0, + "Community Program Development": 0, + "Institutional Resource Management": 0, + "Professional Communication": 0, + "Information Gathering and Verification": 0, + "Procedural Compliance and Coordination": 0, + "Operational Sanitation Management": 0, + "Resource Distribution and Coordination": 0, + "Transaction Processing": 0, + "Vehicle Traffic Management": 0, + "Spatial Measurement and Marking": 0, + "Data Systems Engineering": 0, + "Information Technology Optimization": 0, + "Laboratory Specimen Analysis": 0, + "Healthcare Quality Control": 0, + "Precision Scientific Documentation": 0, + "Microbiological Cultivation": 0, + "Construction Material Handling": 0, + "Temporary Structure Assembly": 0, + "Construction Equipment Operation": 0, + "Food Preparation Skills": 0, + "Interpersonal Healthcare Communication": 0, + "Property Management": 0, + "Financial Resource Coordination": 0, + "Stakeholder Communication": 0, + "Operational Compliance Management": 0, + "Strategic Facility Management": 0, + "Food Science Technical Analysis": 0, + "Scientific Laboratory Procedure Management": 0, + "Technical Research and Development": 0, + "Precision Measurement and Instrumentation": 0, + "Early Childhood Educational Administration": 0, + "Child Development Program Oversight": 0, + "Organizational Resource Allocation in Education": 0, + "Regulatory Compliance in Childcare": 0, + "Professional Development and Staff Training": 0, + "Precision Medical Device Fabrication": 0, + "Vision Care Technical Expertise": 0, + "Quality Control Inspection": 0, + "Medical Device Measurement and Fitting": 0, + "Drilling Operations Management": 0, + "Site Preparation and Inspection": 0, + "Extraction Equipment Maintenance": 0, + "Spatial Analysis and Visualization": 0, + "Precision Measurement and Verification": 0, + "Infrastructure Design and Planning": 0, + "Complex Problem Analysis and Resolution": 0, + "Digital Marketing Strategy": 0, + "Web Analytics and Insights": 0, + "Strategic Online Communication": 0, + "Technical Marketing Technology": 0, + "Precision Surface Finishing": 0, + "Equipment Maintenance and Inspection": 0, + "Quality Control Measurement": 0, + "Manual Material Manipulation": 0, + "Production Workflow Management": 0, + "Electrical Circuit Maintenance": 0, + "Mechanical Component Inspection": 0, + "Precision Equipment Lubrication": 0, + "Technical Documentation and Record Keeping": 0, + "Claims Investigation": 0, + "Financial Claims Processing": 0, + "Regulatory Compliance Assessment": 0, + "Scientific Field Research": 0, + "Natural Resource Analysis": 0, + "Geospatial Environmental Mapping": 0, + "Sustainable Land Management": 0, + "Vehicle Inspection and Safety": 0, + "Operational Incident Documentation": 0, + "Technical Compliance Monitoring": 0, + "Epidemiological Research": 0, + "Healthcare Program Management": 0, + "Public Health Strategy": 0, + "Grant and Research Funding": 0, + "Healthcare Technical Support": 0, + "Patient Monitoring and Assessment": 0, + "Cardiovascular Technical Expertise": 0, + "Operational Environmental Compliance": 0, + "Postsecondary Academic Instruction": 0, + "Scholarly Research and Development": 0, + "Academic Professional Communication": 0, + "Medical Anesthesia Management": 0, + "Advanced Medical Intervention": 0, + "Patient Safety and Monitoring": 0, + "Medical Procedural Documentation": 0, + "Water Systems Engineering": 0, + "Technical Design and Planning": 0, + "Operational Quality Management": 0, + "Financial Record Analysis": 0, + "Systematic Problem Resolution": 0, + "Patient Communication": 0, + "Administrative Healthcare Support": 0, + "Precision Material Crafting": 0, + "Jewelry Technical Fabrication": 0, + "Micro-Scale Design Engineering": 0, + "Technical Graphical Representation": 0, + "Emerging Technology Research": 0, + "Operational Protocol Development": 0, + "Precision Technical Validation": 0, + "Mechanical Equipment Repair": 0, + "Statistical Analysis": 0, + "Technical Problem Reasoning": 0, + "Computational Data Processing": 0, + "Precision Medical Documentation": 0, + "Archival Resource Management": 0, + "Research Documentation": 0, + "Cultural Program Development": 0, + "Patient Rehabilitation Support": 0, + "Therapeutic Assessment and Planning": 0, + "Therapeutic Patient Interaction": 0, + "Medical Procedural Assistance": 0, + "Patient Safety Management": 0, + "Urban Planning Strategy": 0, + "Environmental Policy Analysis": 0, + "Geospatial Data Interpretation": 0, + "Stakeholder Engagement Management": 0, + "Sustainable Development Planning": 0, + "Educational Research and Scholarship": 0, + "Sales Technical Communication": 0, + "Product Demonstration Strategy": 0, + "Market Intelligence Gathering": 0, + "Professional Sales Networking": 0, + "Fundraising Strategy Development": 0, + "Nonprofit Program Development": 0, + "Relationship Management": 0, + "Exercise Science Assessment": 0, + "Patient Health Counseling": 0, + "Clinical Exercise Intervention": 0, + "Performance Physiological Monitoring": 0, + "Technical Equipment Coordination": 0, + "Precision Technical Measurement": 0, + "Scholarly Research Methodology": 0, + "Hearing Healthcare Support": 0, + "Patient Technical Consultation": 0, + "Agricultural Equipment Operation": 0, + "Crop and Plant Management": 0, + "Agricultural Inventory Documentation": 0, + "Genetic Counseling Communication": 0, + "Medical Genetic Assessment": 0, + "Patient Psychological Support": 0, + "Forensic Investigation Skills": 0, + "Fire Safety and Prevention": 0, + "Technical Investigative Communication": 0, + "Regulatory Compliance Monitoring": 0, + "Robotic Systems Maintenance": 0, + "Technical Diagnostic Reasoning": 0, + "Operational Workflow Coordination": 0, + "Metal Production Operations": 0, + "Precision Manufacturing Inspection": 0, + "Emergency Vehicle Operations": 0, + "Customer Financial Advisory": 0, + "Regulatory Financial Compliance": 0, + "Professional Networking": 0, + "Persuasive Presentation": 0, + "Customer Needs Analysis": 0, + "Vehicle Diagnostic Repair": 0, + "Pediatric Surgical Intervention": 0, + "Pediatric Patient Communication": 0, + "Stakeholder Engagement": 0, + "Traffic Safety Management": 0, + "Situational Awareness Communication": 0, + "Operational Safety Signaling": 0, + "Public Transportation Management": 0, + "Passenger Safety and Support": 0, + "Vehicle Operational Safety": 0, + "Route Navigation and Planning": 0, + "Customer Transaction Processing": 0, + "Safety and Quality Control Inspection": 0, + "Dental Healthcare Services": 0, + "Healthcare Patient Communication": 0, + "Preventive Health Education": 0, + "Mold and Pattern Fabrication": 0, + "Material Surface Treatment": 0, + "Technical Material Manipulation": 0, + "Production Quality Verification": 0, + "Creative Performance Skills": 0, + "Artistic Audition and Career Development": 0, + "Musical Composition and Arrangement": 0, + "Professional Artistic Communication": 0, + "Legal Document Processing": 0, + "Professional Information Verification": 0, + "Regulatory Compliance Coordination": 0, + "Patient Communication and Counseling": 0, + "Diagnostic Assessment and Reasoning": 0, + "Specialized Medical Device Management": 0, + "Professional Healthcare Documentation": 0, + "Medication Management": 0, + "Healthcare Patient Guidance": 0, + "Clinical Information Processing": 0, + "Pharmaceutical Safety Protocols": 0, + "Petroleum Engineering Analysis": 0, + "Energy Production Management": 0, + "Industrial Design Methodology": 0, + "Environmental Systems Engineering": 0, + "Biological Specimen Processing": 0, + "Medical Laboratory Equipment Operation": 0, + "Healthcare Technical Documentation": 0, + "Scientific Quality Control": 0, + "Medical Diagnostic Support": 0, + "Information Processing and Verification": 0, + "Legal and Regulatory Compliance": 0, + "Investment Strategy": 0, + "Risk Assessment": 0, + "Wellness Program Management": 0, + "Health Education and Communication": 0, + "Quality Control and Inspection": 0, + "Safety and Regulatory Compliance": 0, + "Law Enforcement Operations": 0, + "Investigative Evidence Management": 0, + "Public Safety Communication": 0, + "Regulatory Compliance Enforcement": 0, + "Operational Risk Management": 0, + "Audio Technical Operations": 0, + "Media Technical Communication": 0, + "Digital Media Conversion": 0, + "Performance Technical Support": 0, + "Surveillance Operations": 0, + "Customer Information Management": 0, + "Operational Communication": 0, + "Precision Manual Fabrication": 0, + "Structural Component Installation": 0, + "CNC Programming": 0, + "Professional Time Management": 0, + "Robotic Systems Engineering": 0, + "Visual Composition": 0, + "Technical Image Processing": 0, + "Creative Equipment Operation": 0, + "Professional Creative Documentation": 0, + "Technical Monitoring and Inspection": 0, + "Analytical Problem Resolution": 0, + "Precision Documentation Management": 0, + "Mathematical Performance Analysis": 0, + "Patron Safety and Interaction": 0, + "Operational Resource Distribution": 0, + "Customer Interaction in Service Environments": 0, + "Operational Financial Record Maintenance": 0, + "Agricultural Inspection Skills": 0, + "Environmental Field Monitoring": 0, + "Regulatory Agricultural Compliance": 0, + "Government Program Eligibility Assessment": 0, + "Regulatory Compliance Communication": 0, + "Financial Analysis and Reporting": 0, + "Quantitative Problem Solving": 0, + "Correctional Operations Management": 0, + "Emergency Response and Safety": 0, + "Personnel Performance Evaluation": 0, + "Surface Preparation Skills": 0, + "Wildlife Resource Management": 0, + "Outdoor Equipment Operation": 0, + "Field Safety and Hazard Management": 0, + "Precision Metal Fabrication": 0, + "Equipment Safety Monitoring": 0, + "Technical Dimensional Verification": 0, + "Forestry Resource Assessment": 0, + "Operational Field Coordination": 0, + "Technical Measurement and Marking": 0, + "Retail Transaction Processing": 0, + "Operational Cash Management": 0, + "Logistics Analysis": 0, + "Early Childhood Education Management": 0, + "Developmental Behavioral Guidance": 0, + "Instructional Adaptation": 0, + "Child Safety and Welfare": 0, + "Precision Surface Etching": 0, + "Equipment Control and Monitoring": 0, + "Protective Finishing Application": 0, + "Workplace Safety Engineering": 0, + "Financial Risk Analysis": 0, + "Strategic Business Intelligence": 0, + "Financial Reporting and Documentation": 0, + "Investment Strategy Development": 0, + "Biomass Production Operations": 0, + "Sustainable Energy Quality Control": 0, + "Operational Data Documentation": 0, + "Industrial Safety Compliance": 0, + "Special Needs Educational Support": 0, + "Guest Service Coordination": 0, + "Facility Maintenance and Cleaning": 0, + "Economic Analysis": 0, + "Quantitative Reasoning": 0, + "Critical Analytical Reasoning": 0, + "Research Methodology": 0, + "Underwater Technical Operations": 0, + "Safety and Emergency Response": 0, + "Complex Problem-Solving in Technical Environments": 0, + "Professional Communication in Technical Contexts": 0, + "Equipment Operation Monitoring": 0, + "Mathematical Problem Solving": 0, + "Advanced Analytical Reasoning": 0, + "Systematic Documentation": 0, + "Interpersonal Needs Assessment": 0, + "Agricultural Systems Management": 0, + "Sustainable Resource Management": 0, + "Information Services Support": 0, + "Technical Documentation Processing": 0, + "Computational Bioinformatics Analysis": 0, + "Complex Problem Solving in Scientific Contexts": 0, + "Safety and Quality Inspection": 0, + "Technical Equipment Operation": 0, + "Strategic Resource Management": 0, + "Professional Communication in Healthcare": 0, + "Transcription and Information Processing": 0, + "Telecommunications Equipment Installation": 0, + "Field Technical Operations": 0, + "Technical Safety and Equipment Inspection": 0, + "Operational Problem-Solving": 0, + "Print Production Technical Skills": 0, + "Technical Equipment Programming": 0, + "Mail Processing Operations": 0, + "Equipment Maintenance and Monitoring": 0, + "Workplace Safety and Quality Control": 0, + "Operational Coordination and Communication": 0, + "Strategic Compensation Management": 0, + "Regulatory Compliance Oversight": 0, + "Financial Resource Allocation": 0, + "Equipment Operation and Monitoring": 0, + "Workplace Safety and Maintenance": 0, + "Material Handling and Movement": 0, + "Strategic Conservation Planning": 0, + "Network Systems Management": 0, + "Systems Performance Optimization": 0, + "Mortuary Service Management": 0, + "Facility Maintenance and Sanitation": 0, + "Administrative Funeral Documentation": 0, + "Sustainability Strategy Development": 0, + "Organizational Green Innovation": 0, + "Stakeholder Environmental Communication": 0, + "Operational Sustainability Monitoring": 0, + "Anesthesia and Life Support": 0, + "Digital Document Management": 0, + "Technical Information Processing": 0, + "Resource and Task Management": 0, + "Therapeutic Social Support": 0, + "Client Case Management": 0, + "Professional Interpersonal Assessment": 0, + "Ethical Professional Intervention": 0, + "Cybersecurity Analysis": 0, + "Technical Penetration Testing": 0, + "Security Policy Development": 0, + "Technical Risk Mitigation": 0, + "Investigative Technical Documentation": 0, + "Precision Manual Craftsmanship": 0, + "Product Quality Inspection": 0, + "Promotional Content Creation": 0, + "Construction Site Operations": 0, + "Manual Construction Skills": 0, + "Operational Safety Coordination": 0, + "Community Health Support": 0, + "Social Service Coordination": 0, + "Interpersonal Health Communication": 0, + "Preventive Health Intervention": 0, + "Medical Radiation Treatment": 0, + "Patient Safety Monitoring": 0, + "Precision Patient Care": 0, + "Recycling Operational Management": 0, + "Environmental Compliance Coordination": 0, + "Material Transport and Logistics": 0, + "Waste Processing and Sorting": 0, + "Construction Surface Preparation": 0, + "Professional Communication and Documentation": 0, + "Investigative Analysis and Evidence Management": 0, + "Operational Compliance and Safety Monitoring": 0, + "Financial Sales Strategy": 0, + "Market Intelligence Analysis": 0, + "Professional Financial Communication": 0, + "Customer Needs Financial Assessment": 0, + "Precision Material Processing": 0, + "Technical Surface Treatment": 0, + "Developmental Learning Adaptation": 0, + "Child Safety and Developmental Support": 0, + "Academic Instruction Management": 0, + "Scholarly Research Development": 0, + "Interpersonal Academic Communication": 0, + "Quantitative Data Processing": 0, + "Operational Information Verification": 0, + "Materials Science Analysis": 0, + "Laboratory Quality Control": 0, + "Environmental Conservation Expertise": 0, + "Interpretive Educational Communication": 0, + "Field Research and Documentation": 0, + "Wildlife Interaction and Management": 0, + "Ecological Site Assessment": 0, + "Strategic Marketing Communication": 0, + "Professional Persuasive Communication": 0, + "Comprehensive Performance Monitoring": 0, + "Adaptive Physical Education Support": 0, + "Student Developmental Guidance": 0, + "Specialized Instructional Adaptation": 0, + "Inclusive Physical Education Management": 0, + "Route Navigation and Logistics": 0, + "Administrative Transaction Processing": 0, + "Agricultural Resource Management": 0, + "Operational Compliance and Documentation": 0, + "Strategic Agricultural Planning": 0, + "Field Operations Safety Management": 0, + "Agricultural Equipment and Technology Management": 0, + "Public Safety Monitoring": 0, + "First Aid and Medical Support": 0, + "Patron Safety Coordination": 0, + "Construction Supervision": 0, + "Technical Project Inspection": 0, + "Construction Resource Planning": 0, + "Site Preparation and Measurement": 0, + "Construction Personnel Training": 0, + "Equipment Programming and Control": 0, + "Roofing Material Preparation": 0, + "Protective Coating Application": 0, + "Patient Assessment and Diagnosis": 0, + "Musculoskeletal Treatment Techniques": 0, + "Holistic Patient Care Management": 0, + "Logistics and Delivery Coordination": 0, + "Menu Planning and Coordination": 0, + "Ingredient and Supply Management": 0, + "Non-Destructive Testing Expertise": 0, + "Precision Measurement and Analysis": 0, + "Quality Control Systematic Analysis": 0, + "Resource and Personnel Management": 0, + "Vision Rehabilitation Support": 0, + "Assistive Device Expertise": 0, + "Patient-Centered Rehabilitation Instruction": 0, + "Disability Management Counseling": 0, + "Functional Capability Assessment": 0, + "Marine Equipment Troubleshooting": 0, + "Marine Safety Equipment Verification": 0, + "Technical Equipment Operation Control": 0, + "Semiconductor Process Control": 0, + "Event and Program Coordination": 0, + "Operational Safety and Patron Support": 0, + "Administrative Resource Management": 0, + "Interpersonal Service Communication": 0, + "Precision Information Processing": 0, + "Rock Extraction Operations": 0, + "Precision Manual Material Manipulation": 0, + "Technical Equipment Control": 0, + "Visual Design Creation": 0, + "Creative Technical Storytelling": 0, + "Digital Media Transformation": 0, + "Artistic Conceptual Development": 0, + "Deceased Care Management": 0, + "Embalming Technical Procedures": 0, + "Cosmetic Restoration Skills": 0, + "Fire Safety Engineering": 0, + "Emergency Preparedness Management": 0, + "Technical Regulatory Compliance": 0, + "Operational Safety Inspection": 0, + "Technical Investigative Analysis": 0, + "Petroleum Systems Monitoring": 0, + "Chemical Substance Preparation": 0, + "Compliance and Regulatory Enforcement": 0, + "Cardiovascular Clinical Expertise": 0, + "Medical Imaging and Diagnostic Procedures": 0, + "Patient Treatment Planning": 0, + "Metal Processing Operations": 0, + "Precision Equipment Monitoring": 0, + "Industrial Safety Inspection": 0, + "Technical Quality Control Analysis": 0, + "Cultural Research Methodology": 0, + "Archaeological Field Operations": 0, + "Systematic Observational Analysis": 0, + "Historical Evidence Interpretation": 0, + "Professional Information Gathering": 0, + "Systematic Documentation Management": 0, + "Biological Specimen Analysis": 0, + "Medical Laboratory Operations": 0, + "Patient Safety and Quality Control": 0, + "Scientific Diagnostic Reasoning": 0, + "Equipment Maintenance and Repair": 0, + "Technical Diagnostic Analysis": 0, + "Safety and Quality Control Monitoring": 0, + "Technical Performance Monitoring": 0, + "Manufacturing Safety Compliance": 0, + "Network Systems Engineering": 0, + "Technical Documentation and Communication": 0, + "Delivery Operations Management": 0, + "Interpersonal Information Gathering": 0, + "Creative Writing Expertise": 0, + "Professional Artistic Collaboration": 0, + "Personnel Resource Management": 0, + "Interpersonal Coordination": 0, + "Interpersonal Communication and Coordination": 0, + "Operational Performance Management": 0, + "Service Orientation and Problem Resolution": 0, + "Regulatory Compliance and Safety Management": 0, + "Precision Measurement and Marking": 0, + "Social Support Intervention": 0, + "Crisis Management and Referral": 0, + "Professional Ethical Intervention": 0, + "Passenger Service Coordination": 0, + "Operational Performance Supervision": 0, + "Resource Allocation Management": 0, + "Professional Development Support": 0, + "Reproductive Health Counseling": 0, + "Women's Health Comprehensive Care": 0, + "Talent Acquisition Strategy": 0, + "Logistics Systems Analysis": 0, + "Operational Efficiency Planning": 0, + "Business Strategy Development": 0, + "Material Processing and Handling": 0, + "Production Quality Monitoring": 0, + "Scientific Field Data Collection": 0, + "Vegetation Management and Protection": 0, + "Manufactured Building Installation": 0, + "Structural Sealing and Leak Prevention": 0, + "Equipment and System Inspection": 0, + "Mechanical Component Replacement": 0, + "Technical Surface Preparation": 0, + "Editorial Content Management": 0, + "Professional Writing and Communication": 0, + "Creative Content Development": 0, + "Interpersonal Communication Management": 0, + "Operational Resource Management": 0, + "Therapeutic Manual Intervention": 0, + "Patient Assessment and Care Coordination": 0, + "Healthcare Facility Management": 0, + "Interpersonal Therapeutic Engagement": 0, + "Transportation Safety Inspection": 0, + "Cargo Handling and Coordination": 0, + "Passenger Safety Management": 0, + "Transportation Operational Coordination": 0, + "Service Communication and Information Exchange": 0, + "Clay Material Manipulation": 0, + "Production Equipment Control": 0, + "Strategic Leadership": 0, + "Comprehensive Resource Management": 0, + "Advanced Interpersonal Communication": 0, + "Organizational Governance": 0, + "Patient Diagnostic Communication": 0, + "Medical Image Interpretation": 0, + "Visual Design Communication": 0, + "Creative Problem Solving": 0, + "Collaborative Creative Production": 0, + "Agricultural Education Management": 0, + "Instructional Resource Coordination": 0, + "Life Skills Education": 0, + "Professional Knowledge Transfer": 0, + "Extraction Equipment Operation": 0, + "Site Preparation and Safety": 0, + "Material Handling and Positioning": 0, + "Operational Monitoring and Coordination": 0, + "Textile Machine Operation": 0, + "Production Equipment Inspection": 0, + "Material Preparation and Cutting": 0, + "Strategic Operational Communication": 0, + "Adaptive Problem Resolution": 0, + "Elevator Systems Installation": 0, + "Precision Mechanical Maintenance": 0, + "Neurological Patient Care": 0, + "Complex Medical Problem Solving": 0, + "Medical Specimen Collection": 0, + "Healthcare Documentation Management": 0, + "Biomedical Waste Management": 0, + "Operational Systems Coordination": 0, + "Technical User Support": 0, + "User Communication and Guidance": 0, + "Technology Problem Resolution": 0, + "Technical Knowledge Maintenance": 0, + "Logistics Coordination": 0, + "Transportation Documentation": 0, + "Operational Financial Negotiation": 0, + "Shipping Systems Analysis": 0, + "Travel Service Coordination": 0, + "Therapeutic Patient Intervention": 0, + "Game Design Creativity": 0, + "Technical Game Development": 0, + "Interactive System Design": 0, + "Visual Design Conceptualization": 0, + "Collaborative Game Production": 0, + "Chemical Process Control": 0, + "Technical Safety Management": 0, + "Interdepartmental Communication": 0, + "Production Planning Coordination": 0, + "Policy Analysis and Development": 0, + "Academic Knowledge Communication": 0, + "Interdisciplinary Reasoning": 0, + "Strategic Information Synthesis": 0, + "Performance Equipment Management": 0, + "Event Performance Coordination": 0, + "Multimedia Content Editing": 0, + "Professional Resource Management": 0, + "Legal Administrative Support": 0, + "Patron Interaction Management": 0, + "Administrative Service Coordination": 0, + "Shipment Quality Inspection": 0, + "Transportation Safety Management": 0, + "Solar Energy Systems Management": 0, + "Construction Project Coordination": 0, + "Technical Site Assessment": 0, + "Operational Cost Analysis": 0, + "Green Technology Performance Verification": 0, + "Biofuel Production Management": 0, + "Renewable Energy Technical Monitoring": 0, + "Sustainable Production Quality Control": 0, + "Green Energy Equipment Maintenance": 0, + "Technical Design and Analysis": 0, + "Engineering Systems Optimization": 0, + "Precision Material Assessment": 0, + "Surgical Technical Support": 0, + "Precision Medical Supply Management": 0, + "Vision Diagnostic Assessment": 0, + "Medical Technical Precision": 0, + "Patient Vision Counseling": 0, + "Healthcare Diagnostic Reasoning": 0, + "Specialized Medical Equipment Management": 0, + "Hearing Healthcare Assessment": 0, + "Patient Communication Support": 0, + "Real Estate Transaction Management": 0, + "Property Valuation and Analysis": 0, + "Sales Persuasion Techniques": 0, + "Client Relationship Development": 0, + "Real Estate Market Intelligence": 0, + "Safety-Focused Technical Monitoring": 0, + "Rock Drilling and Extraction Techniques": 0, + "Complex Technical Problem Solving": 0, + "Material Handling Coordination": 0, + "Surface Material Treatment": 0, + "Emotional Support Coordination": 0, + "Precision Technical Calibration": 0, + "Financial Account Management": 0, + "Negotiation and Persuasion": 0, + "Academic Research Methodology": 0, + "Workplace Safety Management": 0, + "Risk Assessment and Prevention": 0, + "Health Program Development": 0, + "Technical Safety Inspection": 0, + "Technical Visual Assessment": 0, + "Precision Measurement Skills": 0, + "Operational Task Coordination": 0, + "Procedural Compliance Management": 0, + "Chemical Processing Monitoring": 0, + "Surface Preparation and Leveling": 0, + "Adhesive and Mortar Application": 0, + "Spatial Measurement and Layout": 0, + "Construction Safety Coordination": 0, + "Environmental Systems Monitoring": 0, + "Technical Visualization and Mapping": 0, + "Remote Sensing Technology Management": 0, + "Interpersonal Performance Monitoring": 0, + "Educational Assessment and Mentorship": 0, + "Precision Food Preparation": 0, + "Equipment Operation Management": 0, + "Workplace Safety Coordination": 0, + "Construction Site Management": 0, + "Safety Protocol Implementation": 0, + "Cargo Handling and Inspection": 0, + "Transportation Safety Compliance": 0, + "Route Planning and Navigation": 0, + "Professional Vehicle Documentation": 0, + "Financial Resource Management": 0, + "Comprehensive Operational Coordination": 0, + "Advanced Regulatory Compliance": 0, + "Diagnostic Reasoning": 0, + "Operational Information Routing": 0, + "Patient Personal Care Support": 0, + "Interpersonal Care Coordination": 0, + "Adaptive Care Assistance": 0, + "Medical Safety and Monitoring": 0, + "Public Safety Enforcement": 0, + "Legal Procedural Coordination": 0, + "Situational Risk Assessment": 0, + "Patron Monitoring and Control": 0, + "Investigative Documentation Management": 0, + "Supervisory Coordination": 0, + "Surface Preparation and Installation": 0, + "Decorative Material Application": 0, + "Fence Construction Skills": 0, + "Construction Site Preparation": 0, + "Radiation Safety Monitoring": 0, + "Technical Radiation Measurement": 0, + "Environmental Data Collection": 0, + "Pest Control Operations": 0, + "Environmental Safety Monitoring": 0, + "Welding Equipment Operation": 0, + "Research Methodology and Scholarship": 0, + "Professional Development and Continuous Learning": 0, + "Facility Cleaning and Maintenance": 0, + "Material and Equipment Handling": 0, + "Operational Resource Coordination": 0, + "Patron and Customer Support": 0, + "Healthcare Administration": 0, + "Interprofessional Healthcare Coordination": 0, + "Organizational Performance Management": 0, + "Complex Healthcare Decision Making": 0, + "Costume Resource Management": 0, + "Performance Support Coordination": 0, + "Creative Design Implementation": 0, + "Advanced Problem Solving": 0, + "Wildlife Conservation Management": 0, + "Outdoor Resource Management": 0, + "Advanced Operational Monitoring": 0, + "Dental Device Fabrication": 0, + "Medical Device Quality Inspection": 0, + "Healthcare Technical Communication": 0, + "Operational Material Preparation": 0, + "Data Science Analytics": 0, + "Machine Learning Application": 0, + "Technical Programming": 0, + "HVAC System Installation": 0, + "Athletic Performance Officiating": 0, + "Professional Rule Enforcement": 0, + "Service Communication Management": 0, + "Precision Equipment Repair": 0, + "Material Handling Precision": 0, + "Procurement Operations Management": 0, + "Clinical Patient Assessment": 0, + "Field Research Documentation": 0, + "Remote Sensing Technology": 0, + "Strategic Marketing Planning": 0, + "Stakeholder Communication Management": 0, + "Atmospheric Data Analysis": 0, + "Vehicle Cleaning and Maintenance": 0, + "Construction Inspection Expertise": 0, + "Technical Site Evaluation": 0, + "Culinary Operations Management": 0, + "Kitchen Resource Management": 0, + "Food Quality Control": 0, + "Interpersonal Kitchen Coordination": 0, + "Creative Production Management": 0, + "Strategic Content Development": 0, + "Performance Conceptualization": 0, + "Operational Coordination and Supervision": 0, + "Precision Resource Documentation": 0, + "Material Handling and Loading": 0, + "Vehicle and Equipment Coordination": 0, + "Medical Imaging Technical Skills": 0, + "Healthcare Safety Protocol Management": 0, + "Diagnostic Procedure Support": 0, + "Client Treatment Planning": 0, + "Mechatronic Systems Design": 0, + "Technical Equipment Integration": 0, + "Interdisciplinary Technical Problem Solving": 0, + "Advanced Manufacturing Technologies": 0, + "Precision Engineering Measurement": 0, + "Precision Equipment Assembly": 0, + "Product Knowledge Communication": 0, + "Persuasive Communication": 0, + "Equipment Operation Control": 0, + "Digital Forensic Investigation": 0, + "Cybersecurity Evidence Analysis": 0, + "Technical Investigative Documentation": 0, + "Information Systems Security Analysis": 0, + "Legal Compliance Technical Monitoring": 0, + "Vehicle Operation Control": 0, + "Radio Frequency Technology Management": 0, + "Technical Equipment Design": 0, + "Complex Systems Analysis": 0, + "Equipment Installation and Maintenance": 0, + "Mechanical Equipment Inspection": 0, + "Installation and Maintenance Skills": 0, + "Environmental Safety and Compliance": 0, + "Multilingual Communication": 0, + "Comprehensive Information Processing": 0, + "Professional Active Listening": 0, + "Professional Communication in Law Enforcement": 0, + "Patient Counseling": 0, + "Therapeutic Intervention Strategy": 0, + "Professional Healthcare Communication": 0, + "Audio-Visual Technical Operations": 0, + "Technical Laboratory Equipment Management": 0, + "Quality Control and Safety Monitoring": 0, + "Rail Vehicle Operation": 0, + "Signal and Communication Coordination": 0, + "Operational Workflow Management": 0, + "Safety and Risk Management": 0, + "Manual Technical Manipulation": 0, + "Photonics Technical Expertise": 0, + "Precision Measurement and Calibration": 0, + "Equipment Diagnostic Analysis": 0, + "Interpersonal Patient Communication": 0, + "Behavioral Intervention Management": 0, + "Healthcare Safety Monitoring": 0, + "Vendor Relationship Management": 0, + "Financial Decision Making": 0, + "Workforce Performance Management": 0, + "Production Safety Oversight": 0, + "Information Processing Accuracy": 0, + "Procedural Compliance Monitoring": 0, + "Developmental Support Counseling": 0, + "Educational Intervention Strategy": 0, + "Interpersonal Behavioral Analysis": 0, + "Comprehensive Client Guidance": 0, + "Dimensional Measurement Verification": 0, + "Beverage Preparation Skills": 0, + "Neuropsychological Assessment": 0, + "Professional Psychological Communication": 0, + "Psychological Research Methodology": 0, + "Diagnostic Test Administration": 0, + "Clinical Treatment Planning": 0, + "Communication Information Management": 0, + "Operational Customer Support": 0, + "Professional Interpersonal Coordination": 0, + "Critical Information Analysis": 0, + "Equipment Diagnostic Reasoning": 0, + "Systems Engineering Integration": 0, + "Patient-Centered Care Communication": 0, + "Rehabilitation Treatment Planning": 0, + "Musculoskeletal Intervention Techniques": 0, + "Professional Medical Documentation": 0, + "Alternative Medical Practice": 0, + "Infrastructure Maintenance": 0, + "Site Preparation and Marking": 0, + "Information Resource Management": 0, + "Collection Development": 0, + "Patron Information Support": 0, + "Library Technology Integration": 0, + "Research Assistance": 0, + "Quantitative Financial Analysis": 0, + "Technical Financial Communication": 0, + "Respiratory Care Management": 0, + "Medical Emergency Response": 0, + "Healthcare Equipment Operation": 0, + "Patient Condition Monitoring": 0, + "Environmental Compliance Management": 0, + "Sustainable Business Analysis": 0, + "Food Service Coordination": 0, + "Sanitation and Hygiene Maintenance": 0, + "Patron Support and Interaction": 0, + "Strategic Documentation Management": 0, + "Stakeholder Communication Strategy": 0, + "Operational Risk Assessment": 0, + "Event Planning Management": 0, + "Stakeholder Relationship Management": 0, + "Strategic Environmental Communication": 0, + "Construction Site Safety Management": 0, + "Insulation Material Installation": 0, + "Material Measurement and Preparation": 0, + "International Trade Documentation": 0, + "Commercial Risk Assessment": 0, + "Professional Communication in Trade": 0, + "Animal Care and Handling": 0, + "Medical Equipment Operation": 0, + "Clinical Patient Support": 0, + "Veterinary Diagnostic Procedures": 0, + "Healthcare Facility Maintenance": 0, + "Laundry Equipment Operation": 0, + "Textile Inspection and Quality Control": 0, + "Public Safety Leadership": 0, + "Risk Assessment and Mitigation": 0, + "Family Engagement Communication": 0, + "Personal Care Coordination": 0, + "Environmental Economic Analysis": 0, + "Quantitative Policy Reasoning": 0, + "Strategic Environmental Forecasting": 0, + "Comprehensive Research Methodology": 0, + "Technical Sustainability Communication": 0, + "Scientific Instruction and Curriculum Development": 0, + "Field Research Methodology": 0, + "Strategic Organizational Analysis": 0, + "Comprehensive Decision Making": 0, + "Adaptive Learning and Problem Solving": 0, + "Precision Manual Food Preparation": 0, + "Food Safety and Quality Control": 0, + "Transportation Systems Analysis": 0, + "Strategic Policy Communication": 0, + "Psychological Assessment and Intervention": 0, + "Patient-Centered Mental Health Communication": 0, + "Clinical Diagnostic Reasoning": 0, + "Technical Inspection and Verification": 0, + "Social Impact Assessment": 0, + "Clinical Procedure Management": 0, + "Healthcare Equipment Expertise": 0, + "Medical Documentation Precision": 0, + "Property Transaction Management": 0, + "Diagnostic Technical Support": 0, + "Therapeutic Patient Communication": 0, + "Crisis Intervention Management": 0, + "Client Treatment Coordination": 0, + "Behavioral Health Counseling": 0, + "Statistical Analysis and Modeling": 0, + "Renewable Energy Sales Strategy": 0, + "Technical Product Communication": 0, + "Customer Needs Assessment in Green Technology": 0, + "Sustainable Technology Evaluation": 0, + "Public Safety Operations": 0, + "Technical Equipment Operation and Safety": 0, + "Financial Strategic Analysis": 0, + "Investment Portfolio Management": 0, + "Quantitative Financial Reasoning": 0, + "Emergency Communication Management": 0, + "Crisis Decision Support": 0, + "Technical Communication Systems Operation": 0, + "Public Safety Coordination": 0, + "Workflow Coordination": 0, + "Precision Documentation": 0, + "Critical Patient Monitoring": 0, + "Emergency Medical Intervention": 0, + "Healthcare Interdisciplinary Coordination": 0, + "Advanced Medical Equipment Management": 0, + "Strategic Market Communication": 0, + "Consumer Trend Interpretation": 0, + "Systematic Research Methodology": 0, + "Intelligence Analysis": 0, + "Criminal Activity Assessment": 0, + "Interagency Collaboration": 0, + "Medical Technical Equipment Management": 0, + "Healthcare Safety and Compliance": 0, + "Geothermal Systems Operation": 0, + "Green Energy Installation": 0, + "Precision Maintenance Procedures": 0, + "Rail Infrastructure Maintenance": 0, + "Service Coordination and Support": 0, + "Precision Material Preparation": 0, + "Service Orientation": 0, + "Physical Therapy Technical Support": 0, + "Marine Systems Engineering": 0, + "Maritime Safety and Compliance": 0, + "Complex Naval Problem Solving": 0, + "Precision Marine Equipment Maintenance": 0, + "Civil Infrastructure Design": 0, + "Operational Cost Estimation": 0, + "Technical Communication and Reporting": 0, + "Service Communication": 0, + "Safety and Compliance Monitoring": 0, + "Financial Strategic Planning": 0, + "Organizational Resource Management": 0, + "Client Information Verification": 0, + "Fire Safety Assessment": 0, + "Public Safety Education": 0, + "Environmental Hazard Monitoring": 0, + "Investigative Evidence Collection": 0, + "Strategic Information Verification": 0, + "Professional Surveillance Techniques": 0, + "Interpersonal Interrogation Skills": 0, + "Compensation Strategy Development": 0, + "Organizational Policy Analysis": 0, + "Human Resources Data Analysis": 0, + "Strategic Workforce Planning": 0, + "Masonry Surface Treatment": 0, + "Design Visualization": 0, + "Spatial Design Planning": 0, + "Professional Research Methodology": 0, + "Client Collaboration": 0, + "Situational Safety Communication": 0, + "Precision Layout Preparation": 0, + "Manufacturing Quality Inspection": 0, + "Emergency Management Coordination": 0, + "Strategic Risk Assessment": 0, + "Postsecondary Educational Leadership": 0, + "Academic Program Development": 0, + "Institutional Governance and Compliance": 0, + "Media Production Technical Control": 0, + "Visual Media Coordination": 0, + "Professional Media Communication": 0, + "Camera Operation and Technical Control": 0, + "Kitchen Safety Management": 0, + "Animal Care Management": 0, + "Facility Sanitation and Maintenance": 0, + "Product Demonstration": 0, + "Avionics Equipment Maintenance": 0, + "Aviation Safety Compliance": 0, + "Electronic Systems Quality Control": 0, + "Diagnostic Technical Problem Solving": 0, + "Investigative Reporting": 0, + "Media Content Development": 0, + "Multimedia Storytelling": 0, + "Medical Equipment Preparation": 0, + "Medical Supply Inventory Control": 0, + "Healthcare Safety Compliance": 0, + "File Management and Organization": 0, + "Clerical Information Processing": 0, + "Precision Manual Material Handling": 0, + "Information Verification": 0, + "Communication Routing": 0, + "Operational Administrative Support": 0, + "Interpersonal Information Exchange": 0, + "Agricultural Operations": 0, + "Precision Manual Animal Handling": 0, + "Agricultural Inspection and Compliance": 0, + "Material Handling and Inspection": 0, + "Safety and Hygiene Management": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0, + "Computational Data Analysis": 0, + "Precision Technical Communication": 0, + "Strategic Operational Coordination": 0, + "Strategic Operational Analysis": 0, + "Business Relationship Development": 0, + "Proposal and Documentation Management": 0, + "Professional Knowledge Maintenance": 0, + "Healthcare Documentation": 0, + "Dental Healthcare Support": 0, + "Preventive Dental Care": 0, + "Textual Accuracy Verification": 0, + "Systematic Information Review": 0, + "Professional Written Communication": 0, + "Analytical Systems Evaluation": 0, + "Operational Data Interpretation": 0, + "Vehicle Service Operations": 0, + "Financial Analysis and Compliance": 0, + "Strategic Financial Decision Making": 0, + "Investigative Financial Verification": 0, + "Employee Relations Management": 0, + "Entertainment Service Management": 0, + "Operational Performance Reporting": 0, + "Staff Development and Training": 0, + "Resource Allocation Coordination": 0, + "Security Screening Protocols": 0, + "Threat Detection and Assessment": 0, + "Public Safety Interaction": 0, + "Commercial Negotiation": 0, + "Air Traffic Control Management": 0, + "Security Operations Management": 0, + "Surveillance and Threat Detection": 0, + "Construction Site Coordination": 0, + "Agricultural Product Inspection": 0, + "Material Handling and Sorting": 0, + "Equipment Operations Monitoring": 0, + "Safety and Compliance Management": 0, + "Historical Research Methodology": 0, + "Scholarly Documentation Management": 0, + "Instructional Communication": 0, + "Wind Turbine Technical Maintenance": 0, + "Safety-Focused Technical Inspection": 0, + "Green Energy Systems Management": 0, + "Geospatial Analysis": 0, + "Environmental Monitoring": 0, + "Chemical Flow and Process Control": 0, + "Gauges and Indicator Monitoring": 0, + "Equipment Monitoring": 0, + "Precision Technical Manipulation": 0, + "Energy Systems Engineering": 0, + "Technical Performance Analysis": 0, + "Technical Resource Coordination": 0, + "Scientific Management": 0, + "Natural Resource Management": 0, + "Agricultural Systems Coordination": 0, + "Field Operations Management": 0, + "Artistic Design Conceptualization": 0, + "Floral Arrangement Expertise": 0, + "Client Consultation and Needs Assessment": 0, + "Material and Prop Selection": 0, + "Nutritional Assessment and Planning": 0, + "Nutritional Research and Documentation": 0, + "Healthcare Patient Support": 0, + "Clinical Procedure Assistance": 0, + "Patient Measurement and Assessment": 0, + "Nuclear Systems Engineering": 0, + "Technical Risk Assessment": 0, + "Organizational Risk Management": 0, + "Strategic Security Oversight": 0, + "Operational Policy Implementation": 0, + "Precision Manual Cutting": 0, + "Financial Counseling": 0, + "Client Information Processing": 0, + "Instructional Assessment and Mentorship": 0, + "Chemical Engineering Analysis": 0, + "Technical Systems Problem Solving": 0, + "Neurological Patient Assessment": 0, + "Medical Diagnostic Equipment Operation": 0, + "Patient Monitoring and Safety": 0, + "Technical Communication in Healthcare": 0, + "Surface Preparation": 0, + "Adhesive Application": 0, + "Precision Manual Construction": 0, + "Explosives Handling Safety": 0, + "Site Dimensional Preparation": 0, + "Technical Safety Signaling": 0, + "Precision Manual Tool Usage": 0, + "Structural Component Positioning": 0, + "Technical Coordination and Communication": 0, + "Meat Processing Skills": 0, + "Food Safety Compliance": 0, + "Equipment Cleaning and Maintenance": 0, + "Rail Transportation Management": 0, + "Vehicle Movement Coordination": 0, + "Critical Information Processing": 0, + "Strategic Problem Solving": 0, + "Operational Equipment Control": 0, + "Animal Patient Care": 0, + "Veterinary Technical Support": 0, + "Vehicle Electrical Systems Repair": 0, + "Equipment Monitoring and Control": 0, + "Patient Assessment and Care": 0, + "Radiation Safety Management": 0, + "Technical Medical Documentation": 0, + "Programming Logic": 0, + "Broadcast Technical Communication": 0, + "Content Development Strategy": 0, + "Nanotechnology Engineering": 0, + "Micro-Scale Process Management": 0, + "Vehicle Operation Safety": 0, + "Passenger Support Services": 0, + "Fundraising Strategy": 0, + "Persuasive Proposal Development": 0, + "Shipping and Logistics Management": 0, + "Aviation Safety Management": 0, + "Aircraft Operations Control": 0, + "Emergency Response Preparedness": 0, + "Safety Signaling and Risk Management": 0, + "Database Systems Design": 0, + "Information Architecture Management": 0, + "Financial Advisory Communication": 0, + "Investment Strategy Analysis": 0, + "Client Financial Needs Assessment": 0, + "Professional Financial Networking": 0, + "Operational Financial Analysis": 0, + "Commercial Relationship Management": 0, + "Garment Quality Inspection": 0, + "Veterinary Medical Care": 0, + "Animal Medical Procedure Support": 0, + "Preventive Animal Healthcare": 0, + "Resource Management": 0, + "Underground Work Operations": 0, + "Breeding Procedure Execution": 0, + "Agricultural Resource Coordination": 0, + "Landscape Maintenance": 0, + "Geological Data Analysis": 0, + "Environmental Field Research": 0, + "Natural Resource Mapping": 0, + "Theatrical Makeup Application": 0, + "Performance Costume Preparation": 0, + "Creative Visual Transformation": 0, + "Textile Production Skills": 0, + "Database Management": 0, + "Technical Systems Security": 0, + "Photonics Engineering": 0, + "Technical Precision Measurement": 0, + "Optical Systems Analysis": 0, + "Facilities Management": 0, + "Operational Budget Planning": 0, + "Environmental Project Management": 0, + "Site Remediation Planning": 0, + "Technical Grant Development": 0, + "Environmental Risk Assessment": 0, + "Geological Resource Management": 0, + "Technical Safety Protocols": 0, + "Media Content Editing": 0, + "Creative Visual Storytelling": 0, + "Technical Media Production": 0, + "Agricultural Technical Operations": 0, + "Strategic Sales Management": 0, + "Interpersonal Persuasion": 0, + "Commercial Relationship Development": 0, + "Operational Supervision": 0, + "Maintenance and Cleaning": 0, + "Professional Counseling Support": 0, + "Performance Coaching": 0, + "Talent Identification": 0, + "Strategic Performance Coordination": 0, + "Professional Performance Communication": 0, + "Instructional Technology Integration": 0, + "Energy Systems Analysis": 0, + "Rigging and Material Positioning": 0, + "Scholarly Communication": 0, + "Professional Knowledge Dissemination": 0, + "Financial Cost Analysis": 0, + "Strategic Resource Estimation": 0, + "Technical Documentation Precision": 0, + "Business Data Interpretation": 0, + "Extraction Site Management": 0, + "Technical Material Handling": 0, + "Strategic Communication": 0, + "Comprehensive Documentation Management": 0, + "Medical Technical Support": 0, + "Clinical Assessment and Reasoning": 0, + "Healthcare Safety Management": 0, + "Equipment Installation": 0, + "Safety and Quality Verification": 0, + "Healthcare Informatics Management": 0, + "Technical Information Security": 0, + "Professional Research and Development": 0, + "Healthcare Safety Protocols": 0, + "Precision Manual Medical Skills": 0, + "Performance Evaluation Management": 0, + "Technical Repair Workflow": 0, + "Preventive Healthcare Strategy": 0, + "Patient-Centered Communication": 0, + "Population Health Management": 0, + "Organizational Resilience Planning": 0, + "Regulatory Risk Assessment": 0, + "Strategic Contingency Management": 0, + "Shipping and Logistics Coordination": 0, + "Mechanical Diagnostic Assessment": 0, + "Mechanical Repair Workflow": 0, + "Educational Support Services": 0, + "Student Safety and Welfare": 0, + "Sales Team Management": 0, + "Strategic Performance Monitoring": 0, + "Biological Sample Processing": 0, + "Scientific Analytical Reasoning": 0, + "Equipment Quality Monitoring": 0, + "Manufacturing Surface Finishing": 0, + "Precision Equipment Management": 0, + "Situational Awareness": 0, + "Safety Communication": 0, + "Operational Monitoring": 0, + "Patron Safety Support": 0, + "Solar Energy Systems Installation": 0, + "Renewable Energy Quality Control": 0, + "Precision Installation Techniques": 0, + "Resource Coordination": 0, + "Clinical Assessment Skills": 0, + "Physical Rehabilitation Support": 0, + "Professional Academic Mentorship": 0, + "Electrical Systems Design": 0, + "Electromechanical Systems Management": 0 + }, + "original_index": 729, + "sparsity": 1.0 + }, + { + "onet_code": "43-3071.00", + "job_title": "Tellers", + "detailed_work_activities": [ + "Verify accuracy of financial or transactional data.", + "Execute sales or other financial transactions.", + "Collect deposits, payments or fees.", + "Calculate financial data.", + "Prepare cash for deposit or disbursement.", + "Enter information into databases or software programs.", + "Respond to customer problems or complaints.", + "Answer customer questions about goods or services.", + "Answer telephones to direct calls or provide information.", + "Order materials, supplies, or equipment.", + "File documents or records.", + "Sell products or services.", + "Obtain personal or financial information about customers or applicants.", + "Type documents.", + "Issue documentation or identification to customers or employees.", + "Maintain financial or account records.", + "Prepare business correspondence.", + "Send information, materials or documentation.", + "Interpret financial information for others.", + "Calculate costs of goods or services.", + "Explain regulations, policies, or procedures." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Financial Transaction Processing": 1, + "Customer Service Coordination": 1, + "Operational Documentation": 1, + "Client Information Processing": 1, + "Precision Information Processing": 1, + "Administrative Transaction Processing": 1, + "Professional Communication": 1, + "Mathematical Problem Solving": 1, + "Operational Safety Management": 1, + "Technical Equipment Operation": 1 + }, + "original_index": 730, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-2121.00", + "job_title": "Glaziers", + "detailed_work_activities": [ + "Review blueprints or specifications to determine work requirements.", + "Verify alignment of structures or equipment.", + "Install metal structural components.", + "Install wooden structural components.", + "Fabricate parts or components.", + "Install doors or windows.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Cut glass.", + "Load or unload materials used in construction or extraction.", + "Drive trucks or truck-mounted equipment.", + "Measure materials or objects for installation or assembly.", + "Apply material to fill gaps in surfaces.", + "Cut metal components for installation.", + "Cut wood components for installation.", + "Trim excess material from installations.", + "Install building fixtures.", + "Assemble temporary equipment or structures.", + "Dismantle equipment or temporary structures.", + "Remove worn, damaged or outdated materials from work areas.", + "Communicate with clients about products, procedures, and policies.", + "Mark reference points on construction materials.", + "Select construction materials.", + "Smooth surfaces with abrasive materials or tools.", + "Cut carpet, vinyl or other flexible materials.", + "Protect structures or surfaces near work areas to avoid damage.", + "Apply adhesives to construction materials.", + "Apply decorative or textured finishes or coverings." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Material Handling": 1, + "Construction Material Handling": 1, + "Technical Measurement and Verification": 1, + "Precision Manual Construction Skills": 1, + "Technical Equipment Operation": 1, + "Surface Preparation": 1, + "Safety and Quality Inspection": 1, + "Technical Documentation": 1, + "Workplace Safety Management": 1, + "Client Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Behavioral Health Counseling": 0 + }, + "original_index": 731, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "31-2021.00", + "job_title": "Physical Therapist Assistants", + "detailed_work_activities": [ + "Engage patients in exercises or activities.", + "Document client health or progress.", + "Encourage patients during therapeutic activities.", + "Record patient medical histories.", + "Communicate patient status to other health practitioners.", + "Monitor patient progress or responses to treatments.", + "Prepare medical reports or documents.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Hold patients to ensure proper positioning or safety.", + "Confer with other professionals to plan patient care.", + "Administer therapy treatments to patients using hands or physical treatment aids.", + "Adjust positions of patients on beds or tables.", + "Move patients to or from treatment areas.", + "Teach medical procedures or medical equipment use to patients.", + "Clean patient rooms or patient treatment rooms.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Monitor medical equipment to ensure proper functioning.", + "Prepare medical instruments or equipment for use.", + "Prepare patient treatment areas for use.", + "Administer basic health care or medical treatments.", + "Assist patients with daily activities.", + "Attend educational events to update medical knowledge.", + "Teach medical procedures to healthcare personnel.", + "Fit patients for assistive devices.", + "Inventory medical supplies or equipment.", + "Perform clerical work in medical settings." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Therapeutic Patient Intervention": 1, + "Healthcare Documentation": 1, + "Clinical Procedure Support": 1, + "Patient Safety Management": 1, + "Interpersonal Patient Communication": 1, + "Healthcare Equipment Management": 1, + "Rehabilitation Treatment Planning": 1, + "Professional Healthcare Communication": 1 + }, + "original_index": 732, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "47-2211.00", + "job_title": "Sheet Metal Workers", + "detailed_work_activities": [ + "Inspect completed work to ensure proper installation.", + "Maintain construction tools or equipment.", + "Fabricate parts or components.", + "Weld metal components.", + "Assemble products or production equipment.", + "Install building fixtures.", + "Install plumbing or piping.", + "Move construction or extraction materials to locations where they are needed.", + "Direct construction or extraction personnel.", + "Train construction or extraction personnel.", + "Mark reference points on construction materials.", + "Measure materials or objects for installation or assembly.", + "Position structural components.", + "Review blueprints or specifications to determine work requirements.", + "Create construction or installation diagrams.", + "Select construction materials.", + "Evaluate construction projects to determine compliance with external standards or regulations.", + "Smooth surfaces with abrasive materials or tools.", + "Inspect industrial or commercial equipment to ensure proper operation.", + "Install roofing materials." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Manual Construction Skills": 1, + "Material Handling": 1, + "Technical Equipment Operation": 1, + "Construction Material Preparation": 1, + "Welding and Fabrication": 1, + "Technical Measurement and Verification": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Surface Preparation": 1, + "Construction Site Coordination": 1 + }, + "original_index": 733, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-2121.00", + "job_title": "Marine Engineers and Naval Architects", + "detailed_work_activities": [ + "Design structures or facilities.", + "Supervise engineering or other technical personnel.", + "Review technical documents to plan work.", + "Monitor processes for compliance with standards.", + "Evaluate characteristics of equipment or systems.", + "Direct construction activities.", + "Schedule operational activities.", + "Prepare contracts, disclosures, or applications.", + "Prepare detailed work plans.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Maintain electronic equipment.", + "Create graphical representations of structures or landscapes.", + "Communicate with others to coordinate vehicle movement.", + "Inspect equipment or systems.", + "Maintain operational records or records systems.", + "Devise research or testing protocols.", + "Prepare technical reports for internal use.", + "Coordinate safety or regulatory compliance activities.", + "Direct equipment maintenance or repair activities.", + "Direct installation activities.", + "Purchase materials, equipment, or other resources.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Maintain mechanical equipment.", + "Confer with other personnel to resolve design or operational problems.", + "Confer with technical personnel to prepare designs or operational plans.", + "Research advanced engineering designs or applications.", + "Analyze design or requirements information for mechanical equipment or systems.", + "Design electromechanical equipment or systems." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Complex Problem Solving in Engineering": 1, + "Technical Systems Engineering": 1, + "Technical Equipment Management": 1, + "Technical Design Documentation": 1, + "Marine Systems Engineering": 1, + "Technical Communication": 1, + "Advanced Operational Monitoring": 1, + "Technical Safety Management": 1, + "Precision Technical Measurement": 1, + "Technical Project Management": 1, + "Mechanical Equipment Maintenance": 1, + "Technical Quality Control": 1, + "Advanced Resource Management": 1, + "Technical Risk Assessment": 1, + "Operational Coordination": 1, + "Technical Diagnostic Reasoning": 1, + "Precision Equipment Operation": 1, + "Technical Performance Optimization": 1, + "Advanced Manufacturing Technologies": 1, + "Electromechanical Systems Management": 1 + }, + "original_index": 734, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "17-2051.01", + "job_title": "Transportation Engineers", + "detailed_work_activities": [ + "Design civil structures or systems.", + "Evaluate designs or specifications to ensure quality.", + "Prepare technical or operational reports.", + "Prepare detailed work plans.", + "Confer with technical personnel to prepare designs or operational plans.", + "Explain project details to the general public.", + "Create graphical representations of civil structures.", + "Advise others on health and safety issues.", + "Estimate operational costs.", + "Design environmental control systems.", + "Evaluate characteristics of equipment or systems.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Determine operational criteria or specifications.", + "Prepare project budgets.", + "Schedule operational activities.", + "Evaluate technical data to determine effect on designs or plans.", + "Investigate the environmental impact of projects.", + "Direct equipment maintenance or repair activities.", + "Test characteristics of materials or structures.", + "Create models of engineering designs or methods.", + "Negotiate contracts for transportation, distribution, or logistics services.", + "Negotiate contracts with clients or service providers.", + "Evaluate plans or specifications to determine technological or environmental implications.", + "Direct surveying activities.", + "Incorporate green features into the design of structures or facilities.", + "Develop software or computer applications." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Civil Infrastructure Design": 1, + "Technical Design Documentation": 1, + "Technical Project Management": 1, + "Technical Systems Analysis": 1, + "Environmental Impact Assessment": 1, + "Operational Cost Analysis": 1, + "Technical Safety Management": 1, + "Spatial Analysis and Visualization": 1, + "Sustainability Planning": 1, + "Technical Communication": 1 + }, + "original_index": 735, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "53-2031.00", + "job_title": "Flight Attendants", + "detailed_work_activities": [ + "Inspect aircraft or aircraft components.", + "Provide transportation information to passengers or customers.", + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Maintain surveillance of individuals or establishments.", + "Monitor patron activities to identify problems or potential problems.", + "Assist others during emergencies.", + "Provide first aid or rescue assistance in emergencies.", + "Resolve issues affecting transportation operations.", + "Receive information or instructions for performing work assignments.", + "Assist customers to ensure comfort or safety.", + "Monitor availability of equipment or supplies.", + "Assist passengers during vehicle boarding.", + "Record operational details of travel.", + "Clean vehicles or vehicle components.", + "Inspect facilities to ensure compliance with safety, quality, or service standards.", + "Operate communications equipment or systems.", + "Collect fares or payment from customers.", + "Verify information or specifications.", + "Sell products or services." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Knowledge Communication": 0, + "Professional Communication": 1, + "Service Orientation": 1, + "Interpersonal Communication": 1, + "Customer Service Coordination": 1, + "Safety Management": 1, + "Emergency Response Management": 1, + "Passenger Safety Management": 1, + "Operational Safety Monitoring": 1, + "Operational Communication": 1, + "Situational Awareness": 1, + "Transportation Safety Compliance": 1, + "Transportation Operational Coordination": 1, + "Client Interaction Management": 1, + "Conflict Resolution": 1, + "First Aid and Medical Support": 1 + }, + "original_index": 736, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "11-3031.00", + "job_title": "Financial Managers", + "detailed_work_activities": [ + "Determine pricing or monetary policies.", + "Establish interpersonal business relationships to facilitate work activities.", + "Communicate organizational information to customers or other stakeholders.", + "Monitor flow of cash or other resources.", + "Analyze forecasting data to improve business decisions.", + "Direct financial operations.", + "Supervise employees.", + "Approve expenditures.", + "Maintain regulatory or compliance documentation.", + "Prepare financial documents, reports, or budgets.", + "Prepare reports related to compliance matters.", + "Analyze financial records to improve budgeting or planning.", + "Analyze financial records to improve efficiency.", + "Recommend organizational process or policy changes.", + "Recruit personnel.", + "Prepare operational progress or status reports.", + "Analyze financial records or reports to determine state of operations.", + "Direct organizational operations, projects, or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Financial Analysis": 1, + "Financial Resource Management": 1, + "Strategic Financial Decision Making": 1, + "Operational Financial Analysis": 1, + "Advanced Operational Monitoring": 1, + "Operational Documentation Management": 1, + "Stakeholder Communication Management": 1, + "Strategic Organizational Communication": 1, + "Advanced Regulatory Compliance": 1, + "Personnel Resource Management": 1, + "Strategic Risk Assessment": 1, + "Quantitative Financial Analysis": 1, + "Business Intelligence Analysis": 1, + "Strategic Operational Planning": 1, + "Commercial Relationship Management": 1 + }, + "original_index": 737, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-2053.00", + "job_title": "Insurance Underwriters", + "detailed_work_activities": [ + "Analyze health-related data.", + "Assess financial status of clients.", + "Authorize financial actions.", + "Explain regulations, policies, or procedures.", + "Assess risks to business operations.", + "Verify accuracy of records." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Knowledge Communication": 0, + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Problem Solving": 1, + "Business Data Interpretation": 1, + "Client Consultation and Needs Assessment": 1, + "Commercial Risk Assessment": 1, + "Communication Information Management": 1, + "Comprehensive Decision Making": 1, + "Financial Analysis": 1, + "Financial Risk Analysis": 1, + "Information Processing": 1, + "Operational Documentation": 1, + "Professional Communication": 1, + "Regulatory Compliance": 1, + "Risk Assessment": 1 + }, + "original_index": 738, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "33-2022.00", + "job_title": "Forest Fire Inspectors and Prevention Specialists", + "detailed_work_activities": [ + "Relay information about incidents or emergencies to personnel using phones or two-way radios.", + "Assess characteristics of fires.", + "Train employees in proper work procedures.", + "Train personnel on proper operational procedures.", + "Train personnel to enhance job skills.", + "Direct fire fighting or prevention activities.", + "Locate fires or fire danger areas.", + "Operate firefighting equipment.", + "Monitor environmental conditions to detect hazards.", + "Patrol natural areas to ensure safety or enforce regulations.", + "Record information about environmental conditions.", + "Maintain inventories of materials, equipment, or products.", + "Inspect equipment to ensure safety or proper functioning.", + "Educate the public about fire safety or prevention.", + "Provide educational information to the public.", + "Provide safety training.", + "Maintain operational records.", + "Block physical access to restricted areas.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Inspect facilities to ensure compliance with fire regulations.", + "Recommend improvements to increase safety or reduce risks." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Fire Safety Assessment": 1, + "Fire Safety and Prevention": 1, + "Environmental Monitoring": 1, + "Safety Inspection": 1, + "Public Safety Communication": 1, + "Training Program Development": 1, + "Operational Safety Management": 1, + "Risk Assessment": 1, + "Operational Documentation": 1, + "Regulatory Compliance Monitoring": 1, + "Field Operations Management": 1, + "Equipment Operation": 1, + "Inventory Management": 1, + "Communication Management": 1, + "Site Preparation and Safety": 1 + }, + "original_index": 739, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-1061.00", + "job_title": "Anthropology and Archeology Teachers, Postsecondary", + "detailed_work_activities": [ + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Teach social science courses at the college level.", + "Guide class discussions.", + "Evaluate student work.", + "Develop instructional materials.", + "Conduct anthropological or archaeological research.", + "Advise students on academic or career matters.", + "Administer tests to assess educational needs or progress.", + "Maintain student records.", + "Prepare tests.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Supervise student research or internship work.", + "Supervise laboratory work.", + "Write grant proposals.", + "Write reports or evaluations.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Compile specialized bibliographies or lists of materials.", + "Serve on institutional or departmental committees.", + "Evaluate scholarly materials.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 740, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "33-9021.00", + "job_title": "Private Detectives and Investigators", + "detailed_work_activities": [ + "Prepare investigation or incident reports.", + "Investigate personal characteristics or activities of individuals.", + "Examine records or other types of data to investigate criminal activities.", + "Use databases to locate investigation details or other information.", + "Investigate crimes committed within organizations.", + "Interview people to obtain information about actions or status of individuals.", + "Testify at legal or legislative proceedings.", + "Observe individuals' activities to gather information or compile evidence.", + "Record crime or accident scene evidence with video or still cameras.", + "Communicate situation details to appropriate personnel.", + "Balance receipts.", + "Collaborate with law enforcement or security agencies to respond to incidents." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Criminal Investigation Skills": 1, + "Investigative Analysis": 1, + "Investigative Evidence Analysis": 1, + "Investigative Documentation": 1, + "Interpersonal Interrogation Skills": 1, + "Surveillance Operations": 1, + "Legal Documentation Management": 1, + "Strategic Investigative Analysis": 1, + "Information Gathering and Verification": 1, + "Threat Detection and Assessment": 1, + "Professional Surveillance Techniques": 1, + "Technical Investigative Documentation": 1, + "Systematic Investigative Analysis": 1, + "Advanced Problem Solving": 1, + "Professional Interviewing": 1, + "Interpersonal Observation Skills": 1, + "Technical Risk Assessment": 1, + "Database Management": 1, + "Situational Awareness": 1, + "Academic Research Methodology": 0 + }, + "original_index": 741, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "13-1141.00", + "job_title": "Compensation, Benefits, and Job Analysis Specialists", + "detailed_work_activities": [ + "Oversee business processes.", + "Monitor organizational compliance with regulations.", + "Administer compensation or benefits programs.", + "Develop organizational policies or programs.", + "Advise others on human resources topics.", + "Evaluate effectiveness of personnel policies or practices.", + "Analyze jobs using observation, survey, or interview techniques.", + "Communicate with government agencies.", + "Establish business management methods.", + "Analyze business or financial data.", + "Arrange collective bargaining agreements.", + "Inform individuals or organizations of status or findings.", + "Conduct surveys in organizations.", + "Maintain personnel records.", + "Train personnel in organizational or compliance procedures.", + "Prepare operational reports.", + "Prepare research reports." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation Management": 1, + "Administrative Information Management": 1, + "Organizational Compliance Management": 1, + "Human Resources Data Analysis": 1, + "Strategic Compensation Management": 1, + "Professional Documentation": 1, + "Stakeholder Communication Management": 1, + "Regulatory Compliance Management": 1, + "Strategic Resource Management": 1 + }, + "original_index": 742, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-2022.00", + "job_title": "Stonemasons", + "detailed_work_activities": [ + "Mark reference points on construction materials.", + "Cut tile, stone, or other masonry materials.", + "Align masonry materials.", + "Apply mortar.", + "Mix substances or compounds needed for work activities.", + "Spread concrete or other aggregate mixtures.", + "Apply decorative masonry finishes.", + "Remove excess materials from finished construction projects.", + "Install masonry materials.", + "Smooth surfaces with abrasive materials or tools.", + "Drill holes in construction materials.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Dig holes or trenches.", + "Position construction forms or molds.", + "Load materials into construction equipment." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Masonry Material Installation": 1, + "Construction Material Handling": 1, + "Precision Manual Construction Skills": 1, + "Surface Preparation Techniques": 1, + "Technical Equipment Operation": 1, + "Construction Site Safety Management": 1, + "Material Measurement and Preparation": 1, + "Technical Measurement and Marking": 1, + "Construction Equipment Management": 1, + "Workplace Safety Coordination": 1, + "Technical Surface Preparation": 1, + "Decorative Material Application": 1, + "Rigging and Material Positioning": 1, + "Technical Coordination and Communication": 1, + "Academic Instruction": 0 + }, + "original_index": 743, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "27-1025.00", + "job_title": "Interior Designers", + "detailed_work_activities": [ + "Draw detailed or technical illustrations.", + "Plan facility layouts or designs.", + "Conduct research to inform art, designs, or other work.", + "Update professional knowledge.", + "Confer with clients to determine needs.", + "Coordinate construction or installation activities.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Review details of technical drawings or specifications.", + "Maintain inventories of materials, equipment, or products.", + "Select materials or props.", + "Estimate costs for projects or productions.", + "Present work to clients for approval.", + "Incorporate green features into the design of structures or facilities.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Instructing\u2014 Teaching others how to do something.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Artistic Design Conceptualization": 1, + "Creative Design Visualization": 1, + "Technical Design Documentation": 1, + "Client Consultation and Needs Assessment": 1, + "Spatial Design Planning": 1, + "Material Selection": 1, + "Project Management": 1, + "Cost Estimation": 1, + "Professional Communication": 1, + "Green Design Integration": 1, + "Technical Illustration Skills": 1, + "Stakeholder Communication": 1, + "Aesthetic Service Coordination": 1, + "Professional Knowledge Maintenance": 1, + "Academic Research Methodology": 0, + "Clinical Patient Assessment": 0, + "Agricultural Systems Analysis": 0, + "Underwater Technical Operations": 0 + }, + "original_index": 744, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "33-3041.00", + "job_title": "Parking Enforcement Workers", + "detailed_work_activities": [ + "Use databases to locate investigation details or other information.", + "Patrol properties to maintain safety.", + "Issue warnings or citations.", + "Relay information about incidents or emergencies to personnel using phones or two-way radios.", + "Maintain supply or equipment inventories.", + "Testify at legal or legislative proceedings.", + "Communicate situation details to appropriate personnel.", + "Locate suspicious objects or vehicles.", + "Monitor environmental conditions to detect hazards.", + "Train employees in proper work procedures.", + "Monitor vehicle movement or location.", + "Confiscate prohibited or dangerous items.", + "Investigate transportation incidents, violations, or complaints.", + "Relay information between personnel.", + "Respond to customer problems or complaints.", + "Inform the public about policies, services or procedures.", + "Collect deposits, payments or fees.", + "Maintain operational records.", + "Maintain mechanical equipment.", + "Assist motorists or pedestrians.", + "Evaluate employee performance.", + "Block physical access to restricted areas.", + "Direct vehicle traffic." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operational Safety Management": 1, + "Public Safety Communication": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Vehicle Movement Coordination": 1, + "Operational Monitoring": 1, + "Customer Service Coordination": 1, + "Technical Documentation": 1, + "Situational Awareness": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 745, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-4192.00", + "job_title": "Layout Workers, Metal and Plastic", + "detailed_work_activities": [ + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Align parts or workpieces to ensure proper assembly.", + "Plan production or operational procedures or sequences.", + "Design templates or patterns.", + "Assemble metal or plastic parts or products.", + "Lay out parts to prepare for assembly.", + "Calculate dimensions of workpieces, products, or equipment.", + "Attach decorative or functional accessories to products.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Assemble metal structures.", + "Inspect metal, plastic, or composite products.", + "Create diagrams or blueprints for workpieces or products.", + "Construct patterns, templates, or other work aids.", + "Apply protective or decorative finishes to workpieces or products." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Academic Instruction": 0, + "Mathematics": 1, + "Complex Problem Solving": 1, + "Critical Thinking": 1, + "Precision Measurement": 1, + "Technical Documentation": 1, + "Material Handling": 1, + "Quality Control": 1, + "Equipment Operation": 1, + "Pattern Design": 1 + }, + "original_index": 746, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "11-9161.00", + "job_title": "Emergency Management Directors", + "detailed_work_activities": [ + "Communicate with government agencies.", + "Coordinate operational activities with external stakeholders.", + "Establish interpersonal business relationships to facilitate work activities.", + "Coordinate special events or programs.", + "Maintain operational records.", + "Prepare reports related to compliance matters.", + "Develop emergency response plans or procedures.", + "Evaluate program effectiveness.", + "Confer with organizational members to accomplish work activities.", + "Develop training materials.", + "Maintain knowledge of current developments in area of expertise.", + "Inspect condition or functioning of facilities or equipment.", + "Determine operational compliance with regulations or standards.", + "Conduct opinion surveys or needs assessments.", + "Recommend organizational process or policy changes.", + "Present information to the public.", + "Prepare operational progress or status reports.", + "Prepare proposals or grant applications to obtain project funding.", + "Teach safety standards or environmental compliance methods.", + "Advise others on legal or regulatory compliance matters.", + "Develop safety standards, policies, or procedures.", + "Implement organizational process or policy changes.", + "Communicate organizational policies and procedures.", + "Manage inventories of products or organizational resources." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Interpersonal Communication": 0, + "Operational Coordination": 0, + "Critical Problem Solving": 0, + "Technical Equipment Maintenance": 0, + "Operational Safety and Quality Control": 0, + "Precision Manual Manipulation": 0, + "Emergency Response Management": 0, + "Transportation Systems Navigation": 0, + "Performance and Safety Monitoring": 0, + "Material Processing": 0, + "Industrial Equipment Operation": 0, + "Workplace Maintenance": 0, + "Spatial Visualization": 0, + "Mechanical Fabrication": 0, + "Systems Installation": 0, + "Renewable Energy Systems": 0, + "Technical Documentation": 0, + "Environmental Technology Deployment": 0, + "Logistics Resource Management": 0, + "Operational Compliance and Safety": 0, + "Quantitative Operational Analysis": 0, + "Hospitality Management": 0, + "Organizational Resource Coordination": 0, + "Adaptive Workplace Communication": 0, + "Strategic Operational Planning": 0, + "Performance and Compliance Monitoring": 0, + "Educational Support": 0, + "Developmental Mentorship": 0, + "Inclusive Learning Management": 0, + "Technical Maintenance and Repair": 0, + "Operational Safety Management": 0, + "Resource Coordination and Personnel Management": 0, + "Complex Problem Resolution": 0, + "Technical Systems Analysis": 0, + "Precision Technical Documentation": 0, + "Advanced Equipment Calibration": 0, + "Integrated Systems Engineering": 0, + "Quantitative Technical Problem Solving": 0, + "Mechanical Equipment Diagnostics": 0, + "Preventive Maintenance Execution": 0, + "Technical Repair Workflow Management": 0, + "Geological Site Preparation": 0, + "Drilling and Excavation Techniques": 0, + "Heavy Equipment Navigation": 0, + "Geological Sample Collection": 0, + "Environmental Decontamination": 0, + "Green Energy Management": 0, + "Strategic Environmental Compliance": 0, + "Resource Allocation Strategy": 0, + "Advanced Stakeholder Negotiation": 0, + "Medical Diagnostics": 0, + "Healthcare Patient Management": 0, + "Medical Education and Training": 0, + "Healthcare Communication": 0, + "Medical Research and Innovation": 0, + "Patient Care Management": 0, + "Medical Knowledge Application": 0, + "Healthcare Professional Collaboration": 0, + "Health Education and Counseling": 0, + "Clinical Documentation Management": 0, + "Production Equipment Management": 0, + "Quality Assurance Inspection": 0, + "Surface Preparation and Finishing": 0, + "Operational Material Handling": 0, + "Precision Manufacturing Techniques": 0, + "Process Equipment Operation": 0, + "Operational Material Processing": 0, + "Systematic Quality Verification": 0, + "Food Service Management": 0, + "Culinary Preparation Skills": 0, + "Kitchen Safety and Sanitation": 0, + "Inventory and Resource Management": 0, + "Operational Food Service Coordination": 0, + "Construction Material Manipulation": 0, + "Infrastructure Installation": 0, + "Precision Construction Techniques": 0, + "Mechanical System Diagnostics": 0, + "Precision Equipment Maintenance": 0, + "Technical Operational Control": 0, + "Mechanical Component Fabrication": 0, + "Operational Safety Compliance": 0, + "Legal Decision Making": 0, + "Procedural Legal Communication": 0, + "Regulatory Conflict Resolution": 0, + "Print Production Management": 0, + "Manufacturing Process Control": 0, + "Technical Equipment Calibration": 0, + "Electronic Systems Engineering": 0, + "Technical Performance Diagnostics": 0, + "Technical Documentation Management": 0, + "Instrumentation and Equipment Installation": 0, + "Operational Cost and Resource Planning": 0, + "Labor Relations Management": 0, + "Regulatory Compliance Strategy": 0, + "Strategic Conflict Resolution": 0, + "Organizational Policy Development": 0, + "Professional Communication Dynamics": 0, + "Residential Support Management": 0, + "Interpersonal Behavioral Guidance": 0, + "Organizational Safety Oversight": 0, + "Administrative Support Coordination": 0, + "Conflict Mediation and Resolution": 0, + "Medical Administrative Support": 0, + "Professional Communication Management": 0, + "Organizational Information Processing": 0, + "Mechanical Repair Skills": 0, + "Precision Equipment Installation": 0, + "Operational Safety Monitoring": 0, + "Technical Documentation and Interpretation": 0, + "Legal Research and Analysis": 0, + "Judicial Documentation Management": 0, + "Professional Legal Communication": 0, + "Judicial Procedural Coordination": 0, + "Maternal Healthcare Management": 0, + "Clinical Procedure Instruction": 0, + "Comprehensive Patient Counseling": 0, + "Emergency Reproductive Care": 0, + "Airfield Operations Management": 0, + "Transportation Safety Monitoring": 0, + "Emergency Response Coordination": 0, + "Operational Communication Coordination": 0, + "Vehicle and Equipment Monitoring": 0, + "Therapeutic Counseling": 0, + "Client Treatment Management": 0, + "Substance Abuse Intervention": 0, + "Crisis Support Management": 0, + "Family Systems Counseling": 0, + "Maritime Operations Management": 0, + "Emergency Water Response": 0, + "Vessel Maintenance and Inspection": 0, + "Water Transportation Coordination": 0, + "Construction Material Preparation": 0, + "Structural Component Assembly": 0, + "Construction Equipment Management": 0, + "Surface Preparation Techniques": 0, + "Child Development Support": 0, + "Developmental Care Coordination": 0, + "Adaptive Caregiving": 0, + "Family Engagement and Communication": 0, + "Holistic Child Safety Management": 0, + "Measurement and Verification": 0, + "Logistics and Inventory Management": 0, + "Operational Documentation": 0, + "Vehicle Glass Repair": 0, + "Automotive Component Replacement": 0, + "Precision Surface Preparation": 0, + "Regulatory Compliance Management": 0, + "Strategic Resource Allocation": 0, + "Advanced Operational Governance": 0, + "Scientific Research Methodology": 0, + "Environmental Conservation Strategy": 0, + "Biological Systems Analysis": 0, + "Professional Scientific Communication": 0, + "Organizational Research Management": 0, + "Regulatory Environmental Compliance": 0, + "Technical Systems Optimization": 0, + "Resource and Budget Management": 0, + "Workforce Training and Development": 0, + "Postal Service Operations": 0, + "Customer Interaction Management": 0, + "Administrative Documentation": 0, + "Vehicle and Equipment Operation": 0, + "Legal Documentation Management": 0, + "Professional Transcription Skills": 0, + "Procedural Information Processing": 0, + "Precision Device Assembly": 0, + "Equipment Diagnostic Inspection": 0, + "Precision Measurement Techniques": 0, + "Client Representation Management": 0, + "Strategic Talent Negotiation": 0, + "Performance Career Development": 0, + "Entertainment Industry Coordination": 0, + "Professional Financial Management": 0, + "Hazardous Materials Management": 0, + "Safety and Risk Mitigation": 0, + "Heavy Equipment Operation": 0, + "Environmental Site Management": 0, + "Technical Substance Preparation": 0, + "Pharmaceutical Workflow Management": 0, + "Healthcare Compliance and Safety": 0, + "Environmental Conservation Management": 0, + "Specialized Equipment Operation": 0, + "Field Operations Coordination": 0, + "Agricultural Inventory Management": 0, + "Preventive Plant Care": 0, + "Environmental Data Analysis": 0, + "Scientific Sample Management": 0, + "Technical Reporting and Documentation": 0, + "Environmental Monitoring and Assessment": 0, + "Green Energy Engineering": 0, + "Technical Design Visualization": 0, + "Systematic Performance Evaluation": 0, + "Renewable Technology Testing": 0, + "Technical Project Planning": 0, + "Mechanical Repair and Maintenance": 0, + "Precision Material Manipulation": 0, + "Customer Engagement": 0, + "Retail Product Management": 0, + "Sales Transaction Processing": 0, + "Property Valuation Analysis": 0, + "Professional Documentation Management": 0, + "Economic Trend Forecasting": 0, + "Client Service Coordination": 0, + "Legal Testimony Preparation": 0, + "Production Assembly Skills": 0, + "Operational Quality Monitoring": 0, + "Technical Equipment Management": 0, + "Workplace Procedural Coordination": 0, + "Material Handling and Preparation": 0, + "Food Service Leadership": 0, + "Organizational Resource Allocation": 0, + "Interpersonal Conflict Resolution": 0, + "Performance Monitoring and Evaluation": 0, + "Project Management": 0, + "Strategic Technology Management": 0, + "Organizational Resource Optimization": 0, + "Advanced Stakeholder Communication": 0, + "Glass Fabrication Techniques": 0, + "Production Equipment Setup": 0, + "Manufacturing Quality Verification": 0, + "Personal Grooming Services": 0, + "Client Relationship Management": 0, + "Beauty Product Expertise": 0, + "Aesthetic Service Coordination": 0, + "Waste Management Operations": 0, + "Vehicle and Equipment Navigation": 0, + "Safety and Maintenance Inspection": 0, + "Software Development": 0, + "Information Technology Problem Solving": 0, + "Technology Project Management": 0, + "Enterprise Technology Integration": 0, + "Security Risk Management": 0, + "Investigative Compliance Analysis": 0, + "Personnel Resource Optimization": 0, + "Strategic Organizational Governance": 0, + "Comprehensive Workplace Monitoring": 0, + "Workforce Training Development": 0, + "Sales Communication": 0, + "Customer Relationship Cultivation": 0, + "Telemarketing Strategy": 0, + "Therapeutic Patient Care": 0, + "Healthcare Education and Counseling": 0, + "Adaptive Therapeutic Intervention": 0, + "Educational Support and Mentorship": 0, + "Adaptive Learning Management": 0, + "Performance Assessment and Monitoring": 0, + "Interpersonal Educational Communication": 0, + "Professional Educational Development": 0, + "Nanotechnology Process Control": 0, + "Precision Scientific Measurement": 0, + "Technical Research and Innovation": 0, + "Environmental Compliance Monitoring": 0, + "Technical Documentation and Reporting": 0, + "Tour Guide Services": 0, + "Patron Support Coordination": 0, + "Recreational Activity Management": 0, + "Social Support Services": 0, + "Family Systems Intervention": 0, + "Advocacy and Resource Navigation": 0, + "Psychosocial Assessment": 0, + "Client Hygiene Management": 0, + "Technical Design Drafting": 0, + "Precision Measurement Analysis": 0, + "Technical Collaborative Communication": 0, + "Blockchain Technology Development": 0, + "Cybersecurity Implementation": 0, + "Software Architecture Design": 0, + "Cryptographic Protocol Engineering": 0, + "Distributed Systems Engineering": 0, + "Precision Equipment Operation": 0, + "Manufacturing Quality Control": 0, + "Production Process Management": 0, + "Therapeutic Music Intervention": 0, + "Patient Psychological Assessment": 0, + "Healthcare Treatment Planning": 0, + "Empathetic Patient Communication": 0, + "Medical Documentation Management": 0, + "Medical Imaging Technology": 0, + "Healthcare Procedural Compliance": 0, + "Patient Diagnostic Interaction": 0, + "Medical Substance Management": 0, + "Clinical Equipment Maintenance": 0, + "Food Processing Operations": 0, + "Production Equipment Monitoring": 0, + "Quality Verification Techniques": 0, + "Material Handling and Processing": 0, + "Gaming Operations Management": 0, + "Customer Service Interaction": 0, + "Operational Quality Assurance": 0, + "Academic Instruction": 0, + "Student Performance Assessment": 0, + "Academic Research and Development": 0, + "Institutional Governance": 0, + "Professional Development Management": 0, + "Cultural Heritage Preservation": 0, + "Exhibit Design and Curation": 0, + "Archival Research and Documentation": 0, + "Surgical Intervention": 0, + "Medical Diagnostic Assessment": 0, + "Healthcare Procedural Coordination": 0, + "Medical Equipment Sterilization": 0, + "Clinical Research Management": 0, + "Athletic Performance Management": 0, + "Strategic Physical Coordination": 0, + "Professional Sports Communication": 0, + "Electrical Systems Installation": 0, + "Technical Equipment Diagnostics": 0, + "Safety Equipment Verification": 0, + "Artistic Performance Coordination": 0, + "Creative Composition Strategy": 0, + "Professional Artistic Negotiation": 0, + "Personal Care Support": 0, + "Compassionate Client Interaction": 0, + "Healthcare Assistance Coordination": 0, + "Domestic Support Management": 0, + "Environmental Regulatory Compliance": 0, + "Systematic Investigative Analysis": 0, + "Technical Environmental Monitoring": 0, + "Professional Regulatory Communication": 0, + "Green Energy Innovation": 0, + "Operational Environmental Strategy": 0, + "Technical Process Engineering": 0, + "Sustainable Production Management": 0, + "Energy Production Analytics": 0, + "Financial Information Processing": 0, + "Customer Information Acquisition": 0, + "Administrative Communication Management": 0, + "Financial Transaction Coordination": 0, + "Regulatory Compliance Documentation": 0, + "Construction Material Management": 0, + "Protective Work Environment Setup": 0, + "Construction Project Cost Estimation": 0, + "Environmental Science Research": 0, + "Regulatory Environmental Management": 0, + "Scientific Communication and Reporting": 0, + "Sustainability Planning": 0, + "Environmental Impact Assessment": 0, + "Administrative Document Processing": 0, + "Office Equipment Operation": 0, + "Communication and Information Routing": 0, + "Professional Time and Task Management": 0, + "Forensic Investigation": 0, + "Professional Testimony Preparation": 0, + "Landscape Maintenance Operations": 0, + "Specialized Equipment Navigation": 0, + "Safety-Focused Field Operations": 0, + "Biological Research Methodology": 0, + "Laboratory Sample Analysis": 0, + "Scientific Instrumentation Management": 0, + "Microorganism Classification": 0, + "Environmental Microbiological Assessment": 0, + "Vehicle Mechanical Repair": 0, + "Precision Manual Tool Operation": 0, + "Visual Display Design": 0, + "Creative Promotional Strategy": 0, + "Artistic Prop and Material Selection": 0, + "Technical Illustration and Modeling": 0, + "Educational Program Development": 0, + "Student Performance Management": 0, + "Adaptive Instructional Techniques": 0, + "Classroom Behavior Management": 0, + "Physical Fitness Instruction": 0, + "Health and Safety Management": 0, + "Client Performance Evaluation": 0, + "Recreational Activity Coordination": 0, + "Fitness Equipment Management": 0, + "Occupational Safety Management": 0, + "Health and Wellness Communication": 0, + "Regulatory Documentation Management": 0, + "Emergency Preparedness Planning": 0, + "Technical Equipment Inspection": 0, + "Medical Diagnostic Precision": 0, + "Healthcare Patient Interaction": 0, + "Vision Care Expertise": 0, + "Medical Treatment Planning": 0, + "Healthcare Equipment Management": 0, + "Cybersecurity Engineering": 0, + "Information Technology Project Management": 0, + "Security Risk Assessment": 0, + "Software Systems Architecture": 0, + "Surgical Intervention Management": 0, + "Medical Diagnostic Reasoning": 0, + "Healthcare Professional Coordination": 0, + "Precision Medical Equipment Management": 0, + "Patient Care and Communication": 0, + "Artistic Conceptualization": 0, + "Creative Technical Illustration": 0, + "Artistic Production Collaboration": 0, + "Artistic Material Preparation": 0, + "Creative Trend Monitoring": 0, + "Media Production Management": 0, + "Broadcast Technical Control": 0, + "Creative Technical Graphics": 0, + "Performance Choreography": 0, + "Artistic Performance Management": 0, + "Creative Artistic Instruction": 0, + "Artistic Trend Analysis": 0, + "Scientific Problem Solving": 0, + "Research and Development Methodology": 0, + "Facility Maintenance": 0, + "Equipment Operation": 0, + "Safety and Sanitation": 0, + "Psychological Assessment": 0, + "Clinical Counseling": 0, + "Scientific Mental Health Research": 0, + "Professional Healthcare Collaboration": 0, + "Neuropsychological Diagnostic Reasoning": 0, + "Mortuary Operations Management": 0, + "Deceased Care Preparation": 0, + "Grief Support Communication": 0, + "Cremation Equipment Operation": 0, + "Funeral Service Documentation": 0, + "Quality Systems Management": 0, + "Strategic Operational Decision Making": 0, + "Organizational Performance Monitoring": 0, + "Technical Documentation and Specification Development": 0, + "Personnel Resource Development": 0, + "Financial Product Sales": 0, + "Customer Needs Assessment": 0, + "Sales Transaction Management": 0, + "Professional Network Development": 0, + "Product Knowledge Acquisition": 0, + "Legal Decision Analysis": 0, + "Conflict Resolution and Mediation": 0, + "Precision Instrument Repair": 0, + "Technical Diagnostic Assessment": 0, + "Specialized Equipment Maintenance": 0, + "Precision Surface Refinishing": 0, + "Energy Systems Operation": 0, + "Industrial Equipment Maintenance": 0, + "Technical Safety Monitoring": 0, + "Precision Manual Technical Skills": 0, + "Operational Data Recording": 0, + "Medical Diagnostic Imaging": 0, + "Patient Care Coordination": 0, + "Clinical Equipment Management": 0, + "Healthcare Procedural Support": 0, + "Religious Program Management": 0, + "Spiritual Counseling": 0, + "Community Outreach Coordination": 0, + "Interpersonal Guidance": 0, + "Organizational Religious Leadership": 0, + "Strategic Project Management": 0, + "Advanced Resource Allocation": 0, + "Operational Performance Monitoring": 0, + "Environmental Systems Management": 0, + "Strategic Environmental Planning": 0, + "Technical Environmental Analysis": 0, + "Professional Environmental Communication": 0, + "Operational Environmental Monitoring": 0, + "Manufacturing Equipment Operation": 0, + "Quality Inspection and Verification": 0, + "Operational Safety and Compliance": 0, + "Food Production Management": 0, + "Ingredient Precision Handling": 0, + "Operational Quality Control": 0, + "Equipment Temperature Management": 0, + "Culinary Safety Protocols": 0, + "Architectural Design Planning": 0, + "Technical Project Management": 0, + "Professional Design Communication": 0, + "Environmental Design Integration": 0, + "Analytical Design Evaluation": 0, + "Production Equipment Operation": 0, + "Technical Documentation Reading": 0, + "Strategic Organizational Leadership": 0, + "Advanced Resource Management": 0, + "Traffic Systems Analysis": 0, + "Technical Equipment Monitoring": 0, + "Operational Documentation Management": 0, + "Infrastructure Marking and Visualization": 0, + "Administrative Communication": 0, + "Operational Documentation Processing": 0, + "Technical Problem Solving": 0, + "Web Technology Management": 0, + "Digital Systems Security": 0, + "Library Resource Management": 0, + "Administrative Information Processing": 0, + "Customer Service Coordination": 0, + "Precision Material Fabrication": 0, + "Textile Manipulation Skills": 0, + "Geological Sample Analysis": 0, + "Field Data Collection": 0, + "Geospatial Resource Mapping": 0, + "Environmental Site Preparation": 0, + "Construction Project Management": 0, + "Strategic Resource Coordination": 0, + "Regulatory Compliance and Safety": 0, + "Electronic Systems Design": 0, + "Technical Communication": 0, + "Fiberglass Material Processing": 0, + "Mold Preparation and Management": 0, + "Surface Treatment Techniques": 0, + "Medical Diagnostic Expertise": 0, + "Scientific Laboratory Management": 0, + "Professional Medical Communication": 0, + "Pathological Analysis": 0, + "Technical Systems Engineering": 0, + "Information Security Management": 0, + "Collaborative Technical Problem Solving": 0, + "Technology Project Coordination": 0, + "Vehicle Damage Assessment": 0, + "Insurance Claims Documentation": 0, + "Technical Cost Estimation": 0, + "Gas Systems Operation": 0, + "Industrial Equipment Monitoring": 0, + "Operational Safety Protocols": 0, + "Early Childhood Education": 0, + "Child Safety Management": 0, + "Developmental Instructional Adaptation": 0, + "Parent-Educator Communication": 0, + "Classroom Behavioral Management": 0, + "Nuclear Systems Control": 0, + "Complex Equipment Diagnostics": 0, + "Operational Performance Optimization": 0, + "Critical Decision Making": 0, + "Technical Writing Proficiency": 0, + "Information Processing": 0, + "Professional Communication Strategy": 0, + "Critical Analysis and Decision Making": 0, + "Continuous Learning Management": 0, + "Broadcast Technical Operations": 0, + "Production Coordination": 0, + "Technical Communication Management": 0, + "Emergency Medical Care": 0, + "Patient Transportation Management": 0, + "Healthcare Team Collaboration": 0, + "Emergency Medical Documentation": 0, + "Technical Problem Analysis": 0, + "Industrial Process Management": 0, + "Technical Documentation Interpretation": 0, + "Quality Control Engineering": 0, + "Engineering Design Visualization": 0, + "Laboratory Sample Management": 0, + "Technical Troubleshooting": 0, + "Operational Equipment Coordination": 0, + "Recreational Facility Management": 0, + "Financial Record Management": 0, + "Legal Reasoning": 0, + "Legal Dispute Resolution": 0, + "Client Legal Representation": 0, + "Public Safety Management": 0, + "Animal Care and Control": 0, + "Investigative Documentation": 0, + "Cybersecurity Risk Management": 0, + "Professional Information Processing": 0, + "Continuous Professional Learning": 0, + "Vehicle Component Maintenance": 0, + "Equipment Operation and Safety": 0, + "Geospatial Data Analysis": 0, + "Technical Field Documentation": 0, + "Scientific Instrumentation Operation": 0, + "Environmental Site Analysis": 0, + "Academic Instruction Design": 0, + "Scholarly Research Management": 0, + "Professional Academic Communication": 0, + "Institutional Academic Governance": 0, + "Healthcare Patient Assessment": 0, + "Therapeutic Physical Intervention": 0, + "Medical Equipment Management": 0, + "Professional Healthcare Coordination": 0, + "Food Production Operations": 0, + "Equipment Temperature Control": 0, + "Surface Leveling and Preparation": 0, + "Masonry Material Installation": 0, + "Financial Analysis": 0, + "Professional Documentation": 0, + "Strategic Business Advisory": 0, + "Utility Service Monitoring": 0, + "Material Preparation and Handling": 0, + "Precision Measurement and Layout": 0, + "Installation Quality Control": 0, + "Specialized Material Manipulation": 0, + "Technical Equipment Installation": 0, + "Diagnostic Technical Troubleshooting": 0, + "Operational Safety Verification": 0, + "Human Factors Engineering": 0, + "Technical Design Optimization": 0, + "Learner Needs Assessment": 0, + "Customer Transaction Management": 0, + "Product Information Communication": 0, + "Operational Customer Interaction": 0, + "Market Intelligence": 0, + "Professional Product Knowledge": 0, + "Technical Equipment Setup": 0, + "Technical Control Systems Operation": 0, + "Surface Finishing Techniques": 0, + "Precision Manual Construction Skills": 0, + "Creative Design Conceptualization": 0, + "Trend and Market Research": 0, + "Therapeutic Patient Counseling": 0, + "Aviation Safety Inspection": 0, + "Technical Performance Verification": 0, + "Medical Precision Intervention": 0, + "Healthcare Equipment Customization": 0, + "Business Intelligence Analysis": 0, + "Information Systems Management": 0, + "Analytical Problem Solving": 0, + "Precision Technical Diagnostics": 0, + "Legislative Policy Development": 0, + "Public Governance Coordination": 0, + "Strategic Hearing Management": 0, + "Professional Development Leadership": 0, + "Regulatory Impact Analysis": 0, + "Engineering Systems Design": 0, + "Scientific Problem Resolution": 0, + "Technical Performance Optimization": 0, + "Performance Arts Management": 0, + "Expressive Communication": 0, + "Creative Skill Development": 0, + "Professional Talent Representation": 0, + "Artistic Audition and Casting": 0, + "Animal Training and Care": 0, + "Performance Instruction": 0, + "Administrative Coordination": 0, + "Social Research Methodology": 0, + "Professional Knowledge Communication": 0, + "Systematic Analytical Reasoning": 0, + "Interpersonal Observation Skills": 0, + "Academic and Policy Consultation": 0, + "Vehicle Operation Management": 0, + "Logistics Documentation": 0, + "Insurance Claims Processing": 0, + "Administrative Information Management": 0, + "Customer Information Verification": 0, + "Sales Persuasion": 0, + "Customer Engagement Strategy": 0, + "Product Demonstration Skills": 0, + "Safety and Hazard Management": 0, + "Operational Documentation and Reporting": 0, + "Scientific Laboratory Procedures": 0, + "Quality Control Analysis": 0, + "Chemical Substance Management": 0, + "Software Quality Assurance": 0, + "Technical Problem Diagnostics": 0, + "Performance Monitoring and Analysis": 0, + "Collaborative Technical Communication": 0, + "Academic Research and Instruction": 0, + "Professional Academic Development": 0, + "Special Needs Education Support": 0, + "Developmental Behavioral Management": 0, + "Educational Assessment and Monitoring": 0, + "Collaborative Educational Planning": 0, + "Adaptive Instructional Technology": 0, + "Mechanical Repair Expertise": 0, + "Precision Equipment Manipulation": 0, + "Technical Problem Resolution": 0, + "Equipment Maintenance and Safety": 0, + "Rehabilitation Case Management": 0, + "Forensic Social Intervention": 0, + "Therapeutic Client Counseling": 0, + "Community Resource Navigation": 0, + "Legal Compliance Monitoring": 0, + "Hazardous Environment Management": 0, + "Precision Manual Infrastructure Skills": 0, + "Strategic Organizational Communication": 0, + "Strategic Decision Making": 0, + "Computational Bioinformatics": 0, + "Human Resources Management": 0, + "Strategic Interpersonal Communication": 0, + "Compliance and Regulatory Management": 0, + "Forensic Evidence Analysis": 0, + "Scientific Documentation": 0, + "Curriculum Development": 0, + "Nutritional Assessment": 0, + "Healthcare Nutrition Counseling": 0, + "Dietary Program Management": 0, + "Scientific Nutrition Research": 0, + "Interdisciplinary Healthcare Collaboration": 0, + "Professional Client Interaction": 0, + "Regulatory Compliance and Interpretation": 0, + "Geospatial Data Collection": 0, + "Cartographic Visualization": 0, + "Medical Records Management": 0, + "Healthcare Administrative Communication": 0, + "Medical Facility Operational Coordination": 0, + "Pedagogical Assessment and Monitoring": 0, + "Technical Validation Engineering": 0, + "Complex Problem Analysis": 0, + "Forensic Evidence Management": 0, + "Legal Documentation and Testimony": 0, + "Investigative Information Management": 0, + "Emergency Response Documentation": 0, + "Pattern Design and Fabrication": 0, + "Technical Measurement and Layout": 0, + "Production Equipment Programming": 0, + "Risk Assessment Management": 0, + "Technical Specification Development": 0, + "Operational Compliance Monitoring": 0, + "Strategic Investigative Analysis": 0, + "Forestry Equipment Operation": 0, + "Field Operations Safety": 0, + "Water Systems Management": 0, + "Chemical Processing Control": 0, + "Precision Operational Documentation": 0, + "Information Management": 0, + "Procedural Documentation": 0, + "Digital Systems Management": 0, + "Precision Manufacturing Skills": 0, + "Equipment Diagnostic Monitoring": 0, + "Technical Quality Verification": 0, + "Machine Operation Control": 0, + "Technical Quality Inspection": 0, + "Technical Documentation Comprehension": 0, + "Precision Material Handling": 0, + "Vision Care Technical Skills": 0, + "Medical Device Customization": 0, + "Performance Arts Coordination": 0, + "Creative Movement Technique": 0, + "Professional Performance Preparation": 0, + "Web Design and Development": 0, + "Digital Visual Communication": 0, + "Technical Project Collaboration": 0, + "Digital Systems Testing": 0, + "Emerging Technology Adaptation": 0, + "Operational Problem Resolution": 0, + "Quantitative Technical Analysis": 0, + "Educational Instruction Management": 0, + "Student Performance Evaluation": 0, + "Research and Scholarly Contribution": 0, + "Health Education Strategy": 0, + "Social Services Coordination": 0, + "Professional Health Communication": 0, + "Community Needs Assessment": 0, + "Organizational Health Program Management": 0, + "Textile Equipment Operation": 0, + "Precision Material Cutting": 0, + "Production Quality Inspection": 0, + "Equipment Setup and Calibration": 0, + "Operational Pattern Management": 0, + "Precision Medical Intervention": 0, + "Healthcare Professional Communication": 0, + "Customer Service Communication": 0, + "Problem Resolution Strategy": 0, + "Chemical Analysis and Synthesis": 0, + "Technical Quality Control": 0, + "Laboratory Equipment Management": 0, + "Postal Operations Management": 0, + "Personnel Resource Coordination": 0, + "Operational Communication Strategy": 0, + "Strategic Problem Resolution": 0, + "Administrative Documentation Management": 0, + "Operational Monitoring and Control": 0, + "Site Dimensional Management": 0, + "Material Handling and Coordination": 0, + "Pumping and Hydraulic Systems Management": 0, + "Recreational Program Management": 0, + "Client Engagement and Support": 0, + "Operational Safety and Rule Enforcement": 0, + "Genetic Research Methodology": 0, + "Scientific Literature Review": 0, + "Research Collaboration Management": 0, + "Biological Sample Analysis": 0, + "Scientific Proposal Development": 0, + "Organizational Research Methodology": 0, + "Professional Counseling": 0, + "Interpersonal Observation": 0, + "Research Communication": 0, + "Patient Care Communication": 0, + "Medical Procedure Support": 0, + "Remote Sensing Analysis": 0, + "Educational Leadership": 0, + "Organizational Compliance Management": 0, + "Professional Development Coordination": 0, + "Interpersonal Guidance and Support": 0, + "Landscape Design Planning": 0, + "Green Infrastructure Development": 0, + "Site Analysis and Preparation": 0, + "Technical Project Coordination": 0, + "Complex Problem Solving": 0, + "Mathematical Problem Analysis": 0, + "Advanced Learning Strategies": 0, + "Mining Equipment Operation": 0, + "Geological Site Management": 0, + "Extraction Workflow Coordination": 0, + "Mental Health Patient Care": 0, + "Therapeutic Communication": 0, + "Clinical Behavioral Intervention": 0, + "Patient Emotional Support": 0, + "Medical Psychiatric Documentation": 0, + "Maritime Navigation Skills": 0, + "Emergency Maritime Response": 0, + "Vessel Equipment Maintenance": 0, + "Transportation Logistics Coordination": 0, + "Marine Communication Protocols": 0, + "Vegetation Management": 0, + "Chemical Application Safety": 0, + "Equipment Maintenance and Operation": 0, + "Animal Research Methodology": 0, + "Agricultural Systems Analysis": 0, + "Scientific Agricultural Communication": 0, + "Livestock Breeding Expertise": 0, + "Agricultural Process Management": 0, + "Healthcare Information Systems": 0, + "Clinical Documentation Processing": 0, + "Mechanical Equipment Maintenance": 0, + "Precision Technical Installation": 0, + "Technical Design Documentation": 0, + "Precision Equipment Calibration": 0, + "Wood Product Fabrication": 0, + "Technical Blueprint Interpretation": 0, + "Counseling and Guidance": 0, + "Client Needs Assessment": 0, + "Educational Resource Coordination": 0, + "Professional Communication and Intervention": 0, + "Holistic Client Development": 0, + "Strategic Communication Management": 0, + "Media Relations Coordination": 0, + "Event and Program Management": 0, + "Organizational Narrative Development": 0, + "Stakeholder Engagement Strategy": 0, + "Equipment Diagnostic Assessment": 0, + "Precision Machine Operation": 0, + "Operational Quality Verification": 0, + "Medical Device Fabrication": 0, + "Patient Assessment and Measurement": 0, + "Electrical Systems Maintenance": 0, + "Technical Diagnostic Troubleshooting": 0, + "Academic Instruction and Research": 0, + "Pedagogical Assessment and Mentorship": 0, + "Continuous Professional Development": 0, + "Electrical Installation Skills": 0, + "Precision Manual Technical Work": 0, + "Resource and Schedule Management": 0, + "Information Processing and Documentation": 0, + "Problem Analysis and Resolution": 0, + "Surgical Patient Care": 0, + "Healthcare Safety Protocol": 0, + "Personal Resource Management": 0, + "Service Environment Maintenance": 0, + "Patron Safety and Support": 0, + "Photographic Process Management": 0, + "Technical Material Preparation": 0, + "Medical Anesthesia Support": 0, + "Advanced Life Support Management": 0, + "Medical Equipment Precision Management": 0, + "Clinical Documentation and Reporting": 0, + "Student Safety Management": 0, + "Passenger Transportation Support": 0, + "Behavioral Conflict Mediation": 0, + "Healthcare Regulatory Compliance": 0, + "Research Data Management": 0, + "Interdisciplinary Research Collaboration": 0, + "Chemical Solution Preparation": 0, + "Production Monitoring and Quality Control": 0, + "Retail Leadership": 0, + "Merchandise Display Strategy": 0, + "Retail Inventory Management": 0, + "Creative Design Management": 0, + "Professional Visual Communication": 0, + "Artistic Collaboration and Coordination": 0, + "Network Systems Support": 0, + "Technical Security Implementation": 0, + "Operational Technical Documentation": 0, + "Border Security Operations": 0, + "Investigative Risk Assessment": 0, + "Legal Compliance Enforcement": 0, + "Interpersonal Threat Detection": 0, + "Postsecondary Educational Instruction": 0, + "Academic Research and Scholarship": 0, + "Interdisciplinary Academic Communication": 0, + "Energy Systems Control": 0, + "Equipment Performance Monitoring": 0, + "Pedagogical Assessment and Development": 0, + "Scientific Knowledge Communication": 0, + "Professional Development and Learning": 0, + "Spiritual Guidance": 0, + "Community Religious Leadership": 0, + "Interpersonal Empathetic Support": 0, + "Religious Educational Programming": 0, + "Holistic Community Support": 0, + "Precision Material Measurement": 0, + "Creative Design Visualization": 0, + "Market and Trend Analysis": 0, + "Collaborative Design Production": 0, + "Client Interaction Management": 0, + "Precision Manual Skill Application": 0, + "Broadcast Media Performance": 0, + "Media Production Coordination": 0, + "News and Information Gathering": 0, + "Classroom Management": 0, + "Instructional Strategy Development": 0, + "Student Performance Monitoring": 0, + "Educational Communication": 0, + "Developmental Learning Support": 0, + "Operational Food Service Management": 0, + "Professional Communication and Coordination": 0, + "Textile Material Manipulation": 0, + "Precision Garment Production": 0, + "Pattern Design and Layout": 0, + "Agricultural Systems Engineering": 0, + "Complex Problem Solving in Engineering": 0, + "Operational Systems Analysis": 0, + "Equipment Diagnostic Troubleshooting": 0, + "Precision Technical Maintenance": 0, + "Biomedical Engineering Design": 0, + "Systems Engineering Analysis": 0, + "Professional Technical Communication": 0, + "Technical Systems Design": 0, + "Equipment Performance Diagnostics": 0, + "Technical Measurement and Verification": 0, + "Vehicle Diagnostic Assessment": 0, + "Mechanical Repair Precision": 0, + "Equipment Maintenance Strategy": 0, + "Technical Safety Verification": 0, + "Precision Manual Tool Manipulation": 0, + "Patient Treatment and Counseling": 0, + "Medical Procedure and Equipment Management": 0, + "Training Program Development": 0, + "Organizational Learning Strategy": 0, + "Performance Evaluation and Monitoring": 0, + "Interpersonal Learning Facilitation": 0, + "Organizational Training Coordination": 0, + "Investigative Evidence Analysis": 0, + "Regulatory Compliance Investigation": 0, + "Financial Fraud Detection": 0, + "Professional Interviewing": 0, + "Professional Procedural Communication": 0, + "Interpersonal Conflict Management": 0, + "Technical Illustration Skills": 0, + "Exhibition and Display Design": 0, + "Design Material Preparation": 0, + "Visual Presentation Skills": 0, + "Professional Image Modeling": 0, + "Career Opportunity Identification": 0, + "Data Management": 0, + "Systematic Problem Analysis": 0, + "Therapeutic Art Intervention": 0, + "Empathetic Professional Communication": 0, + "Treatment Plan Development": 0, + "Creative Psychological Intervention": 0, + "Equipment Operation and Control": 0, + "Technical Safety and Compliance": 0, + "Patron Safety Management": 0, + "Professional Communication and Interaction": 0, + "Operational Information Management": 0, + "Inventory Management": 0, + "Material Handling": 0, + "Quality Inspection": 0, + "Infrastructure Design": 0, + "Environmental Systems Analysis": 0, + "Site Evaluation and Preparation": 0, + "Vehicle Mechanical Diagnostics": 0, + "Specialized Tool Operation": 0, + "Patient Care Support": 0, + "Healthcare Procedural Assistance": 0, + "Interpersonal Patient Interaction": 0, + "Personal Care and Safety Management": 0, + "Agricultural Data Analysis": 0, + "Environmental Field Operations": 0, + "Precision Agricultural Technology": 0, + "Scientific Operational Documentation": 0, + "Geospatial Survey Techniques": 0, + "Vehicle Body Repair": 0, + "Welding and Fabrication": 0, + "Automotive Parts Replacement": 0, + "Creative Writing Skills": 0, + "Artistic Collaboration": 0, + "Research and Conceptualization": 0, + "Professional Creative Communication": 0, + "Intellectual Property Management": 0, + "Criminal Investigation Skills": 0, + "Strategic Information Gathering": 0, + "Administrative Documentation Processing": 0, + "Operational Communication Management": 0, + "Clinical Procedure Support": 0, + "Patient Assessment": 0, + "Project Management in Technology": 0, + "Systems Design and Integration": 0, + "Scientific Communication": 0, + "Quantitative Risk Analysis": 0, + "Strategic Financial Modeling": 0, + "Complex Problem Reasoning": 0, + "Professional Data Interpretation": 0, + "Food Service Operations": 0, + "Sanitation and Hygiene Management": 0, + "Resource Distribution": 0, + "Scientific Environmental Assessment": 0, + "Natural Resource Planning": 0, + "Precision Pattern Design": 0, + "Strategic Procurement Management": 0, + "Financial Transaction Processing": 0, + "Operational Communication and Coordination": 0, + "Geospatial Data Visualization": 0, + "Survey Data Collection": 0, + "Technical Measurement Precision": 0, + "Collection Management": 0, + "Research and Documentation": 0, + "Community Program Development": 0, + "Institutional Resource Management": 0, + "Professional Communication": 0, + "Information Gathering and Verification": 0, + "Procedural Compliance and Coordination": 0, + "Operational Sanitation Management": 0, + "Resource Distribution and Coordination": 0, + "Transaction Processing": 0, + "Vehicle Traffic Management": 0, + "Spatial Measurement and Marking": 0, + "Data Systems Engineering": 0, + "Information Technology Optimization": 0, + "Laboratory Specimen Analysis": 0, + "Healthcare Quality Control": 0, + "Precision Scientific Documentation": 0, + "Microbiological Cultivation": 0, + "Construction Material Handling": 0, + "Temporary Structure Assembly": 0, + "Construction Equipment Operation": 0, + "Food Preparation Skills": 0, + "Interpersonal Healthcare Communication": 0, + "Property Management": 0, + "Financial Resource Coordination": 0, + "Stakeholder Communication": 0, + "Operational Compliance Management": 0, + "Strategic Facility Management": 0, + "Food Science Technical Analysis": 0, + "Scientific Laboratory Procedure Management": 0, + "Technical Research and Development": 0, + "Precision Measurement and Instrumentation": 0, + "Early Childhood Educational Administration": 0, + "Child Development Program Oversight": 0, + "Organizational Resource Allocation in Education": 0, + "Regulatory Compliance in Childcare": 0, + "Professional Development and Staff Training": 0, + "Precision Medical Device Fabrication": 0, + "Vision Care Technical Expertise": 0, + "Quality Control Inspection": 0, + "Medical Device Measurement and Fitting": 0, + "Drilling Operations Management": 0, + "Site Preparation and Inspection": 0, + "Extraction Equipment Maintenance": 0, + "Spatial Analysis and Visualization": 0, + "Precision Measurement and Verification": 0, + "Infrastructure Design and Planning": 0, + "Complex Problem Analysis and Resolution": 0, + "Digital Marketing Strategy": 0, + "Web Analytics and Insights": 0, + "Strategic Online Communication": 0, + "Technical Marketing Technology": 0, + "Precision Surface Finishing": 0, + "Equipment Maintenance and Inspection": 0, + "Quality Control Measurement": 0, + "Manual Material Manipulation": 0, + "Production Workflow Management": 0, + "Electrical Circuit Maintenance": 0, + "Mechanical Component Inspection": 0, + "Precision Equipment Lubrication": 0, + "Technical Documentation and Record Keeping": 0, + "Claims Investigation": 0, + "Financial Claims Processing": 0, + "Regulatory Compliance Assessment": 0, + "Scientific Field Research": 0, + "Natural Resource Analysis": 0, + "Geospatial Environmental Mapping": 0, + "Sustainable Land Management": 0, + "Vehicle Inspection and Safety": 0, + "Operational Incident Documentation": 0, + "Technical Compliance Monitoring": 0, + "Epidemiological Research": 0, + "Healthcare Program Management": 0, + "Public Health Strategy": 0, + "Grant and Research Funding": 0, + "Healthcare Technical Support": 0, + "Patient Monitoring and Assessment": 0, + "Cardiovascular Technical Expertise": 0, + "Operational Environmental Compliance": 0, + "Postsecondary Academic Instruction": 0, + "Scholarly Research and Development": 0, + "Academic Professional Communication": 0, + "Medical Anesthesia Management": 0, + "Advanced Medical Intervention": 0, + "Patient Safety and Monitoring": 0, + "Medical Procedural Documentation": 0, + "Water Systems Engineering": 0, + "Technical Design and Planning": 0, + "Operational Quality Management": 0, + "Financial Record Analysis": 0, + "Systematic Problem Resolution": 0, + "Patient Communication": 0, + "Administrative Healthcare Support": 0, + "Precision Material Crafting": 0, + "Jewelry Technical Fabrication": 0, + "Micro-Scale Design Engineering": 0, + "Technical Graphical Representation": 0, + "Emerging Technology Research": 0, + "Operational Protocol Development": 0, + "Precision Technical Validation": 0, + "Mechanical Equipment Repair": 0, + "Statistical Analysis": 0, + "Technical Problem Reasoning": 0, + "Computational Data Processing": 0, + "Precision Medical Documentation": 0, + "Archival Resource Management": 0, + "Research Documentation": 0, + "Cultural Program Development": 0, + "Patient Rehabilitation Support": 0, + "Therapeutic Assessment and Planning": 0, + "Therapeutic Patient Interaction": 0, + "Medical Procedural Assistance": 0, + "Patient Safety Management": 0, + "Urban Planning Strategy": 0, + "Environmental Policy Analysis": 0, + "Geospatial Data Interpretation": 0, + "Stakeholder Engagement Management": 0, + "Sustainable Development Planning": 0, + "Educational Research and Scholarship": 0, + "Sales Technical Communication": 0, + "Product Demonstration Strategy": 0, + "Market Intelligence Gathering": 0, + "Professional Sales Networking": 0, + "Fundraising Strategy Development": 0, + "Nonprofit Program Development": 0, + "Relationship Management": 0, + "Exercise Science Assessment": 0, + "Patient Health Counseling": 0, + "Clinical Exercise Intervention": 0, + "Performance Physiological Monitoring": 0, + "Technical Equipment Coordination": 0, + "Precision Technical Measurement": 0, + "Scholarly Research Methodology": 0, + "Hearing Healthcare Support": 0, + "Patient Technical Consultation": 0, + "Agricultural Equipment Operation": 0, + "Crop and Plant Management": 0, + "Agricultural Inventory Documentation": 0, + "Genetic Counseling Communication": 0, + "Medical Genetic Assessment": 0, + "Patient Psychological Support": 0, + "Forensic Investigation Skills": 0, + "Fire Safety and Prevention": 0, + "Technical Investigative Communication": 0, + "Regulatory Compliance Monitoring": 0, + "Robotic Systems Maintenance": 0, + "Technical Diagnostic Reasoning": 0, + "Operational Workflow Coordination": 0, + "Metal Production Operations": 0, + "Precision Manufacturing Inspection": 0, + "Emergency Vehicle Operations": 0, + "Customer Financial Advisory": 0, + "Regulatory Financial Compliance": 0, + "Professional Networking": 0, + "Persuasive Presentation": 0, + "Customer Needs Analysis": 0, + "Vehicle Diagnostic Repair": 0, + "Pediatric Surgical Intervention": 0, + "Pediatric Patient Communication": 0, + "Stakeholder Engagement": 0, + "Traffic Safety Management": 0, + "Situational Awareness Communication": 0, + "Operational Safety Signaling": 0, + "Public Transportation Management": 0, + "Passenger Safety and Support": 0, + "Vehicle Operational Safety": 0, + "Route Navigation and Planning": 0, + "Customer Transaction Processing": 0, + "Safety and Quality Control Inspection": 0, + "Dental Healthcare Services": 0, + "Healthcare Patient Communication": 0, + "Preventive Health Education": 0, + "Mold and Pattern Fabrication": 0, + "Material Surface Treatment": 0, + "Technical Material Manipulation": 0, + "Production Quality Verification": 0, + "Creative Performance Skills": 0, + "Artistic Audition and Career Development": 0, + "Musical Composition and Arrangement": 0, + "Professional Artistic Communication": 0, + "Legal Document Processing": 0, + "Professional Information Verification": 0, + "Regulatory Compliance Coordination": 0, + "Patient Communication and Counseling": 0, + "Diagnostic Assessment and Reasoning": 0, + "Specialized Medical Device Management": 0, + "Professional Healthcare Documentation": 0, + "Medication Management": 0, + "Healthcare Patient Guidance": 0, + "Clinical Information Processing": 0, + "Pharmaceutical Safety Protocols": 0, + "Petroleum Engineering Analysis": 0, + "Energy Production Management": 0, + "Industrial Design Methodology": 0, + "Environmental Systems Engineering": 0, + "Biological Specimen Processing": 0, + "Medical Laboratory Equipment Operation": 0, + "Healthcare Technical Documentation": 0, + "Scientific Quality Control": 0, + "Medical Diagnostic Support": 0, + "Information Processing and Verification": 0, + "Legal and Regulatory Compliance": 0, + "Investment Strategy": 0, + "Risk Assessment": 0, + "Wellness Program Management": 0, + "Health Education and Communication": 0, + "Quality Control and Inspection": 0, + "Safety and Regulatory Compliance": 0, + "Law Enforcement Operations": 0, + "Investigative Evidence Management": 0, + "Public Safety Communication": 0, + "Regulatory Compliance Enforcement": 0, + "Operational Risk Management": 0, + "Audio Technical Operations": 0, + "Media Technical Communication": 0, + "Digital Media Conversion": 0, + "Performance Technical Support": 0, + "Surveillance Operations": 0, + "Customer Information Management": 0, + "Operational Communication": 0, + "Precision Manual Fabrication": 0, + "Structural Component Installation": 0, + "CNC Programming": 0, + "Professional Time Management": 0, + "Robotic Systems Engineering": 0, + "Visual Composition": 0, + "Technical Image Processing": 0, + "Creative Equipment Operation": 0, + "Professional Creative Documentation": 0, + "Technical Monitoring and Inspection": 0, + "Analytical Problem Resolution": 0, + "Precision Documentation Management": 0, + "Mathematical Performance Analysis": 0, + "Patron Safety and Interaction": 0, + "Operational Resource Distribution": 0, + "Customer Interaction in Service Environments": 0, + "Operational Financial Record Maintenance": 0, + "Agricultural Inspection Skills": 0, + "Environmental Field Monitoring": 0, + "Regulatory Agricultural Compliance": 0, + "Government Program Eligibility Assessment": 0, + "Regulatory Compliance Communication": 0, + "Financial Analysis and Reporting": 0, + "Quantitative Problem Solving": 0, + "Correctional Operations Management": 0, + "Emergency Response and Safety": 0, + "Personnel Performance Evaluation": 0, + "Surface Preparation Skills": 0, + "Wildlife Resource Management": 0, + "Outdoor Equipment Operation": 0, + "Field Safety and Hazard Management": 0, + "Precision Metal Fabrication": 0, + "Equipment Safety Monitoring": 0, + "Technical Dimensional Verification": 0, + "Forestry Resource Assessment": 0, + "Operational Field Coordination": 0, + "Technical Measurement and Marking": 0, + "Retail Transaction Processing": 0, + "Operational Cash Management": 0, + "Logistics Analysis": 0, + "Early Childhood Education Management": 0, + "Developmental Behavioral Guidance": 0, + "Instructional Adaptation": 0, + "Child Safety and Welfare": 0, + "Precision Surface Etching": 0, + "Equipment Control and Monitoring": 0, + "Protective Finishing Application": 0, + "Workplace Safety Engineering": 0, + "Financial Risk Analysis": 0, + "Strategic Business Intelligence": 0, + "Financial Reporting and Documentation": 0, + "Investment Strategy Development": 0, + "Biomass Production Operations": 0, + "Sustainable Energy Quality Control": 0, + "Operational Data Documentation": 0, + "Industrial Safety Compliance": 0, + "Special Needs Educational Support": 0, + "Guest Service Coordination": 0, + "Facility Maintenance and Cleaning": 0, + "Economic Analysis": 0, + "Quantitative Reasoning": 0, + "Critical Analytical Reasoning": 0, + "Research Methodology": 0, + "Underwater Technical Operations": 0, + "Safety and Emergency Response": 0, + "Complex Problem-Solving in Technical Environments": 0, + "Professional Communication in Technical Contexts": 0, + "Equipment Operation Monitoring": 0, + "Mathematical Problem Solving": 0, + "Advanced Analytical Reasoning": 0, + "Systematic Documentation": 0, + "Interpersonal Needs Assessment": 0, + "Agricultural Systems Management": 0, + "Sustainable Resource Management": 0, + "Information Services Support": 0, + "Technical Documentation Processing": 0, + "Computational Bioinformatics Analysis": 0, + "Complex Problem Solving in Scientific Contexts": 0, + "Safety and Quality Inspection": 0, + "Technical Equipment Operation": 0, + "Strategic Resource Management": 0, + "Professional Communication in Healthcare": 0, + "Transcription and Information Processing": 0, + "Telecommunications Equipment Installation": 0, + "Field Technical Operations": 0, + "Technical Safety and Equipment Inspection": 0, + "Operational Problem-Solving": 0, + "Print Production Technical Skills": 0, + "Technical Equipment Programming": 0, + "Mail Processing Operations": 0, + "Equipment Maintenance and Monitoring": 0, + "Workplace Safety and Quality Control": 0, + "Operational Coordination and Communication": 0, + "Strategic Compensation Management": 0, + "Regulatory Compliance Oversight": 0, + "Financial Resource Allocation": 0, + "Equipment Operation and Monitoring": 0, + "Workplace Safety and Maintenance": 0, + "Material Handling and Movement": 0, + "Strategic Conservation Planning": 0, + "Network Systems Management": 0, + "Systems Performance Optimization": 0, + "Mortuary Service Management": 0, + "Facility Maintenance and Sanitation": 0, + "Administrative Funeral Documentation": 0, + "Sustainability Strategy Development": 0, + "Organizational Green Innovation": 0, + "Stakeholder Environmental Communication": 0, + "Operational Sustainability Monitoring": 0, + "Anesthesia and Life Support": 0, + "Digital Document Management": 0, + "Technical Information Processing": 0, + "Resource and Task Management": 0, + "Therapeutic Social Support": 0, + "Client Case Management": 0, + "Professional Interpersonal Assessment": 0, + "Ethical Professional Intervention": 0, + "Cybersecurity Analysis": 0, + "Technical Penetration Testing": 0, + "Security Policy Development": 0, + "Technical Risk Mitigation": 0, + "Investigative Technical Documentation": 0, + "Precision Manual Craftsmanship": 0, + "Product Quality Inspection": 0, + "Promotional Content Creation": 0, + "Construction Site Operations": 0, + "Manual Construction Skills": 0, + "Operational Safety Coordination": 0, + "Community Health Support": 0, + "Social Service Coordination": 0, + "Interpersonal Health Communication": 0, + "Preventive Health Intervention": 0, + "Medical Radiation Treatment": 0, + "Patient Safety Monitoring": 0, + "Precision Patient Care": 0, + "Recycling Operational Management": 0, + "Environmental Compliance Coordination": 0, + "Material Transport and Logistics": 0, + "Waste Processing and Sorting": 0, + "Construction Surface Preparation": 0, + "Professional Communication and Documentation": 0, + "Investigative Analysis and Evidence Management": 0, + "Operational Compliance and Safety Monitoring": 0, + "Financial Sales Strategy": 0, + "Market Intelligence Analysis": 0, + "Professional Financial Communication": 0, + "Customer Needs Financial Assessment": 0, + "Precision Material Processing": 0, + "Technical Surface Treatment": 0, + "Developmental Learning Adaptation": 0, + "Child Safety and Developmental Support": 0, + "Academic Instruction Management": 0, + "Scholarly Research Development": 0, + "Interpersonal Academic Communication": 0, + "Quantitative Data Processing": 0, + "Operational Information Verification": 0, + "Materials Science Analysis": 0, + "Laboratory Quality Control": 0, + "Environmental Conservation Expertise": 0, + "Interpretive Educational Communication": 0, + "Field Research and Documentation": 0, + "Wildlife Interaction and Management": 0, + "Ecological Site Assessment": 0, + "Strategic Marketing Communication": 0, + "Professional Persuasive Communication": 0, + "Comprehensive Performance Monitoring": 0, + "Adaptive Physical Education Support": 0, + "Student Developmental Guidance": 0, + "Specialized Instructional Adaptation": 0, + "Inclusive Physical Education Management": 0, + "Route Navigation and Logistics": 0, + "Administrative Transaction Processing": 0, + "Agricultural Resource Management": 0, + "Operational Compliance and Documentation": 0, + "Strategic Agricultural Planning": 0, + "Field Operations Safety Management": 0, + "Agricultural Equipment and Technology Management": 0, + "Public Safety Monitoring": 0, + "First Aid and Medical Support": 0, + "Patron Safety Coordination": 0, + "Construction Supervision": 0, + "Technical Project Inspection": 0, + "Construction Resource Planning": 0, + "Site Preparation and Measurement": 0, + "Construction Personnel Training": 0, + "Equipment Programming and Control": 0, + "Roofing Material Preparation": 0, + "Protective Coating Application": 0, + "Patient Assessment and Diagnosis": 0, + "Musculoskeletal Treatment Techniques": 0, + "Holistic Patient Care Management": 0, + "Logistics and Delivery Coordination": 0, + "Menu Planning and Coordination": 0, + "Ingredient and Supply Management": 0, + "Non-Destructive Testing Expertise": 0, + "Precision Measurement and Analysis": 0, + "Quality Control Systematic Analysis": 0, + "Resource and Personnel Management": 0, + "Vision Rehabilitation Support": 0, + "Assistive Device Expertise": 0, + "Patient-Centered Rehabilitation Instruction": 0, + "Disability Management Counseling": 0, + "Functional Capability Assessment": 0, + "Marine Equipment Troubleshooting": 0, + "Marine Safety Equipment Verification": 0, + "Technical Equipment Operation Control": 0, + "Semiconductor Process Control": 0, + "Event and Program Coordination": 0, + "Operational Safety and Patron Support": 0, + "Administrative Resource Management": 0, + "Interpersonal Service Communication": 0, + "Precision Information Processing": 0, + "Rock Extraction Operations": 0, + "Precision Manual Material Manipulation": 0, + "Technical Equipment Control": 0, + "Visual Design Creation": 0, + "Creative Technical Storytelling": 0, + "Digital Media Transformation": 0, + "Artistic Conceptual Development": 0, + "Deceased Care Management": 0, + "Embalming Technical Procedures": 0, + "Cosmetic Restoration Skills": 0, + "Fire Safety Engineering": 0, + "Emergency Preparedness Management": 0, + "Technical Regulatory Compliance": 0, + "Operational Safety Inspection": 0, + "Technical Investigative Analysis": 0, + "Petroleum Systems Monitoring": 0, + "Chemical Substance Preparation": 0, + "Compliance and Regulatory Enforcement": 0, + "Cardiovascular Clinical Expertise": 0, + "Medical Imaging and Diagnostic Procedures": 0, + "Patient Treatment Planning": 0, + "Metal Processing Operations": 0, + "Precision Equipment Monitoring": 0, + "Industrial Safety Inspection": 0, + "Technical Quality Control Analysis": 0, + "Cultural Research Methodology": 0, + "Archaeological Field Operations": 0, + "Systematic Observational Analysis": 0, + "Historical Evidence Interpretation": 0, + "Professional Information Gathering": 0, + "Systematic Documentation Management": 0, + "Biological Specimen Analysis": 0, + "Medical Laboratory Operations": 0, + "Patient Safety and Quality Control": 0, + "Scientific Diagnostic Reasoning": 0, + "Equipment Maintenance and Repair": 0, + "Technical Diagnostic Analysis": 0, + "Safety and Quality Control Monitoring": 0, + "Technical Performance Monitoring": 0, + "Manufacturing Safety Compliance": 0, + "Network Systems Engineering": 0, + "Technical Documentation and Communication": 0, + "Delivery Operations Management": 0, + "Interpersonal Information Gathering": 0, + "Creative Writing Expertise": 0, + "Professional Artistic Collaboration": 0, + "Personnel Resource Management": 0, + "Interpersonal Coordination": 0, + "Interpersonal Communication and Coordination": 0, + "Operational Performance Management": 0, + "Service Orientation and Problem Resolution": 0, + "Regulatory Compliance and Safety Management": 0, + "Precision Measurement and Marking": 0, + "Social Support Intervention": 0, + "Crisis Management and Referral": 0, + "Professional Ethical Intervention": 0, + "Passenger Service Coordination": 0, + "Operational Performance Supervision": 0, + "Resource Allocation Management": 0, + "Professional Development Support": 0, + "Reproductive Health Counseling": 0, + "Women's Health Comprehensive Care": 0, + "Talent Acquisition Strategy": 0, + "Logistics Systems Analysis": 0, + "Operational Efficiency Planning": 0, + "Business Strategy Development": 0, + "Material Processing and Handling": 0, + "Production Quality Monitoring": 0, + "Scientific Field Data Collection": 0, + "Vegetation Management and Protection": 0, + "Manufactured Building Installation": 0, + "Structural Sealing and Leak Prevention": 0, + "Equipment and System Inspection": 0, + "Mechanical Component Replacement": 0, + "Technical Surface Preparation": 0, + "Editorial Content Management": 0, + "Professional Writing and Communication": 0, + "Creative Content Development": 0, + "Interpersonal Communication Management": 0, + "Operational Resource Management": 0, + "Therapeutic Manual Intervention": 0, + "Patient Assessment and Care Coordination": 0, + "Healthcare Facility Management": 0, + "Interpersonal Therapeutic Engagement": 0, + "Transportation Safety Inspection": 0, + "Cargo Handling and Coordination": 0, + "Passenger Safety Management": 0, + "Transportation Operational Coordination": 0, + "Service Communication and Information Exchange": 0, + "Clay Material Manipulation": 0, + "Production Equipment Control": 0, + "Strategic Leadership": 0, + "Comprehensive Resource Management": 0, + "Advanced Interpersonal Communication": 0, + "Organizational Governance": 0, + "Patient Diagnostic Communication": 0, + "Medical Image Interpretation": 0, + "Visual Design Communication": 0, + "Creative Problem Solving": 0, + "Collaborative Creative Production": 0, + "Agricultural Education Management": 0, + "Instructional Resource Coordination": 0, + "Life Skills Education": 0, + "Professional Knowledge Transfer": 0, + "Extraction Equipment Operation": 0, + "Site Preparation and Safety": 0, + "Material Handling and Positioning": 0, + "Operational Monitoring and Coordination": 0, + "Textile Machine Operation": 0, + "Production Equipment Inspection": 0, + "Material Preparation and Cutting": 0, + "Strategic Operational Communication": 0, + "Adaptive Problem Resolution": 0, + "Elevator Systems Installation": 0, + "Precision Mechanical Maintenance": 0, + "Neurological Patient Care": 0, + "Complex Medical Problem Solving": 0, + "Medical Specimen Collection": 0, + "Healthcare Documentation Management": 0, + "Biomedical Waste Management": 0, + "Operational Systems Coordination": 0, + "Technical User Support": 0, + "User Communication and Guidance": 0, + "Technology Problem Resolution": 0, + "Technical Knowledge Maintenance": 0, + "Logistics Coordination": 0, + "Transportation Documentation": 0, + "Operational Financial Negotiation": 0, + "Shipping Systems Analysis": 0, + "Travel Service Coordination": 0, + "Therapeutic Patient Intervention": 0, + "Game Design Creativity": 0, + "Technical Game Development": 0, + "Interactive System Design": 0, + "Visual Design Conceptualization": 0, + "Collaborative Game Production": 0, + "Chemical Process Control": 0, + "Technical Safety Management": 0, + "Interdepartmental Communication": 0, + "Production Planning Coordination": 0, + "Policy Analysis and Development": 0, + "Academic Knowledge Communication": 0, + "Interdisciplinary Reasoning": 0, + "Strategic Information Synthesis": 0, + "Performance Equipment Management": 0, + "Event Performance Coordination": 0, + "Multimedia Content Editing": 0, + "Professional Resource Management": 0, + "Legal Administrative Support": 0, + "Patron Interaction Management": 0, + "Administrative Service Coordination": 0, + "Shipment Quality Inspection": 0, + "Transportation Safety Management": 0, + "Solar Energy Systems Management": 0, + "Construction Project Coordination": 0, + "Technical Site Assessment": 0, + "Operational Cost Analysis": 0, + "Green Technology Performance Verification": 0, + "Biofuel Production Management": 0, + "Renewable Energy Technical Monitoring": 0, + "Sustainable Production Quality Control": 0, + "Green Energy Equipment Maintenance": 0, + "Technical Design and Analysis": 0, + "Engineering Systems Optimization": 0, + "Precision Material Assessment": 0, + "Surgical Technical Support": 0, + "Precision Medical Supply Management": 0, + "Vision Diagnostic Assessment": 0, + "Medical Technical Precision": 0, + "Patient Vision Counseling": 0, + "Healthcare Diagnostic Reasoning": 0, + "Specialized Medical Equipment Management": 0, + "Hearing Healthcare Assessment": 0, + "Patient Communication Support": 0, + "Real Estate Transaction Management": 0, + "Property Valuation and Analysis": 0, + "Sales Persuasion Techniques": 0, + "Client Relationship Development": 0, + "Real Estate Market Intelligence": 0, + "Safety-Focused Technical Monitoring": 0, + "Rock Drilling and Extraction Techniques": 0, + "Complex Technical Problem Solving": 0, + "Material Handling Coordination": 0, + "Surface Material Treatment": 0, + "Emotional Support Coordination": 0, + "Precision Technical Calibration": 0, + "Financial Account Management": 0, + "Negotiation and Persuasion": 0, + "Academic Research Methodology": 0, + "Workplace Safety Management": 0, + "Risk Assessment and Prevention": 0, + "Health Program Development": 0, + "Technical Safety Inspection": 0, + "Technical Visual Assessment": 0, + "Precision Measurement Skills": 0, + "Operational Task Coordination": 0, + "Procedural Compliance Management": 0, + "Chemical Processing Monitoring": 0, + "Surface Preparation and Leveling": 0, + "Adhesive and Mortar Application": 0, + "Spatial Measurement and Layout": 0, + "Construction Safety Coordination": 0, + "Environmental Systems Monitoring": 0, + "Technical Visualization and Mapping": 0, + "Remote Sensing Technology Management": 0, + "Interpersonal Performance Monitoring": 0, + "Educational Assessment and Mentorship": 0, + "Precision Food Preparation": 0, + "Equipment Operation Management": 0, + "Workplace Safety Coordination": 0, + "Construction Site Management": 0, + "Safety Protocol Implementation": 0, + "Cargo Handling and Inspection": 0, + "Transportation Safety Compliance": 0, + "Route Planning and Navigation": 0, + "Professional Vehicle Documentation": 0, + "Financial Resource Management": 0, + "Comprehensive Operational Coordination": 0, + "Advanced Regulatory Compliance": 0, + "Diagnostic Reasoning": 0, + "Operational Information Routing": 0, + "Patient Personal Care Support": 0, + "Interpersonal Care Coordination": 0, + "Adaptive Care Assistance": 0, + "Medical Safety and Monitoring": 0, + "Public Safety Enforcement": 0, + "Legal Procedural Coordination": 0, + "Situational Risk Assessment": 0, + "Patron Monitoring and Control": 0, + "Investigative Documentation Management": 0, + "Supervisory Coordination": 0, + "Surface Preparation and Installation": 0, + "Decorative Material Application": 0, + "Fence Construction Skills": 0, + "Construction Site Preparation": 0, + "Radiation Safety Monitoring": 0, + "Technical Radiation Measurement": 0, + "Environmental Data Collection": 0, + "Pest Control Operations": 0, + "Environmental Safety Monitoring": 0, + "Welding Equipment Operation": 0, + "Research Methodology and Scholarship": 0, + "Professional Development and Continuous Learning": 0, + "Facility Cleaning and Maintenance": 0, + "Material and Equipment Handling": 0, + "Operational Resource Coordination": 0, + "Patron and Customer Support": 0, + "Healthcare Administration": 0, + "Interprofessional Healthcare Coordination": 0, + "Organizational Performance Management": 0, + "Complex Healthcare Decision Making": 0, + "Costume Resource Management": 0, + "Performance Support Coordination": 0, + "Creative Design Implementation": 0, + "Advanced Problem Solving": 0, + "Wildlife Conservation Management": 0, + "Outdoor Resource Management": 0, + "Advanced Operational Monitoring": 0, + "Dental Device Fabrication": 0, + "Medical Device Quality Inspection": 0, + "Healthcare Technical Communication": 0, + "Operational Material Preparation": 0, + "Data Science Analytics": 0, + "Machine Learning Application": 0, + "Technical Programming": 0, + "HVAC System Installation": 0, + "Athletic Performance Officiating": 0, + "Professional Rule Enforcement": 0, + "Service Communication Management": 0, + "Precision Equipment Repair": 0, + "Material Handling Precision": 0, + "Procurement Operations Management": 0, + "Clinical Patient Assessment": 0, + "Field Research Documentation": 0, + "Remote Sensing Technology": 0, + "Strategic Marketing Planning": 0, + "Stakeholder Communication Management": 0, + "Atmospheric Data Analysis": 0, + "Vehicle Cleaning and Maintenance": 0, + "Construction Inspection Expertise": 0, + "Technical Site Evaluation": 0, + "Culinary Operations Management": 0, + "Kitchen Resource Management": 0, + "Food Quality Control": 0, + "Interpersonal Kitchen Coordination": 0, + "Creative Production Management": 0, + "Strategic Content Development": 0, + "Performance Conceptualization": 0, + "Operational Coordination and Supervision": 0, + "Precision Resource Documentation": 0, + "Material Handling and Loading": 0, + "Vehicle and Equipment Coordination": 0, + "Medical Imaging Technical Skills": 0, + "Healthcare Safety Protocol Management": 0, + "Diagnostic Procedure Support": 0, + "Client Treatment Planning": 0, + "Mechatronic Systems Design": 0, + "Technical Equipment Integration": 0, + "Interdisciplinary Technical Problem Solving": 0, + "Advanced Manufacturing Technologies": 0, + "Precision Engineering Measurement": 0, + "Precision Equipment Assembly": 0, + "Product Knowledge Communication": 0, + "Persuasive Communication": 0, + "Equipment Operation Control": 0, + "Digital Forensic Investigation": 0, + "Cybersecurity Evidence Analysis": 0, + "Technical Investigative Documentation": 0, + "Information Systems Security Analysis": 0, + "Legal Compliance Technical Monitoring": 0, + "Vehicle Operation Control": 0, + "Radio Frequency Technology Management": 0, + "Technical Equipment Design": 0, + "Complex Systems Analysis": 0, + "Equipment Installation and Maintenance": 0, + "Mechanical Equipment Inspection": 0, + "Installation and Maintenance Skills": 0, + "Environmental Safety and Compliance": 0, + "Multilingual Communication": 0, + "Comprehensive Information Processing": 0, + "Professional Active Listening": 0, + "Professional Communication in Law Enforcement": 0, + "Patient Counseling": 0, + "Therapeutic Intervention Strategy": 0, + "Professional Healthcare Communication": 0, + "Audio-Visual Technical Operations": 0, + "Technical Laboratory Equipment Management": 0, + "Quality Control and Safety Monitoring": 0, + "Rail Vehicle Operation": 0, + "Signal and Communication Coordination": 0, + "Operational Workflow Management": 0, + "Safety and Risk Management": 0, + "Manual Technical Manipulation": 0, + "Photonics Technical Expertise": 0, + "Precision Measurement and Calibration": 0, + "Equipment Diagnostic Analysis": 0, + "Interpersonal Patient Communication": 0, + "Behavioral Intervention Management": 0, + "Healthcare Safety Monitoring": 0, + "Vendor Relationship Management": 0, + "Financial Decision Making": 0, + "Workforce Performance Management": 0, + "Production Safety Oversight": 0, + "Information Processing Accuracy": 0, + "Procedural Compliance Monitoring": 0, + "Developmental Support Counseling": 0, + "Educational Intervention Strategy": 0, + "Interpersonal Behavioral Analysis": 0, + "Comprehensive Client Guidance": 0, + "Dimensional Measurement Verification": 0, + "Beverage Preparation Skills": 0, + "Neuropsychological Assessment": 0, + "Professional Psychological Communication": 0, + "Psychological Research Methodology": 0, + "Diagnostic Test Administration": 0, + "Clinical Treatment Planning": 0, + "Communication Information Management": 0, + "Operational Customer Support": 0, + "Professional Interpersonal Coordination": 0, + "Critical Information Analysis": 0, + "Equipment Diagnostic Reasoning": 0, + "Systems Engineering Integration": 0, + "Patient-Centered Care Communication": 0, + "Rehabilitation Treatment Planning": 0, + "Musculoskeletal Intervention Techniques": 0, + "Professional Medical Documentation": 0, + "Alternative Medical Practice": 0, + "Infrastructure Maintenance": 0, + "Site Preparation and Marking": 0, + "Information Resource Management": 0, + "Collection Development": 0, + "Patron Information Support": 0, + "Library Technology Integration": 0, + "Research Assistance": 0, + "Quantitative Financial Analysis": 0, + "Technical Financial Communication": 0, + "Respiratory Care Management": 0, + "Medical Emergency Response": 0, + "Healthcare Equipment Operation": 0, + "Patient Condition Monitoring": 0, + "Environmental Compliance Management": 0, + "Sustainable Business Analysis": 0, + "Food Service Coordination": 0, + "Sanitation and Hygiene Maintenance": 0, + "Patron Support and Interaction": 0, + "Strategic Documentation Management": 0, + "Stakeholder Communication Strategy": 0, + "Operational Risk Assessment": 0, + "Event Planning Management": 0, + "Stakeholder Relationship Management": 0, + "Strategic Environmental Communication": 0, + "Construction Site Safety Management": 0, + "Insulation Material Installation": 0, + "Material Measurement and Preparation": 0, + "International Trade Documentation": 0, + "Commercial Risk Assessment": 0, + "Professional Communication in Trade": 0, + "Animal Care and Handling": 0, + "Medical Equipment Operation": 0, + "Clinical Patient Support": 0, + "Veterinary Diagnostic Procedures": 0, + "Healthcare Facility Maintenance": 0, + "Laundry Equipment Operation": 0, + "Textile Inspection and Quality Control": 0, + "Public Safety Leadership": 0, + "Risk Assessment and Mitigation": 0, + "Family Engagement Communication": 0, + "Personal Care Coordination": 0, + "Environmental Economic Analysis": 0, + "Quantitative Policy Reasoning": 0, + "Strategic Environmental Forecasting": 0, + "Comprehensive Research Methodology": 0, + "Technical Sustainability Communication": 0, + "Scientific Instruction and Curriculum Development": 0, + "Field Research Methodology": 0, + "Strategic Organizational Analysis": 0, + "Comprehensive Decision Making": 0, + "Adaptive Learning and Problem Solving": 0, + "Precision Manual Food Preparation": 0, + "Food Safety and Quality Control": 0, + "Transportation Systems Analysis": 0, + "Strategic Policy Communication": 0, + "Psychological Assessment and Intervention": 0, + "Patient-Centered Mental Health Communication": 0, + "Clinical Diagnostic Reasoning": 0, + "Technical Inspection and Verification": 0, + "Social Impact Assessment": 0, + "Clinical Procedure Management": 0, + "Healthcare Equipment Expertise": 0, + "Medical Documentation Precision": 0, + "Property Transaction Management": 0, + "Diagnostic Technical Support": 0, + "Therapeutic Patient Communication": 0, + "Crisis Intervention Management": 0, + "Client Treatment Coordination": 0, + "Behavioral Health Counseling": 0, + "Statistical Analysis and Modeling": 0, + "Renewable Energy Sales Strategy": 0, + "Technical Product Communication": 0, + "Customer Needs Assessment in Green Technology": 0, + "Sustainable Technology Evaluation": 0, + "Public Safety Operations": 0, + "Technical Equipment Operation and Safety": 0, + "Financial Strategic Analysis": 0, + "Investment Portfolio Management": 0, + "Quantitative Financial Reasoning": 0, + "Emergency Communication Management": 0, + "Crisis Decision Support": 0, + "Technical Communication Systems Operation": 0, + "Public Safety Coordination": 0, + "Workflow Coordination": 0, + "Precision Documentation": 0, + "Critical Patient Monitoring": 0, + "Emergency Medical Intervention": 0, + "Healthcare Interdisciplinary Coordination": 0, + "Advanced Medical Equipment Management": 0, + "Strategic Market Communication": 0, + "Consumer Trend Interpretation": 0, + "Systematic Research Methodology": 0, + "Intelligence Analysis": 0, + "Criminal Activity Assessment": 0, + "Interagency Collaboration": 0, + "Medical Technical Equipment Management": 0, + "Healthcare Safety and Compliance": 0, + "Geothermal Systems Operation": 0, + "Green Energy Installation": 0, + "Precision Maintenance Procedures": 0, + "Rail Infrastructure Maintenance": 0, + "Service Coordination and Support": 0, + "Precision Material Preparation": 0, + "Service Orientation": 0, + "Physical Therapy Technical Support": 0, + "Marine Systems Engineering": 0, + "Maritime Safety and Compliance": 0, + "Complex Naval Problem Solving": 0, + "Precision Marine Equipment Maintenance": 0, + "Civil Infrastructure Design": 0, + "Operational Cost Estimation": 0, + "Technical Communication and Reporting": 0, + "Service Communication": 0, + "Safety and Compliance Monitoring": 0, + "Financial Strategic Planning": 0, + "Organizational Resource Management": 0, + "Client Information Verification": 0, + "Fire Safety Assessment": 0, + "Public Safety Education": 0, + "Environmental Hazard Monitoring": 0, + "Investigative Evidence Collection": 0, + "Strategic Information Verification": 0, + "Professional Surveillance Techniques": 0, + "Interpersonal Interrogation Skills": 0, + "Compensation Strategy Development": 0, + "Organizational Policy Analysis": 0, + "Human Resources Data Analysis": 0, + "Strategic Workforce Planning": 0, + "Masonry Surface Treatment": 0, + "Design Visualization": 0, + "Spatial Design Planning": 0, + "Professional Research Methodology": 0, + "Client Collaboration": 0, + "Situational Safety Communication": 0, + "Precision Layout Preparation": 0, + "Manufacturing Quality Inspection": 0, + "Emergency Management Coordination": 0, + "Strategic Risk Assessment": 0, + "Postsecondary Educational Leadership": 0, + "Academic Program Development": 0, + "Institutional Governance and Compliance": 0, + "Media Production Technical Control": 0, + "Visual Media Coordination": 0, + "Professional Media Communication": 0, + "Camera Operation and Technical Control": 0, + "Kitchen Safety Management": 0, + "Animal Care Management": 0, + "Facility Sanitation and Maintenance": 0, + "Product Demonstration": 0, + "Avionics Equipment Maintenance": 0, + "Aviation Safety Compliance": 0, + "Electronic Systems Quality Control": 0, + "Diagnostic Technical Problem Solving": 0, + "Investigative Reporting": 0, + "Media Content Development": 0, + "Multimedia Storytelling": 0, + "Medical Equipment Preparation": 0, + "Medical Supply Inventory Control": 0, + "Healthcare Safety Compliance": 0, + "File Management and Organization": 0, + "Clerical Information Processing": 0, + "Precision Manual Material Handling": 0, + "Information Verification": 0, + "Communication Routing": 0, + "Operational Administrative Support": 0, + "Interpersonal Information Exchange": 0, + "Agricultural Operations": 0, + "Precision Manual Animal Handling": 0, + "Agricultural Inspection and Compliance": 0, + "Material Handling and Inspection": 0, + "Safety and Hygiene Management": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0, + "Computational Data Analysis": 0, + "Precision Technical Communication": 0, + "Strategic Operational Coordination": 0, + "Strategic Operational Analysis": 0, + "Business Relationship Development": 0, + "Proposal and Documentation Management": 0, + "Professional Knowledge Maintenance": 0, + "Healthcare Documentation": 0, + "Dental Healthcare Support": 0, + "Preventive Dental Care": 0, + "Textual Accuracy Verification": 0, + "Systematic Information Review": 0, + "Professional Written Communication": 0, + "Analytical Systems Evaluation": 0, + "Operational Data Interpretation": 0, + "Vehicle Service Operations": 0, + "Financial Analysis and Compliance": 0, + "Strategic Financial Decision Making": 0, + "Investigative Financial Verification": 0, + "Employee Relations Management": 0, + "Entertainment Service Management": 0, + "Operational Performance Reporting": 0, + "Staff Development and Training": 0, + "Resource Allocation Coordination": 0, + "Security Screening Protocols": 0, + "Threat Detection and Assessment": 0, + "Public Safety Interaction": 0, + "Commercial Negotiation": 0, + "Air Traffic Control Management": 0, + "Security Operations Management": 0, + "Surveillance and Threat Detection": 0, + "Construction Site Coordination": 0, + "Agricultural Product Inspection": 0, + "Material Handling and Sorting": 0, + "Equipment Operations Monitoring": 0, + "Safety and Compliance Management": 0, + "Historical Research Methodology": 0, + "Scholarly Documentation Management": 0, + "Instructional Communication": 0, + "Wind Turbine Technical Maintenance": 0, + "Safety-Focused Technical Inspection": 0, + "Green Energy Systems Management": 0, + "Geospatial Analysis": 0, + "Environmental Monitoring": 0, + "Chemical Flow and Process Control": 0, + "Gauges and Indicator Monitoring": 0, + "Equipment Monitoring": 0, + "Precision Technical Manipulation": 0, + "Energy Systems Engineering": 0, + "Technical Performance Analysis": 0, + "Technical Resource Coordination": 0, + "Scientific Management": 0, + "Natural Resource Management": 0, + "Agricultural Systems Coordination": 0, + "Field Operations Management": 0, + "Artistic Design Conceptualization": 0, + "Floral Arrangement Expertise": 0, + "Client Consultation and Needs Assessment": 0, + "Material and Prop Selection": 0, + "Nutritional Assessment and Planning": 0, + "Nutritional Research and Documentation": 0, + "Healthcare Patient Support": 0, + "Clinical Procedure Assistance": 0, + "Patient Measurement and Assessment": 0, + "Nuclear Systems Engineering": 0, + "Technical Risk Assessment": 0, + "Organizational Risk Management": 0, + "Strategic Security Oversight": 0, + "Operational Policy Implementation": 0, + "Precision Manual Cutting": 0, + "Financial Counseling": 0, + "Client Information Processing": 0, + "Instructional Assessment and Mentorship": 0, + "Chemical Engineering Analysis": 0, + "Technical Systems Problem Solving": 0, + "Neurological Patient Assessment": 0, + "Medical Diagnostic Equipment Operation": 0, + "Patient Monitoring and Safety": 0, + "Technical Communication in Healthcare": 0, + "Surface Preparation": 0, + "Adhesive Application": 0, + "Precision Manual Construction": 0, + "Explosives Handling Safety": 0, + "Site Dimensional Preparation": 0, + "Technical Safety Signaling": 0, + "Precision Manual Tool Usage": 0, + "Structural Component Positioning": 0, + "Technical Coordination and Communication": 0, + "Meat Processing Skills": 0, + "Food Safety Compliance": 0, + "Equipment Cleaning and Maintenance": 0, + "Rail Transportation Management": 0, + "Vehicle Movement Coordination": 0, + "Critical Information Processing": 0, + "Strategic Problem Solving": 0, + "Operational Equipment Control": 0, + "Animal Patient Care": 0, + "Veterinary Technical Support": 0, + "Vehicle Electrical Systems Repair": 0, + "Equipment Monitoring and Control": 0, + "Patient Assessment and Care": 0, + "Radiation Safety Management": 0, + "Technical Medical Documentation": 0, + "Programming Logic": 0, + "Broadcast Technical Communication": 0, + "Content Development Strategy": 0, + "Nanotechnology Engineering": 0, + "Micro-Scale Process Management": 0, + "Vehicle Operation Safety": 0, + "Passenger Support Services": 0, + "Fundraising Strategy": 0, + "Persuasive Proposal Development": 0, + "Shipping and Logistics Management": 0, + "Aviation Safety Management": 0, + "Aircraft Operations Control": 0, + "Emergency Response Preparedness": 0, + "Safety Signaling and Risk Management": 0, + "Database Systems Design": 0, + "Information Architecture Management": 0, + "Financial Advisory Communication": 0, + "Investment Strategy Analysis": 0, + "Client Financial Needs Assessment": 0, + "Professional Financial Networking": 0, + "Operational Financial Analysis": 0, + "Commercial Relationship Management": 0, + "Garment Quality Inspection": 0, + "Veterinary Medical Care": 0, + "Animal Medical Procedure Support": 0, + "Preventive Animal Healthcare": 0, + "Resource Management": 0, + "Underground Work Operations": 0, + "Breeding Procedure Execution": 0, + "Agricultural Resource Coordination": 0, + "Landscape Maintenance": 0, + "Geological Data Analysis": 0, + "Environmental Field Research": 0, + "Natural Resource Mapping": 0, + "Theatrical Makeup Application": 0, + "Performance Costume Preparation": 0, + "Creative Visual Transformation": 0, + "Textile Production Skills": 0, + "Database Management": 0, + "Technical Systems Security": 0, + "Photonics Engineering": 0, + "Technical Precision Measurement": 0, + "Optical Systems Analysis": 0, + "Facilities Management": 0, + "Operational Budget Planning": 0, + "Environmental Project Management": 0, + "Site Remediation Planning": 0, + "Technical Grant Development": 0, + "Environmental Risk Assessment": 0, + "Geological Resource Management": 0, + "Technical Safety Protocols": 0, + "Media Content Editing": 0, + "Creative Visual Storytelling": 0, + "Technical Media Production": 0, + "Agricultural Technical Operations": 0, + "Strategic Sales Management": 0, + "Interpersonal Persuasion": 0, + "Commercial Relationship Development": 0, + "Operational Supervision": 0, + "Maintenance and Cleaning": 0, + "Professional Counseling Support": 0, + "Performance Coaching": 0, + "Talent Identification": 0, + "Strategic Performance Coordination": 0, + "Professional Performance Communication": 0, + "Instructional Technology Integration": 0, + "Energy Systems Analysis": 0, + "Rigging and Material Positioning": 0, + "Scholarly Communication": 0, + "Professional Knowledge Dissemination": 0, + "Financial Cost Analysis": 0, + "Strategic Resource Estimation": 0, + "Technical Documentation Precision": 0, + "Business Data Interpretation": 0, + "Extraction Site Management": 0, + "Technical Material Handling": 0, + "Strategic Communication": 0, + "Comprehensive Documentation Management": 0, + "Medical Technical Support": 0, + "Clinical Assessment and Reasoning": 0, + "Healthcare Safety Management": 0, + "Equipment Installation": 0, + "Safety and Quality Verification": 0, + "Healthcare Informatics Management": 0, + "Technical Information Security": 0, + "Professional Research and Development": 0, + "Healthcare Safety Protocols": 0, + "Precision Manual Medical Skills": 0, + "Performance Evaluation Management": 0, + "Technical Repair Workflow": 0, + "Preventive Healthcare Strategy": 0, + "Patient-Centered Communication": 0, + "Population Health Management": 0, + "Organizational Resilience Planning": 0, + "Regulatory Risk Assessment": 0, + "Strategic Contingency Management": 0, + "Shipping and Logistics Coordination": 0, + "Mechanical Diagnostic Assessment": 0, + "Mechanical Repair Workflow": 0, + "Educational Support Services": 0, + "Student Safety and Welfare": 0, + "Sales Team Management": 0, + "Strategic Performance Monitoring": 0, + "Biological Sample Processing": 0, + "Scientific Analytical Reasoning": 0, + "Equipment Quality Monitoring": 0, + "Manufacturing Surface Finishing": 0, + "Precision Equipment Management": 0, + "Situational Awareness": 0, + "Safety Communication": 0, + "Operational Monitoring": 0, + "Patron Safety Support": 0, + "Solar Energy Systems Installation": 0, + "Renewable Energy Quality Control": 0, + "Precision Installation Techniques": 0, + "Resource Coordination": 0, + "Clinical Assessment Skills": 0, + "Physical Rehabilitation Support": 0, + "Professional Academic Mentorship": 0, + "Electrical Systems Design": 0, + "Electromechanical Systems Management": 0 + }, + "original_index": 747, + "sparsity": 1.0 + }, + { + "onet_code": "11-9033.00", + "job_title": "Education Administrators, Postsecondary", + "detailed_work_activities": [ + "Direct administrative or support services.", + "Evaluate employee performance.", + "Develop educational goals, standards, policies, or procedures.", + "Manage human resources activities.", + "Recommend organizational process or policy changes.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Recruit personnel.", + "Conduct employee training programs.", + "Hire personnel.", + "Supervise employees.", + "Advise others on career or personal development.", + "Communicate with government agencies.", + "Prepare financial documents, reports, or budgets.", + "Prepare operational budgets.", + "Develop operating strategies, plans, or procedures.", + "Schedule activities or facility use.", + "Develop organizational policies or programs.", + "Prepare forms or applications.", + "Prepare staff schedules or work assignments.", + "Represent the organization in external relations.", + "Prepare operational reports or records.", + "Prepare reports detailing student activities or performance.", + "Serve on institutional or departmental committees.", + "Advise students on academic or career matters.", + "Monitor student performance.", + "Teach classes in area of specialization.", + "Confer with organizational members to accomplish work activities.", + "Analyze data to inform operational decisions or activities.", + "Manage outreach activities.", + "Manage operations, research, or logistics projects.", + "Prepare proposals or grant applications to obtain project funding.", + "Coordinate special events or programs." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Resource Management": 1, + "Advanced Operational Governance": 1, + "Advanced Operational Monitoring": 1, + "Advanced Problem Solving": 1, + "Advanced Stakeholder Communication": 1, + "Organizational Performance Management": 1, + "Personnel Resource Management": 1, + "Strategic Organizational Leadership": 1, + "Workforce Training and Development": 1 + }, + "original_index": 748, + "sparsity": 0.9885426214482127 + }, + { + "onet_code": "27-4031.00", + "job_title": "Camera Operators, Television, Video, and Film", + "detailed_work_activities": [ + "Determine technical requirements of productions or projects.", + "Operate still or video cameras or related equipment.", + "Edit audio or video recordings.", + "Coordinate activities of production personnel.", + "Set up still or video cameras or related equipment.", + "Collaborate with others to determine technical details of productions.", + "Inspect sets or exhibits.", + "Select materials or props.", + "Review details of technical drawings or specifications.", + "Operate communications, transmissions, or broadcasting equipment.", + "Maintain recording or broadcasting equipment.", + "Manage content of broadcasts or presentations.", + "Direct productions or performances.", + "Write informational material.", + "Create computer-generated graphics or animation.", + "Research new technologies." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions." + ], + "skill_vector": { + "Camera Operation and Technical Control": 1, + "Technical Equipment Operation": 1, + "Technical Communication": 1, + "Artistic Collaboration": 1, + "Media Production Technical Control": 1, + "Visual Design Communication": 1, + "Technical Documentation": 1, + "Collaborative Technical Problem Solving": 1, + "Professional Communication": 1, + "Technical Equipment Maintenance": 1 + }, + "original_index": 749, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "35-2014.00", + "job_title": "Cooks, Restaurant", + "detailed_work_activities": [ + "Clean food preparation areas, facilities, or equipment.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Cook foods.", + "Check quality of foods or supplies.", + "Assess equipment functioning.", + "Maintain food, beverage, or equipment inventories.", + "Arrange food for serving.", + "Serve food or beverages.", + "Measure ingredients.", + "Mix ingredients.", + "Prepare foods for cooking or serving.", + "Coordinate activities of food service staff.", + "Estimate supplies, ingredients, or staff requirements for food preparation activities.", + "Order materials, supplies, or equipment.", + "Assist chefs or caterers with food or drink preparation.", + "Cut cooked or raw foods.", + "Plan menu options.", + "Record operational or production data.", + "Prepare breads or doughs.", + "Determine prices for menu items." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Food Preparation Skills": 1, + "Kitchen Safety Management": 1, + "Operational Food Service Coordination": 1, + "Precision Material Handling": 1, + "Sanitation and Hygiene Management": 1, + "Inventory Management": 1, + "Quality Control Inspection": 1, + "Technical Equipment Operation": 1, + "Workplace Safety Coordination": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Legal Compliance Monitoring": 0 + }, + "original_index": 750, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-2021.00", + "job_title": "Animal Caretakers", + "detailed_work_activities": [ + "Care for animals.", + "Administer basic health care or medical treatments.", + "Monitor health or behavior of people or animals.", + "Prepare foods or meals.", + "Maintain facilities.", + "Clean facilities or work areas.", + "Perform housekeeping duties.", + "Document client health or progress.", + "Explain regulations, policies, or procedures.", + "Monitor patron activities to identify problems or potential problems.", + "Clean tools or equipment.", + "Respond to customer inquiries.", + "Perform administrative or clerical tasks.", + "Schedule appointments.", + "Confer with clients to discuss treatment plans or progress.", + "Provide care for animals.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Discuss service options or needs with clients.", + "Train animals.", + "Maintain supply or equipment inventories.", + "Order materials, supplies, or equipment.", + "Sell products or services." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Animal Care Management": 1, + "Animal Care and Control": 1, + "Animal Care and Handling": 1, + "Animal Medical Procedure Support": 1, + "Animal Patient Care": 1, + "Animal Training and Care": 1, + "Preventive Animal Healthcare": 1, + "Veterinary Technical Support": 1, + "Client Care Coordination": 1, + "Facility Maintenance and Cleaning": 1, + "Inventory Management": 1, + "Administrative Documentation": 1, + "Professional Communication": 1, + "Service Orientation": 1, + "Interpersonal Communication": 1, + "Operational Safety Management": 1, + "Academic Instruction": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0 + }, + "original_index": 751, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "41-9011.00", + "job_title": "Demonstrators and Product Promoters", + "detailed_work_activities": [ + "Distribute promotional literature or samples to customers.", + "Maintain records of sales or other business transactions.", + "Sell products or services.", + "Demonstrate products to consumers.", + "Clean work areas.", + "Explain technical product or service information to customers.", + "Recommend products or services to customers.", + "Record sales or transactions data.", + "Study product information to acquire professional knowledge.", + "Set up merchandise displays.", + "Identify potential customers.", + "Answer customer questions about goods or services.", + "Gather customer or product information to determine customer needs.", + "Advise customers on the use of products or services.", + "Develop content for sales presentations or other materials.", + "Stock products or parts.", + "Deliver promotional presentations to current or prospective customers.", + "Train sales personnel.", + "Model cosmetics, clothing, or accessories." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Product Demonstration": 1, + "Customer Service Communication": 1, + "Sales Transaction Processing": 1, + "Persuasive Communication": 1, + "Interpersonal Communication": 1, + "Professional Product Knowledge": 1, + "Merchandise Display Strategy": 1, + "Customer Needs Assessment": 1, + "Professional Image Modeling": 1, + "Inventory Management": 1, + "Sales Persuasion Techniques": 1, + "Professional Communication": 1, + "Training Program Development": 1 + }, + "original_index": 752, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "35-3041.00", + "job_title": "Food Servers, Nonrestaurant", + "detailed_work_activities": [ + "Arrange food for serving.", + "Clean tableware.", + "Monitor food services operations to ensure procedures are followed.", + "Stock serving stations or dining areas with food or supplies.", + "Communicate dining or order details to kitchen personnel.", + "Process customer bills or payments.", + "Collect dirty dishes or other tableware.", + "Move equipment, supplies or food to required locations.", + "Record operational or production data.", + "Cook foods.", + "Assist customers with seating arrangements." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Service Orientation": 1, + "Administrative Communication": 1, + "Operational Documentation": 1, + "Customer Service Coordination": 1, + "Food Service Operations": 1, + "Interpersonal Communication": 1, + "Material Handling": 1, + "Sanitation and Hygiene Management": 1, + "Transaction Processing": 1 + }, + "original_index": 753, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "49-2091.00", + "job_title": "Avionics Technicians", + "detailed_work_activities": [ + "Test electrical equipment or systems to ensure proper functioning.", + "Troubleshoot equipment or systems operation problems.", + "Adjust equipment to ensure optimal performance.", + "Install machine or equipment replacement parts.", + "Maintain repair or maintenance records.", + "Repair worn, damaged, or defective mechanical parts.", + "Install electrical components, equipment, or systems.", + "Assemble electrical components, subsystems, or systems.", + "Analyze test or performance data to assess equipment operation.", + "Lay out work according to specifications.", + "Confer with coworkers to coordinate work activities.", + "Fabricate parts or components.", + "Develop equipment or component configurations." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Avionics Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Diagnostics": 1, + "Technical Equipment Installation": 1, + "Technical Problem Solving": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Technical Quality Control": 1, + "Technical Measurement and Verification": 1, + "Technical Communication": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0 + }, + "original_index": 754, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "49-9031.00", + "job_title": "Home Appliance Repairers", + "detailed_work_activities": [ + "Collect payments for goods or services.", + "Observe equipment in operation to detect potential problems.", + "Confer with customers or users to assess problems.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Read technical information needed to perform maintenance or repairs.", + "Replace worn, damaged, or defective mechanical parts.", + "Test electrical circuits or components for proper functioning.", + "Dispose of hazardous materials.", + "Advise others on issues related to repairs, installation, or equipment design.", + "Disassemble equipment for maintenance or repair.", + "Estimate costs for labor or materials.", + "Repair worn, damaged, or defective mechanical parts.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Adjust equipment to ensure optimal performance.", + "Maintain repair or maintenance records.", + "Reassemble equipment after repair.", + "Inspect gas systems or components to identify leaks or other potential hazards.", + "Train customers in the use of products.", + "Connect hoses to equipment or piping.", + "Level machines or equipment.", + "Confer with coworkers to resolve equipment problems.", + "Maintain inventories of materials, equipment, or products.", + "Install piping for installation or maintenance activities.", + "Test mechanical equipment to ensure proper functioning.", + "Inspect systems to determine if they are operating properly.", + "Install home appliances.", + "Measure distances or dimensions.", + "Lubricate equipment to allow proper functioning.", + "Cut materials according to specifications or needs.", + "Assemble mechanical components or machine parts." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Installation": 1, + "Technical Equipment Installation": 1, + "Troubleshooting": 1, + "Technical Problem Solving": 1, + "Quality Control Inspection": 1, + "Technical Equipment Operation": 1, + "Precision Measurement": 1, + "Safety and Compliance Management": 1, + "Customer Service Communication": 1, + "Inventory Management": 1, + "Technical Documentation": 1 + }, + "original_index": 755, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-2181.00", + "job_title": "Roofers", + "detailed_work_activities": [ + "Inspect work sites to determine condition or necessary repairs.", + "Remove debris or vegetation from work sites.", + "Assemble temporary equipment or structures.", + "Estimate construction project labor requirements.", + "Estimate materials requirements for projects.", + "Install roofing materials.", + "Apply adhesives to construction materials.", + "Cut carpet, vinyl or other flexible materials.", + "Apply sealants or other protective coatings.", + "Apply paint to surfaces.", + "Install insulation in equipment or structures.", + "Smooth surfaces with abrasive materials or tools.", + "Spread sand, dirt or other loose materials onto surfaces.", + "Pour materials into or on designated areas.", + "Install green structural components, equipment or systems.", + "Install doors or windows.", + "Drill holes in construction materials.", + "Install solar energy systems." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Roofing Material Preparation": 1, + "Construction Material Handling": 1, + "Construction Site Preparation": 1, + "Surface Preparation": 1, + "Precision Manual Construction Skills": 1, + "Technical Equipment Operation": 1, + "Safety and Compliance Management": 1, + "Material Measurement and Preparation": 1, + "Adhesive Application": 1, + "Protective Coating Application": 1, + "Technical Measurement and Verification": 1, + "Operational Safety Monitoring": 1, + "Project Cost Estimation": 1, + "Interpersonal Communication": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0 + }, + "original_index": 756, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "27-3023.00", + "job_title": "News Analysts, Reporters, and Journalists", + "detailed_work_activities": [ + "Report news to the public.", + "Coordinate reporting or editing activities.", + "Write informational material.", + "Analyze information obtained from news sources.", + "Determine presentation subjects or content.", + "Gather information for news stories.", + "Coordinate logistics for productions or events.", + "Develop professional relationships or networks.", + "Edit written materials.", + "Operate communications, transmissions, or broadcasting equipment.", + "Operate still or video cameras or related equipment.", + "Inform viewers, listeners, or audiences.", + "Interview others for news or entertainment purposes.", + "Monitor current trends.", + "Correspond with customers to answer questions or resolve complaints." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Knowledge Communication": 1, + "Professional Communication": 1, + "Research Methodology": 1, + "Information Processing": 1, + "Strategic Communication": 1, + "Technical Writing": 1, + "Media Production": 1, + "Investigative Analysis": 1, + "Stakeholder Communication": 1 + }, + "original_index": 757, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "31-9093.00", + "job_title": "Medical Equipment Preparers", + "detailed_work_activities": [ + "Clean medical equipment.", + "Operate medical equipment.", + "Maintain medical equipment or instruments.", + "Prepare medical instruments or equipment for use.", + "Record vital statistics or other health information.", + "Monitor medical equipment to ensure proper functioning.", + "Inventory medical supplies or equipment.", + "Stock medical or patient care supplies.", + "Attend educational events to update medical knowledge." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Medical Equipment Management": 1, + "Medical Equipment Operation": 1, + "Medical Equipment Preparation": 1, + "Healthcare Equipment Expertise": 1, + "Equipment Maintenance and Inspection": 1, + "Quality Control Analysis": 1, + "Inventory Management": 1, + "Technical Documentation": 1, + "Professional Development": 1, + "Precision Equipment Management": 1, + "Healthcare Safety Monitoring": 1, + "Academic Instruction": 0, + "Research Methodology": 0, + "Advanced Manufacturing Technologies": 0 + }, + "original_index": 758, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "43-4071.00", + "job_title": "File Clerks", + "detailed_work_activities": [ + "Read materials to determine needed actions.", + "Enter information into databases or software programs.", + "Operate office equipment.", + "Sort mail.", + "Type documents.", + "Compile data or documentation.", + "Provide information to coworkers.", + "Verify accuracy of financial or transactional data.", + "Maintain inventory records.", + "File documents or records.", + "Search files, databases or reference materials to obtain needed information.", + "Track goods or materials.", + "Store items.", + "Store records or related materials.", + "Examine documents to verify adherence to requirements.", + "Attach identification information to products, items or containers.", + "Develop data analysis or data management procedures." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Administrative Document Processing": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Administrative Information Processing": 1, + "Clerical Information Processing": 1, + "File Management and Organization": 1, + "Precision Documentation": 1, + "Precision Information Processing": 1, + "Technical Documentation Reading": 1, + "Information Verification": 1, + "Operational Documentation": 1, + "Systematic Documentation Management": 1, + "Administrative Coordination": 1, + "Operational Information Management": 1, + "Technical Documentation Management": 1 + }, + "original_index": 759, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-4035.00", + "job_title": "Milling and Planing Machine Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Remove products or workpieces from production equipment.", + "Set equipment controls to meet cutting specifications.", + "Align parts or workpieces to ensure proper assembly.", + "Mount attachments or tools onto production equipment.", + "Monitor equipment operation to ensure that products are not flawed.", + "Select production equipment according to product specifications.", + "Mount materials or workpieces onto production equipment.", + "Operate grinding equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Replace worn equipment components.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Sharpen cutting or grinding tools.", + "Calculate dimensions of workpieces, products, or equipment.", + "Feed materials or products into or through equipment.", + "Determine production equipment settings.", + "Record operational or production data.", + "Construct patterns, templates, or other work aids.", + "Adjust equipment controls to regulate coolant flow." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times." + ], + "skill_vector": { + "Precision Machine Operation": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Maintenance": 1, + "Operational Monitoring": 1, + "Precision Technical Measurement": 1, + "Technical Documentation": 1, + "Material Handling": 1, + "Production Quality Control": 1, + "Technical Tool Management": 1, + "Advanced Manufacturing Technologies": 1 + }, + "original_index": 760, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-4021.00", + "job_title": "Correspondence Clerks", + "detailed_work_activities": [ + "Prepare cash for deposit or disbursement.", + "Maintain operational records.", + "Read materials to determine needed actions.", + "Compile data or documentation.", + "Prepare business correspondence.", + "Check data for recording errors.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Package objects for shipping.", + "Explain regulations, policies, or procedures.", + "Proofread documents, records, or other files to ensure accuracy.", + "Calculate costs of goods or services.", + "Route mail to correct destinations.", + "Confer with coworkers to coordinate work activities.", + "Prepare outgoing mail." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Document Processing": 1, + "Administrative Information Management": 1, + "Operational Documentation": 1, + "Precision Documentation": 1, + "Professional Communication": 1, + "Technical Documentation": 1, + "Clerical Information Processing": 1, + "Operational Communication": 1 + }, + "original_index": 761, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-2011.00", + "job_title": "Switchboard Operators, Including Answering Service", + "detailed_work_activities": [ + "Operate communications equipment or systems.", + "Answer telephones to direct calls or provide information.", + "Greet customers, patrons, or visitors.", + "Refer customers to appropriate personnel.", + "Monitor alarm systems.", + "Maintain security.", + "Operate audio recording equipment.", + "Relay information between personnel.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Collect deposits, payments or fees.", + "Prepare cash for deposit or disbursement.", + "Answer customer questions about goods or services.", + "File documents or records.", + "Maintain call records.", + "Proofread documents, records, or other files to ensure accuracy.", + "Sort mail.", + "Type documents.", + "Execute sales or other financial transactions.", + "Schedule appointments.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Information Management": 1, + "Communication Information Routing": 1, + "Operational Communication": 1, + "Professional Communication": 1, + "Service Orientation": 1, + "Technical Communication": 1, + "Interpersonal Communication": 1, + "Academic Instruction": 0, + "Healthcare Patient Communication": 0, + "Technical Equipment Operation": 1 + }, + "original_index": 762, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "45-2093.00", + "job_title": "Farmworkers, Farm, Ranch, and Aquacultural Animals", + "detailed_work_activities": [ + "Care for animals.", + "Examine animals to detect illness, injury or other problems.", + "Treat animal injuries or illnesses.", + "Prepare materials or solutions for animal or plant use.", + "Mark agricultural or forestry products for identification.", + "Maintain inventories of materials, equipment, or products.", + "Perform animal breeding procedures.", + "Operate farming equipment.", + "Classify organisms based on their characteristics or behavior.", + "Maintain forestry, hunting, or agricultural equipment.", + "Transport animals, crops, or equipment.", + "Maintain operational records.", + "Clean equipment or facilities." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Agricultural Operations": 1, + "Animal Care and Handling": 1, + "Agricultural Equipment Operation": 1, + "Agricultural Inventory Management": 1, + "Animal Breeding Procedure Execution": 1, + "Precision Manual Animal Handling": 1, + "Agricultural Resource Coordination": 1, + "Agricultural Inspection Skills": 1, + "Veterinary Technical Support": 1, + "Maintenance and Cleaning": 1, + "Operational Documentation": 1, + "Agricultural Systems Management": 1, + "Workplace Safety Coordination": 1, + "Academic Instruction": 0, + "Research Methodology": 0, + "Healthcare Administrative Support": 0 + }, + "original_index": 763, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "53-7064.00", + "job_title": "Packers and Packagers, Hand", + "detailed_work_activities": [ + "Inspect cargo to ensure it is properly loaded or secured.", + "Inspect work to ensure standards are met.", + "Measure product or material dimensions.", + "Weigh materials to ensure compliance with specifications.", + "Move materials, equipment, or supplies.", + "Remove debris or damaged materials.", + "Set up material handling gear or equipment, such as rigging, packaging, or temporary structures.", + "Record details of deliveries or shipments.", + "Sort materials or objects for processing or transport.", + "Load materials into equipment for processing.", + "Mark materials or objects for identification.", + "Clean facilities or work areas." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Material Handling": 1, + "Operational Material Handling": 1, + "Precision Material Handling": 1, + "Measurement and Verification": 1, + "Quality Control Inspection": 1, + "Operational Documentation": 1, + "Workplace Safety Management": 1, + "Technical Equipment Operation": 1, + "Sanitation and Hygiene Management": 1, + "Operational Performance Monitoring": 1 + }, + "original_index": 764, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "35-3031.00", + "job_title": "Waiters and Waitresses", + "detailed_work_activities": [ + "Take customer orders.", + "Communicate with customers to resolve complaints or ensure satisfaction.", + "Enforce rules or regulations.", + "Process customer bills or payments.", + "Communicate dining or order details to kitchen personnel.", + "Present food or beverage information or menus to customers.", + "Collect dirty dishes or other tableware.", + "Serve food or beverages.", + "Cook foods.", + "Arrange tables or dining areas.", + "Clean food service areas.", + "Assist customers with seating arrangements.", + "Schedule dining reservations.", + "Clean food preparation areas, facilities, or equipment.", + "Prepare hot or cold beverages.", + "Stock serving stations or dining areas with food or supplies.", + "Prepare foods for cooking or serving.", + "Add garnishes to food.", + "Provide customers with general information or assistance." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 0, + "Service Orientation": 1, + "Professional Communication": 1, + "Customer Service Coordination": 1, + "Interpersonal Communication": 1, + "Operational Safety Management": 1, + "Food Service Operations": 1, + "Patron Safety Management": 1, + "Sanitation and Hygiene Management": 1, + "Transaction Processing": 1 + }, + "original_index": 765, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "15-1221.00", + "job_title": "Computer and Information Research Scientists", + "detailed_work_activities": [ + "Analyze data to identify or resolve operational problems.", + "Apply information technology to solve business or other applied problems.", + "Assign duties or work schedules to employees.", + "Maintain computer hardware.", + "Monitor the performance of computer networks.", + "Collaborate with others to resolve information technology issues.", + "Design integrated computer systems.", + "Analyze data to identify trends or relationships among variables.", + "Evaluate project designs to determine adequacy or feasibility.", + "Collaborate on research activities with scientists or technical specialists.", + "Collaborate with others to determine design specifications or details.", + "Coordinate project activities with other personnel or departments.", + "Manage information technology projects or system activities.", + "Develop organizational goals or objectives.", + "Develop performance metrics or standards related to information technology.", + "Participate in staffing decisions.", + "Train others in computer interface or software use.", + "Manage budgets for appropriate resource allocation." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Programming\u2014 Writing computer programs for various purposes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Advanced Problem Solving": 1, + "Technical Systems Analysis": 1, + "Technical Research Methodology": 1, + "Software Development": 1, + "Technology Project Management": 1, + "Technical Systems Engineering": 1, + "Computational Data Analysis": 1, + "Strategic Technology Management": 1 + }, + "original_index": 766, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "35-1012.00", + "job_title": "First-Line Supervisors of Food Preparation and Serving Workers", + "detailed_work_activities": [ + "Manage food service operations or parts of operations.", + "Balance receipts.", + "Communicate with customers to resolve complaints or ensure satisfaction.", + "Process customer bills or payments.", + "Cut cooked or raw foods.", + "Inspect facilities, equipment or supplies to ensure conformance to standards.", + "Prepare foods for cooking or serving.", + "Train food preparation or food service personnel.", + "Clean food preparation areas, facilities, or equipment.", + "Assist customers with seating arrangements.", + "Present food or beverage information or menus to customers.", + "Perform human resources activities.", + "Coordinate activities of food service staff.", + "Maintain food, beverage, or equipment inventories.", + "Coordinate timing of food production activities.", + "Monitor food services operations to ensure procedures are followed.", + "Record operational or production data.", + "Estimate supplies, ingredients, or staff requirements for food preparation activities.", + "Order materials, supplies, or equipment.", + "Schedule equipment maintenance.", + "Plan menu options.", + "Evaluate quality of materials or products.", + "Schedule dining reservations." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Food Service Operations": 1, + "Operational Coordination": 1, + "Personnel Resource Management": 1, + "Operational Performance Management": 1, + "Customer Service Coordination": 1, + "Operational Safety Management": 1, + "Inventory Management": 1, + "Financial Resource Management": 1, + "Training and Development": 1, + "Quality Control": 1 + }, + "original_index": 767, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-1081.00", + "job_title": "Logisticians", + "detailed_work_activities": [ + "Develop business relationships.", + "Collect data about customer needs.", + "Gather customer or product information to determine customer needs.", + "Supervise employees.", + "Allocate physical resources within organizations.", + "Prepare proposal documents.", + "Analyze logistics processes.", + "Coordinate logistics or other business operations.", + "Present business-related information to audiences.", + "Manage operations, research, or logistics projects.", + "Confer with personnel to coordinate business operations.", + "Report information to managers or other personnel.", + "Update professional knowledge.", + "Develop business or financial information systems.", + "Advise others on analytical techniques.", + "Develop financial or business plans.", + "Analyze business or financial data.", + "Measure effectiveness of business strategies or practices.", + "Coordinate regulatory documentation activities.", + "Develop training materials." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Logistics Analysis": 1, + "Operational Coordination": 1, + "Strategic Resource Management": 1, + "Business Relationship Development": 1, + "Technical Documentation Management": 1, + "Operational Performance Monitoring": 1, + "Strategic Communication": 1, + "Professional Knowledge Maintenance": 1, + "Financial Analysis": 1, + "Stakeholder Communication Management": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Veterinary Technical Support": 0, + "Artistic Performance Coordination": 0 + }, + "original_index": 768, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1216.00", + "job_title": "General Internal Medicine Physicians", + "detailed_work_activities": [ + "Analyze test data or images to inform diagnosis or treatment.", + "Treat chronic diseases or disorders.", + "Administer non-intravenous medications.", + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Treat acute illnesses, infections, or injuries.", + "Diagnose medical conditions.", + "Explain medical procedures or test results to patients or family members.", + "Advise communities or institutions regarding health or safety issues.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Monitor patient progress or responses to treatments.", + "Refer patients to other healthcare practitioners or health resources.", + "Collect medical information from patients, family members, or other medical professionals.", + "Record patient medical histories.", + "Advise medical personnel regarding healthcare issues.", + "Immunize patients.", + "Supervise patient care personnel.", + "Conduct research to increase knowledge about medical issues.", + "Operate on patients to treat conditions.", + "Design public or employee health programs.", + "Direct healthcare delivery programs.", + "Prepare official health documents or records." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Patient Assessment": 1, + "Clinical Diagnostic Reasoning": 1, + "Patient Treatment Planning": 1, + "Healthcare Documentation Management": 1, + "Medical Research and Innovation": 1, + "Healthcare Professional Collaboration": 1, + "Patient Communication": 1, + "Complex Healthcare Decision Making": 1, + "Preventive Healthcare Strategy": 1 + }, + "original_index": 769, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "17-3027.00", + "job_title": "Mechanical Engineering Technologists and Technicians", + "detailed_work_activities": [ + "Assemble equipment or components.", + "Explain engineering drawings, specifications, or other technical information.", + "Test products for functionality or quality.", + "Estimate technical or resource requirements for development or production projects.", + "Review technical documents to plan work.", + "Provide technical guidance to other personnel.", + "Create graphical representations of mechanical equipment.", + "Test characteristics of materials or structures.", + "Analyze test or validation data.", + "Document design or operational test results.", + "Document technical design details.", + "Evaluate designs or specifications to ensure quality.", + "Design industrial equipment.", + "Monitor the productivity or efficiency of industrial operations.", + "Analyze green technology design requirements.", + "Prepare contracts, disclosures, or applications.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Conduct quantitative failure analyses of operational data.", + "Recommend technical design or process changes to improve efficiency, quality, or performance.", + "Estimate operational costs.", + "Create graphical representations of industrial production systems.", + "Schedule operational activities.", + "Assist engineers or scientists with research.", + "Analyze costs and benefits of proposed designs or projects.", + "Assemble mechanical components or machine parts.", + "Collaborate with others to develop or refine designs.", + "Fabricate devices or components." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Technical Design Documentation": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Technical Measurement and Verification": 1, + "Technical Problem Solving": 1, + "Technical Quality Control": 1, + "Technical Graphical Representation": 1, + "Technical Project Coordination": 1, + "Technical Safety Management": 1, + "Technical Documentation Management": 1 + }, + "original_index": 770, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "31-9091.00", + "job_title": "Dental Assistants", + "detailed_work_activities": [ + "Assist practitioners to perform medical procedures.", + "Clean medical equipment.", + "Prepare medical instruments or equipment for use.", + "Maintain medical records.", + "Explain technical medical information to patients.", + "Inventory medical supplies or equipment.", + "Operate medical equipment.", + "Teach medical procedures or medical equipment use to patients.", + "Interview patients to gather medical information.", + "Record vital statistics or other health information.", + "Administer basic health care or medical treatments.", + "Process medical billing information.", + "Schedule patient procedures or appointments.", + "Make patient-assistive devices or device models.", + "Fit patients for assistive devices." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Dental Healthcare Services": 1, + "Dental Healthcare Support": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Medical Equipment Operation": 1, + "Medical Records Management": 1, + "Clinical Procedure Support": 1, + "Healthcare Administrative Support": 1, + "Patient Safety Management": 1, + "Medical Supply Inventory Control": 1, + "Healthcare Communication": 1, + "Clinical Documentation Management": 1, + "Medical Device Measurement and Fitting": 1, + "Preventive Dental Care": 1, + "Academic Research and Instruction": 0, + "Agricultural Operations": 0, + "Artistic Performance Coordination": 0 + }, + "original_index": 771, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "31-1132.00", + "job_title": "Orderlies", + "detailed_work_activities": [ + "Adjust positions of patients on beds or tables.", + "Clean medical equipment.", + "Move patients to or from treatment areas.", + "Transport biological or other medical materials.", + "Dispose of biomedical waste in accordance with standards.", + "Clean patient rooms or patient treatment rooms.", + "Assist patients with daily activities.", + "Hold patients to ensure proper positioning or safety.", + "Stock medical or patient care supplies.", + "Feed patients." + ], + "skills": [ + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Academic Instruction": 0, + "Adaptive Care Assistance": 1, + "Administrative Healthcare Support": 1, + "Patient Care Coordination": 1, + "Healthcare Equipment Management": 1, + "Patient Safety Management": 1, + "Medical Waste Management": 1, + "Facility Maintenance and Sanitation": 1, + "Patient Nutrition Support": 1, + "Interpersonal Patient Communication": 1 + }, + "original_index": 772, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "25-2055.00", + "job_title": "Special Education Teachers, Kindergarten", + "detailed_work_activities": [ + "Collaborate with other teaching professionals to develop educational programs.", + "Develop strategies or programs for students with special needs.", + "Administer tests to assess educational needs or progress.", + "Develop instructional materials.", + "Discuss student progress with parents or guardians.", + "Evaluate student work.", + "Modify teaching methods or materials to accommodate student needs.", + "Monitor student performance.", + "Assist students with special educational needs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Create technology-based learning materials.", + "Develop instructional objectives.", + "Direct activities of subordinates.", + "Discuss problems or issues with supervisors.", + "Display student work.", + "Distribute instructional or library materials.", + "Establish rules or policies governing student behavior.", + "Maintain inventories of materials, equipment, or products.", + "Maintain student records.", + "Monitor student behavior, social development, or health.", + "Plan educational activities.", + "Plan experiential learning activities.", + "Prepare tests.", + "Set up classroom materials or equipment.", + "Supervise school or student activities.", + "Teach life skills.", + "Teach others to use technology or equipment.", + "Tutor students who need extra assistance." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Learning and Problem Solving": 1, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Performance Monitoring": 1, + "Developmental Instructional Adaptation": 1, + "Developmental Learning Support": 1, + "Interpersonal Communication": 1, + "Professional Development": 1, + "Instructional Technology Integration": 1, + "Special Needs Education Support": 1, + "Child Development Support": 1 + }, + "original_index": 773, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "43-9081.00", + "job_title": "Proofreaders and Copy Markers", + "detailed_work_activities": [ + "Proofread documents, records, or other files to ensure accuracy.", + "Verify accuracy of financial or transactional data.", + "Coordinate operational activities.", + "Search files, databases or reference materials to obtain needed information.", + "Collaborate with others to determine production details.", + "File documents or records.", + "Search information sources to find specific data.", + "Report news to the public." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Administrative Documentation": 1, + "Administrative Documentation Management": 1, + "Administrative Documentation Processing": 1, + "Precision Documentation": 1, + "Precision Information Processing": 1, + "Professional Writing and Communication": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Technical Writing Proficiency": 1, + "Critical Thinking": 1, + "Information Processing": 1, + "Information Verification": 1 + }, + "original_index": 774, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "53-7071.00", + "job_title": "Gas Compressor and Gas Pumping Station Operators", + "detailed_work_activities": [ + "Monitor equipment gauges or displays to ensure proper operation.", + "Control pumps or pumping equipment.", + "Record operational or production data.", + "Direct maintenance or repair activities.", + "Collect samples for analysis or testing.", + "Test materials, solutions, or samples.", + "Clean machinery or equipment.", + "Clean facilities or work areas.", + "Connect hoses to equipment or machinery." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Equipment Operation and Monitoring": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Technical Diagnostic Reasoning": 1, + "Precision Equipment Monitoring": 1, + "Technical Documentation": 1, + "Maintenance and Repair Skills": 1, + "Sample Collection and Testing": 1, + "Facility Maintenance": 1, + "Academic Instruction": 0 + }, + "original_index": 775, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "17-2081.00", + "job_title": "Environmental Engineers", + "detailed_work_activities": [ + "Design environmental control systems.", + "Confer with other personnel to resolve design or operational problems.", + "Investigate the environmental impact of projects.", + "Advise others regarding green practices or environmental concerns.", + "Determine operational criteria or specifications.", + "Prepare operational reports.", + "Monitor activities affecting environmental quality.", + "Maintain operational records or records systems.", + "Prepare technical or operational reports.", + "Develop technical methods or processes.", + "Prepare procedural documents.", + "Direct environmental development activities.", + "Explain project details to the general public.", + "Prepare project budgets.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Purchase materials, equipment, or other resources.", + "Confer with technical personnel to prepare designs or operational plans.", + "Train personnel on proper operational procedures.", + "Assist engineers or scientists with research.", + "Teach safety standards or environmental compliance methods.", + "Prepare detailed work plans.", + "Package materials for transport.", + "Test characteristics of materials or structures.", + "Attend conferences or workshops to maintain professional knowledge.", + "Exchange information with colleagues.", + "Prepare research or technical reports on environmental issues.", + "Write reports or evaluations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Environmental Conservation Management": 1, + "Environmental Monitoring": 1, + "Environmental Impact Assessment": 1, + "Environmental Regulatory Compliance": 1, + "Technical Documentation Management": 1, + "Scientific Research Methodology": 1, + "Stakeholder Communication": 1, + "Project Management": 1, + "Technical Systems Analysis": 1, + "Professional Technical Communication": 1, + "Risk Assessment": 1, + "Technical Equipment Management": 1, + "Site Preparation and Inspection": 1, + "Training and Development": 1, + "Strategic Environmental Planning": 1 + }, + "original_index": 776, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "15-2031.00", + "job_title": "Operations Research Analysts", + "detailed_work_activities": [ + "Present research results to others.", + "Apply mathematical principles or statistical approaches to solve problems in scientific or applied fields.", + "Determine appropriate methods for data analysis.", + "Evaluate data quality.", + "Develop scientific or mathematical models.", + "Document operational activities.", + "Collaborate with others to resolve information technology issues.", + "Conduct research to gain information about products or processes.", + "Troubleshoot issues with computer applications or systems.", + "Analyze data to identify or resolve operational problems.", + "Analyze project data to determine specifications or requirements.", + "Design computer modeling or simulation programs.", + "Develop detailed project plans.", + "Manage budgets for appropriate resource allocation.", + "Analyze data to identify trends or relationships among variables.", + "Train others on work processes.", + "Apply information technology to solve business or other applied problems.", + "Review professional literature to maintain professional knowledge." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Problem Solving": 1, + "Computational Data Analysis": 1, + "Mathematical Problem Solving": 1, + "Quantitative Reasoning": 1, + "Scientific Research Methodology": 1, + "Statistical Analysis": 1, + "Systems Analysis": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Professional Communication": 1, + "Project Management": 1 + }, + "original_index": 777, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-6031.00", + "job_title": "Automotive and Watercraft Service Attendants", + "detailed_work_activities": [ + "Collect fares or payment from customers.", + "Maintain vehicles in good working condition.", + "Record sales or transactions data.", + "Measure the level or depth of water or other liquids.", + "Clean vehicles or vehicle components.", + "Clean facilities or work areas.", + "Clean machinery or equipment.", + "Acquire supplies or equipment.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Sell products or services.", + "Control pumps or pumping equipment.", + "Maintain watercraft engines or machinery.", + "Inspect motor vehicles.", + "Provide transportation information to passengers or customers." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Repairing\u2014 Repairing machines or systems using the needed tools." + ], + "skill_vector": { + "Vehicle Operation Control": 1, + "Vehicle Maintenance and Inspection": 1, + "Equipment Maintenance": 1, + "Service Orientation": 1, + "Operational Safety Management": 1, + "Technical Equipment Operation": 1, + "Transaction Processing": 1, + "Inventory Management": 1, + "Customer Information Support": 1, + "Technical Inspection and Verification": 1, + "Cleaning and Sanitation": 1 + }, + "original_index": 778, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "13-2061.00", + "job_title": "Financial Examiners", + "detailed_work_activities": [ + "Confer with others about financial matters.", + "Coordinate with external parties to exchange information.", + "Advise others on legal or regulatory compliance matters.", + "Prepare operational reports.", + "Implement financial decisions.", + "Examine financial records or processes.", + "Monitor financial indicators.", + "Supervise employees.", + "Monitor organizational processes.", + "Train personnel to enhance job skills.", + "Establish organizational guidelines or policies.", + "Evaluate applicable laws and regulations to determine impact on organizational activities.", + "Train personnel in organizational or compliance procedures.", + "Review license or permit applications.", + "Examine financial records.", + "Verify accuracy of financial information." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Financial Analysis": 1, + "Regulatory Compliance Management": 1, + "Advanced Operational Monitoring": 1, + "Advanced Regulatory Compliance": 1, + "Operational Documentation Management": 1, + "Professional Communication": 1, + "Strategic Financial Decision Making": 1, + "Investigative Financial Verification": 1, + "Technical Documentation Management": 1, + "Personnel Management": 1 + }, + "original_index": 779, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-1071.00", + "job_title": "Human Resources Specialists", + "detailed_work_activities": [ + "Explain regulations, policies, or procedures.", + "Administer personnel recruitment or hiring activities.", + "Update knowledge of legal or regulatory environments.", + "Administer compensation or benefits programs.", + "Perform human resources activities.", + "Evaluate personnel practices to ensure adherence to regulations.", + "Maintain data in information systems or databases.", + "Verify application data to determine program eligibility.", + "Coordinate personnel recruitment activities.", + "Develop training materials.", + "Train personnel to enhance job skills.", + "Review license or permit applications.", + "Discuss business strategies, practices, or policies with managers.", + "Maintain records, documents, or other files.", + "Advise others on business or operational matters.", + "Inform individuals or organizations of status or findings.", + "Interview employees, customers, or others to collect information.", + "Conduct eligibility or selection interviews.", + "Train personnel on managerial topics.", + "Evaluate effectiveness of personnel policies or practices.", + "Prepare operational reports.", + "Advise others on human resources topics." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Professional Communication": 1, + "Human Resources Management": 1, + "Talent Acquisition Strategy": 1, + "Workforce Training Development": 1, + "Organizational Policy Analysis": 1, + "Performance Evaluation Management": 1, + "Compliance and Regulatory Management": 1 + }, + "original_index": 780, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "39-1014.00", + "job_title": "First-Line Supervisors of Entertainment and Recreation Workers, Except Gambling Services", + "detailed_work_activities": [ + "Evaluate employee performance.", + "Explain regulations, policies, or procedures.", + "Manage operations of artistic or entertainment departments or organizations.", + "Resolve customer complaints or problems.", + "Assign duties or work schedules to employees.", + "Confer with organizational members to accomplish work activities.", + "Develop plans for programs or services.", + "Inspect equipment to ensure proper functioning.", + "Inspect facilities.", + "Maintain knowledge of business operations.", + "Maintain professional knowledge or certifications.", + "Order materials, supplies, or equipment.", + "Organize recreational activities or events.", + "Perform human resources activities.", + "Prepare operational reports or records.", + "Provide attraction or event information to patrons.", + "Supervise service workers.", + "Support the professional development of others.", + "Train service staff." + ], + "skills": [], + "skill_vector": { + "Operational Performance Management": 1, + "Operational Supervision": 1, + "Personnel Performance Evaluation": 1, + "Operational Communication": 1, + "Operational Documentation": 1, + "Operational Safety Management": 1, + "Resource Management": 1, + "Training Program Development": 1, + "Event and Program Management": 1, + "Customer Service Coordination": 1, + "Human Resources Management": 1, + "Professional Development Management": 1, + "Operational Workflow Coordination": 1, + "Professional Communication": 1, + "Stakeholder Communication": 1 + }, + "original_index": 781, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "33-9093.00", + "job_title": "Transportation Security Screeners", + "detailed_work_activities": [ + "Inspect cargo to identify potential hazards.", + "Communicate situation details to appropriate personnel.", + "Examine personal documentation to ensure that it is valid.", + "Search individuals for illegal or dangerous items.", + "Determine operational procedures.", + "Locate suspicious objects or vehicles.", + "Monitor activities of individuals to ensure safety or compliance with rules.", + "Communicate safety or hazard information to others.", + "Block physical access to restricted areas.", + "Patrol properties to maintain safety.", + "Prevent unauthorized individuals from entering restricted areas.", + "Request emergency personnel.", + "Record information about suspicious objects.", + "Maintain surveillance of individuals or establishments.", + "Confiscate prohibited or dangerous items.", + "Monitor access or flow of people to prevent problems.", + "Inform the public about policies, services or procedures.", + "Provide information to the general public." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Border Security Operations": 1, + "Surveillance Operations": 1, + "Threat Detection and Assessment": 1, + "Public Safety Communication": 1, + "Operational Safety Management": 1, + "Operational Safety Compliance": 1, + "Security Screening Protocols": 1, + "Situational Awareness": 1, + "Interpersonal Observation Skills": 1, + "Professional Communication": 1 + }, + "original_index": 782, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "41-4012.00", + "job_title": "Sales Representatives, Wholesale and Manufacturing, Except Technical and Scientific Products", + "detailed_work_activities": [ + "Negotiate prices or other sales terms.", + "Coordinate sales campaigns.", + "Monitor inventories of products or materials.", + "Purchase stocks of merchandise or supplies.", + "Set up merchandise displays.", + "Stock products or parts.", + "Answer customer questions about goods or services.", + "Estimate costs or terms of sales.", + "Explain technical product or service information to customers.", + "Recommend products or services to customers.", + "Advise customers on the use of products or services.", + "Distribute promotional literature or samples to customers.", + "Prepare sales or other contracts.", + "Monitor market conditions or trends.", + "Study product information to acquire professional knowledge.", + "Maintain records of sales or other business transactions.", + "Prepare financial documents, reports, or budgets.", + "Develop proposals for current or prospective customers.", + "Prepare drawings or diagrams of products or services.", + "Contact current or potential customers to promote products or services.", + "Demonstrate products to consumers.", + "Verify customer credit information.", + "Order materials, supplies, or equipment.", + "Send information, materials or documentation.", + "Identify potential customers.", + "Arrange delivery of goods or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Sales Communication": 1, + "Persuasive Communication": 1, + "Customer Needs Assessment": 1, + "Product Knowledge Communication": 1, + "Negotiation": 1, + "Inventory Management": 1, + "Customer Relationship Management": 1, + "Transaction Processing": 1, + "Market Intelligence": 1, + "Professional Documentation": 1, + "Strategic Sales Management": 1, + "Professional Networking": 1, + "Product Demonstration": 1, + "Commercial Relationship Development": 1, + "Professional Time Management": 1 + }, + "original_index": 783, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "31-2011.00", + "job_title": "Occupational Therapy Assistants", + "detailed_work_activities": [ + "Encourage patients during therapeutic activities.", + "Teach basic living or other adaptive skills to patients or caregivers.", + "Teach medical procedures or medical equipment use to patients.", + "Implement therapeutic programs to improve patient functioning.", + "Monitor patient progress or responses to treatments.", + "Communicate patient status to other health practitioners.", + "Prepare medical reports or documents.", + "Develop patient therapy programs.", + "Maintain medical records.", + "Record vital statistics or other health information.", + "Assist patients with daily activities.", + "Attend educational events to update medical knowledge.", + "Administer screening tests to determine abilities or treatment needs.", + "Confer with other professionals to plan patient care.", + "Clean medical equipment.", + "Maintain medical equipment or instruments.", + "Prepare medical instruments or equipment for use.", + "Make patient-assistive devices or device models.", + "Move patients to or from treatment areas.", + "Teach medical procedures to healthcare personnel.", + "Inventory medical supplies or equipment.", + "Perform clerical work in medical settings.", + "Process medical billing information.", + "Schedule patient procedures or appointments." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Patient Assessment": 1, + "Patient Care Coordination": 1, + "Therapeutic Patient Intervention": 1, + "Healthcare Patient Communication": 1, + "Healthcare Documentation": 1, + "Adaptive Learning Management": 1, + "Clinical Procedure Support": 1, + "Patient Safety Management": 1, + "Assistive Device Expertise": 1, + "Healthcare Equipment Management": 1, + "Interpersonal Patient Communication": 1, + "Academic Instruction": 0 + }, + "original_index": 784, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "53-2021.00", + "job_title": "Air Traffic Controllers", + "detailed_work_activities": [ + "Notify others of emergencies, problems, or hazards.", + "Communicate with others to coordinate vehicle movement.", + "Coordinate flight control or management activities.", + "Respond to transportation emergencies.", + "Direct vehicle traffic.", + "Monitor vehicle movement or location.", + "Adjust routes or speeds as necessary.", + "Direct emergency management activities.", + "Train transportation or material moving personnel.", + "Monitor surroundings to detect potential hazards.", + "Operate communications equipment or systems.", + "Compile operational data.", + "Plan flight operations.", + "Meet with coworkers to communicate work orders or plans.", + "Choose optimal transportation routes or speeds.", + "Record operational details of travel.", + "Review documents or materials for compliance with policies or regulations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Air Traffic Control Management": 1, + "Aircraft Operations Control": 1, + "Airfield Operations Management": 1, + "Advanced Operational Monitoring": 1, + "Operational Communication Management": 1, + "Operational Safety Management": 1, + "Technical Communication": 1, + "Situational Awareness": 1, + "Transportation Safety Management": 1, + "Strategic Operational Decision Making": 1, + "Complex Problem Solving": 1, + "Technical Systems Analysis": 1, + "Risk Assessment": 1, + "Emergency Response Coordination": 1, + "Professional Communication": 1 + }, + "original_index": 785, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "43-4081.00", + "job_title": "Hotel, Motel, and Resort Desk Clerks", + "detailed_work_activities": [ + "Greet customers, patrons, or visitors.", + "Report maintenance or equipment problems to appropriate personnel.", + "Distribute materials to employees or customers.", + "Make travel, accommodations, or entertainment arrangements for others.", + "Verify accuracy of financial or transactional data.", + "Maintain financial or account records.", + "Discuss account status or activity with customers or patrons.", + "Refer customers to appropriate personnel.", + "Calculate costs of goods or services.", + "Collect deposits, payments or fees.", + "Execute sales or other financial transactions.", + "Operate communications equipment or systems.", + "Discuss goods or services information with customers or patrons.", + "Provide information to coworkers.", + "Prepare employee work schedules.", + "Supervise clerical or administrative personnel.", + "Clean facilities or equipment.", + "Arrange food for serving.", + "Sort mail.", + "Store items." + ], + "skills": [ + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Coordination": 1, + "Administrative Documentation": 1, + "Administrative Information Management": 1, + "Customer Service Coordination": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Transaction Processing": 1, + "Client Interaction Management": 1, + "Operational Communication": 1, + "Financial Transaction Processing": 1, + "Hospitality Management": 1, + "Academic Instruction": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 786, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "33-1091.00", + "job_title": "First-Line Supervisors of Security Workers", + "detailed_work_activities": [ + "Operate surveillance equipment to detect suspicious or illegal activities.", + "Assign duties or work schedules to employees.", + "Block physical access to restricted areas.", + "Communicate with management or other staff to resolve problems.", + "Conduct eligibility or selection interviews.", + "Conduct health or safety training programs.", + "Develop organizational methods or procedures.", + "Document operational activities.", + "Document operational procedures.", + "Explain regulations, policies, or procedures.", + "Hire personnel.", + "Inspect equipment to ensure safety or proper functioning.", + "Inspect facilities to ensure compliance with security or safety regulations.", + "Investigate illegal or suspicious activities.", + "Maintain operational records.", + "Maintain surveillance of individuals or establishments.", + "Manage human resources activities.", + "Monitor access or flow of people to prevent problems.", + "Monitor alarm systems.", + "Monitor operations to ensure compliance with safety or security policies or regulations.", + "Order materials, supplies, or equipment.", + "Patrol properties to maintain safety.", + "Prepare financial documents, reports, or budgets.", + "Prepare investigation or incident reports.", + "Prepare operational budgets.", + "Prevent unauthorized individuals from entering restricted areas.", + "Provide safety training.", + "Record operational or production data.", + "Recruit personnel.", + "Report information to managers or other personnel.", + "Request emergency personnel.", + "Schedule instructional activities.", + "Search individuals for illegal or dangerous items.", + "Supervise employees.", + "Train personnel to enhance job skills." + ], + "skills": [], + "skill_vector": { + "Operational Safety Management": 1, + "Operational Supervision": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Surveillance Operations": 1, + "Security Risk Assessment": 1, + "Operational Compliance Management": 1, + "Personnel Resource Management": 1, + "Threat Detection and Assessment": 1, + "Workplace Safety Coordination": 1, + "Patron Safety Management": 1, + "Professional Surveillance Techniques": 1, + "Access Control Management": 0, + "Emergency Response Management": 1, + "Investigative Documentation": 1, + "Professional Communication": 1, + "Training Program Development": 1 + }, + "original_index": 787, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "47-2072.00", + "job_title": "Pile Driver Operators", + "detailed_work_activities": [ + "Operate cranes, hoists, or other moving or lifting equipment.", + "Operate heavy-duty construction or installation equipment.", + "Position structural components.", + "Inspect equipment or tools to be used in construction or excavation.", + "Clean equipment or facilities.", + "Maintain construction tools or equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Construction Equipment Operation": 1, + "Equipment Maintenance": 1, + "Equipment Monitoring": 1, + "Operational Safety Management": 1, + "Technical Equipment Operation": 1, + "Technical Safety Inspection": 1, + "Precision Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Workplace Safety Coordination": 1, + "Material Handling": 1, + "Construction Site Operations": 1, + "Technical Performance Monitoring": 1 + }, + "original_index": 788, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "39-3021.00", + "job_title": "Motion Picture Projectionists", + "detailed_work_activities": [ + "Monitor operational quality or safety.", + "Inspect equipment to ensure proper functioning.", + "Operate audio-visual equipment.", + "Arrange facility schedules.", + "Perform basic equipment maintenance.", + "Prepare film for distribution or use.", + "Prepare operational reports or records.", + "Clean work areas." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Management": 1, + "Precision Equipment Operation": 1, + "Facility Maintenance and Cleaning": 1, + "Operational Documentation": 1, + "Operational Safety Management": 1, + "Technical Safety Inspection": 1, + "Scheduling and Coordination": 1, + "Professional Communication": 1 + }, + "original_index": 789, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-4041.00", + "job_title": "Machinists", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Calculate dimensions of workpieces, products, or equipment.", + "Operate cutting equipment.", + "Operate grinding equipment.", + "Operate metal or plastic forming equipment.", + "Program equipment to perform production tasks.", + "Monitor equipment operation to ensure proper functioning.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Maintain production or processing equipment.", + "Assemble machine tools, parts, or fixtures.", + "Determine metal or plastic production methods.", + "Prepare fabrics or materials for processing or production.", + "Mount attachments or tools onto production equipment.", + "Conduct test runs of production equipment.", + "Exchange information with colleagues.", + "Advise others on ways to improve processes or products.", + "Install mechanical components in production equipment.", + "Design tools, fixtures, or other devices for production equipment.", + "Diagnose equipment malfunctions.", + "Dispose of trash or waste materials.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Disassemble equipment for maintenance or repair.", + "Replace worn equipment components.", + "Sort recyclable materials.", + "Operate welding equipment.", + "Test materials, solutions, or samples.", + "Monitor lubrication of equipment or workpieces.", + "Create diagrams or blueprints for workpieces or products.", + "Plan production or operational procedures or sequences.", + "Assemble electromechanical or hydraulic systems." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Precision Machine Operation": 1, + "Technical Equipment Operation": 1, + "Precision Measurement and Verification": 1, + "Technical Diagnostic Troubleshooting": 1, + "Technical Documentation": 1, + "Precision Equipment Maintenance": 1, + "Technical Quality Control": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Precision Technical Calibration": 1 + }, + "original_index": 790, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "45-2041.00", + "job_title": "Graders and Sorters, Agricultural Products", + "detailed_work_activities": [ + "Package agricultural products for shipment or further processing.", + "Mark agricultural or forestry products for identification.", + "Measure physical characteristics of forestry or agricultural products.", + "Sort forestry or agricultural materials.", + "Record agricultural or forestry inventory data." + ], + "skills": [], + "skill_vector": { + "Agricultural Inventory Documentation": 1, + "Agricultural Inventory Management": 1, + "Agricultural Product Inspection": 1, + "Material Handling": 1, + "Precision Material Measurement": 1, + "Quality Control Inspection": 1, + "Operational Documentation": 1, + "Academic Instruction": 0 + }, + "original_index": 791, + "sparsity": 0.9967919340054996 + }, + { + "onet_code": "51-8013.00", + "job_title": "Power Plant Operators", + "detailed_work_activities": [ + "Operate energy production equipment.", + "Adjust equipment to ensure optimal performance.", + "Operate pumping systems or equipment.", + "Maintain sustainable energy production equipment.", + "Watch operating equipment to detect malfunctions.", + "Operate energy distribution equipment.", + "Exchange information with colleagues.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Clean production equipment.", + "Lubricate production equipment.", + "Maintain production or processing equipment.", + "Record operational or production data.", + "Collect samples of materials or products for testing.", + "Notify others of equipment repair or maintenance needs.", + "Test electrical equipment or systems to ensure proper functioning.", + "Monitor equipment operation to ensure proper functioning.", + "Monitor lubrication of equipment or workpieces.", + "Repair production equipment or tools.", + "Evaluate characteristics of equipment or systems.", + "Inspect equipment or systems.", + "Monitor conditions at energy-producing landfills.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Operate natural gas generation equipment.", + "Replace worn equipment components.", + "Troubleshoot equipment or systems operation problems." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Operation and Control": 1, + "Critical Thinking": 1, + "Equipment Maintenance": 1, + "Troubleshooting": 1, + "Quality Control Analysis": 1, + "Monitoring": 1, + "Coordination": 1, + "Repairing": 1, + "Speaking": 1, + "Active Listening": 1, + "Judgment and Decision Making": 1, + "Complex Problem Solving": 1, + "Reading Comprehension": 1, + "Writing": 1 + }, + "original_index": 792, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "19-3093.00", + "job_title": "Historians", + "detailed_work_activities": [ + "Prepare materials for preservation, storage, or display.", + "Collect archival data.", + "Conduct historical research.", + "Prepare scientific or technical reports or presentations.", + "Collect information from people through observation, interviews, or surveys.", + "Instruct college students in social sciences or humanities disciplines." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Archival Research and Documentation": 1, + "Archival Resource Management": 1, + "Research Methodology": 1, + "Research Documentation": 1, + "Professional Writing and Communication": 1, + "Scientific Communication": 1, + "Scholarly Research Management": 1 + }, + "original_index": 793, + "sparsity": 0.9912923923006416 + }, + { + "onet_code": "49-9081.00", + "job_title": "Wind Turbine Service Technicians", + "detailed_work_activities": [ + "Repair green energy equipment or systems.", + "Troubleshoot equipment or systems operation problems.", + "Maintain work equipment or machinery.", + "Test electrical circuits or components for proper functioning.", + "Test mechanical equipment to ensure proper functioning.", + "Climb equipment or structures to access work areas.", + "Maintain inventories of materials, equipment, or products.", + "Test electrical equipment or systems to ensure proper functioning.", + "Test mechanical systems to ensure proper functioning.", + "Measure equipment outputs.", + "Train customers in the use of products.", + "Train others in operational procedures.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Assemble structural components." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Green Energy Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Equipment Operation and Control": 1, + "Technical Safety Management": 1, + "Technical Diagnostic Troubleshooting": 1, + "Renewable Energy Systems": 1, + "Technical Performance Monitoring": 1, + "Precision Equipment Maintenance": 1, + "Technical Inspection and Verification": 1, + "Structural Component Assembly": 1 + }, + "original_index": 794, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-4044.00", + "job_title": "Hydrologic Technicians", + "detailed_work_activities": [ + "Advise others about environmental management or conservation.", + "Write reports or evaluations.", + "Advise others on management of emergencies or hazardous situations or materials.", + "Analyze costs and benefits of proposed designs or projects.", + "Analyze environmental data.", + "Apply knowledge or research findings to address environmental problems.", + "Assist skilled construction or extraction personnel.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Collect environmental data or samples.", + "Communicate with the public on environmental issues.", + "Compile environmental or climatological data.", + "Develop mathematical models of environmental conditions.", + "Evaluate data quality.", + "Install gauges or controls.", + "Measure the level or depth of water or other liquids.", + "Prepare graphics or other visual representations of information.", + "Research hydrologic features or processes.", + "Search files, databases or reference materials to obtain needed information." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 795, + "sparsity": 0.997250229147571 + }, + { + "onet_code": "51-8021.00", + "job_title": "Stationary Engineers and Boiler Operators", + "detailed_work_activities": [ + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Adjust equipment controls to regulate gas flow.", + "Operate energy production equipment.", + "Operate pumping systems or equipment.", + "Monitor equipment fluid levels.", + "Monitor equipment operation to ensure proper functioning.", + "Troubleshoot equipment or systems operation problems.", + "Record operational or production data.", + "Ignite fuel to activate heating equipment.", + "Test chemical or physical characteristics of materials or products.", + "Direct operational or production activities.", + "Operate energy distribution equipment.", + "Repair production equipment or tools.", + "Inspect production equipment.", + "Watch operating equipment to detect malfunctions.", + "Adjust flow of electricity to tools or production equipment.", + "Clean production equipment.", + "Lubricate production equipment.", + "Plan production or operational procedures or sequences.", + "Investigate accidents to determine causes.", + "Notify others of emergencies, problems, or hazards.", + "Test electrical equipment or systems to ensure proper functioning.", + "Confer with others to resolve production problems or equipment malfunctions.", + "Measure ingredients or substances to be used in production processes.", + "Assemble electromechanical or hydraulic systems.", + "Exchange information with colleagues.", + "Adjust equipment to ensure optimal performance.", + "Operate industrial equipment.", + "Maintain production or processing equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Operational Monitoring": 1, + "Technical Equipment Inspection": 1, + "Technical Safety Management": 1, + "Technical Problem Solving": 1, + "Precision Equipment Monitoring": 1, + "Operational Documentation": 1, + "Technical Performance Diagnostics": 1, + "Operational Safety Compliance": 1, + "Technical Equipment Control": 1, + "Operational Quality Control": 1, + "Technical Measurement Precision": 1, + "Workplace Safety Management": 1, + "Technical Troubleshooting": 1 + }, + "original_index": 796, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-9193.00", + "job_title": "Cooling and Freezing Equipment Operators and Tenders", + "detailed_work_activities": [ + "Record operational or production data.", + "Monitor instruments to ensure proper production conditions.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Load materials into production equipment.", + "Monitor equipment operation to ensure proper functioning.", + "Measure ingredients or substances to be used in production processes.", + "Adjust equipment to ensure optimal performance.", + "Adjust temperature controls of ovens or other heating equipment.", + "Operate pumping systems or equipment.", + "Clear equipment jams.", + "Notify others of equipment repair or maintenance needs.", + "Weigh finished products.", + "Sterilize food cooking or processing equipment.", + "Collect samples of materials or products for testing.", + "Test chemical or physical characteristics of materials or products.", + "Assemble electromechanical or hydraulic systems.", + "Install mechanical components in production equipment.", + "Operate mixing equipment.", + "Clean production equipment.", + "Position containers to receive materials or workpieces.", + "Adjust equipment controls to regulate coolant flow.", + "Mix substances to create chemical solutions.", + "Mount attachments or tools onto production equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Technical Equipment Monitoring": 1, + "Operational Monitoring": 1, + "Technical Equipment Control": 1, + "Production Quality Control": 1, + "Technical Safety Management": 1, + "Material Handling": 1, + "Technical Troubleshooting": 1, + "Precision Equipment Operation": 1, + "Operational Documentation": 1, + "Technical Measurement": 1, + "Operational Safety Monitoring": 1, + "Technical Equipment Maintenance": 1, + "Sanitation and Hygiene Management": 1, + "Chemical Solution Preparation": 1, + "Operational Quality Verification": 1, + "Technical Performance Monitoring": 1 + }, + "original_index": 797, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "17-2199.03", + "job_title": "Energy Engineers, Except Wind and Solar", + "detailed_work_activities": [ + "Advise others regarding green practices or environmental concerns.", + "Analyze energy usage data.", + "Monitor industrial energy consumption or management.", + "Direct energy production or management activities.", + "Inspect equipment or systems.", + "Create models of engineering designs or methods.", + "Research energy production, use, or conservation.", + "Evaluate plans or specifications to determine technological or environmental implications.", + "Prepare technical or operational reports.", + "Purchase materials, equipment, or other resources.", + "Train personnel on proper operational procedures.", + "Research design or application of green technologies.", + "Perform marketing activities.", + "Operate computer systems.", + "Recommend technical design or process changes to improve efficiency, quality, or performance." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Energy Production Management": 1, + "Energy Systems Analysis": 1, + "Energy Systems Control": 1, + "Energy Systems Engineering": 1, + "Energy Systems Operation": 1, + "Green Energy Engineering": 1, + "Green Energy Management": 1, + "Green Energy Systems Management": 1, + "Technical Systems Analysis": 1, + "Technical Systems Engineering": 1, + "Technical Problem Solving": 1, + "Technical Documentation": 1, + "Technical Equipment Management": 1, + "Technical Equipment Operation": 1, + "Technical Research and Development": 1, + "Technical Safety Management": 1, + "Technical Safety Monitoring": 1, + "Operational Monitoring": 1, + "Operational Performance Management": 1, + "Operational Resource Management": 1, + "Operational Quality Control": 1, + "Operational Safety Compliance": 1, + "Strategic Environmental Communication": 1, + "Strategic Environmental Compliance": 1, + "Strategic Resource Management": 1, + "Strategic Problem Solving": 1 + }, + "original_index": 798, + "sparsity": 0.9880843263061412 + }, + { + "onet_code": "11-9121.00", + "job_title": "Natural Sciences Managers", + "detailed_work_activities": [ + "Evaluate employee performance.", + "Hire personnel.", + "Supervise employees.", + "Develop organizational methods or procedures.", + "Direct organizational operations, projects, or services.", + "Develop operating strategies, plans, or procedures.", + "Manage operations, research, or logistics projects.", + "Advise others about land management or conservation.", + "Monitor animal behavior or condition.", + "Analyze data to inform operational decisions or activities.", + "Prepare operational progress or status reports.", + "Coordinate operational activities with external stakeholders.", + "Communicate organizational information to customers or other stakeholders.", + "Establish interpersonal business relationships to facilitate work activities.", + "Develop organizational goals or objectives.", + "Prepare proposals or grant applications to obtain project funding.", + "Develop organizational policies or programs.", + "Implement organizational process or policy changes.", + "Approve expenditures.", + "Manage human resources activities.", + "Prepare financial documents, reports, or budgets.", + "Prepare operational budgets.", + "Recruit personnel.", + "Conduct research of processes in natural or industrial ecosystems.", + "Conduct research to gain information about products or processes.", + "Conduct employee training programs.", + "Present information to the public.", + "Advise others on legal or regulatory compliance matters." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research Management": 1, + "Operational Performance Management": 1, + "Personnel Resource Management": 1, + "Strategic Organizational Communication": 1, + "Technical Documentation Management": 1, + "Advanced Problem Solving": 1, + "Stakeholder Communication Management": 1, + "Financial Resource Management": 1 + }, + "original_index": 799, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-1031.02", + "job_title": "Range Managers", + "detailed_work_activities": [ + "Manage agricultural or forestry operations.", + "Determine operational compliance with regulations or standards.", + "Issue permits or other legal documents.", + "Develop plans to manage natural or renewable resources.", + "Communicate with government agencies.", + "Confer with others to conduct or arrange operational activities.", + "Measure environmental characteristics.", + "Research livestock management methods.", + "Advise others about land management or conservation.", + "Mediate disputes.", + "Plan natural resources conservation or restoration programs.", + "Develop environmental sustainability plans or projects.", + "Develop agricultural methods.", + "Research crop management methods." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Agricultural Data Analysis": 1, + "Agricultural Resource Management": 1, + "Agricultural Systems Analysis": 1, + "Agricultural Inspection Skills": 1, + "Natural Resource Management": 1, + "Environmental Monitoring": 1, + "Environmental Conservation Management": 1, + "Regulatory Compliance Management": 1, + "Wildlife Resource Management": 1, + "Sustainable Land Management": 1, + "Field Operations Management": 1, + "Operational Documentation": 1, + "Strategic Resource Allocation": 1, + "Stakeholder Communication": 1, + "Technical Field Documentation": 1, + "Operational Safety Management": 1, + "Vegetation Management": 1, + "Geospatial Data Analysis": 1, + "Research Methodology": 1, + "Technical Site Assessment": 1 + }, + "original_index": 800, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "27-1023.00", + "job_title": "Floral Designers", + "detailed_work_activities": [ + "Confer with clients to determine needs.", + "Select materials or props.", + "Arrange delivery of goods or services.", + "Maintain inventories of materials, equipment, or products.", + "Develop artistic or design concepts for decoration, exhibition, or commercial purposes.", + "Construct distinctive physical objects for artistic, functional, or commercial purposes.", + "Maintain records, documents, or other files.", + "Provide educational information to the public.", + "Arrange artwork, products, or props.", + "Train others on work processes." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design." + ], + "skill_vector": { + "Artistic Conceptualization": 1, + "Artistic Design Conceptualization": 1, + "Client Consultation": 1, + "Client Needs Assessment": 1, + "Creative Design Management": 1, + "Material Handling": 1, + "Inventory Management": 1, + "Visual Design Communication": 1, + "Service Orientation": 1, + "Time Management": 1, + "Operational Documentation": 1, + "Aesthetic Service Coordination": 1, + "Product Demonstration": 1, + "Commercial Relationship Development": 1, + "Professional Communication": 1 + }, + "original_index": 801, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-2051.00", + "job_title": "Dietetic Technicians", + "detailed_work_activities": [ + "Inform medical professionals regarding patient conditions and care.", + "Monitor nutrition related activities of individuals or groups.", + "Monitor patient progress or responses to treatments.", + "Manage preparation of special meals or diets.", + "Analyze patient data to determine patient needs or treatment goals.", + "Collect medical information from patients, family members, or other medical professionals.", + "Evaluate patient functioning, capabilities, or health.", + "Supervise medical support personnel.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Refer patients to other healthcare practitioners or health resources.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Conduct research to increase knowledge about medical issues.", + "Communicate health and wellness information to the public.", + "Train medical providers." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Healthcare Patient Communication": 1, + "Healthcare Patient Assessment": 1, + "Healthcare Documentation Management": 1, + "Nutritional Assessment": 1, + "Patient Treatment Planning": 1, + "Clinical Patient Support": 1, + "Interpersonal Healthcare Communication": 1, + "Administrative Healthcare Support": 1, + "Professional Development and Continuous Learning": 1 + }, + "original_index": 802, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "39-4031.00", + "job_title": "Morticians, Undertakers, and Funeral Arrangers", + "detailed_work_activities": [ + "Direct funeral or mortuary activities.", + "Gather information in order to provide services to clients.", + "Discuss service options or needs with clients.", + "Embalm corpses.", + "Transport biological or other medical materials.", + "Arrange facility schedules.", + "Handle caskets.", + "Provide counsel, comfort, or encouragement to individuals or families.", + "Maintain financial or account records.", + "Order materials, supplies, or equipment.", + "Provide escort or transportation.", + "Arrange items for use or display.", + "Clean facilities or work areas.", + "Perform human resources activities.", + "Supervise service workers.", + "Train service staff.", + "Promote products, services, or programs.", + "Usher patrons to seats or exits." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Deceased Care Management": 1, + "Deceased Care Preparation": 1, + "Mortuary Operations Management": 1, + "Mortuary Service Management": 1, + "Grief Support Communication": 1, + "Client Consultation and Needs Assessment": 1, + "Professional Communication": 1, + "Administrative Documentation": 1, + "Administrative Funeral Documentation": 1, + "Embalming Technical Procedures": 1, + "Facility Maintenance and Cleaning": 1, + "Client Relationship Management": 1, + "Compassionate Client Interaction": 1, + "Financial Account Management": 1, + "Inventory Management": 1, + "Professional Time Management": 1, + "Supervisory Coordination": 1, + "Training Program Development": 1 + }, + "original_index": 803, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "31-9099.01", + "job_title": "Speech-Language Pathology Assistants", + "detailed_work_activities": [ + "Maintain medical records.", + "Implement therapeutic programs to improve patient functioning.", + "Prepare medical reports or documents.", + "Perform clerical work in medical settings.", + "Prepare medical instruments or equipment for use.", + "Develop patient therapy programs.", + "Administer screening tests to determine abilities or treatment needs.", + "Monitor medical equipment to ensure proper functioning.", + "Teach medical procedures to healthcare personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Administrative Healthcare Support": 1, + "Clinical Procedure Support": 1, + "Patient Assessment": 1, + "Patient Communication": 1, + "Patient Treatment Planning": 1, + "Therapeutic Communication": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 804, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "51-9198.00", + "job_title": "Helpers--Production Workers", + "detailed_work_activities": [ + "Remove products or workpieces from production equipment.", + "Load materials into production equipment.", + "Operate industrial equipment.", + "Count finished products or workpieces.", + "Inspect work to ensure standards are met.", + "Weigh finished products.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Mark products, workpieces, or equipment with identifying information.", + "Mix substances to create chemical solutions.", + "Notify others of equipment repair or maintenance needs.", + "Watch operating equipment to detect malfunctions.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Package products for storage or shipment.", + "Record operational or production data.", + "Move products, materials, or equipment between work areas.", + "Signal others to coordinate work activities.", + "Clean production equipment.", + "Lubricate production equipment.", + "Prepare materials for processing.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Clean work areas.", + "Mount attachments or tools onto production equipment.", + "Clean workpieces or finished products.", + "Trim excess material from workpieces." + ], + "skills": [], + "skill_vector": { + "Equipment Operation": 1, + "Material Handling": 1, + "Production Equipment Monitoring": 1, + "Production Quality Inspection": 1, + "Equipment Maintenance": 1, + "Operational Documentation": 1, + "Safety and Compliance": 1, + "Technical Material Preparation": 1, + "Precision Equipment Manipulation": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 805, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2057.00", + "job_title": "Ophthalmic Medical Technicians", + "detailed_work_activities": [ + "Record patient medical histories.", + "Collect medical information from patients, family members, or other medical professionals.", + "Test patient vision.", + "Measure the physical or physiological attributes of patients.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Administer non-intravenous medications.", + "Assist healthcare practitioners during surgery.", + "Clean medical equipment or facilities.", + "Sterilize medical equipment or instruments.", + "Maintain medical equipment or instruments.", + "Instruct patients in the use of assistive equipment.", + "Monitor patients following surgeries or other treatments.", + "Fit eyeglasses, contact lenses, or other vision aids.", + "Recommend types of assistive devices." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Patient Assessment": 1, + "Medical Diagnostic Assessment": 1, + "Medical Equipment Operation": 1, + "Patient Communication": 1, + "Clinical Procedure Support": 1, + "Medical Documentation Management": 1, + "Vision Care Technical Expertise": 1, + "Healthcare Equipment Management": 1, + "Patient Safety Monitoring": 1, + "Medical Device Customization": 1, + "Healthcare Safety Protocols": 1, + "Adaptive Instructional Techniques": 1, + "Academic Instruction": 0, + "Research Methodology": 0 + }, + "original_index": 806, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "17-2161.00", + "job_title": "Nuclear Engineers", + "detailed_work_activities": [ + "Design energy production or management equipment or systems.", + "Monitor processes for compliance with standards.", + "Resolve operational performance problems.", + "Investigate safety of work environment.", + "Direct energy production or management activities.", + "Direct equipment maintenance or repair activities.", + "Coordinate safety or regulatory compliance activities.", + "Analyze test or validation data.", + "Document design or operational test results.", + "Prepare procedural documents.", + "Prepare technical or operational reports.", + "Prepare detailed work plans.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Develop operational methods or processes that use green materials or emphasize sustainability.", + "Advise others on health and safety issues.", + "Confer with technical personnel to prepare designs or operational plans.", + "Communicate technical information to suppliers, contractors, or regulatory agencies.", + "Research energy production, use, or conservation.", + "Investigate the environmental impact of projects.", + "Update technical knowledge." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Research Methodology": 1, + "Advanced Scientific Problem Solving": 1, + "Technical Systems Engineering": 1, + "Operational Safety Management": 1, + "Technical Documentation Management": 1, + "Technical Risk Assessment": 1, + "Environmental Monitoring": 1, + "Radiation Safety Management": 1, + "Complex Problem Solving": 1 + }, + "original_index": 807, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "11-3013.01", + "job_title": "Security Managers", + "detailed_work_activities": [ + "Manage organizational security activities.", + "Develop safety standards, policies, or procedures.", + "Analyze risks to minimize losses or damages.", + "Implement organizational process or policy changes.", + "Communicate organizational policies and procedures.", + "Monitor organizational compliance with regulations.", + "Prepare reports related to compliance matters.", + "Analyze financial records to improve efficiency.", + "Communicate with government agencies.", + "Conduct employee training programs.", + "Develop emergency response plans or procedures.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Develop procedures to evaluate organizational activities.", + "Direct organizational operations, projects, or services.", + "Evaluate employee performance.", + "Evaluate program effectiveness.", + "Maintain knowledge of current developments in area of expertise.", + "Maintain surveillance of individuals or establishments.", + "Manage human resources activities.", + "Monitor facilities or operational systems.", + "Perform human resources activities.", + "Prepare operational budgets.", + "Purchase materials, equipment, or other resources.", + "Respond to emergencies to provide assistance.", + "Supervise employees.", + "Train employees on environmental awareness, conservation, or safety topics." + ], + "skills": [], + "skill_vector": { + "Advanced Operational Governance": 1, + "Advanced Operational Monitoring": 1, + "Advanced Regulatory Compliance": 1, + "Advanced Resource Management": 1, + "Operational Compliance Management": 1, + "Operational Documentation": 1, + "Operational Safety Management": 1, + "Organizational Policy Development": 1, + "Risk Assessment": 1, + "Strategic Operational Planning": 1, + "Workplace Safety Management": 1, + "Emergency Preparedness Management": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Human Resources Management": 1, + "Performance Evaluation Management": 1, + "Strategic Resource Management": 1, + "Technical Documentation Management": 1, + "Stakeholder Communication": 1, + "Training Program Development": 1 + }, + "original_index": 808, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "51-9031.00", + "job_title": "Cutters and Trimmers, Hand", + "detailed_work_activities": [ + "Mark products, workpieces, or equipment with identifying information.", + "Trim excess material from workpieces.", + "Cut industrial materials in preparation for fabrication or processing.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Position patterns on equipment, materials, or workpieces.", + "Shape metal workpieces with hammers or other small hand tools.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Mount materials or workpieces onto production equipment.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Adjust fabrics or other materials during garment production.", + "Operate cutting equipment.", + "Stack finished items for further processing or shipment.", + "Replace worn equipment components.", + "Sharpen cutting or grinding tools.", + "Set equipment controls to meet cutting specifications.", + "Count finished products or workpieces.", + "Weigh finished products.", + "Operate grinding equipment.", + "Clean workpieces or finished products.", + "Polish materials, workpieces, or finished products.", + "Move products, materials, or equipment between work areas." + ], + "skills": [], + "skill_vector": { + "Interpersonal Communication": 0, + "Operational Coordination": 0, + "Critical Problem Solving": 0, + "Technical Equipment Maintenance": 0, + "Operational Safety and Quality Control": 0, + "Precision Manual Manipulation": 0, + "Emergency Response Management": 0, + "Transportation Systems Navigation": 0, + "Performance and Safety Monitoring": 0, + "Material Processing": 0, + "Industrial Equipment Operation": 0, + "Workplace Maintenance": 0, + "Spatial Visualization": 0, + "Mechanical Fabrication": 0, + "Systems Installation": 0, + "Renewable Energy Systems": 0, + "Technical Documentation": 0, + "Environmental Technology Deployment": 0, + "Logistics Resource Management": 0, + "Operational Compliance and Safety": 0, + "Quantitative Operational Analysis": 0, + "Hospitality Management": 0, + "Organizational Resource Coordination": 0, + "Adaptive Workplace Communication": 0, + "Strategic Operational Planning": 0, + "Performance and Compliance Monitoring": 0, + "Educational Support": 0, + "Developmental Mentorship": 0, + "Inclusive Learning Management": 0, + "Technical Maintenance and Repair": 0, + "Operational Safety Management": 0, + "Resource Coordination and Personnel Management": 0, + "Complex Problem Resolution": 0, + "Technical Systems Analysis": 0, + "Precision Technical Documentation": 0, + "Advanced Equipment Calibration": 0, + "Integrated Systems Engineering": 0, + "Quantitative Technical Problem Solving": 0, + "Mechanical Equipment Diagnostics": 0, + "Preventive Maintenance Execution": 0, + "Technical Repair Workflow Management": 0, + "Geological Site Preparation": 0, + "Drilling and Excavation Techniques": 0, + "Heavy Equipment Navigation": 0, + "Geological Sample Collection": 0, + "Environmental Decontamination": 0, + "Green Energy Management": 0, + "Strategic Environmental Compliance": 0, + "Resource Allocation Strategy": 0, + "Advanced Stakeholder Negotiation": 0, + "Medical Diagnostics": 0, + "Healthcare Patient Management": 0, + "Medical Education and Training": 0, + "Healthcare Communication": 0, + "Medical Research and Innovation": 0, + "Patient Care Management": 0, + "Medical Knowledge Application": 0, + "Healthcare Professional Collaboration": 0, + "Health Education and Counseling": 0, + "Clinical Documentation Management": 0, + "Production Equipment Management": 0, + "Quality Assurance Inspection": 0, + "Surface Preparation and Finishing": 0, + "Operational Material Handling": 0, + "Precision Manufacturing Techniques": 0, + "Process Equipment Operation": 0, + "Operational Material Processing": 0, + "Systematic Quality Verification": 0, + "Food Service Management": 0, + "Culinary Preparation Skills": 0, + "Kitchen Safety and Sanitation": 0, + "Inventory and Resource Management": 0, + "Operational Food Service Coordination": 0, + "Construction Material Manipulation": 0, + "Infrastructure Installation": 0, + "Precision Construction Techniques": 0, + "Mechanical System Diagnostics": 0, + "Precision Equipment Maintenance": 0, + "Technical Operational Control": 0, + "Mechanical Component Fabrication": 0, + "Operational Safety Compliance": 0, + "Legal Decision Making": 0, + "Procedural Legal Communication": 0, + "Regulatory Conflict Resolution": 0, + "Print Production Management": 0, + "Manufacturing Process Control": 0, + "Technical Equipment Calibration": 0, + "Electronic Systems Engineering": 0, + "Technical Performance Diagnostics": 0, + "Technical Documentation Management": 0, + "Instrumentation and Equipment Installation": 0, + "Operational Cost and Resource Planning": 0, + "Labor Relations Management": 0, + "Regulatory Compliance Strategy": 0, + "Strategic Conflict Resolution": 0, + "Organizational Policy Development": 0, + "Professional Communication Dynamics": 0, + "Residential Support Management": 0, + "Interpersonal Behavioral Guidance": 0, + "Organizational Safety Oversight": 0, + "Administrative Support Coordination": 0, + "Conflict Mediation and Resolution": 0, + "Medical Administrative Support": 0, + "Professional Communication Management": 0, + "Organizational Information Processing": 0, + "Mechanical Repair Skills": 0, + "Precision Equipment Installation": 0, + "Operational Safety Monitoring": 0, + "Technical Documentation and Interpretation": 0, + "Legal Research and Analysis": 0, + "Judicial Documentation Management": 0, + "Professional Legal Communication": 0, + "Judicial Procedural Coordination": 0, + "Maternal Healthcare Management": 0, + "Clinical Procedure Instruction": 0, + "Comprehensive Patient Counseling": 0, + "Emergency Reproductive Care": 0, + "Airfield Operations Management": 0, + "Transportation Safety Monitoring": 0, + "Emergency Response Coordination": 0, + "Operational Communication Coordination": 0, + "Vehicle and Equipment Monitoring": 0, + "Therapeutic Counseling": 0, + "Client Treatment Management": 0, + "Substance Abuse Intervention": 0, + "Crisis Support Management": 0, + "Family Systems Counseling": 0, + "Maritime Operations Management": 0, + "Emergency Water Response": 0, + "Vessel Maintenance and Inspection": 0, + "Water Transportation Coordination": 0, + "Construction Material Preparation": 0, + "Structural Component Assembly": 0, + "Construction Equipment Management": 0, + "Surface Preparation Techniques": 0, + "Child Development Support": 0, + "Developmental Care Coordination": 0, + "Adaptive Caregiving": 0, + "Family Engagement and Communication": 0, + "Holistic Child Safety Management": 0, + "Measurement and Verification": 0, + "Logistics and Inventory Management": 0, + "Operational Documentation": 0, + "Vehicle Glass Repair": 0, + "Automotive Component Replacement": 0, + "Precision Surface Preparation": 0, + "Regulatory Compliance Management": 0, + "Strategic Resource Allocation": 0, + "Advanced Operational Governance": 0, + "Scientific Research Methodology": 0, + "Environmental Conservation Strategy": 0, + "Biological Systems Analysis": 0, + "Professional Scientific Communication": 0, + "Organizational Research Management": 0, + "Regulatory Environmental Compliance": 0, + "Technical Systems Optimization": 0, + "Resource and Budget Management": 0, + "Workforce Training and Development": 0, + "Postal Service Operations": 0, + "Customer Interaction Management": 0, + "Administrative Documentation": 0, + "Vehicle and Equipment Operation": 0, + "Legal Documentation Management": 0, + "Professional Transcription Skills": 0, + "Procedural Information Processing": 0, + "Precision Device Assembly": 0, + "Equipment Diagnostic Inspection": 0, + "Precision Measurement Techniques": 0, + "Client Representation Management": 0, + "Strategic Talent Negotiation": 0, + "Performance Career Development": 0, + "Entertainment Industry Coordination": 0, + "Professional Financial Management": 0, + "Hazardous Materials Management": 0, + "Safety and Risk Mitigation": 0, + "Heavy Equipment Operation": 0, + "Environmental Site Management": 0, + "Technical Substance Preparation": 0, + "Pharmaceutical Workflow Management": 0, + "Healthcare Compliance and Safety": 0, + "Environmental Conservation Management": 0, + "Specialized Equipment Operation": 0, + "Field Operations Coordination": 0, + "Agricultural Inventory Management": 0, + "Preventive Plant Care": 0, + "Environmental Data Analysis": 0, + "Scientific Sample Management": 0, + "Technical Reporting and Documentation": 0, + "Environmental Monitoring and Assessment": 0, + "Green Energy Engineering": 0, + "Technical Design Visualization": 0, + "Systematic Performance Evaluation": 0, + "Renewable Technology Testing": 0, + "Technical Project Planning": 0, + "Mechanical Repair and Maintenance": 0, + "Precision Material Manipulation": 0, + "Customer Engagement": 0, + "Retail Product Management": 0, + "Sales Transaction Processing": 0, + "Property Valuation Analysis": 0, + "Professional Documentation Management": 0, + "Economic Trend Forecasting": 0, + "Client Service Coordination": 0, + "Legal Testimony Preparation": 0, + "Production Assembly Skills": 0, + "Operational Quality Monitoring": 0, + "Technical Equipment Management": 0, + "Workplace Procedural Coordination": 0, + "Material Handling and Preparation": 0, + "Food Service Leadership": 0, + "Organizational Resource Allocation": 0, + "Interpersonal Conflict Resolution": 0, + "Performance Monitoring and Evaluation": 0, + "Project Management": 0, + "Strategic Technology Management": 0, + "Organizational Resource Optimization": 0, + "Advanced Stakeholder Communication": 0, + "Glass Fabrication Techniques": 0, + "Production Equipment Setup": 0, + "Manufacturing Quality Verification": 0, + "Personal Grooming Services": 0, + "Client Relationship Management": 0, + "Beauty Product Expertise": 0, + "Aesthetic Service Coordination": 0, + "Waste Management Operations": 0, + "Vehicle and Equipment Navigation": 0, + "Safety and Maintenance Inspection": 0, + "Software Development": 0, + "Information Technology Problem Solving": 0, + "Technology Project Management": 0, + "Enterprise Technology Integration": 0, + "Security Risk Management": 0, + "Investigative Compliance Analysis": 0, + "Personnel Resource Optimization": 0, + "Strategic Organizational Governance": 0, + "Comprehensive Workplace Monitoring": 0, + "Workforce Training Development": 0, + "Sales Communication": 0, + "Customer Relationship Cultivation": 0, + "Telemarketing Strategy": 0, + "Therapeutic Patient Care": 0, + "Healthcare Education and Counseling": 0, + "Adaptive Therapeutic Intervention": 0, + "Educational Support and Mentorship": 0, + "Adaptive Learning Management": 0, + "Performance Assessment and Monitoring": 0, + "Interpersonal Educational Communication": 0, + "Professional Educational Development": 0, + "Nanotechnology Process Control": 0, + "Precision Scientific Measurement": 0, + "Technical Research and Innovation": 0, + "Environmental Compliance Monitoring": 0, + "Technical Documentation and Reporting": 0, + "Tour Guide Services": 0, + "Patron Support Coordination": 0, + "Recreational Activity Management": 0, + "Social Support Services": 0, + "Family Systems Intervention": 0, + "Advocacy and Resource Navigation": 0, + "Psychosocial Assessment": 0, + "Client Hygiene Management": 0, + "Technical Design Drafting": 0, + "Precision Measurement Analysis": 0, + "Technical Collaborative Communication": 0, + "Blockchain Technology Development": 0, + "Cybersecurity Implementation": 0, + "Software Architecture Design": 0, + "Cryptographic Protocol Engineering": 0, + "Distributed Systems Engineering": 0, + "Precision Equipment Operation": 0, + "Manufacturing Quality Control": 0, + "Production Process Management": 0, + "Therapeutic Music Intervention": 0, + "Patient Psychological Assessment": 0, + "Healthcare Treatment Planning": 0, + "Empathetic Patient Communication": 0, + "Medical Documentation Management": 0, + "Medical Imaging Technology": 0, + "Healthcare Procedural Compliance": 0, + "Patient Diagnostic Interaction": 0, + "Medical Substance Management": 0, + "Clinical Equipment Maintenance": 0, + "Food Processing Operations": 0, + "Production Equipment Monitoring": 0, + "Quality Verification Techniques": 0, + "Material Handling and Processing": 0, + "Gaming Operations Management": 0, + "Customer Service Interaction": 0, + "Operational Quality Assurance": 0, + "Academic Instruction": 0, + "Student Performance Assessment": 0, + "Academic Research and Development": 0, + "Institutional Governance": 0, + "Professional Development Management": 0, + "Cultural Heritage Preservation": 0, + "Exhibit Design and Curation": 0, + "Archival Research and Documentation": 0, + "Surgical Intervention": 0, + "Medical Diagnostic Assessment": 0, + "Healthcare Procedural Coordination": 0, + "Medical Equipment Sterilization": 0, + "Clinical Research Management": 0, + "Athletic Performance Management": 0, + "Strategic Physical Coordination": 0, + "Professional Sports Communication": 0, + "Electrical Systems Installation": 0, + "Technical Equipment Diagnostics": 0, + "Safety Equipment Verification": 0, + "Artistic Performance Coordination": 0, + "Creative Composition Strategy": 0, + "Professional Artistic Negotiation": 0, + "Personal Care Support": 0, + "Compassionate Client Interaction": 0, + "Healthcare Assistance Coordination": 0, + "Domestic Support Management": 0, + "Environmental Regulatory Compliance": 0, + "Systematic Investigative Analysis": 0, + "Technical Environmental Monitoring": 0, + "Professional Regulatory Communication": 0, + "Green Energy Innovation": 0, + "Operational Environmental Strategy": 0, + "Technical Process Engineering": 0, + "Sustainable Production Management": 0, + "Energy Production Analytics": 0, + "Financial Information Processing": 0, + "Customer Information Acquisition": 0, + "Administrative Communication Management": 0, + "Financial Transaction Coordination": 0, + "Regulatory Compliance Documentation": 0, + "Construction Material Management": 0, + "Protective Work Environment Setup": 0, + "Construction Project Cost Estimation": 0, + "Environmental Science Research": 0, + "Regulatory Environmental Management": 0, + "Scientific Communication and Reporting": 0, + "Sustainability Planning": 0, + "Environmental Impact Assessment": 0, + "Administrative Document Processing": 0, + "Office Equipment Operation": 0, + "Communication and Information Routing": 0, + "Professional Time and Task Management": 0, + "Forensic Investigation": 0, + "Professional Testimony Preparation": 0, + "Landscape Maintenance Operations": 0, + "Specialized Equipment Navigation": 0, + "Safety-Focused Field Operations": 0, + "Biological Research Methodology": 0, + "Laboratory Sample Analysis": 0, + "Scientific Instrumentation Management": 0, + "Microorganism Classification": 0, + "Environmental Microbiological Assessment": 0, + "Vehicle Mechanical Repair": 0, + "Precision Manual Tool Operation": 0, + "Visual Display Design": 0, + "Creative Promotional Strategy": 0, + "Artistic Prop and Material Selection": 0, + "Technical Illustration and Modeling": 0, + "Educational Program Development": 0, + "Student Performance Management": 0, + "Adaptive Instructional Techniques": 0, + "Classroom Behavior Management": 0, + "Physical Fitness Instruction": 0, + "Health and Safety Management": 0, + "Client Performance Evaluation": 0, + "Recreational Activity Coordination": 0, + "Fitness Equipment Management": 0, + "Occupational Safety Management": 0, + "Health and Wellness Communication": 0, + "Regulatory Documentation Management": 0, + "Emergency Preparedness Planning": 0, + "Technical Equipment Inspection": 0, + "Medical Diagnostic Precision": 0, + "Healthcare Patient Interaction": 0, + "Vision Care Expertise": 0, + "Medical Treatment Planning": 0, + "Healthcare Equipment Management": 0, + "Cybersecurity Engineering": 0, + "Information Technology Project Management": 0, + "Security Risk Assessment": 0, + "Software Systems Architecture": 0, + "Surgical Intervention Management": 0, + "Medical Diagnostic Reasoning": 0, + "Healthcare Professional Coordination": 0, + "Precision Medical Equipment Management": 0, + "Patient Care and Communication": 0, + "Artistic Conceptualization": 0, + "Creative Technical Illustration": 0, + "Artistic Production Collaboration": 0, + "Artistic Material Preparation": 0, + "Creative Trend Monitoring": 0, + "Media Production Management": 0, + "Broadcast Technical Control": 0, + "Creative Technical Graphics": 0, + "Performance Choreography": 0, + "Artistic Performance Management": 0, + "Creative Artistic Instruction": 0, + "Artistic Trend Analysis": 0, + "Scientific Problem Solving": 0, + "Research and Development Methodology": 0, + "Facility Maintenance": 0, + "Equipment Operation": 0, + "Safety and Sanitation": 0, + "Psychological Assessment": 0, + "Clinical Counseling": 0, + "Scientific Mental Health Research": 0, + "Professional Healthcare Collaboration": 0, + "Neuropsychological Diagnostic Reasoning": 0, + "Mortuary Operations Management": 0, + "Deceased Care Preparation": 0, + "Grief Support Communication": 0, + "Cremation Equipment Operation": 0, + "Funeral Service Documentation": 0, + "Quality Systems Management": 0, + "Strategic Operational Decision Making": 0, + "Organizational Performance Monitoring": 0, + "Technical Documentation and Specification Development": 0, + "Personnel Resource Development": 0, + "Financial Product Sales": 0, + "Customer Needs Assessment": 0, + "Sales Transaction Management": 0, + "Professional Network Development": 0, + "Product Knowledge Acquisition": 0, + "Legal Decision Analysis": 0, + "Conflict Resolution and Mediation": 0, + "Precision Instrument Repair": 0, + "Technical Diagnostic Assessment": 0, + "Specialized Equipment Maintenance": 0, + "Precision Surface Refinishing": 0, + "Energy Systems Operation": 0, + "Industrial Equipment Maintenance": 0, + "Technical Safety Monitoring": 0, + "Precision Manual Technical Skills": 0, + "Operational Data Recording": 0, + "Medical Diagnostic Imaging": 0, + "Patient Care Coordination": 0, + "Clinical Equipment Management": 0, + "Healthcare Procedural Support": 0, + "Religious Program Management": 0, + "Spiritual Counseling": 0, + "Community Outreach Coordination": 0, + "Interpersonal Guidance": 0, + "Organizational Religious Leadership": 0, + "Strategic Project Management": 0, + "Advanced Resource Allocation": 0, + "Operational Performance Monitoring": 0, + "Environmental Systems Management": 0, + "Strategic Environmental Planning": 0, + "Technical Environmental Analysis": 0, + "Professional Environmental Communication": 0, + "Operational Environmental Monitoring": 0, + "Manufacturing Equipment Operation": 0, + "Quality Inspection and Verification": 0, + "Operational Safety and Compliance": 0, + "Food Production Management": 0, + "Ingredient Precision Handling": 0, + "Operational Quality Control": 0, + "Equipment Temperature Management": 0, + "Culinary Safety Protocols": 0, + "Architectural Design Planning": 0, + "Technical Project Management": 0, + "Professional Design Communication": 0, + "Environmental Design Integration": 0, + "Analytical Design Evaluation": 0, + "Production Equipment Operation": 0, + "Technical Documentation Reading": 0, + "Strategic Organizational Leadership": 0, + "Advanced Resource Management": 0, + "Traffic Systems Analysis": 0, + "Technical Equipment Monitoring": 0, + "Operational Documentation Management": 0, + "Infrastructure Marking and Visualization": 0, + "Administrative Communication": 0, + "Operational Documentation Processing": 0, + "Technical Problem Solving": 0, + "Web Technology Management": 0, + "Digital Systems Security": 0, + "Library Resource Management": 0, + "Administrative Information Processing": 0, + "Customer Service Coordination": 0, + "Precision Material Fabrication": 0, + "Textile Manipulation Skills": 0, + "Geological Sample Analysis": 0, + "Field Data Collection": 0, + "Geospatial Resource Mapping": 0, + "Environmental Site Preparation": 0, + "Construction Project Management": 0, + "Strategic Resource Coordination": 0, + "Regulatory Compliance and Safety": 0, + "Electronic Systems Design": 0, + "Technical Communication": 0, + "Fiberglass Material Processing": 0, + "Mold Preparation and Management": 0, + "Surface Treatment Techniques": 0, + "Medical Diagnostic Expertise": 0, + "Scientific Laboratory Management": 0, + "Professional Medical Communication": 0, + "Pathological Analysis": 0, + "Technical Systems Engineering": 0, + "Information Security Management": 0, + "Collaborative Technical Problem Solving": 0, + "Technology Project Coordination": 0, + "Vehicle Damage Assessment": 0, + "Insurance Claims Documentation": 0, + "Technical Cost Estimation": 0, + "Gas Systems Operation": 0, + "Industrial Equipment Monitoring": 0, + "Operational Safety Protocols": 0, + "Early Childhood Education": 0, + "Child Safety Management": 0, + "Developmental Instructional Adaptation": 0, + "Parent-Educator Communication": 0, + "Classroom Behavioral Management": 0, + "Nuclear Systems Control": 0, + "Complex Equipment Diagnostics": 0, + "Operational Performance Optimization": 0, + "Critical Decision Making": 0, + "Technical Writing Proficiency": 0, + "Information Processing": 0, + "Professional Communication Strategy": 0, + "Critical Analysis and Decision Making": 0, + "Continuous Learning Management": 0, + "Broadcast Technical Operations": 0, + "Production Coordination": 0, + "Technical Communication Management": 0, + "Emergency Medical Care": 0, + "Patient Transportation Management": 0, + "Healthcare Team Collaboration": 0, + "Emergency Medical Documentation": 0, + "Technical Problem Analysis": 0, + "Industrial Process Management": 0, + "Technical Documentation Interpretation": 0, + "Quality Control Engineering": 0, + "Engineering Design Visualization": 0, + "Laboratory Sample Management": 0, + "Technical Troubleshooting": 0, + "Operational Equipment Coordination": 0, + "Recreational Facility Management": 0, + "Financial Record Management": 0, + "Legal Reasoning": 0, + "Legal Dispute Resolution": 0, + "Client Legal Representation": 0, + "Public Safety Management": 0, + "Animal Care and Control": 0, + "Investigative Documentation": 0, + "Cybersecurity Risk Management": 0, + "Professional Information Processing": 0, + "Continuous Professional Learning": 0, + "Vehicle Component Maintenance": 0, + "Equipment Operation and Safety": 0, + "Geospatial Data Analysis": 0, + "Technical Field Documentation": 0, + "Scientific Instrumentation Operation": 0, + "Environmental Site Analysis": 0, + "Academic Instruction Design": 0, + "Scholarly Research Management": 0, + "Professional Academic Communication": 0, + "Institutional Academic Governance": 0, + "Healthcare Patient Assessment": 0, + "Therapeutic Physical Intervention": 0, + "Medical Equipment Management": 0, + "Professional Healthcare Coordination": 0, + "Food Production Operations": 0, + "Equipment Temperature Control": 0, + "Surface Leveling and Preparation": 0, + "Masonry Material Installation": 0, + "Financial Analysis": 0, + "Professional Documentation": 0, + "Strategic Business Advisory": 0, + "Utility Service Monitoring": 0, + "Material Preparation and Handling": 0, + "Precision Measurement and Layout": 0, + "Installation Quality Control": 0, + "Specialized Material Manipulation": 0, + "Technical Equipment Installation": 0, + "Diagnostic Technical Troubleshooting": 0, + "Operational Safety Verification": 0, + "Human Factors Engineering": 0, + "Technical Design Optimization": 0, + "Learner Needs Assessment": 0, + "Customer Transaction Management": 0, + "Product Information Communication": 0, + "Operational Customer Interaction": 0, + "Market Intelligence": 0, + "Professional Product Knowledge": 0, + "Technical Equipment Setup": 0, + "Technical Control Systems Operation": 0, + "Surface Finishing Techniques": 0, + "Precision Manual Construction Skills": 0, + "Creative Design Conceptualization": 0, + "Trend and Market Research": 0, + "Therapeutic Patient Counseling": 0, + "Aviation Safety Inspection": 0, + "Technical Performance Verification": 0, + "Medical Precision Intervention": 0, + "Healthcare Equipment Customization": 0, + "Business Intelligence Analysis": 0, + "Information Systems Management": 0, + "Analytical Problem Solving": 0, + "Precision Technical Diagnostics": 0, + "Legislative Policy Development": 0, + "Public Governance Coordination": 0, + "Strategic Hearing Management": 0, + "Professional Development Leadership": 0, + "Regulatory Impact Analysis": 0, + "Engineering Systems Design": 0, + "Scientific Problem Resolution": 0, + "Technical Performance Optimization": 0, + "Performance Arts Management": 0, + "Expressive Communication": 0, + "Creative Skill Development": 0, + "Professional Talent Representation": 0, + "Artistic Audition and Casting": 0, + "Animal Training and Care": 0, + "Performance Instruction": 0, + "Administrative Coordination": 0, + "Social Research Methodology": 0, + "Professional Knowledge Communication": 0, + "Systematic Analytical Reasoning": 0, + "Interpersonal Observation Skills": 0, + "Academic and Policy Consultation": 0, + "Vehicle Operation Management": 0, + "Logistics Documentation": 0, + "Insurance Claims Processing": 0, + "Administrative Information Management": 0, + "Customer Information Verification": 0, + "Sales Persuasion": 0, + "Customer Engagement Strategy": 0, + "Product Demonstration Skills": 0, + "Safety and Hazard Management": 0, + "Operational Documentation and Reporting": 0, + "Scientific Laboratory Procedures": 0, + "Quality Control Analysis": 0, + "Chemical Substance Management": 0, + "Software Quality Assurance": 0, + "Technical Problem Diagnostics": 0, + "Performance Monitoring and Analysis": 0, + "Collaborative Technical Communication": 0, + "Academic Research and Instruction": 0, + "Professional Academic Development": 0, + "Special Needs Education Support": 0, + "Developmental Behavioral Management": 0, + "Educational Assessment and Monitoring": 0, + "Collaborative Educational Planning": 0, + "Adaptive Instructional Technology": 0, + "Mechanical Repair Expertise": 0, + "Precision Equipment Manipulation": 0, + "Technical Problem Resolution": 0, + "Equipment Maintenance and Safety": 0, + "Rehabilitation Case Management": 0, + "Forensic Social Intervention": 0, + "Therapeutic Client Counseling": 0, + "Community Resource Navigation": 0, + "Legal Compliance Monitoring": 0, + "Hazardous Environment Management": 0, + "Precision Manual Infrastructure Skills": 0, + "Strategic Organizational Communication": 0, + "Strategic Decision Making": 0, + "Computational Bioinformatics": 0, + "Human Resources Management": 0, + "Strategic Interpersonal Communication": 0, + "Compliance and Regulatory Management": 0, + "Forensic Evidence Analysis": 0, + "Scientific Documentation": 0, + "Curriculum Development": 0, + "Nutritional Assessment": 0, + "Healthcare Nutrition Counseling": 0, + "Dietary Program Management": 0, + "Scientific Nutrition Research": 0, + "Interdisciplinary Healthcare Collaboration": 0, + "Professional Client Interaction": 0, + "Regulatory Compliance and Interpretation": 0, + "Geospatial Data Collection": 0, + "Cartographic Visualization": 0, + "Medical Records Management": 0, + "Healthcare Administrative Communication": 0, + "Medical Facility Operational Coordination": 0, + "Pedagogical Assessment and Monitoring": 0, + "Technical Validation Engineering": 0, + "Complex Problem Analysis": 0, + "Forensic Evidence Management": 0, + "Legal Documentation and Testimony": 0, + "Investigative Information Management": 0, + "Emergency Response Documentation": 0, + "Pattern Design and Fabrication": 0, + "Technical Measurement and Layout": 0, + "Production Equipment Programming": 0, + "Risk Assessment Management": 0, + "Technical Specification Development": 0, + "Operational Compliance Monitoring": 0, + "Strategic Investigative Analysis": 0, + "Forestry Equipment Operation": 0, + "Field Operations Safety": 0, + "Water Systems Management": 0, + "Chemical Processing Control": 0, + "Precision Operational Documentation": 0, + "Information Management": 0, + "Procedural Documentation": 0, + "Digital Systems Management": 0, + "Precision Manufacturing Skills": 0, + "Equipment Diagnostic Monitoring": 0, + "Technical Quality Verification": 0, + "Machine Operation Control": 0, + "Technical Quality Inspection": 0, + "Technical Documentation Comprehension": 0, + "Precision Material Handling": 0, + "Vision Care Technical Skills": 0, + "Medical Device Customization": 0, + "Performance Arts Coordination": 0, + "Creative Movement Technique": 0, + "Professional Performance Preparation": 0, + "Web Design and Development": 0, + "Digital Visual Communication": 0, + "Technical Project Collaboration": 0, + "Digital Systems Testing": 0, + "Emerging Technology Adaptation": 0, + "Operational Problem Resolution": 0, + "Quantitative Technical Analysis": 0, + "Educational Instruction Management": 0, + "Student Performance Evaluation": 0, + "Research and Scholarly Contribution": 0, + "Health Education Strategy": 0, + "Social Services Coordination": 0, + "Professional Health Communication": 0, + "Community Needs Assessment": 0, + "Organizational Health Program Management": 0, + "Textile Equipment Operation": 0, + "Precision Material Cutting": 0, + "Production Quality Inspection": 0, + "Equipment Setup and Calibration": 0, + "Operational Pattern Management": 0, + "Precision Medical Intervention": 0, + "Healthcare Professional Communication": 0, + "Customer Service Communication": 0, + "Problem Resolution Strategy": 0, + "Chemical Analysis and Synthesis": 0, + "Technical Quality Control": 0, + "Laboratory Equipment Management": 0, + "Postal Operations Management": 0, + "Personnel Resource Coordination": 0, + "Operational Communication Strategy": 0, + "Strategic Problem Resolution": 0, + "Administrative Documentation Management": 0, + "Operational Monitoring and Control": 0, + "Site Dimensional Management": 0, + "Material Handling and Coordination": 0, + "Pumping and Hydraulic Systems Management": 0, + "Recreational Program Management": 0, + "Client Engagement and Support": 0, + "Operational Safety and Rule Enforcement": 0, + "Genetic Research Methodology": 0, + "Scientific Literature Review": 0, + "Research Collaboration Management": 0, + "Biological Sample Analysis": 0, + "Scientific Proposal Development": 0, + "Organizational Research Methodology": 0, + "Professional Counseling": 0, + "Interpersonal Observation": 0, + "Research Communication": 0, + "Patient Care Communication": 0, + "Medical Procedure Support": 0, + "Remote Sensing Analysis": 0, + "Educational Leadership": 0, + "Organizational Compliance Management": 0, + "Professional Development Coordination": 0, + "Interpersonal Guidance and Support": 0, + "Landscape Design Planning": 0, + "Green Infrastructure Development": 0, + "Site Analysis and Preparation": 0, + "Technical Project Coordination": 0, + "Complex Problem Solving": 0, + "Mathematical Problem Analysis": 0, + "Advanced Learning Strategies": 0, + "Mining Equipment Operation": 0, + "Geological Site Management": 0, + "Extraction Workflow Coordination": 0, + "Mental Health Patient Care": 0, + "Therapeutic Communication": 0, + "Clinical Behavioral Intervention": 0, + "Patient Emotional Support": 0, + "Medical Psychiatric Documentation": 0, + "Maritime Navigation Skills": 0, + "Emergency Maritime Response": 0, + "Vessel Equipment Maintenance": 0, + "Transportation Logistics Coordination": 0, + "Marine Communication Protocols": 0, + "Vegetation Management": 0, + "Chemical Application Safety": 0, + "Equipment Maintenance and Operation": 0, + "Animal Research Methodology": 0, + "Agricultural Systems Analysis": 0, + "Scientific Agricultural Communication": 0, + "Livestock Breeding Expertise": 0, + "Agricultural Process Management": 0, + "Healthcare Information Systems": 0, + "Clinical Documentation Processing": 0, + "Mechanical Equipment Maintenance": 0, + "Precision Technical Installation": 0, + "Technical Design Documentation": 0, + "Precision Equipment Calibration": 0, + "Wood Product Fabrication": 0, + "Technical Blueprint Interpretation": 0, + "Counseling and Guidance": 0, + "Client Needs Assessment": 0, + "Educational Resource Coordination": 0, + "Professional Communication and Intervention": 0, + "Holistic Client Development": 0, + "Strategic Communication Management": 0, + "Media Relations Coordination": 0, + "Event and Program Management": 0, + "Organizational Narrative Development": 0, + "Stakeholder Engagement Strategy": 0, + "Equipment Diagnostic Assessment": 0, + "Precision Machine Operation": 0, + "Operational Quality Verification": 0, + "Medical Device Fabrication": 0, + "Patient Assessment and Measurement": 0, + "Electrical Systems Maintenance": 0, + "Technical Diagnostic Troubleshooting": 0, + "Academic Instruction and Research": 0, + "Pedagogical Assessment and Mentorship": 0, + "Continuous Professional Development": 0, + "Electrical Installation Skills": 0, + "Precision Manual Technical Work": 0, + "Resource and Schedule Management": 0, + "Information Processing and Documentation": 0, + "Problem Analysis and Resolution": 0, + "Surgical Patient Care": 0, + "Healthcare Safety Protocol": 0, + "Personal Resource Management": 0, + "Service Environment Maintenance": 0, + "Patron Safety and Support": 0, + "Photographic Process Management": 0, + "Technical Material Preparation": 0, + "Medical Anesthesia Support": 0, + "Advanced Life Support Management": 0, + "Medical Equipment Precision Management": 0, + "Clinical Documentation and Reporting": 0, + "Student Safety Management": 0, + "Passenger Transportation Support": 0, + "Behavioral Conflict Mediation": 0, + "Healthcare Regulatory Compliance": 0, + "Research Data Management": 0, + "Interdisciplinary Research Collaboration": 0, + "Chemical Solution Preparation": 0, + "Production Monitoring and Quality Control": 0, + "Retail Leadership": 0, + "Merchandise Display Strategy": 0, + "Retail Inventory Management": 0, + "Creative Design Management": 0, + "Professional Visual Communication": 0, + "Artistic Collaboration and Coordination": 0, + "Network Systems Support": 0, + "Technical Security Implementation": 0, + "Operational Technical Documentation": 0, + "Border Security Operations": 0, + "Investigative Risk Assessment": 0, + "Legal Compliance Enforcement": 0, + "Interpersonal Threat Detection": 0, + "Postsecondary Educational Instruction": 0, + "Academic Research and Scholarship": 0, + "Interdisciplinary Academic Communication": 0, + "Energy Systems Control": 0, + "Equipment Performance Monitoring": 0, + "Pedagogical Assessment and Development": 0, + "Scientific Knowledge Communication": 0, + "Professional Development and Learning": 0, + "Spiritual Guidance": 0, + "Community Religious Leadership": 0, + "Interpersonal Empathetic Support": 0, + "Religious Educational Programming": 0, + "Holistic Community Support": 0, + "Precision Material Measurement": 0, + "Creative Design Visualization": 0, + "Market and Trend Analysis": 0, + "Collaborative Design Production": 0, + "Client Interaction Management": 0, + "Precision Manual Skill Application": 0, + "Broadcast Media Performance": 0, + "Media Production Coordination": 0, + "News and Information Gathering": 0, + "Classroom Management": 0, + "Instructional Strategy Development": 0, + "Student Performance Monitoring": 0, + "Educational Communication": 0, + "Developmental Learning Support": 0, + "Operational Food Service Management": 0, + "Professional Communication and Coordination": 0, + "Textile Material Manipulation": 0, + "Precision Garment Production": 0, + "Pattern Design and Layout": 0, + "Agricultural Systems Engineering": 0, + "Complex Problem Solving in Engineering": 0, + "Operational Systems Analysis": 0, + "Equipment Diagnostic Troubleshooting": 0, + "Precision Technical Maintenance": 0, + "Biomedical Engineering Design": 0, + "Systems Engineering Analysis": 0, + "Professional Technical Communication": 0, + "Technical Systems Design": 0, + "Equipment Performance Diagnostics": 0, + "Technical Measurement and Verification": 0, + "Vehicle Diagnostic Assessment": 0, + "Mechanical Repair Precision": 0, + "Equipment Maintenance Strategy": 0, + "Technical Safety Verification": 0, + "Precision Manual Tool Manipulation": 0, + "Patient Treatment and Counseling": 0, + "Medical Procedure and Equipment Management": 0, + "Training Program Development": 0, + "Organizational Learning Strategy": 0, + "Performance Evaluation and Monitoring": 0, + "Interpersonal Learning Facilitation": 0, + "Organizational Training Coordination": 0, + "Investigative Evidence Analysis": 0, + "Regulatory Compliance Investigation": 0, + "Financial Fraud Detection": 0, + "Professional Interviewing": 0, + "Professional Procedural Communication": 0, + "Interpersonal Conflict Management": 0, + "Technical Illustration Skills": 0, + "Exhibition and Display Design": 0, + "Design Material Preparation": 0, + "Visual Presentation Skills": 0, + "Professional Image Modeling": 0, + "Career Opportunity Identification": 0, + "Data Management": 0, + "Systematic Problem Analysis": 0, + "Therapeutic Art Intervention": 0, + "Empathetic Professional Communication": 0, + "Treatment Plan Development": 0, + "Creative Psychological Intervention": 0, + "Equipment Operation and Control": 0, + "Technical Safety and Compliance": 0, + "Patron Safety Management": 0, + "Professional Communication and Interaction": 0, + "Operational Information Management": 0, + "Inventory Management": 0, + "Material Handling": 0, + "Quality Inspection": 0, + "Infrastructure Design": 0, + "Environmental Systems Analysis": 0, + "Site Evaluation and Preparation": 0, + "Vehicle Mechanical Diagnostics": 0, + "Specialized Tool Operation": 0, + "Patient Care Support": 0, + "Healthcare Procedural Assistance": 0, + "Interpersonal Patient Interaction": 0, + "Personal Care and Safety Management": 0, + "Agricultural Data Analysis": 0, + "Environmental Field Operations": 0, + "Precision Agricultural Technology": 0, + "Scientific Operational Documentation": 0, + "Geospatial Survey Techniques": 0, + "Vehicle Body Repair": 0, + "Welding and Fabrication": 0, + "Automotive Parts Replacement": 0, + "Creative Writing Skills": 0, + "Artistic Collaboration": 0, + "Research and Conceptualization": 0, + "Professional Creative Communication": 0, + "Intellectual Property Management": 0, + "Criminal Investigation Skills": 0, + "Strategic Information Gathering": 0, + "Administrative Documentation Processing": 0, + "Operational Communication Management": 0, + "Clinical Procedure Support": 0, + "Patient Assessment": 0, + "Project Management in Technology": 0, + "Systems Design and Integration": 0, + "Scientific Communication": 0, + "Quantitative Risk Analysis": 0, + "Strategic Financial Modeling": 0, + "Complex Problem Reasoning": 0, + "Professional Data Interpretation": 0, + "Food Service Operations": 0, + "Sanitation and Hygiene Management": 0, + "Resource Distribution": 0, + "Scientific Environmental Assessment": 0, + "Natural Resource Planning": 0, + "Precision Pattern Design": 0, + "Strategic Procurement Management": 0, + "Financial Transaction Processing": 0, + "Operational Communication and Coordination": 0, + "Geospatial Data Visualization": 0, + "Survey Data Collection": 0, + "Technical Measurement Precision": 0, + "Collection Management": 0, + "Research and Documentation": 0, + "Community Program Development": 0, + "Institutional Resource Management": 0, + "Professional Communication": 0, + "Information Gathering and Verification": 0, + "Procedural Compliance and Coordination": 0, + "Operational Sanitation Management": 0, + "Resource Distribution and Coordination": 0, + "Transaction Processing": 0, + "Vehicle Traffic Management": 0, + "Spatial Measurement and Marking": 0, + "Data Systems Engineering": 0, + "Information Technology Optimization": 0, + "Laboratory Specimen Analysis": 0, + "Healthcare Quality Control": 0, + "Precision Scientific Documentation": 0, + "Microbiological Cultivation": 0, + "Construction Material Handling": 0, + "Temporary Structure Assembly": 0, + "Construction Equipment Operation": 0, + "Food Preparation Skills": 0, + "Interpersonal Healthcare Communication": 0, + "Property Management": 0, + "Financial Resource Coordination": 0, + "Stakeholder Communication": 0, + "Operational Compliance Management": 0, + "Strategic Facility Management": 0, + "Food Science Technical Analysis": 0, + "Scientific Laboratory Procedure Management": 0, + "Technical Research and Development": 0, + "Precision Measurement and Instrumentation": 0, + "Early Childhood Educational Administration": 0, + "Child Development Program Oversight": 0, + "Organizational Resource Allocation in Education": 0, + "Regulatory Compliance in Childcare": 0, + "Professional Development and Staff Training": 0, + "Precision Medical Device Fabrication": 0, + "Vision Care Technical Expertise": 0, + "Quality Control Inspection": 0, + "Medical Device Measurement and Fitting": 0, + "Drilling Operations Management": 0, + "Site Preparation and Inspection": 0, + "Extraction Equipment Maintenance": 0, + "Spatial Analysis and Visualization": 0, + "Precision Measurement and Verification": 0, + "Infrastructure Design and Planning": 0, + "Complex Problem Analysis and Resolution": 0, + "Digital Marketing Strategy": 0, + "Web Analytics and Insights": 0, + "Strategic Online Communication": 0, + "Technical Marketing Technology": 0, + "Precision Surface Finishing": 0, + "Equipment Maintenance and Inspection": 0, + "Quality Control Measurement": 0, + "Manual Material Manipulation": 0, + "Production Workflow Management": 0, + "Electrical Circuit Maintenance": 0, + "Mechanical Component Inspection": 0, + "Precision Equipment Lubrication": 0, + "Technical Documentation and Record Keeping": 0, + "Claims Investigation": 0, + "Financial Claims Processing": 0, + "Regulatory Compliance Assessment": 0, + "Scientific Field Research": 0, + "Natural Resource Analysis": 0, + "Geospatial Environmental Mapping": 0, + "Sustainable Land Management": 0, + "Vehicle Inspection and Safety": 0, + "Operational Incident Documentation": 0, + "Technical Compliance Monitoring": 0, + "Epidemiological Research": 0, + "Healthcare Program Management": 0, + "Public Health Strategy": 0, + "Grant and Research Funding": 0, + "Healthcare Technical Support": 0, + "Patient Monitoring and Assessment": 0, + "Cardiovascular Technical Expertise": 0, + "Operational Environmental Compliance": 0, + "Postsecondary Academic Instruction": 0, + "Scholarly Research and Development": 0, + "Academic Professional Communication": 0, + "Medical Anesthesia Management": 0, + "Advanced Medical Intervention": 0, + "Patient Safety and Monitoring": 0, + "Medical Procedural Documentation": 0, + "Water Systems Engineering": 0, + "Technical Design and Planning": 0, + "Operational Quality Management": 0, + "Financial Record Analysis": 0, + "Systematic Problem Resolution": 0, + "Patient Communication": 0, + "Administrative Healthcare Support": 0, + "Precision Material Crafting": 0, + "Jewelry Technical Fabrication": 0, + "Micro-Scale Design Engineering": 0, + "Technical Graphical Representation": 0, + "Emerging Technology Research": 0, + "Operational Protocol Development": 0, + "Precision Technical Validation": 0, + "Mechanical Equipment Repair": 0, + "Statistical Analysis": 0, + "Technical Problem Reasoning": 0, + "Computational Data Processing": 0, + "Precision Medical Documentation": 0, + "Archival Resource Management": 0, + "Research Documentation": 0, + "Cultural Program Development": 0, + "Patient Rehabilitation Support": 0, + "Therapeutic Assessment and Planning": 0, + "Therapeutic Patient Interaction": 0, + "Medical Procedural Assistance": 0, + "Patient Safety Management": 0, + "Urban Planning Strategy": 0, + "Environmental Policy Analysis": 0, + "Geospatial Data Interpretation": 0, + "Stakeholder Engagement Management": 0, + "Sustainable Development Planning": 0, + "Educational Research and Scholarship": 0, + "Sales Technical Communication": 0, + "Product Demonstration Strategy": 0, + "Market Intelligence Gathering": 0, + "Professional Sales Networking": 0, + "Fundraising Strategy Development": 0, + "Nonprofit Program Development": 0, + "Relationship Management": 0, + "Exercise Science Assessment": 0, + "Patient Health Counseling": 0, + "Clinical Exercise Intervention": 0, + "Performance Physiological Monitoring": 0, + "Technical Equipment Coordination": 0, + "Precision Technical Measurement": 0, + "Scholarly Research Methodology": 0, + "Hearing Healthcare Support": 0, + "Patient Technical Consultation": 0, + "Agricultural Equipment Operation": 0, + "Crop and Plant Management": 0, + "Agricultural Inventory Documentation": 0, + "Genetic Counseling Communication": 0, + "Medical Genetic Assessment": 0, + "Patient Psychological Support": 0, + "Forensic Investigation Skills": 0, + "Fire Safety and Prevention": 0, + "Technical Investigative Communication": 0, + "Regulatory Compliance Monitoring": 0, + "Robotic Systems Maintenance": 0, + "Technical Diagnostic Reasoning": 0, + "Operational Workflow Coordination": 0, + "Metal Production Operations": 0, + "Precision Manufacturing Inspection": 0, + "Emergency Vehicle Operations": 0, + "Customer Financial Advisory": 0, + "Regulatory Financial Compliance": 0, + "Professional Networking": 0, + "Persuasive Presentation": 0, + "Customer Needs Analysis": 0, + "Vehicle Diagnostic Repair": 0, + "Pediatric Surgical Intervention": 0, + "Pediatric Patient Communication": 0, + "Stakeholder Engagement": 0, + "Traffic Safety Management": 0, + "Situational Awareness Communication": 0, + "Operational Safety Signaling": 0, + "Public Transportation Management": 0, + "Passenger Safety and Support": 0, + "Vehicle Operational Safety": 0, + "Route Navigation and Planning": 0, + "Customer Transaction Processing": 0, + "Safety and Quality Control Inspection": 0, + "Dental Healthcare Services": 0, + "Healthcare Patient Communication": 0, + "Preventive Health Education": 0, + "Mold and Pattern Fabrication": 0, + "Material Surface Treatment": 0, + "Technical Material Manipulation": 0, + "Production Quality Verification": 0, + "Creative Performance Skills": 0, + "Artistic Audition and Career Development": 0, + "Musical Composition and Arrangement": 0, + "Professional Artistic Communication": 0, + "Legal Document Processing": 0, + "Professional Information Verification": 0, + "Regulatory Compliance Coordination": 0, + "Patient Communication and Counseling": 0, + "Diagnostic Assessment and Reasoning": 0, + "Specialized Medical Device Management": 0, + "Professional Healthcare Documentation": 0, + "Medication Management": 0, + "Healthcare Patient Guidance": 0, + "Clinical Information Processing": 0, + "Pharmaceutical Safety Protocols": 0, + "Petroleum Engineering Analysis": 0, + "Energy Production Management": 0, + "Industrial Design Methodology": 0, + "Environmental Systems Engineering": 0, + "Biological Specimen Processing": 0, + "Medical Laboratory Equipment Operation": 0, + "Healthcare Technical Documentation": 0, + "Scientific Quality Control": 0, + "Medical Diagnostic Support": 0, + "Information Processing and Verification": 0, + "Legal and Regulatory Compliance": 0, + "Investment Strategy": 0, + "Risk Assessment": 0, + "Wellness Program Management": 0, + "Health Education and Communication": 0, + "Quality Control and Inspection": 0, + "Safety and Regulatory Compliance": 0, + "Law Enforcement Operations": 0, + "Investigative Evidence Management": 0, + "Public Safety Communication": 0, + "Regulatory Compliance Enforcement": 0, + "Operational Risk Management": 0, + "Audio Technical Operations": 0, + "Media Technical Communication": 0, + "Digital Media Conversion": 0, + "Performance Technical Support": 0, + "Surveillance Operations": 0, + "Customer Information Management": 0, + "Operational Communication": 0, + "Precision Manual Fabrication": 0, + "Structural Component Installation": 0, + "CNC Programming": 0, + "Professional Time Management": 0, + "Robotic Systems Engineering": 0, + "Visual Composition": 0, + "Technical Image Processing": 0, + "Creative Equipment Operation": 0, + "Professional Creative Documentation": 0, + "Technical Monitoring and Inspection": 0, + "Analytical Problem Resolution": 0, + "Precision Documentation Management": 0, + "Mathematical Performance Analysis": 0, + "Patron Safety and Interaction": 0, + "Operational Resource Distribution": 0, + "Customer Interaction in Service Environments": 0, + "Operational Financial Record Maintenance": 0, + "Agricultural Inspection Skills": 0, + "Environmental Field Monitoring": 0, + "Regulatory Agricultural Compliance": 0, + "Government Program Eligibility Assessment": 0, + "Regulatory Compliance Communication": 0, + "Financial Analysis and Reporting": 0, + "Quantitative Problem Solving": 0, + "Correctional Operations Management": 0, + "Emergency Response and Safety": 0, + "Personnel Performance Evaluation": 0, + "Surface Preparation Skills": 0, + "Wildlife Resource Management": 0, + "Outdoor Equipment Operation": 0, + "Field Safety and Hazard Management": 0, + "Precision Metal Fabrication": 0, + "Equipment Safety Monitoring": 0, + "Technical Dimensional Verification": 0, + "Forestry Resource Assessment": 0, + "Operational Field Coordination": 0, + "Technical Measurement and Marking": 0, + "Retail Transaction Processing": 0, + "Operational Cash Management": 0, + "Logistics Analysis": 0, + "Early Childhood Education Management": 0, + "Developmental Behavioral Guidance": 0, + "Instructional Adaptation": 0, + "Child Safety and Welfare": 0, + "Precision Surface Etching": 0, + "Equipment Control and Monitoring": 0, + "Protective Finishing Application": 0, + "Workplace Safety Engineering": 0, + "Financial Risk Analysis": 0, + "Strategic Business Intelligence": 0, + "Financial Reporting and Documentation": 0, + "Investment Strategy Development": 0, + "Biomass Production Operations": 0, + "Sustainable Energy Quality Control": 0, + "Operational Data Documentation": 0, + "Industrial Safety Compliance": 0, + "Special Needs Educational Support": 0, + "Guest Service Coordination": 0, + "Facility Maintenance and Cleaning": 0, + "Economic Analysis": 0, + "Quantitative Reasoning": 0, + "Critical Analytical Reasoning": 0, + "Research Methodology": 0, + "Underwater Technical Operations": 0, + "Safety and Emergency Response": 0, + "Complex Problem-Solving in Technical Environments": 0, + "Professional Communication in Technical Contexts": 0, + "Equipment Operation Monitoring": 0, + "Mathematical Problem Solving": 0, + "Advanced Analytical Reasoning": 0, + "Systematic Documentation": 0, + "Interpersonal Needs Assessment": 0, + "Agricultural Systems Management": 0, + "Sustainable Resource Management": 0, + "Information Services Support": 0, + "Technical Documentation Processing": 0, + "Computational Bioinformatics Analysis": 0, + "Complex Problem Solving in Scientific Contexts": 0, + "Safety and Quality Inspection": 0, + "Technical Equipment Operation": 0, + "Strategic Resource Management": 0, + "Professional Communication in Healthcare": 0, + "Transcription and Information Processing": 0, + "Telecommunications Equipment Installation": 0, + "Field Technical Operations": 0, + "Technical Safety and Equipment Inspection": 0, + "Operational Problem-Solving": 0, + "Print Production Technical Skills": 0, + "Technical Equipment Programming": 0, + "Mail Processing Operations": 0, + "Equipment Maintenance and Monitoring": 0, + "Workplace Safety and Quality Control": 0, + "Operational Coordination and Communication": 0, + "Strategic Compensation Management": 0, + "Regulatory Compliance Oversight": 0, + "Financial Resource Allocation": 0, + "Equipment Operation and Monitoring": 0, + "Workplace Safety and Maintenance": 0, + "Material Handling and Movement": 0, + "Strategic Conservation Planning": 0, + "Network Systems Management": 0, + "Systems Performance Optimization": 0, + "Mortuary Service Management": 0, + "Facility Maintenance and Sanitation": 0, + "Administrative Funeral Documentation": 0, + "Sustainability Strategy Development": 0, + "Organizational Green Innovation": 0, + "Stakeholder Environmental Communication": 0, + "Operational Sustainability Monitoring": 0, + "Anesthesia and Life Support": 0, + "Digital Document Management": 0, + "Technical Information Processing": 0, + "Resource and Task Management": 0, + "Therapeutic Social Support": 0, + "Client Case Management": 0, + "Professional Interpersonal Assessment": 0, + "Ethical Professional Intervention": 0, + "Cybersecurity Analysis": 0, + "Technical Penetration Testing": 0, + "Security Policy Development": 0, + "Technical Risk Mitigation": 0, + "Investigative Technical Documentation": 0, + "Precision Manual Craftsmanship": 0, + "Product Quality Inspection": 0, + "Promotional Content Creation": 0, + "Construction Site Operations": 0, + "Manual Construction Skills": 0, + "Operational Safety Coordination": 0, + "Community Health Support": 0, + "Social Service Coordination": 0, + "Interpersonal Health Communication": 0, + "Preventive Health Intervention": 0, + "Medical Radiation Treatment": 0, + "Patient Safety Monitoring": 0, + "Precision Patient Care": 0, + "Recycling Operational Management": 0, + "Environmental Compliance Coordination": 0, + "Material Transport and Logistics": 0, + "Waste Processing and Sorting": 0, + "Construction Surface Preparation": 0, + "Professional Communication and Documentation": 0, + "Investigative Analysis and Evidence Management": 0, + "Operational Compliance and Safety Monitoring": 0, + "Financial Sales Strategy": 0, + "Market Intelligence Analysis": 0, + "Professional Financial Communication": 0, + "Customer Needs Financial Assessment": 0, + "Precision Material Processing": 0, + "Technical Surface Treatment": 0, + "Developmental Learning Adaptation": 0, + "Child Safety and Developmental Support": 0, + "Academic Instruction Management": 0, + "Scholarly Research Development": 0, + "Interpersonal Academic Communication": 0, + "Quantitative Data Processing": 0, + "Operational Information Verification": 0, + "Materials Science Analysis": 0, + "Laboratory Quality Control": 0, + "Environmental Conservation Expertise": 0, + "Interpretive Educational Communication": 0, + "Field Research and Documentation": 0, + "Wildlife Interaction and Management": 0, + "Ecological Site Assessment": 0, + "Strategic Marketing Communication": 0, + "Professional Persuasive Communication": 0, + "Comprehensive Performance Monitoring": 0, + "Adaptive Physical Education Support": 0, + "Student Developmental Guidance": 0, + "Specialized Instructional Adaptation": 0, + "Inclusive Physical Education Management": 0, + "Route Navigation and Logistics": 0, + "Administrative Transaction Processing": 0, + "Agricultural Resource Management": 0, + "Operational Compliance and Documentation": 0, + "Strategic Agricultural Planning": 0, + "Field Operations Safety Management": 0, + "Agricultural Equipment and Technology Management": 0, + "Public Safety Monitoring": 0, + "First Aid and Medical Support": 0, + "Patron Safety Coordination": 0, + "Construction Supervision": 0, + "Technical Project Inspection": 0, + "Construction Resource Planning": 0, + "Site Preparation and Measurement": 0, + "Construction Personnel Training": 0, + "Equipment Programming and Control": 0, + "Roofing Material Preparation": 0, + "Protective Coating Application": 0, + "Patient Assessment and Diagnosis": 0, + "Musculoskeletal Treatment Techniques": 0, + "Holistic Patient Care Management": 0, + "Logistics and Delivery Coordination": 0, + "Menu Planning and Coordination": 0, + "Ingredient and Supply Management": 0, + "Non-Destructive Testing Expertise": 0, + "Precision Measurement and Analysis": 0, + "Quality Control Systematic Analysis": 0, + "Resource and Personnel Management": 0, + "Vision Rehabilitation Support": 0, + "Assistive Device Expertise": 0, + "Patient-Centered Rehabilitation Instruction": 0, + "Disability Management Counseling": 0, + "Functional Capability Assessment": 0, + "Marine Equipment Troubleshooting": 0, + "Marine Safety Equipment Verification": 0, + "Technical Equipment Operation Control": 0, + "Semiconductor Process Control": 0, + "Event and Program Coordination": 0, + "Operational Safety and Patron Support": 0, + "Administrative Resource Management": 0, + "Interpersonal Service Communication": 0, + "Precision Information Processing": 0, + "Rock Extraction Operations": 0, + "Precision Manual Material Manipulation": 0, + "Technical Equipment Control": 0, + "Visual Design Creation": 0, + "Creative Technical Storytelling": 0, + "Digital Media Transformation": 0, + "Artistic Conceptual Development": 0, + "Deceased Care Management": 0, + "Embalming Technical Procedures": 0, + "Cosmetic Restoration Skills": 0, + "Fire Safety Engineering": 0, + "Emergency Preparedness Management": 0, + "Technical Regulatory Compliance": 0, + "Operational Safety Inspection": 0, + "Technical Investigative Analysis": 0, + "Petroleum Systems Monitoring": 0, + "Chemical Substance Preparation": 0, + "Compliance and Regulatory Enforcement": 0, + "Cardiovascular Clinical Expertise": 0, + "Medical Imaging and Diagnostic Procedures": 0, + "Patient Treatment Planning": 0, + "Metal Processing Operations": 0, + "Precision Equipment Monitoring": 0, + "Industrial Safety Inspection": 0, + "Technical Quality Control Analysis": 0, + "Cultural Research Methodology": 0, + "Archaeological Field Operations": 0, + "Systematic Observational Analysis": 0, + "Historical Evidence Interpretation": 0, + "Professional Information Gathering": 0, + "Systematic Documentation Management": 0, + "Biological Specimen Analysis": 0, + "Medical Laboratory Operations": 0, + "Patient Safety and Quality Control": 0, + "Scientific Diagnostic Reasoning": 0, + "Equipment Maintenance and Repair": 0, + "Technical Diagnostic Analysis": 0, + "Safety and Quality Control Monitoring": 0, + "Technical Performance Monitoring": 0, + "Manufacturing Safety Compliance": 0, + "Network Systems Engineering": 0, + "Technical Documentation and Communication": 0, + "Delivery Operations Management": 0, + "Interpersonal Information Gathering": 0, + "Creative Writing Expertise": 0, + "Professional Artistic Collaboration": 0, + "Personnel Resource Management": 0, + "Interpersonal Coordination": 0, + "Interpersonal Communication and Coordination": 0, + "Operational Performance Management": 0, + "Service Orientation and Problem Resolution": 0, + "Regulatory Compliance and Safety Management": 0, + "Precision Measurement and Marking": 0, + "Social Support Intervention": 0, + "Crisis Management and Referral": 0, + "Professional Ethical Intervention": 0, + "Passenger Service Coordination": 0, + "Operational Performance Supervision": 0, + "Resource Allocation Management": 0, + "Professional Development Support": 0, + "Reproductive Health Counseling": 0, + "Women's Health Comprehensive Care": 0, + "Talent Acquisition Strategy": 0, + "Logistics Systems Analysis": 0, + "Operational Efficiency Planning": 0, + "Business Strategy Development": 0, + "Material Processing and Handling": 0, + "Production Quality Monitoring": 0, + "Scientific Field Data Collection": 0, + "Vegetation Management and Protection": 0, + "Manufactured Building Installation": 0, + "Structural Sealing and Leak Prevention": 0, + "Equipment and System Inspection": 0, + "Mechanical Component Replacement": 0, + "Technical Surface Preparation": 0, + "Editorial Content Management": 0, + "Professional Writing and Communication": 0, + "Creative Content Development": 0, + "Interpersonal Communication Management": 0, + "Operational Resource Management": 0, + "Therapeutic Manual Intervention": 0, + "Patient Assessment and Care Coordination": 0, + "Healthcare Facility Management": 0, + "Interpersonal Therapeutic Engagement": 0, + "Transportation Safety Inspection": 0, + "Cargo Handling and Coordination": 0, + "Passenger Safety Management": 0, + "Transportation Operational Coordination": 0, + "Service Communication and Information Exchange": 0, + "Clay Material Manipulation": 0, + "Production Equipment Control": 0, + "Strategic Leadership": 0, + "Comprehensive Resource Management": 0, + "Advanced Interpersonal Communication": 0, + "Organizational Governance": 0, + "Patient Diagnostic Communication": 0, + "Medical Image Interpretation": 0, + "Visual Design Communication": 0, + "Creative Problem Solving": 0, + "Collaborative Creative Production": 0, + "Agricultural Education Management": 0, + "Instructional Resource Coordination": 0, + "Life Skills Education": 0, + "Professional Knowledge Transfer": 0, + "Extraction Equipment Operation": 0, + "Site Preparation and Safety": 0, + "Material Handling and Positioning": 0, + "Operational Monitoring and Coordination": 0, + "Textile Machine Operation": 0, + "Production Equipment Inspection": 0, + "Material Preparation and Cutting": 0, + "Strategic Operational Communication": 0, + "Adaptive Problem Resolution": 0, + "Elevator Systems Installation": 0, + "Precision Mechanical Maintenance": 0, + "Neurological Patient Care": 0, + "Complex Medical Problem Solving": 0, + "Medical Specimen Collection": 0, + "Healthcare Documentation Management": 0, + "Biomedical Waste Management": 0, + "Operational Systems Coordination": 0, + "Technical User Support": 0, + "User Communication and Guidance": 0, + "Technology Problem Resolution": 0, + "Technical Knowledge Maintenance": 0, + "Logistics Coordination": 0, + "Transportation Documentation": 0, + "Operational Financial Negotiation": 0, + "Shipping Systems Analysis": 0, + "Travel Service Coordination": 0, + "Therapeutic Patient Intervention": 0, + "Game Design Creativity": 0, + "Technical Game Development": 0, + "Interactive System Design": 0, + "Visual Design Conceptualization": 0, + "Collaborative Game Production": 0, + "Chemical Process Control": 0, + "Technical Safety Management": 0, + "Interdepartmental Communication": 0, + "Production Planning Coordination": 0, + "Policy Analysis and Development": 0, + "Academic Knowledge Communication": 0, + "Interdisciplinary Reasoning": 0, + "Strategic Information Synthesis": 0, + "Performance Equipment Management": 0, + "Event Performance Coordination": 0, + "Multimedia Content Editing": 0, + "Professional Resource Management": 0, + "Legal Administrative Support": 0, + "Patron Interaction Management": 0, + "Administrative Service Coordination": 0, + "Shipment Quality Inspection": 0, + "Transportation Safety Management": 0, + "Solar Energy Systems Management": 0, + "Construction Project Coordination": 0, + "Technical Site Assessment": 0, + "Operational Cost Analysis": 0, + "Green Technology Performance Verification": 0, + "Biofuel Production Management": 0, + "Renewable Energy Technical Monitoring": 0, + "Sustainable Production Quality Control": 0, + "Green Energy Equipment Maintenance": 0, + "Technical Design and Analysis": 0, + "Engineering Systems Optimization": 0, + "Precision Material Assessment": 0, + "Surgical Technical Support": 0, + "Precision Medical Supply Management": 0, + "Vision Diagnostic Assessment": 0, + "Medical Technical Precision": 0, + "Patient Vision Counseling": 0, + "Healthcare Diagnostic Reasoning": 0, + "Specialized Medical Equipment Management": 0, + "Hearing Healthcare Assessment": 0, + "Patient Communication Support": 0, + "Real Estate Transaction Management": 0, + "Property Valuation and Analysis": 0, + "Sales Persuasion Techniques": 0, + "Client Relationship Development": 0, + "Real Estate Market Intelligence": 0, + "Safety-Focused Technical Monitoring": 0, + "Rock Drilling and Extraction Techniques": 0, + "Complex Technical Problem Solving": 0, + "Material Handling Coordination": 0, + "Surface Material Treatment": 0, + "Emotional Support Coordination": 0, + "Precision Technical Calibration": 0, + "Financial Account Management": 0, + "Negotiation and Persuasion": 0, + "Academic Research Methodology": 0, + "Workplace Safety Management": 0, + "Risk Assessment and Prevention": 0, + "Health Program Development": 0, + "Technical Safety Inspection": 0, + "Technical Visual Assessment": 0, + "Precision Measurement Skills": 0, + "Operational Task Coordination": 0, + "Procedural Compliance Management": 0, + "Chemical Processing Monitoring": 0, + "Surface Preparation and Leveling": 0, + "Adhesive and Mortar Application": 0, + "Spatial Measurement and Layout": 0, + "Construction Safety Coordination": 0, + "Environmental Systems Monitoring": 0, + "Technical Visualization and Mapping": 0, + "Remote Sensing Technology Management": 0, + "Interpersonal Performance Monitoring": 0, + "Educational Assessment and Mentorship": 0, + "Precision Food Preparation": 0, + "Equipment Operation Management": 0, + "Workplace Safety Coordination": 0, + "Construction Site Management": 0, + "Safety Protocol Implementation": 0, + "Cargo Handling and Inspection": 0, + "Transportation Safety Compliance": 0, + "Route Planning and Navigation": 0, + "Professional Vehicle Documentation": 0, + "Financial Resource Management": 0, + "Comprehensive Operational Coordination": 0, + "Advanced Regulatory Compliance": 0, + "Diagnostic Reasoning": 0, + "Operational Information Routing": 0, + "Patient Personal Care Support": 0, + "Interpersonal Care Coordination": 0, + "Adaptive Care Assistance": 0, + "Medical Safety and Monitoring": 0, + "Public Safety Enforcement": 0, + "Legal Procedural Coordination": 0, + "Situational Risk Assessment": 0, + "Patron Monitoring and Control": 0, + "Investigative Documentation Management": 0, + "Supervisory Coordination": 0, + "Surface Preparation and Installation": 0, + "Decorative Material Application": 0, + "Fence Construction Skills": 0, + "Construction Site Preparation": 0, + "Radiation Safety Monitoring": 0, + "Technical Radiation Measurement": 0, + "Environmental Data Collection": 0, + "Pest Control Operations": 0, + "Environmental Safety Monitoring": 0, + "Welding Equipment Operation": 0, + "Research Methodology and Scholarship": 0, + "Professional Development and Continuous Learning": 0, + "Facility Cleaning and Maintenance": 0, + "Material and Equipment Handling": 0, + "Operational Resource Coordination": 0, + "Patron and Customer Support": 0, + "Healthcare Administration": 0, + "Interprofessional Healthcare Coordination": 0, + "Organizational Performance Management": 0, + "Complex Healthcare Decision Making": 0, + "Costume Resource Management": 0, + "Performance Support Coordination": 0, + "Creative Design Implementation": 0, + "Advanced Problem Solving": 0, + "Wildlife Conservation Management": 0, + "Outdoor Resource Management": 0, + "Advanced Operational Monitoring": 0, + "Dental Device Fabrication": 0, + "Medical Device Quality Inspection": 0, + "Healthcare Technical Communication": 0, + "Operational Material Preparation": 0, + "Data Science Analytics": 0, + "Machine Learning Application": 0, + "Technical Programming": 0, + "HVAC System Installation": 0, + "Athletic Performance Officiating": 0, + "Professional Rule Enforcement": 0, + "Service Communication Management": 0, + "Precision Equipment Repair": 0, + "Material Handling Precision": 0, + "Procurement Operations Management": 0, + "Clinical Patient Assessment": 0, + "Field Research Documentation": 0, + "Remote Sensing Technology": 0, + "Strategic Marketing Planning": 0, + "Stakeholder Communication Management": 0, + "Atmospheric Data Analysis": 0, + "Vehicle Cleaning and Maintenance": 0, + "Construction Inspection Expertise": 0, + "Technical Site Evaluation": 0, + "Culinary Operations Management": 0, + "Kitchen Resource Management": 0, + "Food Quality Control": 0, + "Interpersonal Kitchen Coordination": 0, + "Creative Production Management": 0, + "Strategic Content Development": 0, + "Performance Conceptualization": 0, + "Operational Coordination and Supervision": 0, + "Precision Resource Documentation": 0, + "Material Handling and Loading": 0, + "Vehicle and Equipment Coordination": 0, + "Medical Imaging Technical Skills": 0, + "Healthcare Safety Protocol Management": 0, + "Diagnostic Procedure Support": 0, + "Client Treatment Planning": 0, + "Mechatronic Systems Design": 0, + "Technical Equipment Integration": 0, + "Interdisciplinary Technical Problem Solving": 0, + "Advanced Manufacturing Technologies": 0, + "Precision Engineering Measurement": 0, + "Precision Equipment Assembly": 0, + "Product Knowledge Communication": 0, + "Persuasive Communication": 0, + "Equipment Operation Control": 0, + "Digital Forensic Investigation": 0, + "Cybersecurity Evidence Analysis": 0, + "Technical Investigative Documentation": 0, + "Information Systems Security Analysis": 0, + "Legal Compliance Technical Monitoring": 0, + "Vehicle Operation Control": 0, + "Radio Frequency Technology Management": 0, + "Technical Equipment Design": 0, + "Complex Systems Analysis": 0, + "Equipment Installation and Maintenance": 0, + "Mechanical Equipment Inspection": 0, + "Installation and Maintenance Skills": 0, + "Environmental Safety and Compliance": 0, + "Multilingual Communication": 0, + "Comprehensive Information Processing": 0, + "Professional Active Listening": 0, + "Professional Communication in Law Enforcement": 0, + "Patient Counseling": 0, + "Therapeutic Intervention Strategy": 0, + "Professional Healthcare Communication": 0, + "Audio-Visual Technical Operations": 0, + "Technical Laboratory Equipment Management": 0, + "Quality Control and Safety Monitoring": 0, + "Rail Vehicle Operation": 0, + "Signal and Communication Coordination": 0, + "Operational Workflow Management": 0, + "Safety and Risk Management": 0, + "Manual Technical Manipulation": 0, + "Photonics Technical Expertise": 0, + "Precision Measurement and Calibration": 0, + "Equipment Diagnostic Analysis": 0, + "Interpersonal Patient Communication": 0, + "Behavioral Intervention Management": 0, + "Healthcare Safety Monitoring": 0, + "Vendor Relationship Management": 0, + "Financial Decision Making": 0, + "Workforce Performance Management": 0, + "Production Safety Oversight": 0, + "Information Processing Accuracy": 0, + "Procedural Compliance Monitoring": 0, + "Developmental Support Counseling": 0, + "Educational Intervention Strategy": 0, + "Interpersonal Behavioral Analysis": 0, + "Comprehensive Client Guidance": 0, + "Dimensional Measurement Verification": 0, + "Beverage Preparation Skills": 0, + "Neuropsychological Assessment": 0, + "Professional Psychological Communication": 0, + "Psychological Research Methodology": 0, + "Diagnostic Test Administration": 0, + "Clinical Treatment Planning": 0, + "Communication Information Management": 0, + "Operational Customer Support": 0, + "Professional Interpersonal Coordination": 0, + "Critical Information Analysis": 0, + "Equipment Diagnostic Reasoning": 0, + "Systems Engineering Integration": 0, + "Patient-Centered Care Communication": 0, + "Rehabilitation Treatment Planning": 0, + "Musculoskeletal Intervention Techniques": 0, + "Professional Medical Documentation": 0, + "Alternative Medical Practice": 0, + "Infrastructure Maintenance": 0, + "Site Preparation and Marking": 0, + "Information Resource Management": 0, + "Collection Development": 0, + "Patron Information Support": 0, + "Library Technology Integration": 0, + "Research Assistance": 0, + "Quantitative Financial Analysis": 0, + "Technical Financial Communication": 0, + "Respiratory Care Management": 0, + "Medical Emergency Response": 0, + "Healthcare Equipment Operation": 0, + "Patient Condition Monitoring": 0, + "Environmental Compliance Management": 0, + "Sustainable Business Analysis": 0, + "Food Service Coordination": 0, + "Sanitation and Hygiene Maintenance": 0, + "Patron Support and Interaction": 0, + "Strategic Documentation Management": 0, + "Stakeholder Communication Strategy": 0, + "Operational Risk Assessment": 0, + "Event Planning Management": 0, + "Stakeholder Relationship Management": 0, + "Strategic Environmental Communication": 0, + "Construction Site Safety Management": 0, + "Insulation Material Installation": 0, + "Material Measurement and Preparation": 0, + "International Trade Documentation": 0, + "Commercial Risk Assessment": 0, + "Professional Communication in Trade": 0, + "Animal Care and Handling": 0, + "Medical Equipment Operation": 0, + "Clinical Patient Support": 0, + "Veterinary Diagnostic Procedures": 0, + "Healthcare Facility Maintenance": 0, + "Laundry Equipment Operation": 0, + "Textile Inspection and Quality Control": 0, + "Public Safety Leadership": 0, + "Risk Assessment and Mitigation": 0, + "Family Engagement Communication": 0, + "Personal Care Coordination": 0, + "Environmental Economic Analysis": 0, + "Quantitative Policy Reasoning": 0, + "Strategic Environmental Forecasting": 0, + "Comprehensive Research Methodology": 0, + "Technical Sustainability Communication": 0, + "Scientific Instruction and Curriculum Development": 0, + "Field Research Methodology": 0, + "Strategic Organizational Analysis": 0, + "Comprehensive Decision Making": 0, + "Adaptive Learning and Problem Solving": 0, + "Precision Manual Food Preparation": 0, + "Food Safety and Quality Control": 0, + "Transportation Systems Analysis": 0, + "Strategic Policy Communication": 0, + "Psychological Assessment and Intervention": 0, + "Patient-Centered Mental Health Communication": 0, + "Clinical Diagnostic Reasoning": 0, + "Technical Inspection and Verification": 0, + "Social Impact Assessment": 0, + "Clinical Procedure Management": 0, + "Healthcare Equipment Expertise": 0, + "Medical Documentation Precision": 0, + "Property Transaction Management": 0, + "Diagnostic Technical Support": 0, + "Therapeutic Patient Communication": 0, + "Crisis Intervention Management": 0, + "Client Treatment Coordination": 0, + "Behavioral Health Counseling": 0, + "Statistical Analysis and Modeling": 0, + "Renewable Energy Sales Strategy": 0, + "Technical Product Communication": 0, + "Customer Needs Assessment in Green Technology": 0, + "Sustainable Technology Evaluation": 0, + "Public Safety Operations": 0, + "Technical Equipment Operation and Safety": 0, + "Financial Strategic Analysis": 0, + "Investment Portfolio Management": 0, + "Quantitative Financial Reasoning": 0, + "Emergency Communication Management": 0, + "Crisis Decision Support": 0, + "Technical Communication Systems Operation": 0, + "Public Safety Coordination": 0, + "Workflow Coordination": 0, + "Precision Documentation": 0, + "Critical Patient Monitoring": 0, + "Emergency Medical Intervention": 0, + "Healthcare Interdisciplinary Coordination": 0, + "Advanced Medical Equipment Management": 0, + "Strategic Market Communication": 0, + "Consumer Trend Interpretation": 0, + "Systematic Research Methodology": 0, + "Intelligence Analysis": 0, + "Criminal Activity Assessment": 0, + "Interagency Collaboration": 0, + "Medical Technical Equipment Management": 0, + "Healthcare Safety and Compliance": 0, + "Geothermal Systems Operation": 0, + "Green Energy Installation": 0, + "Precision Maintenance Procedures": 0, + "Rail Infrastructure Maintenance": 0, + "Service Coordination and Support": 0, + "Precision Material Preparation": 0, + "Service Orientation": 0, + "Physical Therapy Technical Support": 0, + "Marine Systems Engineering": 0, + "Maritime Safety and Compliance": 0, + "Complex Naval Problem Solving": 0, + "Precision Marine Equipment Maintenance": 0, + "Civil Infrastructure Design": 0, + "Operational Cost Estimation": 0, + "Technical Communication and Reporting": 0, + "Service Communication": 0, + "Safety and Compliance Monitoring": 0, + "Financial Strategic Planning": 0, + "Organizational Resource Management": 0, + "Client Information Verification": 0, + "Fire Safety Assessment": 0, + "Public Safety Education": 0, + "Environmental Hazard Monitoring": 0, + "Investigative Evidence Collection": 0, + "Strategic Information Verification": 0, + "Professional Surveillance Techniques": 0, + "Interpersonal Interrogation Skills": 0, + "Compensation Strategy Development": 0, + "Organizational Policy Analysis": 0, + "Human Resources Data Analysis": 0, + "Strategic Workforce Planning": 0, + "Masonry Surface Treatment": 0, + "Design Visualization": 0, + "Spatial Design Planning": 0, + "Professional Research Methodology": 0, + "Client Collaboration": 0, + "Situational Safety Communication": 0, + "Precision Layout Preparation": 0, + "Manufacturing Quality Inspection": 0, + "Emergency Management Coordination": 0, + "Strategic Risk Assessment": 0, + "Postsecondary Educational Leadership": 0, + "Academic Program Development": 0, + "Institutional Governance and Compliance": 0, + "Media Production Technical Control": 0, + "Visual Media Coordination": 0, + "Professional Media Communication": 0, + "Camera Operation and Technical Control": 0, + "Kitchen Safety Management": 0, + "Animal Care Management": 0, + "Facility Sanitation and Maintenance": 0, + "Product Demonstration": 0, + "Avionics Equipment Maintenance": 0, + "Aviation Safety Compliance": 0, + "Electronic Systems Quality Control": 0, + "Diagnostic Technical Problem Solving": 0, + "Investigative Reporting": 0, + "Media Content Development": 0, + "Multimedia Storytelling": 0, + "Medical Equipment Preparation": 0, + "Medical Supply Inventory Control": 0, + "Healthcare Safety Compliance": 0, + "File Management and Organization": 0, + "Clerical Information Processing": 0, + "Precision Manual Material Handling": 0, + "Information Verification": 0, + "Communication Routing": 0, + "Operational Administrative Support": 0, + "Interpersonal Information Exchange": 0, + "Agricultural Operations": 0, + "Precision Manual Animal Handling": 0, + "Agricultural Inspection and Compliance": 0, + "Material Handling and Inspection": 0, + "Safety and Hygiene Management": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0, + "Computational Data Analysis": 0, + "Precision Technical Communication": 0, + "Strategic Operational Coordination": 0, + "Strategic Operational Analysis": 0, + "Business Relationship Development": 0, + "Proposal and Documentation Management": 0, + "Professional Knowledge Maintenance": 0, + "Healthcare Documentation": 0, + "Dental Healthcare Support": 0, + "Preventive Dental Care": 0, + "Textual Accuracy Verification": 0, + "Systematic Information Review": 0, + "Professional Written Communication": 0, + "Analytical Systems Evaluation": 0, + "Operational Data Interpretation": 0, + "Vehicle Service Operations": 0, + "Financial Analysis and Compliance": 0, + "Strategic Financial Decision Making": 0, + "Investigative Financial Verification": 0, + "Employee Relations Management": 0, + "Entertainment Service Management": 0, + "Operational Performance Reporting": 0, + "Staff Development and Training": 0, + "Resource Allocation Coordination": 0, + "Security Screening Protocols": 0, + "Threat Detection and Assessment": 0, + "Public Safety Interaction": 0, + "Commercial Negotiation": 0, + "Air Traffic Control Management": 0, + "Security Operations Management": 0, + "Surveillance and Threat Detection": 0, + "Construction Site Coordination": 0, + "Agricultural Product Inspection": 0, + "Material Handling and Sorting": 0, + "Equipment Operations Monitoring": 0, + "Safety and Compliance Management": 0, + "Historical Research Methodology": 0, + "Scholarly Documentation Management": 0, + "Instructional Communication": 0, + "Wind Turbine Technical Maintenance": 0, + "Safety-Focused Technical Inspection": 0, + "Green Energy Systems Management": 0, + "Geospatial Analysis": 0, + "Environmental Monitoring": 0, + "Chemical Flow and Process Control": 0, + "Gauges and Indicator Monitoring": 0, + "Equipment Monitoring": 0, + "Precision Technical Manipulation": 0, + "Energy Systems Engineering": 0, + "Technical Performance Analysis": 0, + "Technical Resource Coordination": 0, + "Scientific Management": 0, + "Natural Resource Management": 0, + "Agricultural Systems Coordination": 0, + "Field Operations Management": 0, + "Artistic Design Conceptualization": 0, + "Floral Arrangement Expertise": 0, + "Client Consultation and Needs Assessment": 0, + "Material and Prop Selection": 0, + "Nutritional Assessment and Planning": 0, + "Nutritional Research and Documentation": 0, + "Healthcare Patient Support": 0, + "Clinical Procedure Assistance": 0, + "Patient Measurement and Assessment": 0, + "Nuclear Systems Engineering": 0, + "Technical Risk Assessment": 0, + "Organizational Risk Management": 0, + "Strategic Security Oversight": 0, + "Operational Policy Implementation": 0, + "Precision Manual Cutting": 0, + "Financial Counseling": 0, + "Client Information Processing": 0, + "Instructional Assessment and Mentorship": 0, + "Chemical Engineering Analysis": 0, + "Technical Systems Problem Solving": 0, + "Neurological Patient Assessment": 0, + "Medical Diagnostic Equipment Operation": 0, + "Patient Monitoring and Safety": 0, + "Technical Communication in Healthcare": 0, + "Surface Preparation": 0, + "Adhesive Application": 0, + "Precision Manual Construction": 0, + "Explosives Handling Safety": 0, + "Site Dimensional Preparation": 0, + "Technical Safety Signaling": 0, + "Precision Manual Tool Usage": 0, + "Structural Component Positioning": 0, + "Technical Coordination and Communication": 0, + "Meat Processing Skills": 0, + "Food Safety Compliance": 0, + "Equipment Cleaning and Maintenance": 0, + "Rail Transportation Management": 0, + "Vehicle Movement Coordination": 0, + "Critical Information Processing": 0, + "Strategic Problem Solving": 0, + "Operational Equipment Control": 0, + "Animal Patient Care": 0, + "Veterinary Technical Support": 0, + "Vehicle Electrical Systems Repair": 0, + "Equipment Monitoring and Control": 0, + "Patient Assessment and Care": 0, + "Radiation Safety Management": 0, + "Technical Medical Documentation": 0, + "Programming Logic": 0, + "Broadcast Technical Communication": 0, + "Content Development Strategy": 0, + "Nanotechnology Engineering": 0, + "Micro-Scale Process Management": 0, + "Vehicle Operation Safety": 0, + "Passenger Support Services": 0, + "Fundraising Strategy": 0, + "Persuasive Proposal Development": 0, + "Shipping and Logistics Management": 0, + "Aviation Safety Management": 0, + "Aircraft Operations Control": 0, + "Emergency Response Preparedness": 0, + "Safety Signaling and Risk Management": 0, + "Database Systems Design": 0, + "Information Architecture Management": 0, + "Financial Advisory Communication": 0, + "Investment Strategy Analysis": 0, + "Client Financial Needs Assessment": 0, + "Professional Financial Networking": 0, + "Operational Financial Analysis": 0, + "Commercial Relationship Management": 0, + "Garment Quality Inspection": 0, + "Veterinary Medical Care": 0, + "Animal Medical Procedure Support": 0, + "Preventive Animal Healthcare": 0, + "Resource Management": 0, + "Underground Work Operations": 0, + "Breeding Procedure Execution": 0, + "Agricultural Resource Coordination": 0, + "Landscape Maintenance": 0, + "Geological Data Analysis": 0, + "Environmental Field Research": 0, + "Natural Resource Mapping": 0, + "Theatrical Makeup Application": 0, + "Performance Costume Preparation": 0, + "Creative Visual Transformation": 0, + "Textile Production Skills": 0, + "Database Management": 0, + "Technical Systems Security": 0, + "Photonics Engineering": 0, + "Technical Precision Measurement": 0, + "Optical Systems Analysis": 0, + "Facilities Management": 0, + "Operational Budget Planning": 0, + "Environmental Project Management": 0, + "Site Remediation Planning": 0, + "Technical Grant Development": 0, + "Environmental Risk Assessment": 0, + "Geological Resource Management": 0, + "Technical Safety Protocols": 0, + "Media Content Editing": 0, + "Creative Visual Storytelling": 0, + "Technical Media Production": 0, + "Agricultural Technical Operations": 0, + "Strategic Sales Management": 0, + "Interpersonal Persuasion": 0, + "Commercial Relationship Development": 0, + "Operational Supervision": 0, + "Maintenance and Cleaning": 0, + "Professional Counseling Support": 0, + "Performance Coaching": 0, + "Talent Identification": 0, + "Strategic Performance Coordination": 0, + "Professional Performance Communication": 0, + "Instructional Technology Integration": 0, + "Energy Systems Analysis": 0, + "Rigging and Material Positioning": 0, + "Scholarly Communication": 0, + "Professional Knowledge Dissemination": 0, + "Financial Cost Analysis": 0, + "Strategic Resource Estimation": 0, + "Technical Documentation Precision": 0, + "Business Data Interpretation": 0, + "Extraction Site Management": 0, + "Technical Material Handling": 0, + "Strategic Communication": 0, + "Comprehensive Documentation Management": 0, + "Medical Technical Support": 0, + "Clinical Assessment and Reasoning": 0, + "Healthcare Safety Management": 0, + "Equipment Installation": 0, + "Safety and Quality Verification": 0, + "Healthcare Informatics Management": 0, + "Technical Information Security": 0, + "Professional Research and Development": 0, + "Healthcare Safety Protocols": 0, + "Precision Manual Medical Skills": 0, + "Performance Evaluation Management": 0, + "Technical Repair Workflow": 0, + "Preventive Healthcare Strategy": 0, + "Patient-Centered Communication": 0, + "Population Health Management": 0, + "Organizational Resilience Planning": 0, + "Regulatory Risk Assessment": 0, + "Strategic Contingency Management": 0, + "Shipping and Logistics Coordination": 0, + "Mechanical Diagnostic Assessment": 0, + "Mechanical Repair Workflow": 0, + "Educational Support Services": 0, + "Student Safety and Welfare": 0, + "Sales Team Management": 0, + "Strategic Performance Monitoring": 0, + "Biological Sample Processing": 0, + "Scientific Analytical Reasoning": 0, + "Equipment Quality Monitoring": 0, + "Manufacturing Surface Finishing": 0, + "Precision Equipment Management": 0, + "Situational Awareness": 0, + "Safety Communication": 0, + "Operational Monitoring": 0, + "Patron Safety Support": 0, + "Solar Energy Systems Installation": 0, + "Renewable Energy Quality Control": 0, + "Precision Installation Techniques": 0, + "Resource Coordination": 0, + "Clinical Assessment Skills": 0, + "Physical Rehabilitation Support": 0, + "Professional Academic Mentorship": 0, + "Electrical Systems Design": 0, + "Electromechanical Systems Management": 0 + }, + "original_index": 809, + "sparsity": 1.0 + }, + { + "onet_code": "51-9021.00", + "job_title": "Crushing, Grinding, and Polishing Machine Setters, Operators, and Tenders", + "detailed_work_activities": [ + "Monitor equipment operation to ensure proper functioning.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Operate pumping systems or equipment.", + "Operate grinding equipment.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Measure ingredients or substances to be used in production processes.", + "Notify others of equipment repair or maintenance needs.", + "Weigh finished products.", + "Test chemical or physical characteristics of materials or products.", + "Mark products, workpieces, or equipment with identifying information.", + "Move products, materials, or equipment between work areas.", + "Mix substances to create chemical solutions.", + "Clean work areas.", + "Evaluate quality of materials or products.", + "Inspect production equipment.", + "Record operational or production data.", + "Collect samples of materials or products for testing.", + "Adjust equipment controls to regulate flow of water, cleaning solutions, or other liquids.", + "Load materials into production equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Clear equipment jams." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Monitoring": 1, + "Quality Control Analysis": 1, + "Active Listening": 1, + "Coordination": 1, + "Judgment and Decision Making": 1, + "Reading Comprehension": 1, + "Speaking": 1, + "Time Management": 1 + }, + "original_index": 810, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-2071.00", + "job_title": "Credit Counselors", + "detailed_work_activities": [ + "Compute debt repayment schedules.", + "Explain regulations, policies, or procedures.", + "Develop financial plans for clients.", + "Assess financial status of clients.", + "Recommend investments to clients.", + "Educate clients on financial planning topics.", + "Disburse funds from clients accounts to creditors.", + "Interview clients to gather financial information.", + "Prepare contracts or other transaction documents.", + "Prepare financial documents.", + "Negotiate agreements to resolve disputes.", + "Advise others on financial matters.", + "Correspond with customers to answer questions or resolve complaints.", + "Refer clients to community or social service programs.", + "Interpret financial information for others.", + "Examine financial records." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Financial Counseling": 1, + "Client Financial Needs Assessment": 1, + "Financial Analysis": 1, + "Client Consultation and Needs Assessment": 1, + "Financial Advisory Communication": 1, + "Professional Financial Communication": 1, + "Client Relationship Management": 1, + "Financial Transaction Processing": 1, + "Financial Decision Making": 1, + "Negotiation and Persuasion": 1, + "Professional Documentation Management": 1, + "Customer Service Coordination": 1, + "Social Support Services": 1, + "Professional Interpersonal Communication": 1, + "Risk Assessment": 1 + }, + "original_index": 811, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-1193.00", + "job_title": "Recreation and Fitness Studies Teachers, Postsecondary", + "detailed_work_activities": [ + "Guide class discussions.", + "Develop instructional materials.", + "Evaluate student work.", + "Maintain student records.", + "Teach physical science or mathematics courses at the college level.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Advise students on academic or career matters.", + "Supervise student research or internship work.", + "Direct department activities.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Serve on institutional or departmental committees.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Write grant proposals.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Teach physical education.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Physical Education Support": 1, + "Physical Fitness Instruction": 1, + "Student Performance Assessment": 1, + "Student Performance Monitoring": 1, + "Student Safety Management": 1, + "Professional Development": 1, + "Research Methodology": 1 + }, + "original_index": 812, + "sparsity": 0.9903758020164987 + }, + { + "onet_code": "13-1041.04", + "job_title": "Government Property Inspectors and Investigators", + "detailed_work_activities": [ + "Inform individuals or organizations of status or findings.", + "Investigate legal issues.", + "Review license or permit applications.", + "Verify accuracy of financial information.", + "Inspect facilities or equipment to ensure specifications are met.", + "Examine product information to ensure compliance with regulations.", + "Collect evidence for legal proceedings.", + "Communicate with government agencies.", + "Advise others on legal or regulatory compliance matters.", + "Testify at legal or legislative proceedings.", + "Coordinate enforcement of laws or regulations.", + "Monitor organizational compliance with regulations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Investigative Analysis": 1, + "Regulatory Compliance Management": 1, + "Technical Documentation": 1, + "Legal Compliance Monitoring": 1, + "Operational Compliance Monitoring": 1, + "Technical Inspection and Verification": 1, + "Evidence Collection": 1, + "Professional Communication": 1, + "Strategic Problem Solving": 1, + "Risk Assessment": 1 + }, + "original_index": 813, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-2041.00", + "job_title": "Chemical Engineers", + "detailed_work_activities": [ + "Research engineering aspects of biological or chemical processes.", + "Develop safety standards, policies, or procedures.", + "Develop technical methods or processes.", + "Determine causes of operational problems or failures.", + "Evaluate characteristics of equipment or systems.", + "Conduct validation tests of equipment or processes.", + "Research industrial processes or operations.", + "Design control systems for mechanical or other equipment.", + "Estimate operational costs.", + "Prepare operational reports.", + "Determine operational methods.", + "Direct industrial production activities.", + "Monitor the productivity or efficiency of industrial operations.", + "Design industrial processing systems." + ], + "skills": [ + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Research Methodology": 1, + "Advanced Scientific Problem Solving": 1, + "Chemical Engineering Analysis": 1, + "Chemical Process Control": 1, + "Chemical Processing Monitoring": 1, + "Complex Problem Solving": 1, + "Technical Documentation": 1, + "Technical Research and Development": 1, + "Operational Safety Management": 1 + }, + "original_index": 814, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "29-2099.01", + "job_title": "Neurodiagnostic Technologists", + "detailed_work_activities": [ + "Test patient nervous system functioning.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Collect medical information from patients, family members, or other medical professionals.", + "Explain medical procedures or test results to patients or family members.", + "Adjust settings or positions of medical equipment.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Prepare medical supplies or equipment for use.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Prepare patients physically for medical procedures.", + "Measure the physical or physiological attributes of patients.", + "Communicate test or assessment results to medical professionals.", + "Maintain medical equipment or instruments.", + "Repair medical facility equipment.", + "Operate diagnostic imaging equipment.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues.", + "Maintain medical or professional knowledge." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Patient Assessment": 1, + "Clinical Diagnostic Reasoning": 1, + "Medical Diagnostic Equipment Operation": 1, + "Medical Technical Equipment Management": 1, + "Patient Communication": 1, + "Healthcare Documentation Management": 1, + "Technical Documentation": 1, + "Medical Research and Innovation": 1, + "Precision Medical Equipment Management": 1 + }, + "original_index": 815, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-2082.00", + "job_title": "Tapers", + "detailed_work_activities": [ + "Apply sealants or other protective coatings.", + "Apply material to fill gaps in surfaces.", + "Apply adhesives to construction materials.", + "Smooth surfaces with abrasive materials or tools.", + "Climb equipment or structures to access work areas.", + "Mix substances or compounds needed for work activities.", + "Select construction materials.", + "Drill holes in construction materials.", + "Remove excess materials from finished construction projects.", + "Install metal structural components.", + "Prepare surfaces for finishing.", + "Evaluate quality of materials or products." + ], + "skills": [], + "skill_vector": { + "Adhesive Application": 1, + "Adhesive and Mortar Application": 1, + "Construction Material Handling": 1, + "Construction Material Manipulation": 1, + "Construction Material Preparation": 1, + "Surface Preparation": 1, + "Surface Preparation Techniques": 1, + "Precision Manual Construction": 1, + "Precision Manual Material Handling": 1, + "Technical Material Preparation": 1, + "Technical Surface Preparation": 1, + "Structural Component Installation": 1, + "Material Handling": 1, + "Technical Equipment Operation": 1, + "Workplace Safety Coordination": 1, + "Occupational Safety Management": 1 + }, + "original_index": 816, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "47-5032.00", + "job_title": "Explosives Workers, Ordnance Handling Experts, and Blasters", + "detailed_work_activities": [ + "Determine operational compliance with regulations or standards.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Prepare explosives for detonation.", + "Direct construction or extraction personnel.", + "Position safety or support equipment.", + "Operate detonation equipment.", + "Pour materials into or on designated areas.", + "Record operational or environmental data.", + "Mark reference points on construction materials.", + "Measure work site dimensions.", + "Assemble products or production equipment.", + "Position construction or extraction equipment.", + "Monitor extraction operations.", + "Move materials, equipment, or supplies.", + "Stock supplies or merchandise.", + "Drive trucks or truck-mounted equipment.", + "Cut carpet, vinyl or other flexible materials.", + "Order construction or extraction materials or equipment.", + "Maintain extraction or excavation equipment.", + "Clean equipment or facilities.", + "Load materials into construction equipment.", + "Operate communications equipment or systems.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Develop equipment or component configurations.", + "Drill holes in earth or rock.", + "Remove debris or vegetation from work sites.", + "Signal equipment operators to indicate proper equipment positioning." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Explosives Handling Safety": 1, + "Operational Safety Management": 1, + "Technical Safety Protocols": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Site Preparation and Safety": 1, + "Technical Measurement and Verification": 1, + "Operational Compliance Management": 1, + "Material Handling and Positioning": 1, + "Technical Documentation": 1, + "Risk Assessment": 1, + "Advanced Operational Monitoring": 1, + "Technical Safety Inspection": 1, + "Construction Equipment Operation": 1, + "Precision Manual Technical Skills": 1 + }, + "original_index": 817, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-7021.00", + "job_title": "Furniture Finishers", + "detailed_work_activities": [ + "Confer with customers or designers to determine order specifications.", + "Apply protective or decorative finishes to workpieces or products.", + "Repair furniture or upholstery.", + "Fill cracks, imperfections, or holes in products or workpieces.", + "Shape surfaces or edges of wood workpieces.", + "Operate grinding equipment.", + "Remove accessories, tools, or other parts from equipment.", + "Advise others on ways to improve processes or products.", + "Select production input materials.", + "Clean workpieces or finished products.", + "Mix ingredients to create specific finishes.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Operate painting or coating equipment.", + "Examine condition of property or products.", + "Disassemble equipment for maintenance or repair.", + "Design furniture." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Surface Finishing": 1, + "Material Handling": 1, + "Technical Equipment Operation": 1, + "Surface Preparation": 1, + "Precision Material Manipulation": 1, + "Technical Maintenance and Repair": 1, + "Quality Control Inspection": 1, + "Protective Coating Application": 1, + "Customer Communication": 1, + "Technical Documentation": 1, + "Ingredient Precision Handling": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Scientific Research Methodology": 0 + }, + "original_index": 818, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "49-3043.00", + "job_title": "Rail Car Repairers", + "detailed_work_activities": [ + "Inspect mechanical components of vehicles to identify problems.", + "Maintain repair or maintenance records.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Inspect vehicles to determine overall condition.", + "Remove parts or components from equipment.", + "Inspect completed work to ensure proper functioning.", + "Adjust equipment to ensure optimal performance.", + "Disassemble equipment for maintenance or repair.", + "Repair electronic equipment.", + "Repair non-engine automotive or vehicle components.", + "Fabricate parts or components.", + "Install vehicle parts or accessories.", + "Measure distances or dimensions.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Service vehicles to maintain functionality.", + "Inspect structural components of vehicles to identify problems.", + "Test electrical equipment or systems to ensure proper functioning.", + "Paint surfaces or equipment.", + "Install hardware or other interior fixtures.", + "Repair structural components.", + "Rewire electrical or electronic systems.", + "Replace vehicle glass.", + "Seal gaps or cracks to prevent leakage or moisture intrusion.", + "Align equipment or machinery." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Mechanical Repair Skills": 1, + "Technical Equipment Maintenance": 1, + "Equipment Diagnostic Assessment": 1, + "Vehicle Mechanical Diagnostics": 1, + "Technical Safety Inspection": 1, + "Technical Documentation": 1, + "Precision Technical Measurement": 1, + "Technical Problem Solving": 1, + "Material Handling": 1, + "Operational Safety Management": 1, + "Academic Instruction": 0, + "Behavioral Health Counseling": 0, + "Patient Care Communication": 0 + }, + "original_index": 819, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-2171.00", + "job_title": "Reinforcing Iron and Rebar Workers", + "detailed_work_activities": [ + "Review blueprints or specifications to determine work requirements.", + "Position structural components.", + "Install fencing or other barriers.", + "Install metal structural components.", + "Cut metal components for installation.", + "Position safety or support equipment.", + "Weld metal components." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Coordination": 1, + "Critical Thinking": 1, + "Technical Blueprint Interpretation": 1, + "Technical Documentation": 1, + "Material Handling": 1, + "Construction Material Preparation": 1, + "Structural Component Installation": 1, + "Welding and Fabrication": 1, + "Safety Management": 1, + "Technical Safety Protocols": 1, + "Precision Manual Construction": 1, + "Technical Measurement and Verification": 1 + }, + "original_index": 820, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "49-1011.00", + "job_title": "First-Line Supervisors of Mechanics, Installers, and Repairers", + "detailed_work_activities": [ + "Supervise employees.", + "Train others in operational procedures.", + "Inspect completed work to ensure proper functioning.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Measure distances or dimensions.", + "Monitor work areas or procedures to ensure compliance with safety procedures.", + "Maintain work equipment or machinery.", + "Operate welding equipment.", + "Confer with coworkers to coordinate work activities.", + "Estimate costs for labor or materials.", + "Maintain inventories of materials, equipment, or products.", + "Order materials, supplies, or equipment.", + "Schedule repair, installation or maintenance activities.", + "Inspect systems to determine if they are operating properly.", + "Investigate industrial or transportation accidents.", + "Prepare accident or incident reports.", + "Direct organizational operations, projects, or services.", + "Document operational activities.", + "Maintain repair or maintenance records.", + "Plan work procedures.", + "Explain use of products or services.", + "Install programs onto computer or computer-controlled equipment.", + "Develop equipment or component configurations." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operational Supervision": 1, + "Personnel Resource Management": 1, + "Technical Equipment Maintenance": 1, + "Operational Safety Management": 1, + "Technical Documentation Management": 1, + "Operational Coordination": 1, + "Technical Problem Solving": 1, + "Training Program Development": 1, + "Operational Cost Management": 1, + "Technical Inspection and Verification": 1 + }, + "original_index": 821, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-3023.00", + "job_title": "Slaughterers and Meat Packers", + "detailed_work_activities": [ + "Cut meat products.", + "Slaughter animals.", + "Process animal carcasses.", + "Clean materials to prepare them for production.", + "Prepare meat products for sale or consumption." + ], + "skills": [], + "skill_vector": { + "Meat Processing Skills": 1, + "Material Handling": 1, + "Equipment Operation": 1, + "Sanitation and Hygiene Management": 1, + "Operational Safety Management": 1, + "Technical Equipment Maintenance": 1, + "Quality Control Inspection": 1, + "Precision Manual Material Manipulation": 1, + "Technical Safety Protocols": 1, + "Academic Instruction": 0 + }, + "original_index": 822, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "53-4031.00", + "job_title": "Railroad Conductors and Yardmasters", + "detailed_work_activities": [ + "Signal others to coordinate vehicle movement.", + "Communicate with others to coordinate vehicle movement.", + "Direct emergency management activities.", + "Receive information or instructions for performing work assignments.", + "Direct passenger or freight transport activities.", + "Record operational details of travel.", + "Control equipment that regulates vehicle traffic.", + "Monitor vehicle movement or location.", + "Arrange maintenance activities.", + "Inspect locomotives or other railroad equipment.", + "Direct maintenance or repair activities.", + "Review work orders or schedules to determine operations or procedures.", + "Verify information or specifications.", + "Prepare accident or incident reports.", + "Record operational or production data." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Vehicle Operation Control": 1, + "Vehicle Movement Coordination": 1, + "Transportation Safety Management": 1, + "Operational Safety Coordination": 1, + "Technical Communication": 1, + "Operational Documentation": 1, + "Equipment Monitoring": 1, + "Operational Coordination": 1, + "Technical Safety Inspection": 1, + "Transportation Operational Coordination": 1 + }, + "original_index": 823, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-2041.00", + "job_title": "Credit Analysts", + "detailed_work_activities": [ + "Analyze business or financial data.", + "Assess risks to business operations.", + "Prepare contracts or other transaction documents.", + "Calculate data to inform organizational operations.", + "Prepare financial documents, reports, or budgets.", + "Analyze market conditions or trends.", + "Collect payments for goods or services.", + "Advise others on financial matters.", + "Assess financial status of clients.", + "Examine financial records.", + "Correspond with customers to answer questions or resolve complaints.", + "Confer with others about financial matters." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Financial Analysis": 1, + "Risk Assessment": 1, + "Business Data Interpretation": 1, + "Commercial Risk Assessment": 1, + "Financial Documentation Management": 1, + "Client Financial Needs Assessment": 1, + "Strategic Financial Decision Making": 1, + "Professional Financial Communication": 1, + "Quantitative Financial Analysis": 1, + "Transaction Processing": 1, + "Academic Instruction": 0, + "Healthcare Operations": 0, + "Technical Equipment Management": 0 + }, + "original_index": 824, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9199.09", + "job_title": "Wind Energy Operations Managers", + "detailed_work_activities": [ + "Supervise workers performing environmentally sustainable activities.", + "Conduct employee training programs.", + "Train employees on environmental awareness, conservation, or safety topics.", + "Maintain operational records for green energy processes or other environmentally-sustainable activities.", + "Direct maintenance and repair activities in green energy production facilities.", + "Prepare operational budgets for green energy or other green operations.", + "Establish interpersonal business relationships to facilitate work activities.", + "Advise others on green energy or related technologies.", + "Estimate green project costs.", + "Recruit personnel.", + "Develop organizational goals or objectives.", + "Purchase materials, equipment, or other resources.", + "Approve expenditures.", + "Negotiate contracts for environmental remediation, green energy, or renewable resources.", + "Direct facility maintenance or repair activities.", + "Develop operating strategies, plans, or procedures for green or sustainable operations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Green Energy Engineering": 1, + "Renewable Energy Systems": 1, + "Operational Environmental Compliance": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Strategic Resource Management": 1, + "Technical Documentation Management": 1, + "Stakeholder Communication Management": 1, + "Strategic Operational Planning": 1, + "Technical Performance Monitoring": 1, + "Workforce Training Development": 1, + "Sustainable Production Management": 1, + "Technical Cost Estimation": 1, + "Contract Negotiation": 1, + "Facility Maintenance Management": 1 + }, + "original_index": 825, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-9051.00", + "job_title": "Electrical Power-Line Installers and Repairers", + "detailed_work_activities": [ + "Drive trucks or other vehicles to or at work sites.", + "Monitor work areas or procedures to ensure compliance with safety procedures.", + "Control power supply connections.", + "Climb equipment or structures to access work areas.", + "Inspect electrical or electronic systems for defects.", + "Assemble electrical components, subsystems, or systems.", + "Repair electrical circuits or wiring.", + "Test electrical equipment or systems to ensure proper functioning.", + "Confer with coworkers to coordinate work activities.", + "Align equipment or machinery.", + "Run wiring to connect equipment.", + "Dig holes or trenches.", + "Assemble mechanical components or machine parts.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Connect electrical components or equipment.", + "Install metering equipment.", + "Test electrical circuits or components for proper functioning.", + "Solder parts or connections between parts.", + "Install insulation in equipment or structures.", + "Cut materials according to specifications or needs.", + "Lay cables to connect equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Electrical Systems Installation": 1, + "Electrical Systems Maintenance": 1, + "Equipment Maintenance": 1, + "Equipment Operation": 1, + "Technical Equipment Installation": 1, + "Technical Safety Management": 1, + "Technical Safety Inspection": 1, + "Operational Safety Management": 1, + "Workplace Safety Coordination": 1, + "Technical Problem Solving": 1, + "Technical Diagnostic Troubleshooting": 1, + "Material Handling": 1, + "Construction Equipment Operation": 1, + "Field Operations Management": 1, + "Technical Documentation": 1, + "Vehicle Operation": 1 + }, + "original_index": 826, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "31-9096.00", + "job_title": "Veterinary Assistants and Laboratory Animal Caretakers", + "detailed_work_activities": [ + "Hold patients to ensure proper positioning or safety.", + "Give medications or immunizations.", + "Monitor patients to detect health problems.", + "Monitor patient progress or responses to treatments.", + "Control prescription refills or authorizations.", + "Clean patient rooms or patient treatment rooms.", + "Assess physical conditions of patients to aid in diagnosis or treatment.", + "Conduct diagnostic tests to determine patient health.", + "Assist practitioners to perform medical procedures.", + "Collect biological specimens from patients.", + "Perform clerical work in medical settings.", + "Clean medical equipment.", + "Maintain medical equipment or instruments.", + "Schedule patient procedures or appointments.", + "Record vital statistics or other health information.", + "Administer basic health care or medical treatments.", + "Prepare medical instruments or equipment for use.", + "Feed patients.", + "Prepare patient treatment areas for use.", + "Stock medical or patient care supplies.", + "Teach medical procedures or medical equipment use to patients.", + "Dispose of biomedical waste in accordance with standards.", + "Prepare medical reports or documents.", + "Assist patients with daily activities.", + "Inventory medical supplies or equipment.", + "Process medical billing information.", + "Order medical supplies or equipment.", + "Sell products or services." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Animal Care Management": 1, + "Animal Care and Handling": 1, + "Animal Patient Care": 1, + "Veterinary Medical Care": 1, + "Clinical Patient Assessment": 1, + "Patient Monitoring and Safety": 1, + "Medical Equipment Management": 1, + "Clinical Procedure Support": 1, + "Medical Documentation": 1, + "Inventory Management": 1, + "Healthcare Administrative Support": 1, + "Biological Specimen Processing": 1, + "Biomedical Waste Management": 1, + "Patient Care Communication": 1, + "Preventive Animal Healthcare": 1 + }, + "original_index": 827, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-2096.00", + "job_title": "Electronic Equipment Installers and Repairers, Motor Vehicles", + "detailed_work_activities": [ + "Install audio or communications equipment.", + "Inspect electrical or electronic systems for defects.", + "Test electrical equipment or systems to ensure proper functioning.", + "Drill holes in parts, equipment, or materials.", + "Connect electrical components or equipment.", + "Repair electronic equipment.", + "Solder parts or connections between parts.", + "Confer with customers or users to assess problems.", + "Lay cables to connect equipment.", + "Install insulation in equipment or structures.", + "Install vehicle parts or accessories.", + "Remove parts or components from vehicles.", + "Document test results.", + "Estimate costs for labor or materials.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Repair electrical components.", + "Fabricate parts or components." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Equipment Installation": 1, + "Technical Equipment Maintenance": 1, + "Technical Diagnostic Troubleshooting": 1, + "Vehicle Electrical Systems Repair": 1, + "Technical Quality Control": 1, + "Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Technical Safety Management": 1, + "Material Handling": 1 + }, + "original_index": 828, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "51-5113.00", + "job_title": "Print Binding and Finishing Workers", + "detailed_work_activities": [ + "Inspected printed materials or other images to verify quality.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Sew clothing or other articles.", + "Mount attachments or tools onto production equipment.", + "Operate sewing equipment.", + "Trim excess material from workpieces.", + "Watch operating equipment to detect malfunctions.", + "Mount materials or workpieces onto production equipment.", + "Clean production equipment.", + "Lubricate production equipment.", + "Record operational or production data.", + "Repair production equipment or tools.", + "Operate equipment to print images or bind printed images together.", + "Cut industrial materials in preparation for fabrication or processing.", + "Engrave designs, text, or other markings onto materials, workpieces, or products.", + "Confer with customers or designers to determine order specifications.", + "Package products for storage or shipment.", + "Stack finished items for further processing or shipment.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Load materials into production equipment.", + "Instruct workers to use equipment or perform technical procedures.", + "Drill holes in parts, equipment, or materials." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Critical Thinking": 1, + "Judgment and Decision Making": 1, + "Monitoring": 1, + "Reading Comprehension": 1, + "Complex Problem Solving": 1, + "Quality Control Analysis": 1, + "Speaking": 1 + }, + "original_index": 829, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "19-4051.00", + "job_title": "Nuclear Technicians", + "detailed_work_activities": [ + "Monitor operations to ensure compliance with safety or security policies or regulations.", + "Inspect work sites to identify potential environmental or safety hazards.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Maintain work equipment or machinery.", + "Test mechanical systems to ensure proper functioning.", + "Maintain laboratory or technical equipment.", + "Inspect equipment to ensure proper functioning.", + "Communicate safety or hazard information to others.", + "Measure radiation levels.", + "Communicate with other workers to coordinate activities.", + "Identify sustainable business practices.", + "Clean objects.", + "Collect environmental data or samples.", + "Advise others on management of emergencies or hazardous situations or materials.", + "Set up laboratory or field equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Advanced Operational Monitoring": 1, + "Technical Equipment Monitoring": 1, + "Technical Safety Management": 1, + "Radiation Safety Management": 1, + "Technical Diagnostic Reasoning": 1, + "Operational Safety Compliance": 1, + "Technical Documentation Management": 1, + "Complex Problem Solving": 1, + "Technical Equipment Maintenance": 1, + "Environmental Monitoring": 1 + }, + "original_index": 830, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2036.00", + "job_title": "Medical Dosimetrists", + "detailed_work_activities": [ + "Develop treatment plans for patients or clients.", + "Conduct research to increase knowledge about medical issues.", + "Analyze health-related data.", + "Calculate numerical data for medical activities.", + "Create advanced digital images of patients using computer imaging systems.", + "Operate diagnostic imaging equipment.", + "Adjust settings or positions of medical equipment.", + "Administer medical substances for imaging or other procedures.", + "Protect patients or staff members using safety equipment.", + "Collaborate on research activities with scientists or technical specialists.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Communicate with other workers to coordinate activities.", + "Supervise technical medical personnel.", + "Process x-rays or other medical images.", + "Maintain medical records.", + "Record vital statistics or other health information.", + "Recommend types of assistive devices.", + "Teach medical procedures to healthcare personnel.", + "Advise medical personnel regarding healthcare issues.", + "Fabricate medical devices.", + "Adjust equipment to ensure optimal performance.", + "Calibrate equipment to specifications.", + "Calibrate scientific or technical equipment.", + "Monitor operational quality or safety.", + "Make patient-assistive devices or device models.", + "Train medical providers.", + "Collect medical information from patients, family members, or other medical professionals.", + "Monitor patients following surgeries or other treatments.", + "Advise patients on effects of health conditions or treatments.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Research new technologies." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Knowledge Communication": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Scientific Problem Solving": 1, + "Clinical Procedure Support": 1, + "Medical Diagnostic Reasoning": 1, + "Medical Equipment Operation": 1, + "Medical Technical Documentation": 1, + "Patient Treatment Planning": 1, + "Precision Medical Equipment Management": 1, + "Technical Safety Management": 1, + "Healthcare Technical Communication": 1 + }, + "original_index": 831, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "15-1251.00", + "job_title": "Computer Programmers", + "detailed_work_activities": [ + "Modify software programs to improve performance.", + "Write computer programming code.", + "Test software performance.", + "Resolve computer software problems.", + "Collaborate with others to resolve information technology issues.", + "Develop diagrams or flow charts of system operation.", + "Develop models of information or communications systems.", + "Document design or development procedures.", + "Train others in computer interface or software use.", + "Test computer system operations to ensure proper functioning.", + "Prepare instruction manuals.", + "Assign duties or work schedules to employees.", + "Manage information technology projects or system activities.", + "Supervise information technology personnel.", + "Design websites or web applications.", + "Develop computer or online applications.", + "Teach others to use computer equipment or hardware.", + "Coordinate project activities with other personnel or departments." + ], + "skills": [ + "Programming\u2014 Writing computer programs for various purposes.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Technical Documentation": 1, + "Technical Communication": 1, + "Programming Logic": 1, + "Software Development": 1, + "Software Systems Architecture": 1, + "Software Quality Assurance": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Technical Systems Design": 1, + "Technical Systems Engineering": 1, + "Technical Documentation Management": 1, + "Project Management": 1, + "Technical Project Management": 1 + }, + "original_index": 832, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "27-2012.03", + "job_title": "Media Programming Directors", + "detailed_work_activities": [ + "Operate communications, transmissions, or broadcasting equipment.", + "Maintain recording or broadcasting equipment.", + "Maintain logs of production activities.", + "Report news to the public.", + "Manage content of broadcasts or presentations.", + "Coordinate reporting or editing activities.", + "Edit audio or video recordings.", + "Manage operations of artistic or entertainment departments or organizations.", + "Select staff, team members, or performers.", + "Develop promotional strategies or plans.", + "Determine presentation subjects or content.", + "Maintain inventories of materials, equipment, or products.", + "Select materials or props.", + "Interview others for news or entertainment purposes.", + "Discuss production content and progress with others.", + "Direct productions or performances.", + "Coordinate logistics for productions or events.", + "Verify accuracy of data.", + "Direct fundraising or financing activities." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Media Content Development": 1, + "Media Production Coordination": 1, + "Media Production Management": 1, + "Broadcast Technical Operations": 1, + "Technical Communication": 1, + "Strategic Content Development": 1, + "Artistic Performance Management": 1, + "Professional Communication Management": 1, + "Stakeholder Communication Strategy": 1, + "Creative Production Management": 1, + "Operational Performance Monitoring": 1, + "Resource Allocation Management": 1, + "Technical Project Management": 1, + "Academic Instruction": 0, + "Medical Diagnostic Assessment": 0, + "Agricultural Operations": 0 + }, + "original_index": 833, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "17-2199.09", + "job_title": "Nanosystems Engineers", + "detailed_work_activities": [ + "Provide technical guidance to other personnel.", + "Supervise engineering or other technical personnel.", + "Research engineering applications of emerging technologies.", + "Operate precision equipment to control microscopic or nanoscopic processes.", + "Explain engineering drawings, specifications, or other technical information.", + "Prepare operational reports.", + "Devise research or testing protocols.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Design micro- or nano-scale materials, devices, or systems.", + "Create physical models or prototypes.", + "Prepare proposal documents.", + "Develop technical methods or processes.", + "Advise customers on the use of products or services.", + "Measure physical or chemical properties of materials or objects.", + "Design alternative energy systems.", + "Identify new applications for existing technologies.", + "Design materials for industrial or commercial applications.", + "Coordinate activities with suppliers, contractors, clients, or other departments.", + "Develop operational methods or processes that use green materials or emphasize sustainability.", + "Prepare contracts, disclosures, or applications.", + "Research engineering aspects of biological or chemical processes." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Nanotechnology Engineering": 1, + "Technical Systems Engineering": 1, + "Precision Technical Measurement": 1, + "Advanced Scientific Problem Solving": 1, + "Technical Design Visualization": 1, + "Research and Development Methodology": 1, + "Technical Documentation Management": 1, + "Complex Problem Solving": 1, + "Technical Equipment Operation": 1, + "Materials Science Analysis": 1, + "Green Technology Performance Verification": 1, + "Technical Safety Management": 1, + "Stakeholder Communication Strategy": 1, + "Alternative Energy Systems Design": 1, + "Academic Research Methodology": 1 + }, + "original_index": 834, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1291.00", + "job_title": "Acupuncturists", + "detailed_work_activities": [ + "Follow protocols or regulations for healthcare activities.", + "Develop treatment plans that use non-medical therapies.", + "Treat patients using alternative medical procedures.", + "Collect medical information from patients, family members, or other medical professionals.", + "Analyze test data or images to inform diagnosis or treatment.", + "Advise patients on effects of health conditions or treatments.", + "Examine patients to assess general physical condition.", + "Record patient medical histories.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Prepare medications or medical solutions.", + "Treat patients using physical therapy techniques.", + "Evaluate patient outcomes to determine effectiveness of treatments.", + "Evaluate treatment options to guide medical decisions.", + "Prescribe treatments or therapies." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Alternative Medical Practice": 1, + "Patient Assessment": 1, + "Patient Treatment Planning": 1, + "Clinical Procedure Support": 1, + "Healthcare Patient Communication": 1, + "Healthcare Documentation": 1, + "Healthcare Safety Protocols": 1, + "Therapeutic Patient Intervention": 1, + "Clinical Diagnostic Reasoning": 1, + "Professional Healthcare Collaboration": 1, + "Adaptive Therapeutic Intervention": 1, + "Academic Instruction": 0, + "Research Methodology": 0 + }, + "original_index": 835, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "53-3051.00", + "job_title": "Bus Drivers, School", + "detailed_work_activities": [ + "Drive passenger vehicles.", + "Follow safety procedures for vehicle operation.", + "Notify others of emergencies, problems, or hazards.", + "Record operational details of travel.", + "Assist customers to ensure comfort or safety.", + "Assist motorists or pedestrians.", + "Clean vehicles or vehicle components.", + "Inspect motor vehicles.", + "Maintain professional knowledge or certifications.", + "Maintain public order or security.", + "Maintain vehicles in good working condition.", + "Monitor student behavior, social development, or health.", + "Read maps to determine routes.", + "Receive information or instructions for performing work assignments.", + "Record operational or production data.", + "Report vehicle or equipment malfunctions." + ], + "skills": [], + "skill_vector": { + "Passenger Safety Management": 1, + "Vehicle Operation Control": 1, + "Vehicle Operational Safety": 1, + "Transportation Safety Compliance": 1, + "Transportation Safety Management": 1, + "Student Safety Management": 1, + "Student Safety and Welfare": 1, + "Operational Safety Monitoring": 1, + "Operational Safety Coordination": 1, + "Operational Safety Protocols": 1, + "Interpersonal Communication": 1, + "Professional Communication": 1, + "Vehicle Inspection and Safety": 1, + "Vehicle Maintenance": 1, + "Route Navigation and Planning": 1, + "Patron Safety Coordination": 1, + "Operational Documentation": 1, + "Emergency Response Management": 1, + "Child Safety Management": 1, + "Behavioral Conflict Mediation": 1 + }, + "original_index": 836, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "25-1021.00", + "job_title": "Computer Science Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Administer tests to assess educational needs or progress.", + "Develop instructional materials.", + "Prepare tests.", + "Teach physical science or mathematics courses at the college level.", + "Direct activities of subordinates.", + "Advise students on academic or career matters.", + "Supervise student research or internship work.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Stay informed about current developments in field of specialization.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Supervise laboratory work.", + "Guide class discussions.", + "Maintain computer equipment or software.", + "Design websites or web applications.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Direct department activities.", + "Write grant proposals.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Programming\u2014 Writing computer programs for various purposes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 837, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "13-1131.00", + "job_title": "Fundraisers", + "detailed_work_activities": [ + "Develop business relationships.", + "Direct fundraising or financing activities.", + "Maintain data in information systems or databases.", + "Develop business or market strategies.", + "Prepare proposal documents.", + "Examine financial records.", + "Develop financial or business plans.", + "Supervise employees.", + "Monitor financial indicators.", + "Develop program goals or plans.", + "Coordinate personnel recruitment activities.", + "Communicate organizational information to customers or other stakeholders.", + "Communicate organizational policies and procedures.", + "Prepare financial documents, reports, or budgets.", + "Promote educational institutions or programs.", + "Promote products, services, or programs.", + "Create marketing materials.", + "Interpret financial information for others.", + "Organize special events.", + "Coordinate logistics or other business operations.", + "Oversee business processes.", + "Prepare informational or reference materials." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Fundraising Strategy": 1, + "Business Relationship Development": 1, + "Strategic Communication": 1, + "Stakeholder Communication": 1, + "Financial Analysis": 1, + "Proposal Development": 1, + "Strategic Resource Allocation": 1, + "Marketing Strategy": 1, + "Event Coordination": 1, + "Professional Networking": 1, + "Strategic Planning": 1, + "Client Relationship Management": 1, + "Performance Monitoring": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0 + }, + "original_index": 838, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "43-5071.00", + "job_title": "Shipping, Receiving, and Inventory Clerks", + "detailed_work_activities": [ + "Inspect shipments to ensure correct order fulfillment.", + "Order materials, supplies, or equipment.", + "Prepare documentation for contracts, transactions, or regulatory compliance.", + "Store items.", + "Package objects for shipping.", + "Record shipping information.", + "Respond to customer problems or complaints.", + "Deliver items.", + "Analyze shipping information to make routing decisions.", + "Coordinate shipping activities with external parties.", + "Calculate shipping costs." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Inventory Management": 1, + "Material Handling": 1, + "Operational Documentation": 1, + "Logistics Coordination": 1, + "Customer Service Communication": 1, + "Technical Documentation Processing": 1, + "Operational Cost Analysis": 1, + "Quality Inspection": 1, + "Operational Monitoring": 1, + "Administrative Information Management": 1 + }, + "original_index": 839, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "53-2012.00", + "job_title": "Commercial Pilots", + "detailed_work_activities": [ + "Pilot aircraft.", + "Inspect aircraft or aircraft components.", + "Choose optimal transportation routes or speeds.", + "Monitor engine operation or functioning.", + "Resolve issues affecting transportation operations.", + "Communicate with others to coordinate vehicle movement.", + "Plan flight operations.", + "Inspect cargo to ensure it is properly loaded or secured.", + "Review work orders or schedules to determine operations or procedures.", + "Test performance of aircraft equipment.", + "Record operational details of travel.", + "Coordinate flight control or management activities.", + "Assist others during emergencies.", + "Arrange maintenance activities.", + "Maintain vehicles in good working condition.", + "Direct passenger or freight transport activities.", + "Train transportation or material moving personnel.", + "Evaluate performance of applicants, trainees, or employees." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Aircraft Operations Control": 1, + "Operational Monitoring": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Monitoring": 1, + "Technical Safety Management": 1, + "Transportation Safety Management": 1, + "Operational Coordination": 1, + "Professional Communication": 1, + "Technical Problem Solving": 1, + "Route Navigation and Planning": 1, + "Vehicle Operation Control": 1, + "Emergency Response Management": 1, + "Situational Awareness": 1 + }, + "original_index": 840, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-1111.00", + "job_title": "Criminal Justice and Law Enforcement Teachers, Postsecondary", + "detailed_work_activities": [ + "Teach social science courses at the college level.", + "Evaluate student work.", + "Guide class discussions.", + "Administer tests to assess educational needs or progress.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Prepare tests.", + "Stay informed about current developments in field of specialization.", + "Develop instructional materials.", + "Maintain student records.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Advise students on academic or career matters.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Supervise student research or internship work.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Direct department activities.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Write reports or evaluations.", + "Serve on institutional or departmental committees.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Write grant proposals.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 841, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "53-4022.00", + "job_title": "Railroad Brake, Signal, and Switch Operators and Locomotive Firers", + "detailed_work_activities": [ + "Monitor traffic signals.", + "Signal others to coordinate vehicle movement.", + "Operate locomotives or other rail vehicles.", + "Control equipment that regulates vehicle traffic.", + "Observe equipment in operation to detect potential problems.", + "Inspect locomotives or other railroad equipment.", + "Monitor surroundings to detect potential hazards.", + "Install parts, assemblies, or attachments in transportation or material handling equipment.", + "Climb ladders or vehicles to perform duties.", + "Receive information or instructions for performing work assignments.", + "Monitor availability of equipment or supplies.", + "Maintain locomotives or other rail equipment in good working condition.", + "Monitor engine operation or functioning.", + "Monitor equipment gauges or displays to ensure proper operation.", + "Arrange maintenance activities.", + "Assist passengers during vehicle boarding.", + "Record operational or production data.", + "Record service or repair activities.", + "Connect hoses to equipment or machinery.", + "Test mechanical systems to ensure proper functioning." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Operational Monitoring": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Monitoring": 1, + "Vehicle Operation Control": 1, + "Transportation Safety Management": 1, + "Technical Safety Monitoring": 1, + "Operational Documentation": 1, + "Interpersonal Communication": 1, + "Technical Equipment Maintenance": 1, + "Situational Awareness": 1 + }, + "original_index": 842, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-3071.04", + "job_title": "Supply Chain Managers", + "detailed_work_activities": [ + "Estimate cost or material requirements.", + "Estimate labor requirements.", + "Manage inventories of products or organizational resources.", + "Develop operating strategies, plans, or procedures.", + "Develop procedures to evaluate organizational activities.", + "Manage operations, research, or logistics projects.", + "Develop organizational goals or objectives.", + "Implement transportation changes to reduce environmental impact.", + "Confer with organizational members to accomplish work activities.", + "Analyze data to inform operational decisions or activities.", + "Negotiate contracts for transportation, distribution, or logistics services.", + "Analyze data to assess operational or project effectiveness.", + "Implement organizational process or policy changes.", + "Coordinate with external parties to exchange information.", + "Develop organizational methods or procedures.", + "Monitor performance of organizational members or partners.", + "Monitor external affairs or events affecting business operations.", + "Develop sustainable organizational policies or practices.", + "Document organizational or operational procedures.", + "Identify opportunities for green initiatives.", + "Evaluate quality of materials or products.", + "Evaluate potential of products, technologies, or resources.", + "Evaluate environmental impact of operational or development activities." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Operational Resource Management": 1, + "Strategic Resource Coordination": 1, + "Logistics Coordination": 1, + "Strategic Operational Planning": 1, + "Technical Documentation Management": 1, + "Operational Performance Monitoring": 1, + "Strategic Problem Solving": 1, + "Stakeholder Communication Management": 1, + "Sustainability Strategy Development": 1, + "Quality Control and Inspection": 1, + "Advanced Resource Allocation": 1, + "Technical Cost Estimation": 1, + "Operational Risk Management": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Therapeutic Patient Care": 0 + }, + "original_index": 843, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "53-7051.00", + "job_title": "Industrial Truck and Tractor Operators", + "detailed_work_activities": [ + "Operate cranes, hoists, or other moving or lifting equipment.", + "Operate vehicles or material-moving equipment.", + "Load shipments, belongings, or materials.", + "Position material handling equipment.", + "Secure cargo.", + "Inspect cargo areas for cleanliness or condition.", + "Move materials, equipment, or supplies.", + "Mark materials or objects for identification.", + "Weigh materials to ensure compliance with specifications.", + "Clean vehicles or vehicle components.", + "Maintain vehicles in good working condition.", + "Operate packing or other material processing equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Coordination": 1, + "Equipment Maintenance": 1, + "Time Management": 1, + "Troubleshooting": 1 + }, + "original_index": 844, + "sparsity": 0.997250229147571 + }, + { + "onet_code": "51-9061.00", + "job_title": "Inspectors, Testers, Sorters, Samplers, and Weighers", + "detailed_work_activities": [ + "Evaluate quality of materials or products.", + "Mark products, workpieces, or equipment with identifying information.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Notify others of equipment repair or maintenance needs.", + "Record operational or production data.", + "Advise others on ways to improve processes or products.", + "Monitor equipment operation to ensure proper functioning.", + "Calibrate equipment to specifications.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Test chemical or physical characteristics of materials or products.", + "Monitor equipment operation to ensure that products are not flawed.", + "Analyze test results.", + "Compare physical characteristics of materials or products to specifications or standards.", + "Clean production equipment.", + "Repair production equipment or tools.", + "Connect electrical components or equipment.", + "Fabricate parts or components.", + "Maintain production or processing equipment.", + "Test products for functionality or quality.", + "Evaluate capabilities or training needs.", + "Instruct workers to use equipment or perform technical procedures.", + "Mount materials or workpieces onto production equipment.", + "Smooth metal surfaces or edges.", + "Collect samples of materials or products for testing.", + "Disassemble equipment for maintenance or repair.", + "Sort materials or products for processing, storing, shipping, or grading.", + "Stack finished items for further processing or shipment.", + "Measure ingredients or substances to be used in production processes.", + "Weigh finished products." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Quality Control Analysis": 1, + "Critical Thinking": 1, + "Operations Monitoring": 1, + "Precision Measurement Skills": 1, + "Technical Inspection and Verification": 1, + "Material Handling and Sorting": 1, + "Equipment Maintenance and Monitoring": 1, + "Technical Documentation": 1, + "Workplace Safety and Quality Control": 1, + "Precision Technical Measurement": 1 + }, + "original_index": 845, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1243.00", + "job_title": "Database Architects", + "detailed_work_activities": [ + "Create databases to store electronic data.", + "Document technical specifications or requirements.", + "Collaborate with others to determine design specifications or details.", + "Develop procedures for data management.", + "Develop database parameters or specifications.", + "Develop models of information or communications systems.", + "Design computer modeling or simulation programs.", + "Develop guidelines for system implementation.", + "Develop performance metrics or standards related to information technology.", + "Communicate project information to others.", + "Document design or development procedures.", + "Coordinate project activities with other personnel or departments.", + "Analyze data to identify trends or relationships among variables.", + "Analyze market or customer related data.", + "Assess database performance.", + "Create electronic data backup to prevent loss of information.", + "Install computer software.", + "Evaluate utility of software or hardware technologies.", + "Provide recommendations to others about computer hardware.", + "Modify software programs to improve performance.", + "Resolve computer software problems.", + "Estimate time or monetary resources needed to complete projects.", + "Write computer programming code.", + "Provide technical support for software maintenance or use.", + "Train others in computer interface or software use." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Programming\u2014 Writing computer programs for various purposes.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Database Management": 1, + "Technical Systems Design": 1, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Technical Communication": 1, + "Software Development": 1, + "Performance Monitoring": 1, + "Technical Equipment Management": 1, + "Information Systems Security": 1, + "Project Management": 1 + }, + "original_index": 846, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "13-2052.00", + "job_title": "Personal Financial Advisors", + "detailed_work_activities": [ + "Assess financial status of clients.", + "Interview clients to gather financial information.", + "Correspond with customers to answer questions or resolve complaints.", + "Recommend investments to clients.", + "Implement financial decisions.", + "Educate clients on financial planning topics.", + "Interpret financial information for others.", + "Prepare financial documents, reports, or budgets.", + "Identify strategic business investment opportunities.", + "Advise others on financial matters.", + "Disburse funds from clients accounts to creditors.", + "Analyze market conditions or trends.", + "Develop business relationships.", + "Confer with others about financial matters.", + "Compute debt repayment schedules." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Financial Advisory Communication": 1, + "Client Financial Needs Assessment": 1, + "Professional Financial Communication": 1, + "Financial Analysis": 1, + "Strategic Financial Decision Making": 1, + "Investment Strategy Development": 1, + "Client Relationship Management": 1, + "Professional Interpersonal Communication": 1, + "Quantitative Financial Analysis": 1, + "Professional Documentation Management": 1, + "Risk Assessment Management": 1, + "Strategic Business Advisory": 1, + "Professional Time Management": 1 + }, + "original_index": 847, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "13-1023.00", + "job_title": "Purchasing Agents, Except Wholesale, Retail, and Farm Products", + "detailed_work_activities": [ + "Purchase products or services.", + "Evaluate applicable laws and regulations to determine impact on organizational activities.", + "Execute sales or other financial transactions.", + "Negotiate contracts with clients or service providers.", + "Analyze business or financial data.", + "Establish organizational guidelines or policies.", + "Monitor inventories of products or materials.", + "Confer with personnel to coordinate business operations.", + "Obtain information about goods or services.", + "Maintain data in information systems or databases.", + "Supervise employees.", + "Train personnel to enhance job skills.", + "Monitor organizational processes.", + "Develop technical specifications for systems or equipment.", + "Analyze market conditions or trends.", + "Conduct eligibility or selection interviews.", + "Estimate demand for products or services.", + "Pay charges, fees, or taxes.", + "Develop business relationships." + ], + "skills": [ + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Procurement Operations Management": 1, + "Negotiation and Persuasion": 1, + "Financial Analysis": 1, + "Contract Management": 1, + "Inventory Management": 1, + "Business Relationship Development": 1, + "Market Intelligence": 1, + "Administrative Documentation Management": 1, + "Strategic Resource Management": 1, + "Compliance and Regulatory Management": 1, + "Professional Communication": 1, + "Technical Specification Development": 1, + "Risk Assessment": 1, + "Transaction Processing": 1, + "Stakeholder Communication Management": 1 + }, + "original_index": 848, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-6021.00", + "job_title": "Pressers, Textile, Garment, and Related Materials", + "detailed_work_activities": [ + "Mark products, workpieces, or equipment with identifying information.", + "Package products for storage or shipment.", + "Smooth garments with irons, presses, or steamers.", + "Adjust fabrics or other materials during garment production.", + "Remove products or workpieces from production equipment.", + "Stack finished items for further processing or shipment.", + "Clean fabrics or apparel.", + "Select production equipment according to product specifications.", + "Prepare fabrics or materials for processing or production.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Inspect garments for defects, damage, or stains.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Cut fabrics.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Adjust temperature controls of ovens or other heating equipment.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Operate sewing equipment.", + "Install mechanical components in production equipment." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Operation and Control": 1, + "Material Handling": 1, + "Precision Material Preparation": 1, + "Production Equipment Operation": 1, + "Quality Control Inspection": 1, + "Technical Equipment Maintenance": 1, + "Precision Measurement": 1, + "Safety and Compliance Management": 1, + "Textile Production Skills": 1, + "Workflow Coordination": 1 + }, + "original_index": 849, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-2034.00", + "job_title": "Radiologic Technologists and Technicians", + "detailed_work_activities": [ + "Operate diagnostic imaging equipment.", + "Adjust settings or positions of medical equipment.", + "Prepare medical supplies or equipment for use.", + "Position patients for treatment or examination.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Explain medical procedures or test results to patients or family members.", + "Inform medical professionals regarding patient conditions and care.", + "Check quality of diagnostic images.", + "Analyze patient data to determine patient needs or treatment goals.", + "Verify that medical activities or operations meet standards.", + "Prepare medications or medical solutions.", + "Process x-rays or other medical images.", + "Create advanced digital images of patients using computer imaging systems.", + "Maintain medical facility records.", + "Assist healthcare practitioners during examinations or treatments.", + "Prepare reports summarizing patient diagnostic or care activities.", + "Record patient medical histories.", + "Collect medical information from patients, family members, or other medical professionals.", + "Enter patient or treatment data into computers.", + "Move patients to or from treatment areas.", + "Train medical providers.", + "Perform clerical work in medical settings.", + "Schedule patient procedures or appointments.", + "Examine medical instruments or equipment to ensure proper operation.", + "Supervise patient care personnel.", + "Assist patients with hygiene or daily living activities.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Manage healthcare operations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Medical Diagnostic Imaging": 1, + "Medical Equipment Operation": 1, + "Patient Assessment": 1, + "Technical Documentation": 1, + "Healthcare Professional Communication": 1, + "Patient Communication": 1, + "Medical Safety Monitoring": 1, + "Clinical Procedure Support": 1, + "Technical Equipment Management": 1, + "Healthcare Quality Control": 1 + }, + "original_index": 850, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1131.00", + "job_title": "Veterinarians", + "detailed_work_activities": [ + "Operate on patients to treat conditions.", + "Prescribe medications.", + "Treat acute illnesses, infections, or injuries.", + "Immunize patients.", + "Examine patients to assess general physical condition.", + "Collect biological specimens from patients.", + "Analyze test data or images to inform diagnosis or treatment.", + "Operate diagnostic imaging equipment.", + "Communicate health and wellness information to the public.", + "Counsel family members of clients or patients.", + "Manage healthcare operations.", + "Provide health and wellness advice to patients, program participants, or caregivers.", + "Treat animal injuries or illnesses.", + "Maintain medical or professional knowledge.", + "Supervise medical support personnel.", + "Train medical providers.", + "Determine protocols for medical procedures.", + "Conduct research to increase knowledge about medical issues.", + "Provide care for animals.", + "Maintain medical facility records.", + "Perform clerical work in medical settings.", + "Schedule patient procedures or appointments.", + "Develop medical treatment plans.", + "Analyze medical data to determine cause of death." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Animal Care Management": 1, + "Animal Medical Procedure Support": 1, + "Animal Patient Care": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Procedure Management": 1, + "Clinical Treatment Planning": 1, + "Healthcare Documentation Management": 1, + "Healthcare Patient Assessment": 1, + "Healthcare Patient Communication": 1, + "Healthcare Professional Collaboration": 1, + "Preventive Animal Healthcare": 1, + "Scientific Research Methodology": 1, + "Veterinary Medical Care": 1 + }, + "original_index": 851, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "49-2094.00", + "job_title": "Electrical and Electronics Repairers, Commercial and Industrial Equipment", + "detailed_work_activities": [ + "Test electrical equipment or systems to ensure proper functioning.", + "Maintain repair or maintenance records.", + "Test mechanical equipment to ensure proper functioning.", + "Inspect equipment to locate or identify electrical problems.", + "Install electrical components, equipment, or systems.", + "Demonstrate activity techniques or equipment use.", + "Diagnose equipment malfunctions.", + "Enter codes or other information into computers.", + "Calibrate equipment to specifications.", + "Maintain work equipment or machinery.", + "Adjust equipment to ensure optimal performance.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Confer with coworkers to resolve equipment problems.", + "Confer with customers or users to assess problems.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Maintain inventories of materials, equipment, or products.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Communicate with coworkers to coordinate installations or repairs.", + "Develop equipment or component configurations.", + "Document operational activities.", + "Determine types of equipment, tools, or materials needed for jobs.", + "Advise others on issues related to repairs, installation, or equipment design.", + "Send information, materials or documentation." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Electrical Installation Skills": 1, + "Electrical Systems Maintenance": 1, + "Equipment Maintenance": 1, + "Equipment Diagnostic Assessment": 1, + "Technical Equipment Inspection": 1, + "Technical Equipment Repair": 1, + "Technical Diagnostic Reasoning": 1, + "Technical Problem Solving": 1, + "Technical Documentation": 1, + "Technical Equipment Calibration": 1, + "Technical Safety Inspection": 1, + "Technical Communication": 1, + "Technical Equipment Operation": 1, + "Precision Equipment Maintenance": 1, + "Complex Problem Solving": 1, + "Quality Control Inspection": 1, + "Operational Monitoring": 1, + "Technical Equipment Management": 1, + "Precision Measurement Skills": 1, + "Technical Troubleshooting": 1 + }, + "original_index": 852, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "25-1066.00", + "job_title": "Psychology Teachers, Postsecondary", + "detailed_work_activities": [ + "Teach social science courses at the college level.", + "Evaluate student work.", + "Guide class discussions.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Administer tests to assess educational needs or progress.", + "Develop instructional materials.", + "Prepare tests.", + "Supervise student research or internship work.", + "Supervise laboratory work.", + "Hire personnel.", + "Recruit personnel.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Create technology-based learning materials.", + "Advise students on academic or career matters.", + "Direct department activities.", + "Write grant proposals.", + "Maintain student records.", + "Serve on institutional or departmental committees.", + "Write reports or evaluations.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Evaluate scholarly materials.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 853, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "29-1081.00", + "job_title": "Podiatrists", + "detailed_work_activities": [ + "Treat chronic diseases or disorders.", + "Analyze test data or images to inform diagnosis or treatment.", + "Diagnose medical conditions.", + "Advise patients on preventive care techniques.", + "Prescribe assistive medical devices or related treatments.", + "Prescribe medications.", + "Prescribe treatments or therapies.", + "Operate on patients to treat conditions.", + "Refer patients to other healthcare practitioners or health resources.", + "Adjust prostheses or other assistive devices.", + "Fabricate medical devices.", + "Maintain medical facility records.", + "Manage healthcare operations.", + "Order medical supplies or equipment.", + "Communicate health and wellness information to the public.", + "Treat patients using alternative medical procedures." + ], + "skills": [ + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Management": 1, + "Healthcare Patient Communication": 1, + "Healthcare Treatment Planning": 1, + "Medical Device Fabrication": 1, + "Medical Diagnostic Assessment": 1, + "Precision Medical Intervention": 1, + "Therapeutic Patient Care": 1 + }, + "original_index": 854, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "53-1042.00", + "job_title": "First-Line Supervisors of Helpers, Laborers, and Material Movers, Hand", + "detailed_work_activities": [ + "Monitor work environment to ensure safety or adherence to specifications.", + "Resolve personnel problems.", + "Monitor loading processes to ensure they are performed properly.", + "Plan production or operational procedures or sequences.", + "Inspect material-moving equipment to detect problems.", + "Notify others of emergencies, problems, or hazards.", + "Record operational or production data.", + "Schedule operational activities.", + "Direct material handling or moving activities.", + "Explain regulations, policies, or procedures.", + "Plan work operations.", + "Acquire supplies or equipment.", + "Recommend personnel decisions or human resources activities.", + "Estimate technical or resource requirements for development or production projects.", + "Meet with coworkers to communicate work orders or plans.", + "Support the professional development of others.", + "Train transportation or material moving personnel.", + "Verify information or specifications.", + "Provide transportation information to passengers or customers.", + "Evaluate performance of applicants, trainees, or employees.", + "Inspect facilities to ensure compliance with safety, quality, or service standards." + ], + "skills": [ + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Operational Supervision": 1, + "Personnel Resource Management": 1, + "Operational Communication": 1, + "Operational Safety Management": 1, + "Material Handling": 1, + "Performance Evaluation Management": 1, + "Operational Documentation": 1, + "Operational Resource Management": 1, + "Workplace Safety Coordination": 1, + "Training Program Development": 1 + }, + "original_index": 855, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-5044.00", + "job_title": "Loading and Moving Machine Operators, Underground Mining", + "detailed_work_activities": [ + "Connect cables or electrical lines.", + "Install electrical components, equipment, or systems.", + "Operate vehicles or material-moving equipment.", + "Position material handling equipment.", + "Operate excavation equipment.", + "Move materials, equipment, or supplies.", + "Remove debris or damaged materials.", + "Operate conveyors or other industrial material moving equipment.", + "Signal others to coordinate vehicle movement.", + "Remove debris from work sites.", + "Clean equipment or supplies.", + "Inspect equipment or facilities to determine condition or maintenance needs.", + "Perform manual service or maintenance tasks.", + "Clean machinery or equipment.", + "Maintain material moving equipment in good working condition.", + "Record operational or production data.", + "Communicate with others to coordinate material handling or movement.", + "Operate locomotives or other rail vehicles.", + "Review work orders or schedules to determine operations or procedures.", + "Monitor loading processes to ensure they are performed properly.", + "Measure product or material dimensions.", + "Verify information or specifications.", + "Weigh materials to ensure compliance with specifications.", + "Direct material handling or moving activities." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Operation and Control": 1, + "Operations Monitoring": 1, + "Troubleshooting": 1, + "Active Listening": 1, + "Coordination": 1, + "Critical Thinking": 1, + "Equipment Maintenance": 1, + "Speaking": 1 + }, + "original_index": 856, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "45-2021.00", + "job_title": "Animal Breeders", + "detailed_work_activities": [ + "Care for animals.", + "Clean equipment or facilities.", + "Perform animal breeding procedures.", + "Monitor animal behavior or condition.", + "Communicate with other workers to coordinate activities.", + "Treat animal injuries or illnesses.", + "Prepare materials or solutions for animal or plant use.", + "Sell agricultural products.", + "Order medical supplies or equipment.", + "Purchase products or services.", + "Provide care for animals.", + "Examine animals to detect illness, injury or other problems.", + "Adjust building climate control systems.", + "Maintain operational records.", + "Build agricultural structures.", + "Mark agricultural or forestry products for identification.", + "Promote agricultural or hunting activities.", + "Record agricultural or forestry inventory data." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Animal Care Management": 1, + "Animal Care and Handling": 1, + "Animal Training and Care": 1, + "Veterinary Technical Support": 1, + "Preventive Animal Healthcare": 1, + "Agricultural Operations": 1, + "Agricultural Equipment Operation": 1, + "Precision Manual Animal Handling": 1, + "Operational Safety Management": 1, + "Breeding Procedure Execution": 1, + "Scientific Problem Solving": 1, + "Monitoring": 1, + "Record Management": 1, + "Inventory Management": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Healthcare Administrative Support": 0, + "Legal Compliance": 0 + }, + "original_index": 857, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "37-3011.00", + "job_title": "Landscaping and Groundskeeping Workers", + "detailed_work_activities": [ + "Dispose of trash or waste materials.", + "Operate grounds maintenance equipment.", + "Irrigate lawns, trees, or plants.", + "Drive trucks or other vehicles to or at work sites.", + "Trim trees or other vegetation.", + "Prepare chemicals for work application.", + "Treat greenery or surfaces with protective substances.", + "Remove snow.", + "Maintain equipment or systems to ensure proper functioning.", + "Cultivate lawns, turf, or gardens.", + "Evaluate reports or designs to determine work needs.", + "Clean facilities or sites.", + "Install equipment to protect or support trees.", + "Plant greenery to improve landscape appearance.", + "Remove debris from work sites.", + "Decorate indoor or outdoor spaces.", + "Install fencing or other barriers.", + "Provide information about landscaping services or costs.", + "Build construction forms or molds.", + "Install masonry materials." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Operation and Control": 1, + "Equipment Operation": 1, + "Material Handling": 1, + "Outdoor Resource Management": 1, + "Vehicle Operation": 1, + "Chemical Application Safety": 1, + "Surface Preparation": 1, + "Maintenance and Cleaning": 1, + "Safety and Compliance": 1, + "Technical Equipment Maintenance": 1 + }, + "original_index": 858, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "37-1012.00", + "job_title": "First-Line Supervisors of Landscaping, Lawn Service, and Groundskeeping Workers", + "detailed_work_activities": [ + "Establish work standards.", + "Plan employee work schedules.", + "Inspect work to ensure standards are met.", + "Inspect buildings or grounds to determine condition.", + "Supervise maintenance workers.", + "Irrigate lawns, trees, or plants.", + "Plant greenery to improve landscape appearance.", + "Trim trees or other vegetation.", + "Provide information about landscaping services or costs.", + "Instruct staff in work policies or procedures.", + "Prepare chemicals for work application.", + "Estimate maintenance service requirements or costs.", + "Inspect landscaping to determine treatment needs.", + "Document work hours or activities.", + "Evaluate current or prospective maintenance employees.", + "Inventory materials or equipment.", + "Confer with coworkers to coordinate maintenance or cleaning activities.", + "Investigate work related complaints to determine corrective actions.", + "Determine resource needs.", + "Recommend organizational process or policy changes.", + "Remove snow." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Landscape Maintenance": 1, + "Operational Supervision": 1, + "Operational Performance Management": 1, + "Operational Safety Management": 1, + "Resource Management": 1, + "Workforce Training Development": 1, + "Technical Equipment Operation": 1, + "Chemical Application Safety": 1, + "Site Preparation and Inspection": 1, + "Vegetation Management": 1, + "Operational Documentation": 1, + "Cost Estimation": 1, + "Customer Service Coordination": 1, + "Seasonal Operations Management": 1 + }, + "original_index": 859, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "19-2042.00", + "job_title": "Geoscientists, Except Hydrologists and Geographers", + "detailed_work_activities": [ + "Interpret research or operational data.", + "Analyze geological or geographical data.", + "Conduct research to gain information about products or processes.", + "Design research studies to obtain scientific information.", + "Research geological features or processes.", + "Prepare maps.", + "Measure environmental characteristics.", + "Analyze environmental data.", + "Communicate results of environmental research.", + "Instruct college students in physical or life sciences.", + "Prepare scientific or technical reports or presentations.", + "Inspect work sites to identify potential environmental or safety hazards.", + "Monitor construction operations.", + "Advise others on management of emergencies or hazardous situations or materials.", + "Locate natural resources using geospatial or other environmental data.", + "Advise others about environmental management or conservation.", + "Review professional literature to maintain professional knowledge.", + "Proofread documents, records, or other files to ensure accuracy.", + "Review plans or proposals for environmental conservation.", + "Analyze geological samples.", + "Research hydrologic features or processes.", + "Develop plans to manage natural or renewable resources.", + "Determine methods to minimize environmental impact of activities.", + "Coordinate cross-disciplinary research programs.", + "Develop sustainable industrial or development methods.", + "Develop software or applications for scientific or technical use.", + "Research impacts of environmental conservation initiatives." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research Methodology": 1, + "Environmental Data Analysis": 1, + "Technical Documentation": 1, + "Geospatial Analysis": 1, + "Field Research Operations": 1, + "Natural Resource Management": 1, + "Technical Problem Solving": 1, + "Sustainability Planning": 1, + "Risk Assessment": 1, + "Technical Communication": 1, + "Advanced Scientific Problem Solving": 1, + "Software Development": 1, + "Professional Knowledge Communication": 1 + }, + "original_index": 860, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "39-5091.00", + "job_title": "Makeup Artists, Theatrical and Performance", + "detailed_work_activities": [ + "Apply makeup to alter or enhance appearance.", + "Apply cleansing or conditioning agents to client hair, scalp, or skin.", + "Review production information to determine costume or makeup requirements.", + "Assess skin or hair conditions.", + "Collaborate with others to determine production details.", + "Manage budgets for personal services operations.", + "Prepare operational reports or records.", + "Order materials, supplies, or equipment.", + "Design costumes or cosmetic effects for characters.", + "Demonstrate activity techniques or equipment use.", + "Teach health or hygiene practices.", + "Groom wigs or hairpieces." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Artistic Collaboration": 1, + "Artistic Conceptualization": 1, + "Performance Costume Preparation": 1, + "Creative Design Implementation": 1, + "Professional Communication": 1, + "Client Consultation and Needs Assessment": 1, + "Technical Material Preparation": 1, + "Operational Budget Management": 1, + "Operational Documentation": 1, + "Inventory Management": 1, + "Academic Instruction": 0, + "Healthcare Patient Assessment": 0 + }, + "original_index": 861, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "49-9064.00", + "job_title": "Watch and Clock Repairers", + "detailed_work_activities": [ + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Adjust equipment to ensure optimal performance.", + "Reassemble equipment after repair.", + "Disassemble equipment to inspect for deficiencies.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Estimate costs for labor or materials.", + "Lubricate equipment to allow proper functioning.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Test mechanical equipment to ensure proper functioning.", + "Maintain work equipment or machinery.", + "Order materials, supplies, or equipment.", + "Confer with customers or users to assess problems.", + "Repair electronic equipment.", + "Test electrical circuits or components for proper functioning.", + "Record information about parts, materials or repair procedures.", + "Clean workpieces or finished products.", + "Fabricate parts or components." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Precision Equipment Maintenance": 1, + "Precision Technical Measurement": 1, + "Precision Manual Manipulation": 1, + "Technical Diagnostic Reasoning": 1, + "Equipment Diagnostic Assessment": 1, + "Precision Equipment Calibration": 1, + "Technical Documentation": 1, + "Quality Control Inspection": 1, + "Mechanical Component Replacement": 1, + "Academic Instruction": 0, + "Adaptive Caregiving": 0, + "Healthcare Patient Assessment": 0 + }, + "original_index": 862, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-6052.00", + "job_title": "Tailors, Dressmakers, and Custom Sewers", + "detailed_work_activities": [ + "Repair textiles or apparel.", + "Measure materials to mark reference points, cutting lines, or other indicators.", + "Sew clothing or other articles.", + "Operate sewing equipment.", + "Measure clients to ensure proper product fit.", + "Record operational or production data.", + "Trim excess material from workpieces.", + "Adjust fabrics or other materials during garment production.", + "Smooth garments with irons, presses, or steamers.", + "Estimate costs of products, services, or materials.", + "Cut fabrics.", + "Position patterns on equipment, materials, or workpieces.", + "Confer with customers or designers to determine order specifications.", + "Mark products, workpieces, or equipment with identifying information.", + "Design templates or patterns.", + "Read work orders or other instructions to determine product specifications or materials requirements." + ], + "skills": [ + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively." + ], + "skill_vector": { + "Precision Material Cutting": 1, + "Precision Material Handling": 1, + "Precision Manual Craftsmanship": 1, + "Textile Manipulation Skills": 1, + "Pattern Design and Layout": 1, + "Measurement and Verification": 1, + "Technical Measurement Precision": 1, + "Garment Quality Inspection": 1, + "Precision Technical Documentation": 1, + "Client Consultation and Needs Assessment": 1, + "Professional Communication": 1, + "Time Management": 1, + "Operational Quality Control": 1, + "Precision Equipment Operation": 1, + "Cost Estimation": 1, + "Surface Preparation and Finishing": 1, + "Textile Production Skills": 1, + "Textile Inspection and Quality Control": 1 + }, + "original_index": 863, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "15-1242.00", + "job_title": "Database Administrators", + "detailed_work_activities": [ + "Create databases to store electronic data.", + "Update computer database information.", + "Implement security measures for computer or information systems.", + "Develop computer or information security policies or procedures.", + "Install computer software.", + "Assess database performance.", + "Test computer system operations to ensure proper functioning.", + "Modify software programs to improve performance.", + "Train others in computer interface or software use.", + "Provide technical support for software maintenance or use.", + "Coordinate software or hardware installation.", + "Develop detailed project plans.", + "Develop performance metrics or standards related to information technology.", + "Develop database parameters or specifications.", + "Develop models of information or communications systems.", + "Write computer programming code.", + "Read documents to gather technical information.", + "Evaluate utility of software or hardware technologies.", + "Provide recommendations to others about computer hardware.", + "Analyze data to identify trends or relationships among variables.", + "Analyze market or customer related data." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Programming\u2014 Writing computer programs for various purposes.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 0, + "Technical Documentation": 1, + "Technical Problem Solving": 1, + "Information Systems Management": 1, + "Technical Systems Analysis": 1, + "Technical Systems Engineering": 1, + "Technical Equipment Management": 1, + "Technical Safety and Compliance": 1, + "Technical Communication": 1, + "Technical Performance Monitoring": 1, + "Technical Quality Control": 1, + "Technical Research and Development": 1, + "Programming": 1, + "Software Systems Architecture": 1, + "Technical Security Implementation": 1, + "Operational Information Management": 1, + "Technical Risk Assessment": 1 + }, + "original_index": 864, + "sparsity": 0.9926672777268561 + }, + { + "onet_code": "17-2199.07", + "job_title": "Photonics Engineers", + "detailed_work_activities": [ + "Analyze operational data to evaluate operations, processes or products.", + "Design electronic or computer equipment or instrumentation.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Create physical models or prototypes.", + "Prepare detailed work plans.", + "Update technical knowledge.", + "Prepare research or technical reports.", + "Write reports or evaluations.", + "Prepare proposal documents.", + "Identify new applications for existing technologies.", + "Research advanced engineering designs or applications.", + "Train personnel on proper operational procedures.", + "Fabricate devices or components.", + "Document technical design details.", + "Maintain operational records or records systems.", + "Direct industrial production activities.", + "Design energy production or management equipment or systems.", + "Design industrial processing systems.", + "Operate industrial equipment.", + "Purchase materials, equipment, or other resources.", + "Select tools, equipment, or technologies for use in operations or projects." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 1, + "Academic Research Methodology": 1, + "Advanced Analytical Reasoning": 1, + "Advanced Problem Solving": 1, + "Analytical Design Evaluation": 1, + "Analytical Problem Solving": 1, + "Complex Problem Solving": 1, + "Technical Design Documentation": 1, + "Technical Research Methodology": 1, + "Technology Design": 1, + "Systems Analysis": 1, + "Technical Systems Engineering": 1, + "Scientific Problem Solving": 1 + }, + "original_index": 865, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "11-3013.00", + "job_title": "Facilities Managers", + "detailed_work_activities": [ + "Monitor facilities or operational systems.", + "Direct facility maintenance or repair activities.", + "Manage construction activities.", + "Prepare operational budgets.", + "Plan facility layouts or designs.", + "Develop organizational goals or objectives.", + "Conduct employee training programs.", + "Prepare operational progress or status reports.", + "Purchase materials, equipment, or other resources.", + "Manage inventories of products or organizational resources.", + "Allocate physical resources within organizations." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Facilities Management": 1, + "Operational Resource Management": 1, + "Administrative Coordination": 1, + "Operational Performance Monitoring": 1, + "Administrative Documentation": 1, + "Technical Equipment Management": 1, + "Strategic Resource Allocation": 1, + "Construction Project Management": 1, + "Operational Safety Management": 1, + "Inventory Management": 1, + "Technical Site Assessment": 1, + "Stakeholder Communication": 1, + "Training Program Development": 1, + "Procurement Operations": 1, + "Strategic Operational Planning": 1, + "Academic Instruction": 0, + "Medical Equipment Management": 0, + "Agricultural Systems Management": 0, + "Artistic Performance Coordination": 0 + }, + "original_index": 866, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "47-2043.00", + "job_title": "Floor Sanders and Finishers", + "detailed_work_activities": [ + "Clean building walls or flooring.", + "Clean facilities or sites.", + "Smooth surfaces with abrasive materials or tools.", + "Inspect completed work to ensure proper installation.", + "Load materials into construction equipment.", + "Apply sealants or other protective coatings.", + "Remove excess materials from finished construction projects." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions." + ], + "skill_vector": { + "Operation and Control": 1, + "Material Handling": 1, + "Surface Preparation": 1, + "Construction Equipment Operation": 1, + "Construction Material Handling": 1, + "Construction Surface Treatment": 1, + "Precision Manual Construction Skills": 1, + "Equipment Maintenance": 1, + "Safety and Quality Inspection": 1, + "Protective Coating Application": 1, + "Workplace Safety Management": 1, + "Active Listening": 1, + "Coordination": 1, + "Operational Documentation": 1, + "Cleaning and Maintenance": 1 + }, + "original_index": 867, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "53-3054.00", + "job_title": "Taxi Drivers", + "detailed_work_activities": [ + "Clean vehicles or vehicle components.", + "Drive passenger vehicles.", + "Maintain vehicles in good working condition.", + "Provide transportation information to passengers or customers.", + "Assist passengers during vehicle boarding.", + "Calculate costs of goods or services.", + "Collect fares or payment from customers.", + "Communicate with others to coordinate vehicle movement.", + "Follow safety procedures for vehicle operation.", + "Inspect motor vehicles.", + "Prepare accident or incident reports.", + "Receive information or instructions for performing work assignments.", + "Report vehicle or equipment malfunctions." + ], + "skills": [], + "skill_vector": { + "Vehicle Operation Management": 1, + "Vehicle Operation Safety": 1, + "Vehicle Inspection and Safety": 1, + "Transportation Safety Management": 1, + "Operational Safety Protocols": 1, + "Passenger Safety Management": 1, + "Vehicle Mechanical Diagnostics": 1, + "Vehicle Maintenance": 1, + "Interpersonal Communication": 1, + "Customer Service Coordination": 1, + "Financial Transaction Processing": 1, + "Operational Documentation": 1, + "Vehicle Cleaning": 1, + "Operational Communication": 1, + "Professional Vehicle Documentation": 1 + }, + "original_index": 868, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "25-2022.00", + "job_title": "Middle School Teachers, Except Special and Career/Technical Education", + "detailed_work_activities": [ + "Set up classroom materials or equipment.", + "Evaluate student work.", + "Monitor student performance.", + "Monitor student behavior, social development, or health.", + "Apply multiple teaching methods.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Develop instructional objectives.", + "Establish rules or policies governing student behavior.", + "Assign class work to students.", + "Plan educational activities.", + "Discuss problems or issues with supervisors.", + "Discuss student progress with parents or guardians.", + "Enforce rules or policies governing student behavior.", + "Maintain student records.", + "Modify teaching methods or materials to accommodate student needs.", + "Tutor students who need extra assistance.", + "Encourage students.", + "Collaborate with other teaching professionals to develop educational programs.", + "Create technology-based learning materials.", + "Assist students with special educational needs.", + "Advise students on academic or career matters.", + "Teach others to use technology or equipment.", + "Document lesson plans.", + "Prepare reports detailing student activities or performance.", + "Serve on institutional or departmental committees.", + "Plan experiential learning activities.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Coordinate student extracurricular activities.", + "Supervise school or student activities.", + "Display student work.", + "Distribute instructional or library materials.", + "Maintain inventories of materials, equipment, or products.", + "Order instructional or library materials or equipment.", + "Evaluate performance of educational staff.", + "Supervise student research or internship work." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Performance Monitoring": 1, + "Student Safety Management": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Professional Development": 1, + "Parent-Educator Communication": 1 + }, + "original_index": 869, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "29-1229.01", + "job_title": "Allergists and Immunologists", + "detailed_work_activities": [ + "Treat chronic diseases or disorders.", + "Diagnose medical conditions.", + "Explain medical procedures or test results to patients or family members.", + "Order medical diagnostic or clinical tests.", + "Prescribe medications.", + "Analyze test data or images to inform diagnosis or treatment.", + "Record patient medical histories.", + "Develop medical treatment plans.", + "Examine patients to assess general physical condition.", + "Evaluate treatment options to guide medical decisions.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Maintain medical or professional knowledge.", + "Advise medical personnel regarding healthcare issues.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues.", + "Present medical research reports." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Patient Assessment": 1, + "Clinical Treatment Planning": 1, + "Patient Communication": 1, + "Patient Counseling": 1, + "Medical Documentation Management": 1, + "Medical Research and Innovation": 1, + "Healthcare Professional Collaboration": 1, + "Scientific Research Methodology": 1 + }, + "original_index": 870, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "15-1299.02", + "job_title": "Geographic Information Systems Technologists and Technicians", + "detailed_work_activities": [ + "Prepare graphics or other visual representations of information.", + "Prepare analytical reports.", + "Create databases to store electronic data.", + "Update computer database information.", + "Provide technical support for software maintenance or use.", + "Design software applications.", + "Write computer programming code.", + "Evaluate data quality.", + "Develop scientific or mathematical models.", + "Analyze data to identify trends or relationships among variables.", + "Prepare data for analysis.", + "Coordinate project activities with other personnel or departments.", + "Design computer modeling or simulation programs.", + "Document technical specifications or requirements.", + "Test software performance.", + "Collaborate with others to resolve information technology issues.", + "Troubleshoot issues with computer applications or systems.", + "Develop models of information or communications systems.", + "Recommend changes to improve computer or information systems.", + "Collaborate with others to determine design specifications or details.", + "Train others in computer interface or software use.", + "Analyze Geographic Information Systems (GIS) data for use in green applications.", + "Conduct research to gain information about products or processes.", + "Design integrated computer systems.", + "Update knowledge about emerging industry or technology trends." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Geospatial Analysis": 1, + "Geospatial Data Analysis": 1, + "Geospatial Data Collection": 1, + "Geospatial Data Interpretation": 1, + "Geospatial Data Visualization": 1, + "Technical Documentation": 1, + "Technical Communication": 1, + "Software Development": 1, + "Database Management": 1, + "Technical Problem Solving": 1, + "Remote Sensing Analysis": 1, + "Technical Systems Analysis": 1, + "Spatial Analysis and Visualization": 1, + "Technical Design Documentation": 1, + "Technical Research Methodology": 1, + "Information Systems Management": 1, + "Technical Equipment Management": 1, + "Computational Data Analysis": 1, + "Technical Visual Assessment": 1, + "Technical Visualization and Mapping": 1 + }, + "original_index": 871, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "11-9199.11", + "job_title": "Brownfield Redevelopment Specialists and Site Managers", + "detailed_work_activities": [ + "Manage environmental sustainability projects.", + "Identify environmental concerns.", + "Prepare proposals or grant applications to obtain project funding.", + "Implement organizational process or policy changes.", + "Estimate green project costs.", + "Analyze risks to minimize losses or damages.", + "Develop environmental remediation or protection plans.", + "Evaluate environmental or sustainability projects.", + "Inspect condition or functioning of facilities or equipment.", + "Prepare operational progress or status reports.", + "Maintain operational records for green energy processes or other environmentally-sustainable activities.", + "Coordinate operational activities.", + "Dispose of hazardous materials.", + "Analyze data to determine project feasibility.", + "Prepare forms or applications.", + "Negotiate contracts for environmental remediation, green energy, or renewable resources.", + "Plan environmental research.", + "Train employees on environmental awareness, conservation, or safety topics.", + "Advise others on legal or regulatory compliance matters." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Science\u2014 Using scientific rules and methods to solve problems." + ], + "skill_vector": { + "Environmental Conservation Management": 1, + "Environmental Site Analysis": 1, + "Environmental Risk Assessment": 1, + "Environmental Regulatory Compliance": 1, + "Project Management": 1, + "Technical Site Assessment": 1, + "Strategic Environmental Planning": 1, + "Financial Resource Management": 1, + "Stakeholder Communication Management": 1, + "Technical Documentation Management": 1 + }, + "original_index": 872, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "17-2151.00", + "job_title": "Mining and Geological Engineers, Including Mining Safety Engineers", + "detailed_work_activities": [ + "Prepare technical reports for internal use.", + "Inspect facilities or sites to determine if they meet specifications or standards.", + "Advise others on health and safety issues.", + "Investigate safety of work environment.", + "Determine operational methods.", + "Select tools, equipment, or technologies for use in operations or projects.", + "Prepare detailed work plans.", + "Coordinate safety or regulatory compliance activities.", + "Monitor the productivity or efficiency of industrial operations.", + "Estimate operational costs.", + "Prepare operational reports.", + "Schedule operational activities.", + "Direct construction activities.", + "Resolve operational performance problems.", + "Review technical documents to plan work.", + "Supervise engineering or other technical personnel.", + "Train personnel on proper operational procedures.", + "Develop software or computer applications.", + "Design industrial equipment.", + "Design structures or facilities.", + "Develop technical methods or processes.", + "Analyze design or requirements information for mechanical equipment or systems.", + "Conduct research to inform art, designs, or other work.", + "Research industrial processes or operations.", + "Research topics in area of expertise." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Operational Monitoring": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Advanced Operational Governance": 1, + "Advanced Regulatory Compliance": 1, + "Technical Documentation": 1, + "Technical Documentation Management": 1, + "Technical Safety Management": 1, + "Technical Safety Monitoring": 1, + "Operational Safety Management": 1, + "Operational Monitoring": 1, + "Geological Resource Management": 1, + "Geological Site Management": 1, + "Geological Data Analysis": 1, + "Field Research Methodology": 1, + "Technical Systems Engineering": 1, + "Technical Equipment Management": 1 + }, + "original_index": 873, + "sparsity": 0.9890009165902841 + }, + { + "onet_code": "27-4032.00", + "job_title": "Film and Video Editors", + "detailed_work_activities": [ + "Edit audio or video recordings.", + "Determine presentation subjects or content.", + "Manage content of broadcasts or presentations.", + "Operate communications, transmissions, or broadcasting equipment.", + "Label production materials.", + "Verify accuracy of data.", + "Create computer-generated graphics or animation.", + "Operate audio recording equipment.", + "Provide information to coworkers.", + "Collaborate with others to determine technical details of productions.", + "Study scripts to determine project requirements.", + "Coordinate activities of production personnel.", + "Develop promotional materials.", + "Collaborate with others to prepare or perform artistic productions." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Artistic Collaboration": 1, + "Creative Content Development": 1, + "Media Production Coordination": 1, + "Technical Communication": 1, + "Visual Design Conceptualization": 1, + "Digital Media Transformation": 1, + "Multimedia Content Editing": 1, + "Technical Equipment Operation": 1, + "Project Management": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0, + "Agricultural Operations": 0 + }, + "original_index": 874, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "19-4012.00", + "job_title": "Agricultural Technicians", + "detailed_work_activities": [ + "Cultivate land.", + "Operate farming equipment.", + "Record research or operational data.", + "Maintain laboratory or technical equipment.", + "Research sustainable agricultural processes or practices.", + "Prepare biological samples for testing or analysis.", + "Measure ingredients.", + "Test quality of materials or finished products.", + "Prepare scientific or technical reports or presentations.", + "Collect biological specimens.", + "Operate laboratory or field equipment.", + "Examine characteristics or behavior of living organisms.", + "Manage agricultural or forestry operations.", + "Set up laboratory or field equipment.", + "Supervise scientific or technical personnel.", + "Train personnel in technical or scientific procedures.", + "Develop sustainable industrial or development methods.", + "Research diseases or parasites.", + "Care for plants or animals.", + "Research crop management methods.", + "Prepare compounds or solutions for products or testing.", + "Provide technical information or assistance to public." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Agricultural Data Analysis": 1, + "Agricultural Equipment Operation": 1, + "Agricultural Inspection Skills": 1, + "Agricultural Operations": 1, + "Agricultural Process Management": 1, + "Agricultural Resource Coordination": 1, + "Agricultural Systems Analysis": 1, + "Biological Research Methodology": 1, + "Field Research Documentation": 1, + "Laboratory Sample Management": 1, + "Scientific Documentation": 1, + "Technical Equipment Management": 1 + }, + "original_index": 875, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-2022.00", + "job_title": "Sales Managers", + "detailed_work_activities": [ + "Direct sales, marketing, or customer service activities.", + "Resolve customer complaints or problems.", + "Advise customers on technical or procedural issues.", + "Analyze financial records or reports to determine state of operations.", + "Supervise employees.", + "Approve expenditures.", + "Determine pricing or monetary policies.", + "Prepare operational budgets.", + "Conduct opinion surveys or needs assessments.", + "Evaluate potential of products, technologies, or resources.", + "Evaluate employee performance.", + "Manage human resources activities.", + "Establish interpersonal business relationships to facilitate work activities.", + "Advise others on business or operational matters.", + "Confer with organizational members to accomplish work activities.", + "Represent the organization in external relations." + ], + "skills": [ + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Academic Instruction": 0, + "Administrative Communication": 1, + "Advanced Interpersonal Communication": 1, + "Business Relationship Development": 1, + "Client Relationship Management": 1, + "Commercial Negotiation": 1, + "Financial Analysis": 1, + "Human Resources Management": 1, + "Operational Performance Management": 1, + "Professional Communication": 1, + "Sales Team Management": 1, + "Strategic Business Planning": 1 + }, + "original_index": 876, + "sparsity": 0.9949587534372135 + }, + { + "onet_code": "13-1022.00", + "job_title": "Wholesale and Retail Buyers, Except Farm Products", + "detailed_work_activities": [ + "Purchase stocks of merchandise or supplies.", + "Negotiate contracts with clients or service providers.", + "Discuss business strategies, practices, or policies with managers.", + "Purchase products or services.", + "Determine the value of goods or services.", + "Advise others on business or operational matters.", + "Provide information to coworkers.", + "Confer with personnel to coordinate business operations.", + "Authorize financial actions.", + "Disburse funds from clients accounts to creditors.", + "Analyze consumer trends.", + "Analyze market conditions or trends.", + "Obtain information about goods or services.", + "Supervise employees.", + "Train personnel to enhance job skills.", + "Create marketing materials.", + "Research issues related to the environment or sustainable business practices.", + "Evaluate logistics methods to reduce environmental impact.", + "Develop business or market strategies.", + "Identify strategic business investment opportunities." + ], + "skills": [ + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Business Strategy Development": 1, + "Commercial Negotiation": 1, + "Market Intelligence": 1, + "Financial Resource Management": 1, + "Operational Communication": 1, + "Strategic Decision Making": 1, + "Inventory Management": 1, + "Product Valuation": 1, + "Stakeholder Communication": 1, + "Sales Transaction Management": 1, + "Professional Communication": 1, + "Training and Development": 1 + }, + "original_index": 877, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "37-1011.00", + "job_title": "First-Line Supervisors of Housekeeping and Janitorial Workers", + "detailed_work_activities": [ + "Supervise maintenance workers.", + "Select equipment, materials, or supplies for cleaning or maintenance activities.", + "Confer with coworkers to coordinate maintenance or cleaning activities.", + "Clean facilities or sites.", + "Inspect work to ensure standards are met.", + "Plan employee work schedules.", + "Establish work standards.", + "Inspect buildings or grounds to determine condition.", + "Inventory materials or equipment.", + "Determine resource needs.", + "Distribute supplies to workers.", + "Maintain equipment or systems to ensure proper functioning.", + "Document work hours or activities.", + "Arrange maintenance activities.", + "Recommend changes or corrective procedures.", + "Investigate work related complaints to determine corrective actions.", + "Instruct staff in work policies or procedures.", + "Estimate maintenance service requirements or costs.", + "Evaluate current or prospective maintenance employees.", + "Recommend organizational process or policy changes.", + "Remove snow." + ], + "skills": [ + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Operational Supervision": 1, + "Personnel Resource Management": 1, + "Operational Coordination": 1, + "Operational Documentation": 1, + "Operational Quality Control": 1, + "Resource Allocation Management": 1, + "Workplace Safety Management": 1, + "Performance Evaluation Management": 1, + "Operational Problem Resolution": 1, + "Technical Equipment Maintenance": 1, + "Instructional Communication": 1, + "Operational Cost Management": 1 + }, + "original_index": 878, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "21-1013.00", + "job_title": "Marriage and Family Therapists", + "detailed_work_activities": [ + "Counsel clients or patients regarding personal issues.", + "Teach life skills or strategies to clients or their families.", + "Develop treatment plans for patients or clients.", + "Maintain client records.", + "Collect information about clients.", + "Counsel clients regarding interpersonal issues.", + "Interview clients to gather information about their backgrounds, needs, or progress.", + "Confer with clients to discuss treatment plans or progress.", + "Collaborate with other professionals to assess client needs or plan treatments.", + "Evaluate characteristics of individuals to determine needs or eligibility.", + "Refer clients to community or social service programs.", + "Evaluate the effectiveness of counseling or educational programs.", + "Monitor clients to evaluate treatment progress.", + "Supervise workers providing client or patient services.", + "Advise others on social or educational issues.", + "Help clients get needed services or resources.", + "Lead classes or community events.", + "Present social services program information to the public.", + "Write reports or evaluations." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Adaptive Therapeutic Intervention": 1, + "Advanced Interpersonal Communication": 1, + "Advanced Learning Strategies": 1, + "Advocacy and Resource Navigation": 1, + "Behavioral Conflict Mediation": 1, + "Behavioral Health Counseling": 1, + "Behavioral Intervention Management": 1, + "Client Case Management": 1, + "Client Collaboration": 1, + "Client Consultation and Needs Assessment": 1, + "Client Engagement and Support": 1, + "Clinical Counseling": 1, + "Compassionate Client Interaction": 1, + "Comprehensive Client Guidance": 1, + "Conflict Mediation and Resolution": 1, + "Counseling and Guidance": 1, + "Developmental Behavioral Guidance": 1, + "Developmental Support Counseling": 1, + "Family Systems Counseling": 1, + "Family Systems Intervention": 1, + "Interpersonal Behavioral Analysis": 1, + "Interpersonal Conflict Management": 1, + "Interpersonal Conflict Resolution": 1, + "Interpersonal Guidance": 1, + "Psychological Assessment": 1, + "Psychosocial Assessment": 1, + "Therapeutic Communication": 1, + "Therapeutic Intervention Strategy": 1 + }, + "original_index": 879, + "sparsity": 0.9825847846012832 + }, + { + "onet_code": "27-2022.00", + "job_title": "Coaches and Scouts", + "detailed_work_activities": [ + "Coordinate athletic or sporting events or activities.", + "Train others on performance techniques.", + "Coach others.", + "Select staff, team members, or performers.", + "Evaluate skills of athletes or performers.", + "Coordinate logistics for productions or events.", + "Maintain knowledge of laws or regulations.", + "Provide educational information to the public.", + "Maintain records, documents, or other files.", + "Manage operations of artistic or entertainment departments or organizations.", + "Maintain inventories of materials, equipment, or products.", + "Select materials or props.", + "Promote products, activities, or organizations." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Performance Coaching": 1, + "Performance Evaluation Management": 1, + "Athletic Performance Management": 1, + "Talent Identification": 1, + "Professional Development": 1, + "Interpersonal Communication": 1, + "Strategic Performance Coordination": 1 + }, + "original_index": 880, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-2032.00", + "job_title": "Career/Technical Education Teachers, Secondary School", + "detailed_work_activities": [ + "Apply multiple teaching methods.", + "Establish rules or policies governing student behavior.", + "Evaluate student work.", + "Develop instructional objectives.", + "Monitor student performance.", + "Monitor student behavior, social development, or health.", + "Plan educational activities.", + "Maintain student records.", + "Teach others to use technology or equipment.", + "Set up classroom materials or equipment.", + "Discuss problems or issues with supervisors.", + "Discuss student progress with parents or guardians.", + "Assign class work to students.", + "Teach vocational courses.", + "Create technology-based learning materials.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Encourage students.", + "Enforce rules or policies governing student behavior.", + "Plan experiential learning activities.", + "Advise students on academic or career matters.", + "Supervise student research or internship work.", + "Assist students with special educational needs.", + "Develop strategies or programs for students with special needs.", + "Perform student enrollment or registration activities.", + "Coordinate student extracurricular activities.", + "Collaborate with other teaching professionals to develop educational programs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Distribute instructional or library materials.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Stay informed about current developments in field of specialization.", + "Prepare reports detailing student activities or performance.", + "Serve on institutional or departmental committees.", + "Supervise school or student activities." + ], + "skills": [ + "Instructing\u2014 Teaching others how to do something.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Classroom Management": 1, + "Educational Assessment": 1, + "Student Performance Management": 1, + "Professional Development": 1, + "Technical Instruction": 1, + "Instructional Technology": 1, + "Student Support Services": 1, + "Curriculum Development": 1, + "Administrative Documentation": 1 + }, + "original_index": 881, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "47-4011.01", + "job_title": "Energy Auditors", + "detailed_work_activities": [ + "Identify opportunities to improve operational efficiency.", + "Analyze energy usage data.", + "Analyze risks related to investments in green technology.", + "Calculate data to inform organizational operations.", + "Prepare financial documents, reports, or budgets.", + "Inspect facilities or equipment to ensure specifications are met.", + "Assess the cost effectiveness of products, projects, or services.", + "Evaluate condition of properties.", + "Advise others on business or operational matters.", + "Research issues related to the environment or sustainable business practices.", + "Correspond with customers to answer questions or resolve complaints.", + "Develop technical specifications for systems or equipment.", + "Test characteristics of materials or structures.", + "Oversee business processes.", + "Verify application data to determine program eligibility." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 0, + "Academic Professional Communication": 0, + "Academic Program Development": 0, + "Academic Research Methodology": 0, + "Academic Research and Development": 0, + "Academic Research and Instruction": 0, + "Academic Research and Scholarship": 0, + "Academic and Policy Consultation": 0, + "Environmental Data Analysis": 1, + "Environmental Monitoring": 1, + "Environmental Impact Assessment": 1, + "Technical Documentation": 1, + "Technical Inspection and Verification": 1, + "Technical Problem Solving": 1, + "Technical Systems Analysis": 1, + "Operational Efficiency Planning": 1, + "Operational Cost Analysis": 1, + "Sustainable Technology Evaluation": 1, + "Strategic Environmental Compliance": 1, + "Business Intelligence Analysis": 1, + "Risk Assessment": 1 + }, + "original_index": 882, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "49-9096.00", + "job_title": "Riggers", + "detailed_work_activities": [ + "Test mechanical systems to ensure proper functioning.", + "Communicate with coworkers to coordinate installations or repairs.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Move materials, equipment, or supplies.", + "Determine types of equipment, tools, or materials needed for jobs.", + "Dismantle heavy equipment or machinery.", + "Attach rigging to objects so they can be moved.", + "Align equipment or machinery.", + "Load materials or equipment.", + "Clean equipment, parts, or tools to repair or maintain them in good working order." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Rigging and Material Positioning": 1, + "Equipment Operation and Control": 1, + "Technical Equipment Maintenance": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Technical Diagnostic Assessment": 1, + "Operational Coordination": 1, + "Technical Documentation": 0, + "Precision Measurement": 1 + }, + "original_index": 883, + "sparsity": 0.9963336388634281 + }, + { + "onet_code": "25-1063.00", + "job_title": "Economics Teachers, Postsecondary", + "detailed_work_activities": [ + "Teach social science courses at the college level.", + "Develop instructional materials.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Evaluate student work.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Guide class discussions.", + "Maintain student records.", + "Supervise student research or internship work.", + "Advise students on academic or career matters.", + "Direct department activities.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Compile specialized bibliographies or lists of materials.", + "Serve on institutional or departmental committees.", + "Write grant proposals.", + "Advise educators on curricula, instructional methods, or policies.", + "Plan community programs or activities for the general public." + ], + "skills": [ + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 884, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "13-1051.00", + "job_title": "Cost Estimators", + "detailed_work_activities": [ + "Estimate costs of goods or services.", + "Analyze business or financial data.", + "Confer with others about financial matters.", + "Assess the cost effectiveness of products, projects, or services.", + "Monitor financial indicators.", + "Confer with personnel to coordinate business operations.", + "Establish business management methods.", + "Negotiate agreements to resolve disputes.", + "Develop business or financial information systems.", + "Prepare financial documents.", + "Collect data about project sites.", + "Inspect work sites to determine condition or necessary repairs.", + "Maintain data in information systems or databases." + ], + "skills": [ + "Mathematics\u2014 Using mathematics to solve problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Financial Analysis": 1, + "Operational Cost Analysis": 1, + "Technical Cost Estimation": 1, + "Quantitative Financial Reasoning": 1, + "Business Data Interpretation": 1, + "Strategic Resource Estimation": 1, + "Analytical Problem Solving": 1, + "Professional Documentation": 1, + "Technical Documentation Management": 1, + "Stakeholder Communication": 1, + "Risk Assessment": 1, + "Project Management": 1, + "Academic Instruction": 0, + "Healthcare Patient Care": 0, + "Agricultural Operations": 0 + }, + "original_index": 885, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "47-5013.00", + "job_title": "Service Unit Operators, Oil and Gas", + "detailed_work_activities": [ + "Inspect equipment or tools to be used in construction or excavation.", + "Maintain extraction or excavation equipment.", + "Monitor extraction operations.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Prepare operational reports.", + "Install plumbing or piping.", + "Direct construction or extraction personnel.", + "Communicate with other construction or extraction personnel to discuss project details.", + "Operate pumps or compressors.", + "Drive trucks or truck-mounted equipment.", + "Measure work site dimensions.", + "Select construction equipment.", + "Apply new technologies to improve work processes.", + "Operate detonation equipment.", + "Prepare excavation or extraction sites for commissioning or decommissioning." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Operations Monitoring": 1, + "Equipment Operation and Control": 1, + "Extraction Equipment Maintenance": 1, + "Technical Equipment Monitoring": 1, + "Operational Safety Management": 1, + "Technical Safety Protocols": 1, + "Field Operations Coordination": 1, + "Operational Documentation": 1, + "Technical Equipment Operation": 1, + "Site Preparation and Inspection": 1, + "Academic Instruction": 0, + "Adaptive Care Assistance": 0, + "Healthcare Technical Support": 0 + }, + "original_index": 886, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "11-9199.02", + "job_title": "Compliance Managers", + "detailed_work_activities": [ + "Communicate with government agencies.", + "Identify actions needed to bring properties or facilities into compliance with regulations.", + "Communicate organizational policies and procedures.", + "Advise others on legal or regulatory compliance matters.", + "Maintain regulatory or compliance documentation.", + "Confer with organizational members to accomplish work activities.", + "Conduct employee training programs.", + "Determine operational compliance with regulations or standards.", + "Implement organizational process or policy changes.", + "Liaise between departments or other groups to improve function or communication.", + "Verify accuracy of records.", + "Prepare reports related to compliance matters.", + "Analyze risks to minimize losses or damages.", + "Develop emergency response plans or procedures.", + "Conduct financial or regulatory audits.", + "Maintain knowledge of current developments in area of expertise.", + "Stay informed about current developments in field of specialization.", + "Update knowledge about emerging industry or technology trends.", + "Develop operating strategies, plans, or procedures.", + "Develop organizational policies or programs.", + "Advise others on business or operational matters.", + "Manage control system activities in organizations.", + "Monitor organizational compliance with regulations.", + "Collaborate on research activities with scientists or technical specialists.", + "Conduct environmental audits.", + "Evaluate green operations or programs for compliance with standards or regulations.", + "Coordinate reporting or editing activities.", + "Examine marketing materials to ensure compliance with policies or regulations.", + "Monitor organizational procedures to ensure proper functioning.", + "Develop computer or information systems.", + "Manage environmental sustainability projects." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Advanced Regulatory Compliance": 1, + "Operational Compliance Management": 1, + "Regulatory Compliance Monitoring": 1, + "Legal Compliance Monitoring": 1, + "Strategic Compliance Communication": 1, + "Technical Compliance Monitoring": 1, + "Operational Documentation Management": 1, + "Strategic Risk Assessment": 1, + "Professional Communication": 1, + "Strategic Operational Communication": 1, + "Training Program Development": 1, + "Strategic Documentation Management": 1, + "Stakeholder Communication Strategy": 1, + "Environmental Compliance Management": 1, + "Technical Safety and Compliance": 1 + }, + "original_index": 887, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-9082.00", + "job_title": "Medical Appliance Technicians", + "detailed_work_activities": [ + "Drill holes in parts, equipment, or materials.", + "Operate welding equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Construct customized assistive medical or dental devices.", + "Adjust fabrics or other materials during garment production.", + "Cast molds of patient anatomies to create medical or dental devices.", + "Repair medical or dental assistive devices.", + "Draw guide lines or markings on materials or workpieces using patterns or other references.", + "Inspect medical or dental assistive devices.", + "Measure clients to ensure proper product fit.", + "Operate grinding equipment.", + "Polish materials, workpieces, or finished products.", + "Apply protective or decorative finishes to workpieces or products.", + "Mix ingredients to create specific finishes.", + "Instruct patients in the use of assistive equipment.", + "Repair production equipment or tools." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Instructing\u2014 Teaching others how to do something.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Medical Device Customization": 1, + "Medical Device Fabrication": 1, + "Medical Device Measurement and Fitting": 1, + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Precision Measurement": 1, + "Quality Control Inspection": 1, + "Precision Material Handling": 1, + "Precision Manual Technical Skills": 1, + "Patient Instruction": 1, + "Technical Documentation": 1 + }, + "original_index": 888, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "29-1141.01", + "job_title": "Acute Care Nurses", + "detailed_work_activities": [ + "Treat medical emergencies.", + "Administer anesthetics or sedatives to control pain.", + "Monitor patients following surgeries or other treatments.", + "Record patient medical histories.", + "Diagnose medical conditions.", + "Administer blood or other fluids intravenously.", + "Analyze patient data to determine patient needs or treatment goals.", + "Monitor patient conditions during treatments, procedures, or activities.", + "Adjust prostheses or other assistive devices.", + "Evaluate patient functioning, capabilities, or health.", + "Analyze test data or images to inform diagnosis or treatment.", + "Communicate detailed medical information to patients or family members.", + "Collect biological specimens from patients.", + "Refer patients to other healthcare practitioners or health resources.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Prepare medical supplies or equipment for use.", + "Order medical diagnostic or clinical tests.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Assess patient work, living, or social environments.", + "Process healthcare paperwork.", + "Maintain medical or professional knowledge.", + "Train medical providers.", + "Treat acute illnesses, infections, or injuries.", + "Evaluate treatment options to guide medical decisions.", + "Advise patients on healthcare system processes.", + "Establish nursing policies or standards." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Advanced Medical Intervention": 1, + "Advanced Medical Equipment Management": 1, + "Advanced Life Support Management": 1, + "Administrative Healthcare Support": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Patient Support": 1, + "Patient Care Coordination": 1, + "Patient Safety Management": 1, + "Patient Treatment Planning": 1, + "Professional Healthcare Communication": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 889, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "49-2097.00", + "job_title": "Audiovisual Equipment Installers and Repairers", + "detailed_work_activities": [ + "Install audio or communications equipment.", + "Repair electronic equipment.", + "Estimate costs for labor or materials.", + "Calibrate equipment to specifications.", + "Confer with customers or users to assess problems.", + "Test electrical circuits or components for proper functioning.", + "Train customers in the use of products.", + "Travel to work sites to perform installation, repair or maintenance work.", + "Interpret blueprints, specifications, or diagrams to inform installation, development or operation activities.", + "Read technical information needed to perform maintenance or repairs.", + "Adjust equipment to ensure optimal performance.", + "Maintain repair or maintenance records.", + "Disassemble equipment for maintenance or repair." + ], + "skills": [ + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Technical Equipment Installation": 1, + "Technical Equipment Maintenance": 1, + "Technical Diagnostic Troubleshooting": 1, + "Technical Documentation": 1, + "Technical Equipment Operation": 1, + "Technical Quality Control": 1, + "Technical Communication": 1, + "Technical Safety Management": 1, + "Technical Measurement and Verification": 1, + "Technical Problem Solving": 1 + }, + "original_index": 890, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "15-1211.01", + "job_title": "Health Informatics Specialists", + "detailed_work_activities": [ + "Communicate project information to others.", + "Apply information technology to solve business or other applied problems.", + "Design healthcare-related software applications.", + "Develop computer or information security policies or procedures.", + "Implement security measures for computer or information systems.", + "Analyze health-related data.", + "Document operational activities.", + "Evaluate utility of software or hardware technologies.", + "Test computer system operations to ensure proper functioning.", + "Provide technical information or assistance to public.", + "Develop guidelines for system implementation.", + "Conduct research to gain information about products or processes.", + "Design research studies to obtain scientific information.", + "Train others in computer interface or software use.", + "Update knowledge about emerging industry or technology trends.", + "Provide recommendations to others about computer hardware.", + "Install computer software.", + "Provide technical support for software maintenance or use.", + "Troubleshoot issues with computer applications or systems." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Healthcare Informatics Management": 1, + "Healthcare Information Systems": 1, + "Technical Documentation Management": 1, + "Technical Communication": 1, + "Software Systems Architecture": 1, + "Information Technology Optimization": 1, + "Information Security Management": 1, + "Cybersecurity Implementation": 1, + "Professional Research Methodology": 1, + "Strategic Technology Management": 1, + "Complex Problem Solving": 1, + "Analytical Systems Evaluation": 1, + "Regulatory Compliance Management": 1, + "Client Information Processing": 1 + }, + "original_index": 891, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "31-9099.02", + "job_title": "Endoscopy Technicians", + "detailed_work_activities": [ + "Maintain medical equipment or instruments.", + "Clean medical equipment.", + "Collect biological specimens from patients.", + "Monitor medical equipment to ensure proper functioning.", + "Assist practitioners to perform medical procedures.", + "Operate medical equipment.", + "Prepare patient treatment areas for use.", + "Inventory medical supplies or equipment.", + "Attend educational events to update medical knowledge.", + "Adjust positions of patients on beds or tables.", + "Move patients to or from treatment areas.", + "Teach medical procedures to healthcare personnel." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 0, + "Academic Instruction Management": 0, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Clinical Procedure Support": 1, + "Medical Equipment Management": 1, + "Medical Technical Support": 1, + "Healthcare Equipment Operation": 1, + "Patient Care Coordination": 1, + "Healthcare Safety Management": 1, + "Medical Documentation": 1, + "Professional Medical Communication": 1, + "Technical Equipment Maintenance": 1 + }, + "original_index": 892, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "25-1053.00", + "job_title": "Environmental Science Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Supervise student research or internship work.", + "Develop instructional materials.", + "Supervise laboratory work.", + "Advise students on academic or career matters.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Guide class discussions.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Maintain student records.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Teach physical science or mathematics courses at the college level.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Direct department activities.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Write reports or evaluations.", + "Write grant proposals.", + "Serve on institutional or departmental committees.", + "Compile specialized bibliographies or lists of materials.", + "Evaluate scholarly materials.", + "Plan community programs or activities for the general public.", + "Advise educators on curricula, instructional methods, or policies." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 893, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "11-3131.00", + "job_title": "Training and Development Managers", + "detailed_work_activities": [ + "Conduct opinion surveys or needs assessments.", + "Conduct employee training programs.", + "Evaluate training programs, instructors, or materials.", + "Evaluate employee performance.", + "Evaluate program effectiveness.", + "Manage human resources activities.", + "Confer with organizational members to accomplish work activities.", + "Develop training materials.", + "Prepare graphics or other visual representations of information.", + "Prepare operational budgets.", + "Develop procedures to evaluate organizational activities.", + "Determine operational compliance with regulations or standards.", + "Coordinate special events or programs." + ], + "skills": [ + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Professional Development and Staff Training": 1, + "Organizational Learning Strategy": 1, + "Performance Evaluation Management": 1, + "Workforce Training Development": 1, + "Strategic Organizational Communication": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Client Needs Assessment": 1, + "Operational Performance Management": 1, + "Strategic Performance Monitoring": 1, + "Instructional Technology Integration": 1, + "Resource Allocation Management": 1, + "Stakeholder Communication Strategy": 1 + }, + "original_index": 894, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "49-3041.00", + "job_title": "Farm Equipment Mechanics and Service Technicians", + "detailed_work_activities": [ + "Disassemble equipment for maintenance or repair.", + "Repair defective engines or engine components.", + "Service vehicles to maintain functionality.", + "Adjust equipment to ensure optimal performance.", + "Maintain repair or maintenance records.", + "Reassemble equipment after repair.", + "Test mechanical equipment to ensure proper functioning.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Lubricate equipment to allow proper functioning.", + "Install machine or equipment replacement parts.", + "Test electrical circuits or components for proper functioning.", + "Adjust vehicle components according to specifications.", + "Confer with customers or users to assess problems.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Read work orders or descriptions of problems to determine repairs or modifications needed.", + "Repair worn, damaged, or defective mechanical parts.", + "Replace worn, damaged, or defective mechanical parts.", + "Move large objects using heavy equipment.", + "Fabricate parts or components.", + "Repair structural components.", + "Calculate costs of goods or services.", + "Install piping for installation or maintenance activities.", + "Repair pipes to stop leaking." + ], + "skills": [ + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Technical Equipment Maintenance": 1, + "Mechanical Equipment Maintenance": 1, + "Precision Equipment Maintenance": 1, + "Vehicle Mechanical Repair": 1, + "Diagnostic Technical Troubleshooting": 1, + "Technical Problem Solving": 1, + "Technical Equipment Diagnostics": 1, + "Operational Safety Management": 1, + "Technical Safety Inspection": 1, + "Precision Measurement and Calibration": 1, + "Technical Documentation": 1, + "Agricultural Equipment Operation": 1, + "Agricultural Equipment and Technology Management": 1, + "Precision Manual Technical Skills": 1 + }, + "original_index": 895, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-2021.00", + "job_title": "Coil Winders, Tapers, and Finishers", + "detailed_work_activities": [ + "Operate metal or plastic forming equipment.", + "Trim excess material from workpieces.", + "Record operational or production data.", + "Assemble electrical or electronic equipment.", + "Cut industrial materials in preparation for fabrication or processing.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Test electrical equipment or systems to ensure proper functioning.", + "Load materials into production equipment.", + "Select production input materials.", + "Assemble metal or plastic parts or products.", + "Apply protective or decorative finishes to workpieces or products.", + "Operate heating or drying equipment.", + "Remove products or workpieces from production equipment.", + "Disassemble equipment for maintenance or repair.", + "Maintain production or processing equipment.", + "Repair production equipment or tools." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operation and Control\u2014 Controlling operations of equipment or systems." + ], + "skill_vector": { + "Interpersonal Communication": 0, + "Operational Coordination": 0, + "Critical Problem Solving": 0, + "Technical Equipment Maintenance": 0, + "Operational Safety and Quality Control": 0, + "Precision Manual Manipulation": 0, + "Emergency Response Management": 0, + "Transportation Systems Navigation": 0, + "Performance and Safety Monitoring": 0, + "Material Processing": 0, + "Industrial Equipment Operation": 0, + "Workplace Maintenance": 0, + "Spatial Visualization": 0, + "Mechanical Fabrication": 0, + "Systems Installation": 0, + "Renewable Energy Systems": 0, + "Technical Documentation": 0, + "Environmental Technology Deployment": 0, + "Logistics Resource Management": 0, + "Operational Compliance and Safety": 0, + "Quantitative Operational Analysis": 0, + "Hospitality Management": 0, + "Organizational Resource Coordination": 0, + "Adaptive Workplace Communication": 0, + "Strategic Operational Planning": 0, + "Performance and Compliance Monitoring": 0, + "Educational Support": 0, + "Developmental Mentorship": 0, + "Inclusive Learning Management": 0, + "Technical Maintenance and Repair": 0, + "Operational Safety Management": 0, + "Resource Coordination and Personnel Management": 0, + "Complex Problem Resolution": 0, + "Technical Systems Analysis": 0, + "Precision Technical Documentation": 0, + "Advanced Equipment Calibration": 0, + "Integrated Systems Engineering": 0, + "Quantitative Technical Problem Solving": 0, + "Mechanical Equipment Diagnostics": 0, + "Preventive Maintenance Execution": 0, + "Technical Repair Workflow Management": 0, + "Geological Site Preparation": 0, + "Drilling and Excavation Techniques": 0, + "Heavy Equipment Navigation": 0, + "Geological Sample Collection": 0, + "Environmental Decontamination": 0, + "Green Energy Management": 0, + "Strategic Environmental Compliance": 0, + "Resource Allocation Strategy": 0, + "Advanced Stakeholder Negotiation": 0, + "Medical Diagnostics": 0, + "Healthcare Patient Management": 0, + "Medical Education and Training": 0, + "Healthcare Communication": 0, + "Medical Research and Innovation": 0, + "Patient Care Management": 0, + "Medical Knowledge Application": 0, + "Healthcare Professional Collaboration": 0, + "Health Education and Counseling": 0, + "Clinical Documentation Management": 0, + "Production Equipment Management": 0, + "Quality Assurance Inspection": 0, + "Surface Preparation and Finishing": 0, + "Operational Material Handling": 0, + "Precision Manufacturing Techniques": 0, + "Process Equipment Operation": 0, + "Operational Material Processing": 0, + "Systematic Quality Verification": 0, + "Food Service Management": 0, + "Culinary Preparation Skills": 0, + "Kitchen Safety and Sanitation": 0, + "Inventory and Resource Management": 0, + "Operational Food Service Coordination": 0, + "Construction Material Manipulation": 0, + "Infrastructure Installation": 0, + "Precision Construction Techniques": 0, + "Mechanical System Diagnostics": 0, + "Precision Equipment Maintenance": 0, + "Technical Operational Control": 0, + "Mechanical Component Fabrication": 0, + "Operational Safety Compliance": 0, + "Legal Decision Making": 0, + "Procedural Legal Communication": 0, + "Regulatory Conflict Resolution": 0, + "Print Production Management": 0, + "Manufacturing Process Control": 0, + "Technical Equipment Calibration": 0, + "Electronic Systems Engineering": 0, + "Technical Performance Diagnostics": 0, + "Technical Documentation Management": 0, + "Instrumentation and Equipment Installation": 0, + "Operational Cost and Resource Planning": 0, + "Labor Relations Management": 0, + "Regulatory Compliance Strategy": 0, + "Strategic Conflict Resolution": 0, + "Organizational Policy Development": 0, + "Professional Communication Dynamics": 0, + "Residential Support Management": 0, + "Interpersonal Behavioral Guidance": 0, + "Organizational Safety Oversight": 0, + "Administrative Support Coordination": 0, + "Conflict Mediation and Resolution": 0, + "Medical Administrative Support": 0, + "Professional Communication Management": 0, + "Organizational Information Processing": 0, + "Mechanical Repair Skills": 0, + "Precision Equipment Installation": 0, + "Operational Safety Monitoring": 0, + "Technical Documentation and Interpretation": 0, + "Legal Research and Analysis": 0, + "Judicial Documentation Management": 0, + "Professional Legal Communication": 0, + "Judicial Procedural Coordination": 0, + "Maternal Healthcare Management": 0, + "Clinical Procedure Instruction": 0, + "Comprehensive Patient Counseling": 0, + "Emergency Reproductive Care": 0, + "Airfield Operations Management": 0, + "Transportation Safety Monitoring": 0, + "Emergency Response Coordination": 0, + "Operational Communication Coordination": 0, + "Vehicle and Equipment Monitoring": 0, + "Therapeutic Counseling": 0, + "Client Treatment Management": 0, + "Substance Abuse Intervention": 0, + "Crisis Support Management": 0, + "Family Systems Counseling": 0, + "Maritime Operations Management": 0, + "Emergency Water Response": 0, + "Vessel Maintenance and Inspection": 0, + "Water Transportation Coordination": 0, + "Construction Material Preparation": 0, + "Structural Component Assembly": 0, + "Construction Equipment Management": 0, + "Surface Preparation Techniques": 0, + "Child Development Support": 0, + "Developmental Care Coordination": 0, + "Adaptive Caregiving": 0, + "Family Engagement and Communication": 0, + "Holistic Child Safety Management": 0, + "Measurement and Verification": 0, + "Logistics and Inventory Management": 0, + "Operational Documentation": 0, + "Vehicle Glass Repair": 0, + "Automotive Component Replacement": 0, + "Precision Surface Preparation": 0, + "Regulatory Compliance Management": 0, + "Strategic Resource Allocation": 0, + "Advanced Operational Governance": 0, + "Scientific Research Methodology": 0, + "Environmental Conservation Strategy": 0, + "Biological Systems Analysis": 0, + "Professional Scientific Communication": 0, + "Organizational Research Management": 0, + "Regulatory Environmental Compliance": 0, + "Technical Systems Optimization": 0, + "Resource and Budget Management": 0, + "Workforce Training and Development": 0, + "Postal Service Operations": 0, + "Customer Interaction Management": 0, + "Administrative Documentation": 0, + "Vehicle and Equipment Operation": 0, + "Legal Documentation Management": 0, + "Professional Transcription Skills": 0, + "Procedural Information Processing": 0, + "Precision Device Assembly": 0, + "Equipment Diagnostic Inspection": 0, + "Precision Measurement Techniques": 0, + "Client Representation Management": 0, + "Strategic Talent Negotiation": 0, + "Performance Career Development": 0, + "Entertainment Industry Coordination": 0, + "Professional Financial Management": 0, + "Hazardous Materials Management": 0, + "Safety and Risk Mitigation": 0, + "Heavy Equipment Operation": 0, + "Environmental Site Management": 0, + "Technical Substance Preparation": 0, + "Pharmaceutical Workflow Management": 0, + "Healthcare Compliance and Safety": 0, + "Environmental Conservation Management": 0, + "Specialized Equipment Operation": 0, + "Field Operations Coordination": 0, + "Agricultural Inventory Management": 0, + "Preventive Plant Care": 0, + "Environmental Data Analysis": 0, + "Scientific Sample Management": 0, + "Technical Reporting and Documentation": 0, + "Environmental Monitoring and Assessment": 0, + "Green Energy Engineering": 0, + "Technical Design Visualization": 0, + "Systematic Performance Evaluation": 0, + "Renewable Technology Testing": 0, + "Technical Project Planning": 0, + "Mechanical Repair and Maintenance": 0, + "Precision Material Manipulation": 0, + "Customer Engagement": 0, + "Retail Product Management": 0, + "Sales Transaction Processing": 0, + "Property Valuation Analysis": 0, + "Professional Documentation Management": 0, + "Economic Trend Forecasting": 0, + "Client Service Coordination": 0, + "Legal Testimony Preparation": 0, + "Production Assembly Skills": 0, + "Operational Quality Monitoring": 0, + "Technical Equipment Management": 0, + "Workplace Procedural Coordination": 0, + "Material Handling and Preparation": 0, + "Food Service Leadership": 0, + "Organizational Resource Allocation": 0, + "Interpersonal Conflict Resolution": 0, + "Performance Monitoring and Evaluation": 0, + "Project Management": 0, + "Strategic Technology Management": 0, + "Organizational Resource Optimization": 0, + "Advanced Stakeholder Communication": 0, + "Glass Fabrication Techniques": 0, + "Production Equipment Setup": 0, + "Manufacturing Quality Verification": 0, + "Personal Grooming Services": 0, + "Client Relationship Management": 0, + "Beauty Product Expertise": 0, + "Aesthetic Service Coordination": 0, + "Waste Management Operations": 0, + "Vehicle and Equipment Navigation": 0, + "Safety and Maintenance Inspection": 0, + "Software Development": 0, + "Information Technology Problem Solving": 0, + "Technology Project Management": 0, + "Enterprise Technology Integration": 0, + "Security Risk Management": 0, + "Investigative Compliance Analysis": 0, + "Personnel Resource Optimization": 0, + "Strategic Organizational Governance": 0, + "Comprehensive Workplace Monitoring": 0, + "Workforce Training Development": 0, + "Sales Communication": 0, + "Customer Relationship Cultivation": 0, + "Telemarketing Strategy": 0, + "Therapeutic Patient Care": 0, + "Healthcare Education and Counseling": 0, + "Adaptive Therapeutic Intervention": 0, + "Educational Support and Mentorship": 0, + "Adaptive Learning Management": 0, + "Performance Assessment and Monitoring": 0, + "Interpersonal Educational Communication": 0, + "Professional Educational Development": 0, + "Nanotechnology Process Control": 0, + "Precision Scientific Measurement": 0, + "Technical Research and Innovation": 0, + "Environmental Compliance Monitoring": 0, + "Technical Documentation and Reporting": 0, + "Tour Guide Services": 0, + "Patron Support Coordination": 0, + "Recreational Activity Management": 0, + "Social Support Services": 0, + "Family Systems Intervention": 0, + "Advocacy and Resource Navigation": 0, + "Psychosocial Assessment": 0, + "Client Hygiene Management": 0, + "Technical Design Drafting": 0, + "Precision Measurement Analysis": 0, + "Technical Collaborative Communication": 0, + "Blockchain Technology Development": 0, + "Cybersecurity Implementation": 0, + "Software Architecture Design": 0, + "Cryptographic Protocol Engineering": 0, + "Distributed Systems Engineering": 0, + "Precision Equipment Operation": 0, + "Manufacturing Quality Control": 0, + "Production Process Management": 0, + "Therapeutic Music Intervention": 0, + "Patient Psychological Assessment": 0, + "Healthcare Treatment Planning": 0, + "Empathetic Patient Communication": 0, + "Medical Documentation Management": 0, + "Medical Imaging Technology": 0, + "Healthcare Procedural Compliance": 0, + "Patient Diagnostic Interaction": 0, + "Medical Substance Management": 0, + "Clinical Equipment Maintenance": 0, + "Food Processing Operations": 0, + "Production Equipment Monitoring": 0, + "Quality Verification Techniques": 0, + "Material Handling and Processing": 0, + "Gaming Operations Management": 0, + "Customer Service Interaction": 0, + "Operational Quality Assurance": 0, + "Academic Instruction": 0, + "Student Performance Assessment": 0, + "Academic Research and Development": 0, + "Institutional Governance": 0, + "Professional Development Management": 0, + "Cultural Heritage Preservation": 0, + "Exhibit Design and Curation": 0, + "Archival Research and Documentation": 0, + "Surgical Intervention": 0, + "Medical Diagnostic Assessment": 0, + "Healthcare Procedural Coordination": 0, + "Medical Equipment Sterilization": 0, + "Clinical Research Management": 0, + "Athletic Performance Management": 0, + "Strategic Physical Coordination": 0, + "Professional Sports Communication": 0, + "Electrical Systems Installation": 0, + "Technical Equipment Diagnostics": 0, + "Safety Equipment Verification": 0, + "Artistic Performance Coordination": 0, + "Creative Composition Strategy": 0, + "Professional Artistic Negotiation": 0, + "Personal Care Support": 0, + "Compassionate Client Interaction": 0, + "Healthcare Assistance Coordination": 0, + "Domestic Support Management": 0, + "Environmental Regulatory Compliance": 0, + "Systematic Investigative Analysis": 0, + "Technical Environmental Monitoring": 0, + "Professional Regulatory Communication": 0, + "Green Energy Innovation": 0, + "Operational Environmental Strategy": 0, + "Technical Process Engineering": 0, + "Sustainable Production Management": 0, + "Energy Production Analytics": 0, + "Financial Information Processing": 0, + "Customer Information Acquisition": 0, + "Administrative Communication Management": 0, + "Financial Transaction Coordination": 0, + "Regulatory Compliance Documentation": 0, + "Construction Material Management": 0, + "Protective Work Environment Setup": 0, + "Construction Project Cost Estimation": 0, + "Environmental Science Research": 0, + "Regulatory Environmental Management": 0, + "Scientific Communication and Reporting": 0, + "Sustainability Planning": 0, + "Environmental Impact Assessment": 0, + "Administrative Document Processing": 0, + "Office Equipment Operation": 0, + "Communication and Information Routing": 0, + "Professional Time and Task Management": 0, + "Forensic Investigation": 0, + "Professional Testimony Preparation": 0, + "Landscape Maintenance Operations": 0, + "Specialized Equipment Navigation": 0, + "Safety-Focused Field Operations": 0, + "Biological Research Methodology": 0, + "Laboratory Sample Analysis": 0, + "Scientific Instrumentation Management": 0, + "Microorganism Classification": 0, + "Environmental Microbiological Assessment": 0, + "Vehicle Mechanical Repair": 0, + "Precision Manual Tool Operation": 0, + "Visual Display Design": 0, + "Creative Promotional Strategy": 0, + "Artistic Prop and Material Selection": 0, + "Technical Illustration and Modeling": 0, + "Educational Program Development": 0, + "Student Performance Management": 0, + "Adaptive Instructional Techniques": 0, + "Classroom Behavior Management": 0, + "Physical Fitness Instruction": 0, + "Health and Safety Management": 0, + "Client Performance Evaluation": 0, + "Recreational Activity Coordination": 0, + "Fitness Equipment Management": 0, + "Occupational Safety Management": 0, + "Health and Wellness Communication": 0, + "Regulatory Documentation Management": 0, + "Emergency Preparedness Planning": 0, + "Technical Equipment Inspection": 0, + "Medical Diagnostic Precision": 0, + "Healthcare Patient Interaction": 0, + "Vision Care Expertise": 0, + "Medical Treatment Planning": 0, + "Healthcare Equipment Management": 0, + "Cybersecurity Engineering": 0, + "Information Technology Project Management": 0, + "Security Risk Assessment": 0, + "Software Systems Architecture": 0, + "Surgical Intervention Management": 0, + "Medical Diagnostic Reasoning": 0, + "Healthcare Professional Coordination": 0, + "Precision Medical Equipment Management": 0, + "Patient Care and Communication": 0, + "Artistic Conceptualization": 0, + "Creative Technical Illustration": 0, + "Artistic Production Collaboration": 0, + "Artistic Material Preparation": 0, + "Creative Trend Monitoring": 0, + "Media Production Management": 0, + "Broadcast Technical Control": 0, + "Creative Technical Graphics": 0, + "Performance Choreography": 0, + "Artistic Performance Management": 0, + "Creative Artistic Instruction": 0, + "Artistic Trend Analysis": 0, + "Scientific Problem Solving": 0, + "Research and Development Methodology": 0, + "Facility Maintenance": 0, + "Equipment Operation": 0, + "Safety and Sanitation": 0, + "Psychological Assessment": 0, + "Clinical Counseling": 0, + "Scientific Mental Health Research": 0, + "Professional Healthcare Collaboration": 0, + "Neuropsychological Diagnostic Reasoning": 0, + "Mortuary Operations Management": 0, + "Deceased Care Preparation": 0, + "Grief Support Communication": 0, + "Cremation Equipment Operation": 0, + "Funeral Service Documentation": 0, + "Quality Systems Management": 0, + "Strategic Operational Decision Making": 0, + "Organizational Performance Monitoring": 0, + "Technical Documentation and Specification Development": 0, + "Personnel Resource Development": 0, + "Financial Product Sales": 0, + "Customer Needs Assessment": 0, + "Sales Transaction Management": 0, + "Professional Network Development": 0, + "Product Knowledge Acquisition": 0, + "Legal Decision Analysis": 0, + "Conflict Resolution and Mediation": 0, + "Precision Instrument Repair": 0, + "Technical Diagnostic Assessment": 0, + "Specialized Equipment Maintenance": 0, + "Precision Surface Refinishing": 0, + "Energy Systems Operation": 0, + "Industrial Equipment Maintenance": 0, + "Technical Safety Monitoring": 0, + "Precision Manual Technical Skills": 0, + "Operational Data Recording": 0, + "Medical Diagnostic Imaging": 0, + "Patient Care Coordination": 0, + "Clinical Equipment Management": 0, + "Healthcare Procedural Support": 0, + "Religious Program Management": 0, + "Spiritual Counseling": 0, + "Community Outreach Coordination": 0, + "Interpersonal Guidance": 0, + "Organizational Religious Leadership": 0, + "Strategic Project Management": 0, + "Advanced Resource Allocation": 0, + "Operational Performance Monitoring": 0, + "Environmental Systems Management": 0, + "Strategic Environmental Planning": 0, + "Technical Environmental Analysis": 0, + "Professional Environmental Communication": 0, + "Operational Environmental Monitoring": 0, + "Manufacturing Equipment Operation": 0, + "Quality Inspection and Verification": 0, + "Operational Safety and Compliance": 0, + "Food Production Management": 0, + "Ingredient Precision Handling": 0, + "Operational Quality Control": 0, + "Equipment Temperature Management": 0, + "Culinary Safety Protocols": 0, + "Architectural Design Planning": 0, + "Technical Project Management": 0, + "Professional Design Communication": 0, + "Environmental Design Integration": 0, + "Analytical Design Evaluation": 0, + "Production Equipment Operation": 0, + "Technical Documentation Reading": 0, + "Strategic Organizational Leadership": 0, + "Advanced Resource Management": 0, + "Traffic Systems Analysis": 0, + "Technical Equipment Monitoring": 0, + "Operational Documentation Management": 0, + "Infrastructure Marking and Visualization": 0, + "Administrative Communication": 0, + "Operational Documentation Processing": 0, + "Technical Problem Solving": 0, + "Web Technology Management": 0, + "Digital Systems Security": 0, + "Library Resource Management": 0, + "Administrative Information Processing": 0, + "Customer Service Coordination": 0, + "Precision Material Fabrication": 0, + "Textile Manipulation Skills": 0, + "Geological Sample Analysis": 0, + "Field Data Collection": 0, + "Geospatial Resource Mapping": 0, + "Environmental Site Preparation": 0, + "Construction Project Management": 0, + "Strategic Resource Coordination": 0, + "Regulatory Compliance and Safety": 0, + "Electronic Systems Design": 0, + "Technical Communication": 0, + "Fiberglass Material Processing": 0, + "Mold Preparation and Management": 0, + "Surface Treatment Techniques": 0, + "Medical Diagnostic Expertise": 0, + "Scientific Laboratory Management": 0, + "Professional Medical Communication": 0, + "Pathological Analysis": 0, + "Technical Systems Engineering": 0, + "Information Security Management": 0, + "Collaborative Technical Problem Solving": 0, + "Technology Project Coordination": 0, + "Vehicle Damage Assessment": 0, + "Insurance Claims Documentation": 0, + "Technical Cost Estimation": 0, + "Gas Systems Operation": 0, + "Industrial Equipment Monitoring": 0, + "Operational Safety Protocols": 0, + "Early Childhood Education": 0, + "Child Safety Management": 0, + "Developmental Instructional Adaptation": 0, + "Parent-Educator Communication": 0, + "Classroom Behavioral Management": 0, + "Nuclear Systems Control": 0, + "Complex Equipment Diagnostics": 0, + "Operational Performance Optimization": 0, + "Critical Decision Making": 0, + "Technical Writing Proficiency": 0, + "Information Processing": 0, + "Professional Communication Strategy": 0, + "Critical Analysis and Decision Making": 0, + "Continuous Learning Management": 0, + "Broadcast Technical Operations": 0, + "Production Coordination": 0, + "Technical Communication Management": 0, + "Emergency Medical Care": 0, + "Patient Transportation Management": 0, + "Healthcare Team Collaboration": 0, + "Emergency Medical Documentation": 0, + "Technical Problem Analysis": 0, + "Industrial Process Management": 0, + "Technical Documentation Interpretation": 0, + "Quality Control Engineering": 0, + "Engineering Design Visualization": 0, + "Laboratory Sample Management": 0, + "Technical Troubleshooting": 0, + "Operational Equipment Coordination": 0, + "Recreational Facility Management": 0, + "Financial Record Management": 0, + "Legal Reasoning": 0, + "Legal Dispute Resolution": 0, + "Client Legal Representation": 0, + "Public Safety Management": 0, + "Animal Care and Control": 0, + "Investigative Documentation": 0, + "Cybersecurity Risk Management": 0, + "Professional Information Processing": 0, + "Continuous Professional Learning": 0, + "Vehicle Component Maintenance": 0, + "Equipment Operation and Safety": 0, + "Geospatial Data Analysis": 0, + "Technical Field Documentation": 0, + "Scientific Instrumentation Operation": 0, + "Environmental Site Analysis": 0, + "Academic Instruction Design": 0, + "Scholarly Research Management": 0, + "Professional Academic Communication": 0, + "Institutional Academic Governance": 0, + "Healthcare Patient Assessment": 0, + "Therapeutic Physical Intervention": 0, + "Medical Equipment Management": 0, + "Professional Healthcare Coordination": 0, + "Food Production Operations": 0, + "Equipment Temperature Control": 0, + "Surface Leveling and Preparation": 0, + "Masonry Material Installation": 0, + "Financial Analysis": 0, + "Professional Documentation": 0, + "Strategic Business Advisory": 0, + "Utility Service Monitoring": 0, + "Material Preparation and Handling": 0, + "Precision Measurement and Layout": 0, + "Installation Quality Control": 0, + "Specialized Material Manipulation": 0, + "Technical Equipment Installation": 0, + "Diagnostic Technical Troubleshooting": 0, + "Operational Safety Verification": 0, + "Human Factors Engineering": 0, + "Technical Design Optimization": 0, + "Learner Needs Assessment": 0, + "Customer Transaction Management": 0, + "Product Information Communication": 0, + "Operational Customer Interaction": 0, + "Market Intelligence": 0, + "Professional Product Knowledge": 0, + "Technical Equipment Setup": 0, + "Technical Control Systems Operation": 0, + "Surface Finishing Techniques": 0, + "Precision Manual Construction Skills": 0, + "Creative Design Conceptualization": 0, + "Trend and Market Research": 0, + "Therapeutic Patient Counseling": 0, + "Aviation Safety Inspection": 0, + "Technical Performance Verification": 0, + "Medical Precision Intervention": 0, + "Healthcare Equipment Customization": 0, + "Business Intelligence Analysis": 0, + "Information Systems Management": 0, + "Analytical Problem Solving": 0, + "Precision Technical Diagnostics": 0, + "Legislative Policy Development": 0, + "Public Governance Coordination": 0, + "Strategic Hearing Management": 0, + "Professional Development Leadership": 0, + "Regulatory Impact Analysis": 0, + "Engineering Systems Design": 0, + "Scientific Problem Resolution": 0, + "Technical Performance Optimization": 0, + "Performance Arts Management": 0, + "Expressive Communication": 0, + "Creative Skill Development": 0, + "Professional Talent Representation": 0, + "Artistic Audition and Casting": 0, + "Animal Training and Care": 0, + "Performance Instruction": 0, + "Administrative Coordination": 0, + "Social Research Methodology": 0, + "Professional Knowledge Communication": 0, + "Systematic Analytical Reasoning": 0, + "Interpersonal Observation Skills": 0, + "Academic and Policy Consultation": 0, + "Vehicle Operation Management": 0, + "Logistics Documentation": 0, + "Insurance Claims Processing": 0, + "Administrative Information Management": 0, + "Customer Information Verification": 0, + "Sales Persuasion": 0, + "Customer Engagement Strategy": 0, + "Product Demonstration Skills": 0, + "Safety and Hazard Management": 0, + "Operational Documentation and Reporting": 0, + "Scientific Laboratory Procedures": 0, + "Quality Control Analysis": 0, + "Chemical Substance Management": 0, + "Software Quality Assurance": 0, + "Technical Problem Diagnostics": 0, + "Performance Monitoring and Analysis": 0, + "Collaborative Technical Communication": 0, + "Academic Research and Instruction": 0, + "Professional Academic Development": 0, + "Special Needs Education Support": 0, + "Developmental Behavioral Management": 0, + "Educational Assessment and Monitoring": 0, + "Collaborative Educational Planning": 0, + "Adaptive Instructional Technology": 0, + "Mechanical Repair Expertise": 0, + "Precision Equipment Manipulation": 0, + "Technical Problem Resolution": 0, + "Equipment Maintenance and Safety": 0, + "Rehabilitation Case Management": 0, + "Forensic Social Intervention": 0, + "Therapeutic Client Counseling": 0, + "Community Resource Navigation": 0, + "Legal Compliance Monitoring": 0, + "Hazardous Environment Management": 0, + "Precision Manual Infrastructure Skills": 0, + "Strategic Organizational Communication": 0, + "Strategic Decision Making": 0, + "Computational Bioinformatics": 0, + "Human Resources Management": 0, + "Strategic Interpersonal Communication": 0, + "Compliance and Regulatory Management": 0, + "Forensic Evidence Analysis": 0, + "Scientific Documentation": 0, + "Curriculum Development": 0, + "Nutritional Assessment": 0, + "Healthcare Nutrition Counseling": 0, + "Dietary Program Management": 0, + "Scientific Nutrition Research": 0, + "Interdisciplinary Healthcare Collaboration": 0, + "Professional Client Interaction": 0, + "Regulatory Compliance and Interpretation": 0, + "Geospatial Data Collection": 0, + "Cartographic Visualization": 0, + "Medical Records Management": 0, + "Healthcare Administrative Communication": 0, + "Medical Facility Operational Coordination": 0, + "Pedagogical Assessment and Monitoring": 0, + "Technical Validation Engineering": 0, + "Complex Problem Analysis": 0, + "Forensic Evidence Management": 0, + "Legal Documentation and Testimony": 0, + "Investigative Information Management": 0, + "Emergency Response Documentation": 0, + "Pattern Design and Fabrication": 0, + "Technical Measurement and Layout": 0, + "Production Equipment Programming": 0, + "Risk Assessment Management": 0, + "Technical Specification Development": 0, + "Operational Compliance Monitoring": 0, + "Strategic Investigative Analysis": 0, + "Forestry Equipment Operation": 0, + "Field Operations Safety": 0, + "Water Systems Management": 0, + "Chemical Processing Control": 0, + "Precision Operational Documentation": 0, + "Information Management": 0, + "Procedural Documentation": 0, + "Digital Systems Management": 0, + "Precision Manufacturing Skills": 0, + "Equipment Diagnostic Monitoring": 0, + "Technical Quality Verification": 0, + "Machine Operation Control": 0, + "Technical Quality Inspection": 0, + "Technical Documentation Comprehension": 0, + "Precision Material Handling": 0, + "Vision Care Technical Skills": 0, + "Medical Device Customization": 0, + "Performance Arts Coordination": 0, + "Creative Movement Technique": 0, + "Professional Performance Preparation": 0, + "Web Design and Development": 0, + "Digital Visual Communication": 0, + "Technical Project Collaboration": 0, + "Digital Systems Testing": 0, + "Emerging Technology Adaptation": 0, + "Operational Problem Resolution": 0, + "Quantitative Technical Analysis": 0, + "Educational Instruction Management": 0, + "Student Performance Evaluation": 0, + "Research and Scholarly Contribution": 0, + "Health Education Strategy": 0, + "Social Services Coordination": 0, + "Professional Health Communication": 0, + "Community Needs Assessment": 0, + "Organizational Health Program Management": 0, + "Textile Equipment Operation": 0, + "Precision Material Cutting": 0, + "Production Quality Inspection": 0, + "Equipment Setup and Calibration": 0, + "Operational Pattern Management": 0, + "Precision Medical Intervention": 0, + "Healthcare Professional Communication": 0, + "Customer Service Communication": 0, + "Problem Resolution Strategy": 0, + "Chemical Analysis and Synthesis": 0, + "Technical Quality Control": 0, + "Laboratory Equipment Management": 0, + "Postal Operations Management": 0, + "Personnel Resource Coordination": 0, + "Operational Communication Strategy": 0, + "Strategic Problem Resolution": 0, + "Administrative Documentation Management": 0, + "Operational Monitoring and Control": 0, + "Site Dimensional Management": 0, + "Material Handling and Coordination": 0, + "Pumping and Hydraulic Systems Management": 0, + "Recreational Program Management": 0, + "Client Engagement and Support": 0, + "Operational Safety and Rule Enforcement": 0, + "Genetic Research Methodology": 0, + "Scientific Literature Review": 0, + "Research Collaboration Management": 0, + "Biological Sample Analysis": 0, + "Scientific Proposal Development": 0, + "Organizational Research Methodology": 0, + "Professional Counseling": 0, + "Interpersonal Observation": 0, + "Research Communication": 0, + "Patient Care Communication": 0, + "Medical Procedure Support": 0, + "Remote Sensing Analysis": 0, + "Educational Leadership": 0, + "Organizational Compliance Management": 0, + "Professional Development Coordination": 0, + "Interpersonal Guidance and Support": 0, + "Landscape Design Planning": 0, + "Green Infrastructure Development": 0, + "Site Analysis and Preparation": 0, + "Technical Project Coordination": 0, + "Complex Problem Solving": 0, + "Mathematical Problem Analysis": 0, + "Advanced Learning Strategies": 0, + "Mining Equipment Operation": 0, + "Geological Site Management": 0, + "Extraction Workflow Coordination": 0, + "Mental Health Patient Care": 0, + "Therapeutic Communication": 0, + "Clinical Behavioral Intervention": 0, + "Patient Emotional Support": 0, + "Medical Psychiatric Documentation": 0, + "Maritime Navigation Skills": 0, + "Emergency Maritime Response": 0, + "Vessel Equipment Maintenance": 0, + "Transportation Logistics Coordination": 0, + "Marine Communication Protocols": 0, + "Vegetation Management": 0, + "Chemical Application Safety": 0, + "Equipment Maintenance and Operation": 0, + "Animal Research Methodology": 0, + "Agricultural Systems Analysis": 0, + "Scientific Agricultural Communication": 0, + "Livestock Breeding Expertise": 0, + "Agricultural Process Management": 0, + "Healthcare Information Systems": 0, + "Clinical Documentation Processing": 0, + "Mechanical Equipment Maintenance": 0, + "Precision Technical Installation": 0, + "Technical Design Documentation": 0, + "Precision Equipment Calibration": 0, + "Wood Product Fabrication": 0, + "Technical Blueprint Interpretation": 0, + "Counseling and Guidance": 0, + "Client Needs Assessment": 0, + "Educational Resource Coordination": 0, + "Professional Communication and Intervention": 0, + "Holistic Client Development": 0, + "Strategic Communication Management": 0, + "Media Relations Coordination": 0, + "Event and Program Management": 0, + "Organizational Narrative Development": 0, + "Stakeholder Engagement Strategy": 0, + "Equipment Diagnostic Assessment": 0, + "Precision Machine Operation": 0, + "Operational Quality Verification": 0, + "Medical Device Fabrication": 0, + "Patient Assessment and Measurement": 0, + "Electrical Systems Maintenance": 0, + "Technical Diagnostic Troubleshooting": 0, + "Academic Instruction and Research": 0, + "Pedagogical Assessment and Mentorship": 0, + "Continuous Professional Development": 0, + "Electrical Installation Skills": 0, + "Precision Manual Technical Work": 0, + "Resource and Schedule Management": 0, + "Information Processing and Documentation": 0, + "Problem Analysis and Resolution": 0, + "Surgical Patient Care": 0, + "Healthcare Safety Protocol": 0, + "Personal Resource Management": 0, + "Service Environment Maintenance": 0, + "Patron Safety and Support": 0, + "Photographic Process Management": 0, + "Technical Material Preparation": 0, + "Medical Anesthesia Support": 0, + "Advanced Life Support Management": 0, + "Medical Equipment Precision Management": 0, + "Clinical Documentation and Reporting": 0, + "Student Safety Management": 0, + "Passenger Transportation Support": 0, + "Behavioral Conflict Mediation": 0, + "Healthcare Regulatory Compliance": 0, + "Research Data Management": 0, + "Interdisciplinary Research Collaboration": 0, + "Chemical Solution Preparation": 0, + "Production Monitoring and Quality Control": 0, + "Retail Leadership": 0, + "Merchandise Display Strategy": 0, + "Retail Inventory Management": 0, + "Creative Design Management": 0, + "Professional Visual Communication": 0, + "Artistic Collaboration and Coordination": 0, + "Network Systems Support": 0, + "Technical Security Implementation": 0, + "Operational Technical Documentation": 0, + "Border Security Operations": 0, + "Investigative Risk Assessment": 0, + "Legal Compliance Enforcement": 0, + "Interpersonal Threat Detection": 0, + "Postsecondary Educational Instruction": 0, + "Academic Research and Scholarship": 0, + "Interdisciplinary Academic Communication": 0, + "Energy Systems Control": 0, + "Equipment Performance Monitoring": 0, + "Pedagogical Assessment and Development": 0, + "Scientific Knowledge Communication": 0, + "Professional Development and Learning": 0, + "Spiritual Guidance": 0, + "Community Religious Leadership": 0, + "Interpersonal Empathetic Support": 0, + "Religious Educational Programming": 0, + "Holistic Community Support": 0, + "Precision Material Measurement": 0, + "Creative Design Visualization": 0, + "Market and Trend Analysis": 0, + "Collaborative Design Production": 0, + "Client Interaction Management": 0, + "Precision Manual Skill Application": 0, + "Broadcast Media Performance": 0, + "Media Production Coordination": 0, + "News and Information Gathering": 0, + "Classroom Management": 0, + "Instructional Strategy Development": 0, + "Student Performance Monitoring": 0, + "Educational Communication": 0, + "Developmental Learning Support": 0, + "Operational Food Service Management": 0, + "Professional Communication and Coordination": 0, + "Textile Material Manipulation": 0, + "Precision Garment Production": 0, + "Pattern Design and Layout": 0, + "Agricultural Systems Engineering": 0, + "Complex Problem Solving in Engineering": 0, + "Operational Systems Analysis": 0, + "Equipment Diagnostic Troubleshooting": 0, + "Precision Technical Maintenance": 0, + "Biomedical Engineering Design": 0, + "Systems Engineering Analysis": 0, + "Professional Technical Communication": 0, + "Technical Systems Design": 0, + "Equipment Performance Diagnostics": 0, + "Technical Measurement and Verification": 0, + "Vehicle Diagnostic Assessment": 0, + "Mechanical Repair Precision": 0, + "Equipment Maintenance Strategy": 0, + "Technical Safety Verification": 0, + "Precision Manual Tool Manipulation": 0, + "Patient Treatment and Counseling": 0, + "Medical Procedure and Equipment Management": 0, + "Training Program Development": 0, + "Organizational Learning Strategy": 0, + "Performance Evaluation and Monitoring": 0, + "Interpersonal Learning Facilitation": 0, + "Organizational Training Coordination": 0, + "Investigative Evidence Analysis": 0, + "Regulatory Compliance Investigation": 0, + "Financial Fraud Detection": 0, + "Professional Interviewing": 0, + "Professional Procedural Communication": 0, + "Interpersonal Conflict Management": 0, + "Technical Illustration Skills": 0, + "Exhibition and Display Design": 0, + "Design Material Preparation": 0, + "Visual Presentation Skills": 0, + "Professional Image Modeling": 0, + "Career Opportunity Identification": 0, + "Data Management": 0, + "Systematic Problem Analysis": 0, + "Therapeutic Art Intervention": 0, + "Empathetic Professional Communication": 0, + "Treatment Plan Development": 0, + "Creative Psychological Intervention": 0, + "Equipment Operation and Control": 0, + "Technical Safety and Compliance": 0, + "Patron Safety Management": 0, + "Professional Communication and Interaction": 0, + "Operational Information Management": 0, + "Inventory Management": 0, + "Material Handling": 0, + "Quality Inspection": 0, + "Infrastructure Design": 0, + "Environmental Systems Analysis": 0, + "Site Evaluation and Preparation": 0, + "Vehicle Mechanical Diagnostics": 0, + "Specialized Tool Operation": 0, + "Patient Care Support": 0, + "Healthcare Procedural Assistance": 0, + "Interpersonal Patient Interaction": 0, + "Personal Care and Safety Management": 0, + "Agricultural Data Analysis": 0, + "Environmental Field Operations": 0, + "Precision Agricultural Technology": 0, + "Scientific Operational Documentation": 0, + "Geospatial Survey Techniques": 0, + "Vehicle Body Repair": 0, + "Welding and Fabrication": 0, + "Automotive Parts Replacement": 0, + "Creative Writing Skills": 0, + "Artistic Collaboration": 0, + "Research and Conceptualization": 0, + "Professional Creative Communication": 0, + "Intellectual Property Management": 0, + "Criminal Investigation Skills": 0, + "Strategic Information Gathering": 0, + "Administrative Documentation Processing": 0, + "Operational Communication Management": 0, + "Clinical Procedure Support": 0, + "Patient Assessment": 0, + "Project Management in Technology": 0, + "Systems Design and Integration": 0, + "Scientific Communication": 0, + "Quantitative Risk Analysis": 0, + "Strategic Financial Modeling": 0, + "Complex Problem Reasoning": 0, + "Professional Data Interpretation": 0, + "Food Service Operations": 0, + "Sanitation and Hygiene Management": 0, + "Resource Distribution": 0, + "Scientific Environmental Assessment": 0, + "Natural Resource Planning": 0, + "Precision Pattern Design": 0, + "Strategic Procurement Management": 0, + "Financial Transaction Processing": 0, + "Operational Communication and Coordination": 0, + "Geospatial Data Visualization": 0, + "Survey Data Collection": 0, + "Technical Measurement Precision": 0, + "Collection Management": 0, + "Research and Documentation": 0, + "Community Program Development": 0, + "Institutional Resource Management": 0, + "Professional Communication": 0, + "Information Gathering and Verification": 0, + "Procedural Compliance and Coordination": 0, + "Operational Sanitation Management": 0, + "Resource Distribution and Coordination": 0, + "Transaction Processing": 0, + "Vehicle Traffic Management": 0, + "Spatial Measurement and Marking": 0, + "Data Systems Engineering": 0, + "Information Technology Optimization": 0, + "Laboratory Specimen Analysis": 0, + "Healthcare Quality Control": 0, + "Precision Scientific Documentation": 0, + "Microbiological Cultivation": 0, + "Construction Material Handling": 0, + "Temporary Structure Assembly": 0, + "Construction Equipment Operation": 0, + "Food Preparation Skills": 0, + "Interpersonal Healthcare Communication": 0, + "Property Management": 0, + "Financial Resource Coordination": 0, + "Stakeholder Communication": 0, + "Operational Compliance Management": 0, + "Strategic Facility Management": 0, + "Food Science Technical Analysis": 0, + "Scientific Laboratory Procedure Management": 0, + "Technical Research and Development": 0, + "Precision Measurement and Instrumentation": 0, + "Early Childhood Educational Administration": 0, + "Child Development Program Oversight": 0, + "Organizational Resource Allocation in Education": 0, + "Regulatory Compliance in Childcare": 0, + "Professional Development and Staff Training": 0, + "Precision Medical Device Fabrication": 0, + "Vision Care Technical Expertise": 0, + "Quality Control Inspection": 0, + "Medical Device Measurement and Fitting": 0, + "Drilling Operations Management": 0, + "Site Preparation and Inspection": 0, + "Extraction Equipment Maintenance": 0, + "Spatial Analysis and Visualization": 0, + "Precision Measurement and Verification": 0, + "Infrastructure Design and Planning": 0, + "Complex Problem Analysis and Resolution": 0, + "Digital Marketing Strategy": 0, + "Web Analytics and Insights": 0, + "Strategic Online Communication": 0, + "Technical Marketing Technology": 0, + "Precision Surface Finishing": 0, + "Equipment Maintenance and Inspection": 0, + "Quality Control Measurement": 0, + "Manual Material Manipulation": 0, + "Production Workflow Management": 0, + "Electrical Circuit Maintenance": 0, + "Mechanical Component Inspection": 0, + "Precision Equipment Lubrication": 0, + "Technical Documentation and Record Keeping": 0, + "Claims Investigation": 0, + "Financial Claims Processing": 0, + "Regulatory Compliance Assessment": 0, + "Scientific Field Research": 0, + "Natural Resource Analysis": 0, + "Geospatial Environmental Mapping": 0, + "Sustainable Land Management": 0, + "Vehicle Inspection and Safety": 0, + "Operational Incident Documentation": 0, + "Technical Compliance Monitoring": 0, + "Epidemiological Research": 0, + "Healthcare Program Management": 0, + "Public Health Strategy": 0, + "Grant and Research Funding": 0, + "Healthcare Technical Support": 0, + "Patient Monitoring and Assessment": 0, + "Cardiovascular Technical Expertise": 0, + "Operational Environmental Compliance": 0, + "Postsecondary Academic Instruction": 0, + "Scholarly Research and Development": 0, + "Academic Professional Communication": 0, + "Medical Anesthesia Management": 0, + "Advanced Medical Intervention": 0, + "Patient Safety and Monitoring": 0, + "Medical Procedural Documentation": 0, + "Water Systems Engineering": 0, + "Technical Design and Planning": 0, + "Operational Quality Management": 0, + "Financial Record Analysis": 0, + "Systematic Problem Resolution": 0, + "Patient Communication": 0, + "Administrative Healthcare Support": 0, + "Precision Material Crafting": 0, + "Jewelry Technical Fabrication": 0, + "Micro-Scale Design Engineering": 0, + "Technical Graphical Representation": 0, + "Emerging Technology Research": 0, + "Operational Protocol Development": 0, + "Precision Technical Validation": 0, + "Mechanical Equipment Repair": 0, + "Statistical Analysis": 0, + "Technical Problem Reasoning": 0, + "Computational Data Processing": 0, + "Precision Medical Documentation": 0, + "Archival Resource Management": 0, + "Research Documentation": 0, + "Cultural Program Development": 0, + "Patient Rehabilitation Support": 0, + "Therapeutic Assessment and Planning": 0, + "Therapeutic Patient Interaction": 0, + "Medical Procedural Assistance": 0, + "Patient Safety Management": 0, + "Urban Planning Strategy": 0, + "Environmental Policy Analysis": 0, + "Geospatial Data Interpretation": 0, + "Stakeholder Engagement Management": 0, + "Sustainable Development Planning": 0, + "Educational Research and Scholarship": 0, + "Sales Technical Communication": 0, + "Product Demonstration Strategy": 0, + "Market Intelligence Gathering": 0, + "Professional Sales Networking": 0, + "Fundraising Strategy Development": 0, + "Nonprofit Program Development": 0, + "Relationship Management": 0, + "Exercise Science Assessment": 0, + "Patient Health Counseling": 0, + "Clinical Exercise Intervention": 0, + "Performance Physiological Monitoring": 0, + "Technical Equipment Coordination": 0, + "Precision Technical Measurement": 0, + "Scholarly Research Methodology": 0, + "Hearing Healthcare Support": 0, + "Patient Technical Consultation": 0, + "Agricultural Equipment Operation": 0, + "Crop and Plant Management": 0, + "Agricultural Inventory Documentation": 0, + "Genetic Counseling Communication": 0, + "Medical Genetic Assessment": 0, + "Patient Psychological Support": 0, + "Forensic Investigation Skills": 0, + "Fire Safety and Prevention": 0, + "Technical Investigative Communication": 0, + "Regulatory Compliance Monitoring": 0, + "Robotic Systems Maintenance": 0, + "Technical Diagnostic Reasoning": 0, + "Operational Workflow Coordination": 0, + "Metal Production Operations": 0, + "Precision Manufacturing Inspection": 0, + "Emergency Vehicle Operations": 0, + "Customer Financial Advisory": 0, + "Regulatory Financial Compliance": 0, + "Professional Networking": 0, + "Persuasive Presentation": 0, + "Customer Needs Analysis": 0, + "Vehicle Diagnostic Repair": 0, + "Pediatric Surgical Intervention": 0, + "Pediatric Patient Communication": 0, + "Stakeholder Engagement": 0, + "Traffic Safety Management": 0, + "Situational Awareness Communication": 0, + "Operational Safety Signaling": 0, + "Public Transportation Management": 0, + "Passenger Safety and Support": 0, + "Vehicle Operational Safety": 0, + "Route Navigation and Planning": 0, + "Customer Transaction Processing": 0, + "Safety and Quality Control Inspection": 0, + "Dental Healthcare Services": 0, + "Healthcare Patient Communication": 0, + "Preventive Health Education": 0, + "Mold and Pattern Fabrication": 0, + "Material Surface Treatment": 0, + "Technical Material Manipulation": 0, + "Production Quality Verification": 0, + "Creative Performance Skills": 0, + "Artistic Audition and Career Development": 0, + "Musical Composition and Arrangement": 0, + "Professional Artistic Communication": 0, + "Legal Document Processing": 0, + "Professional Information Verification": 0, + "Regulatory Compliance Coordination": 0, + "Patient Communication and Counseling": 0, + "Diagnostic Assessment and Reasoning": 0, + "Specialized Medical Device Management": 0, + "Professional Healthcare Documentation": 0, + "Medication Management": 0, + "Healthcare Patient Guidance": 0, + "Clinical Information Processing": 0, + "Pharmaceutical Safety Protocols": 0, + "Petroleum Engineering Analysis": 0, + "Energy Production Management": 0, + "Industrial Design Methodology": 0, + "Environmental Systems Engineering": 0, + "Biological Specimen Processing": 0, + "Medical Laboratory Equipment Operation": 0, + "Healthcare Technical Documentation": 0, + "Scientific Quality Control": 0, + "Medical Diagnostic Support": 0, + "Information Processing and Verification": 0, + "Legal and Regulatory Compliance": 0, + "Investment Strategy": 0, + "Risk Assessment": 0, + "Wellness Program Management": 0, + "Health Education and Communication": 0, + "Quality Control and Inspection": 0, + "Safety and Regulatory Compliance": 0, + "Law Enforcement Operations": 0, + "Investigative Evidence Management": 0, + "Public Safety Communication": 0, + "Regulatory Compliance Enforcement": 0, + "Operational Risk Management": 0, + "Audio Technical Operations": 0, + "Media Technical Communication": 0, + "Digital Media Conversion": 0, + "Performance Technical Support": 0, + "Surveillance Operations": 0, + "Customer Information Management": 0, + "Operational Communication": 0, + "Precision Manual Fabrication": 0, + "Structural Component Installation": 0, + "CNC Programming": 0, + "Professional Time Management": 0, + "Robotic Systems Engineering": 0, + "Visual Composition": 0, + "Technical Image Processing": 0, + "Creative Equipment Operation": 0, + "Professional Creative Documentation": 0, + "Technical Monitoring and Inspection": 0, + "Analytical Problem Resolution": 0, + "Precision Documentation Management": 0, + "Mathematical Performance Analysis": 0, + "Patron Safety and Interaction": 0, + "Operational Resource Distribution": 0, + "Customer Interaction in Service Environments": 0, + "Operational Financial Record Maintenance": 0, + "Agricultural Inspection Skills": 0, + "Environmental Field Monitoring": 0, + "Regulatory Agricultural Compliance": 0, + "Government Program Eligibility Assessment": 0, + "Regulatory Compliance Communication": 0, + "Financial Analysis and Reporting": 0, + "Quantitative Problem Solving": 0, + "Correctional Operations Management": 0, + "Emergency Response and Safety": 0, + "Personnel Performance Evaluation": 0, + "Surface Preparation Skills": 0, + "Wildlife Resource Management": 0, + "Outdoor Equipment Operation": 0, + "Field Safety and Hazard Management": 0, + "Precision Metal Fabrication": 0, + "Equipment Safety Monitoring": 0, + "Technical Dimensional Verification": 0, + "Forestry Resource Assessment": 0, + "Operational Field Coordination": 0, + "Technical Measurement and Marking": 0, + "Retail Transaction Processing": 0, + "Operational Cash Management": 0, + "Logistics Analysis": 0, + "Early Childhood Education Management": 0, + "Developmental Behavioral Guidance": 0, + "Instructional Adaptation": 0, + "Child Safety and Welfare": 0, + "Precision Surface Etching": 0, + "Equipment Control and Monitoring": 0, + "Protective Finishing Application": 0, + "Workplace Safety Engineering": 0, + "Financial Risk Analysis": 0, + "Strategic Business Intelligence": 0, + "Financial Reporting and Documentation": 0, + "Investment Strategy Development": 0, + "Biomass Production Operations": 0, + "Sustainable Energy Quality Control": 0, + "Operational Data Documentation": 0, + "Industrial Safety Compliance": 0, + "Special Needs Educational Support": 0, + "Guest Service Coordination": 0, + "Facility Maintenance and Cleaning": 0, + "Economic Analysis": 0, + "Quantitative Reasoning": 0, + "Critical Analytical Reasoning": 0, + "Research Methodology": 0, + "Underwater Technical Operations": 0, + "Safety and Emergency Response": 0, + "Complex Problem-Solving in Technical Environments": 0, + "Professional Communication in Technical Contexts": 0, + "Equipment Operation Monitoring": 0, + "Mathematical Problem Solving": 0, + "Advanced Analytical Reasoning": 0, + "Systematic Documentation": 0, + "Interpersonal Needs Assessment": 0, + "Agricultural Systems Management": 0, + "Sustainable Resource Management": 0, + "Information Services Support": 0, + "Technical Documentation Processing": 0, + "Computational Bioinformatics Analysis": 0, + "Complex Problem Solving in Scientific Contexts": 0, + "Safety and Quality Inspection": 0, + "Technical Equipment Operation": 0, + "Strategic Resource Management": 0, + "Professional Communication in Healthcare": 0, + "Transcription and Information Processing": 0, + "Telecommunications Equipment Installation": 0, + "Field Technical Operations": 0, + "Technical Safety and Equipment Inspection": 0, + "Operational Problem-Solving": 0, + "Print Production Technical Skills": 0, + "Technical Equipment Programming": 0, + "Mail Processing Operations": 0, + "Equipment Maintenance and Monitoring": 0, + "Workplace Safety and Quality Control": 0, + "Operational Coordination and Communication": 0, + "Strategic Compensation Management": 0, + "Regulatory Compliance Oversight": 0, + "Financial Resource Allocation": 0, + "Equipment Operation and Monitoring": 0, + "Workplace Safety and Maintenance": 0, + "Material Handling and Movement": 0, + "Strategic Conservation Planning": 0, + "Network Systems Management": 0, + "Systems Performance Optimization": 0, + "Mortuary Service Management": 0, + "Facility Maintenance and Sanitation": 0, + "Administrative Funeral Documentation": 0, + "Sustainability Strategy Development": 0, + "Organizational Green Innovation": 0, + "Stakeholder Environmental Communication": 0, + "Operational Sustainability Monitoring": 0, + "Anesthesia and Life Support": 0, + "Digital Document Management": 0, + "Technical Information Processing": 0, + "Resource and Task Management": 0, + "Therapeutic Social Support": 0, + "Client Case Management": 0, + "Professional Interpersonal Assessment": 0, + "Ethical Professional Intervention": 0, + "Cybersecurity Analysis": 0, + "Technical Penetration Testing": 0, + "Security Policy Development": 0, + "Technical Risk Mitigation": 0, + "Investigative Technical Documentation": 0, + "Precision Manual Craftsmanship": 0, + "Product Quality Inspection": 0, + "Promotional Content Creation": 0, + "Construction Site Operations": 0, + "Manual Construction Skills": 0, + "Operational Safety Coordination": 0, + "Community Health Support": 0, + "Social Service Coordination": 0, + "Interpersonal Health Communication": 0, + "Preventive Health Intervention": 0, + "Medical Radiation Treatment": 0, + "Patient Safety Monitoring": 0, + "Precision Patient Care": 0, + "Recycling Operational Management": 0, + "Environmental Compliance Coordination": 0, + "Material Transport and Logistics": 0, + "Waste Processing and Sorting": 0, + "Construction Surface Preparation": 0, + "Professional Communication and Documentation": 0, + "Investigative Analysis and Evidence Management": 0, + "Operational Compliance and Safety Monitoring": 0, + "Financial Sales Strategy": 0, + "Market Intelligence Analysis": 0, + "Professional Financial Communication": 0, + "Customer Needs Financial Assessment": 0, + "Precision Material Processing": 0, + "Technical Surface Treatment": 0, + "Developmental Learning Adaptation": 0, + "Child Safety and Developmental Support": 0, + "Academic Instruction Management": 0, + "Scholarly Research Development": 0, + "Interpersonal Academic Communication": 0, + "Quantitative Data Processing": 0, + "Operational Information Verification": 0, + "Materials Science Analysis": 0, + "Laboratory Quality Control": 0, + "Environmental Conservation Expertise": 0, + "Interpretive Educational Communication": 0, + "Field Research and Documentation": 0, + "Wildlife Interaction and Management": 0, + "Ecological Site Assessment": 0, + "Strategic Marketing Communication": 0, + "Professional Persuasive Communication": 0, + "Comprehensive Performance Monitoring": 0, + "Adaptive Physical Education Support": 0, + "Student Developmental Guidance": 0, + "Specialized Instructional Adaptation": 0, + "Inclusive Physical Education Management": 0, + "Route Navigation and Logistics": 0, + "Administrative Transaction Processing": 0, + "Agricultural Resource Management": 0, + "Operational Compliance and Documentation": 0, + "Strategic Agricultural Planning": 0, + "Field Operations Safety Management": 0, + "Agricultural Equipment and Technology Management": 0, + "Public Safety Monitoring": 0, + "First Aid and Medical Support": 0, + "Patron Safety Coordination": 0, + "Construction Supervision": 0, + "Technical Project Inspection": 0, + "Construction Resource Planning": 0, + "Site Preparation and Measurement": 0, + "Construction Personnel Training": 0, + "Equipment Programming and Control": 0, + "Roofing Material Preparation": 0, + "Protective Coating Application": 0, + "Patient Assessment and Diagnosis": 0, + "Musculoskeletal Treatment Techniques": 0, + "Holistic Patient Care Management": 0, + "Logistics and Delivery Coordination": 0, + "Menu Planning and Coordination": 0, + "Ingredient and Supply Management": 0, + "Non-Destructive Testing Expertise": 0, + "Precision Measurement and Analysis": 0, + "Quality Control Systematic Analysis": 0, + "Resource and Personnel Management": 0, + "Vision Rehabilitation Support": 0, + "Assistive Device Expertise": 0, + "Patient-Centered Rehabilitation Instruction": 0, + "Disability Management Counseling": 0, + "Functional Capability Assessment": 0, + "Marine Equipment Troubleshooting": 0, + "Marine Safety Equipment Verification": 0, + "Technical Equipment Operation Control": 0, + "Semiconductor Process Control": 0, + "Event and Program Coordination": 0, + "Operational Safety and Patron Support": 0, + "Administrative Resource Management": 0, + "Interpersonal Service Communication": 0, + "Precision Information Processing": 0, + "Rock Extraction Operations": 0, + "Precision Manual Material Manipulation": 0, + "Technical Equipment Control": 0, + "Visual Design Creation": 0, + "Creative Technical Storytelling": 0, + "Digital Media Transformation": 0, + "Artistic Conceptual Development": 0, + "Deceased Care Management": 0, + "Embalming Technical Procedures": 0, + "Cosmetic Restoration Skills": 0, + "Fire Safety Engineering": 0, + "Emergency Preparedness Management": 0, + "Technical Regulatory Compliance": 0, + "Operational Safety Inspection": 0, + "Technical Investigative Analysis": 0, + "Petroleum Systems Monitoring": 0, + "Chemical Substance Preparation": 0, + "Compliance and Regulatory Enforcement": 0, + "Cardiovascular Clinical Expertise": 0, + "Medical Imaging and Diagnostic Procedures": 0, + "Patient Treatment Planning": 0, + "Metal Processing Operations": 0, + "Precision Equipment Monitoring": 0, + "Industrial Safety Inspection": 0, + "Technical Quality Control Analysis": 0, + "Cultural Research Methodology": 0, + "Archaeological Field Operations": 0, + "Systematic Observational Analysis": 0, + "Historical Evidence Interpretation": 0, + "Professional Information Gathering": 0, + "Systematic Documentation Management": 0, + "Biological Specimen Analysis": 0, + "Medical Laboratory Operations": 0, + "Patient Safety and Quality Control": 0, + "Scientific Diagnostic Reasoning": 0, + "Equipment Maintenance and Repair": 0, + "Technical Diagnostic Analysis": 0, + "Safety and Quality Control Monitoring": 0, + "Technical Performance Monitoring": 0, + "Manufacturing Safety Compliance": 0, + "Network Systems Engineering": 0, + "Technical Documentation and Communication": 0, + "Delivery Operations Management": 0, + "Interpersonal Information Gathering": 0, + "Creative Writing Expertise": 0, + "Professional Artistic Collaboration": 0, + "Personnel Resource Management": 0, + "Interpersonal Coordination": 0, + "Interpersonal Communication and Coordination": 0, + "Operational Performance Management": 0, + "Service Orientation and Problem Resolution": 0, + "Regulatory Compliance and Safety Management": 0, + "Precision Measurement and Marking": 0, + "Social Support Intervention": 0, + "Crisis Management and Referral": 0, + "Professional Ethical Intervention": 0, + "Passenger Service Coordination": 0, + "Operational Performance Supervision": 0, + "Resource Allocation Management": 0, + "Professional Development Support": 0, + "Reproductive Health Counseling": 0, + "Women's Health Comprehensive Care": 0, + "Talent Acquisition Strategy": 0, + "Logistics Systems Analysis": 0, + "Operational Efficiency Planning": 0, + "Business Strategy Development": 0, + "Material Processing and Handling": 0, + "Production Quality Monitoring": 0, + "Scientific Field Data Collection": 0, + "Vegetation Management and Protection": 0, + "Manufactured Building Installation": 0, + "Structural Sealing and Leak Prevention": 0, + "Equipment and System Inspection": 0, + "Mechanical Component Replacement": 0, + "Technical Surface Preparation": 0, + "Editorial Content Management": 0, + "Professional Writing and Communication": 0, + "Creative Content Development": 0, + "Interpersonal Communication Management": 0, + "Operational Resource Management": 0, + "Therapeutic Manual Intervention": 0, + "Patient Assessment and Care Coordination": 0, + "Healthcare Facility Management": 0, + "Interpersonal Therapeutic Engagement": 0, + "Transportation Safety Inspection": 0, + "Cargo Handling and Coordination": 0, + "Passenger Safety Management": 0, + "Transportation Operational Coordination": 0, + "Service Communication and Information Exchange": 0, + "Clay Material Manipulation": 0, + "Production Equipment Control": 0, + "Strategic Leadership": 0, + "Comprehensive Resource Management": 0, + "Advanced Interpersonal Communication": 0, + "Organizational Governance": 0, + "Patient Diagnostic Communication": 0, + "Medical Image Interpretation": 0, + "Visual Design Communication": 0, + "Creative Problem Solving": 0, + "Collaborative Creative Production": 0, + "Agricultural Education Management": 0, + "Instructional Resource Coordination": 0, + "Life Skills Education": 0, + "Professional Knowledge Transfer": 0, + "Extraction Equipment Operation": 0, + "Site Preparation and Safety": 0, + "Material Handling and Positioning": 0, + "Operational Monitoring and Coordination": 0, + "Textile Machine Operation": 0, + "Production Equipment Inspection": 0, + "Material Preparation and Cutting": 0, + "Strategic Operational Communication": 0, + "Adaptive Problem Resolution": 0, + "Elevator Systems Installation": 0, + "Precision Mechanical Maintenance": 0, + "Neurological Patient Care": 0, + "Complex Medical Problem Solving": 0, + "Medical Specimen Collection": 0, + "Healthcare Documentation Management": 0, + "Biomedical Waste Management": 0, + "Operational Systems Coordination": 0, + "Technical User Support": 0, + "User Communication and Guidance": 0, + "Technology Problem Resolution": 0, + "Technical Knowledge Maintenance": 0, + "Logistics Coordination": 0, + "Transportation Documentation": 0, + "Operational Financial Negotiation": 0, + "Shipping Systems Analysis": 0, + "Travel Service Coordination": 0, + "Therapeutic Patient Intervention": 0, + "Game Design Creativity": 0, + "Technical Game Development": 0, + "Interactive System Design": 0, + "Visual Design Conceptualization": 0, + "Collaborative Game Production": 0, + "Chemical Process Control": 0, + "Technical Safety Management": 0, + "Interdepartmental Communication": 0, + "Production Planning Coordination": 0, + "Policy Analysis and Development": 0, + "Academic Knowledge Communication": 0, + "Interdisciplinary Reasoning": 0, + "Strategic Information Synthesis": 0, + "Performance Equipment Management": 0, + "Event Performance Coordination": 0, + "Multimedia Content Editing": 0, + "Professional Resource Management": 0, + "Legal Administrative Support": 0, + "Patron Interaction Management": 0, + "Administrative Service Coordination": 0, + "Shipment Quality Inspection": 0, + "Transportation Safety Management": 0, + "Solar Energy Systems Management": 0, + "Construction Project Coordination": 0, + "Technical Site Assessment": 0, + "Operational Cost Analysis": 0, + "Green Technology Performance Verification": 0, + "Biofuel Production Management": 0, + "Renewable Energy Technical Monitoring": 0, + "Sustainable Production Quality Control": 0, + "Green Energy Equipment Maintenance": 0, + "Technical Design and Analysis": 0, + "Engineering Systems Optimization": 0, + "Precision Material Assessment": 0, + "Surgical Technical Support": 0, + "Precision Medical Supply Management": 0, + "Vision Diagnostic Assessment": 0, + "Medical Technical Precision": 0, + "Patient Vision Counseling": 0, + "Healthcare Diagnostic Reasoning": 0, + "Specialized Medical Equipment Management": 0, + "Hearing Healthcare Assessment": 0, + "Patient Communication Support": 0, + "Real Estate Transaction Management": 0, + "Property Valuation and Analysis": 0, + "Sales Persuasion Techniques": 0, + "Client Relationship Development": 0, + "Real Estate Market Intelligence": 0, + "Safety-Focused Technical Monitoring": 0, + "Rock Drilling and Extraction Techniques": 0, + "Complex Technical Problem Solving": 0, + "Material Handling Coordination": 0, + "Surface Material Treatment": 0, + "Emotional Support Coordination": 0, + "Precision Technical Calibration": 0, + "Financial Account Management": 0, + "Negotiation and Persuasion": 0, + "Academic Research Methodology": 0, + "Workplace Safety Management": 0, + "Risk Assessment and Prevention": 0, + "Health Program Development": 0, + "Technical Safety Inspection": 0, + "Technical Visual Assessment": 0, + "Precision Measurement Skills": 0, + "Operational Task Coordination": 0, + "Procedural Compliance Management": 0, + "Chemical Processing Monitoring": 0, + "Surface Preparation and Leveling": 0, + "Adhesive and Mortar Application": 0, + "Spatial Measurement and Layout": 0, + "Construction Safety Coordination": 0, + "Environmental Systems Monitoring": 0, + "Technical Visualization and Mapping": 0, + "Remote Sensing Technology Management": 0, + "Interpersonal Performance Monitoring": 0, + "Educational Assessment and Mentorship": 0, + "Precision Food Preparation": 0, + "Equipment Operation Management": 0, + "Workplace Safety Coordination": 0, + "Construction Site Management": 0, + "Safety Protocol Implementation": 0, + "Cargo Handling and Inspection": 0, + "Transportation Safety Compliance": 0, + "Route Planning and Navigation": 0, + "Professional Vehicle Documentation": 0, + "Financial Resource Management": 0, + "Comprehensive Operational Coordination": 0, + "Advanced Regulatory Compliance": 0, + "Diagnostic Reasoning": 0, + "Operational Information Routing": 0, + "Patient Personal Care Support": 0, + "Interpersonal Care Coordination": 0, + "Adaptive Care Assistance": 0, + "Medical Safety and Monitoring": 0, + "Public Safety Enforcement": 0, + "Legal Procedural Coordination": 0, + "Situational Risk Assessment": 0, + "Patron Monitoring and Control": 0, + "Investigative Documentation Management": 0, + "Supervisory Coordination": 0, + "Surface Preparation and Installation": 0, + "Decorative Material Application": 0, + "Fence Construction Skills": 0, + "Construction Site Preparation": 0, + "Radiation Safety Monitoring": 0, + "Technical Radiation Measurement": 0, + "Environmental Data Collection": 0, + "Pest Control Operations": 0, + "Environmental Safety Monitoring": 0, + "Welding Equipment Operation": 0, + "Research Methodology and Scholarship": 0, + "Professional Development and Continuous Learning": 0, + "Facility Cleaning and Maintenance": 0, + "Material and Equipment Handling": 0, + "Operational Resource Coordination": 0, + "Patron and Customer Support": 0, + "Healthcare Administration": 0, + "Interprofessional Healthcare Coordination": 0, + "Organizational Performance Management": 0, + "Complex Healthcare Decision Making": 0, + "Costume Resource Management": 0, + "Performance Support Coordination": 0, + "Creative Design Implementation": 0, + "Advanced Problem Solving": 0, + "Wildlife Conservation Management": 0, + "Outdoor Resource Management": 0, + "Advanced Operational Monitoring": 0, + "Dental Device Fabrication": 0, + "Medical Device Quality Inspection": 0, + "Healthcare Technical Communication": 0, + "Operational Material Preparation": 0, + "Data Science Analytics": 0, + "Machine Learning Application": 0, + "Technical Programming": 0, + "HVAC System Installation": 0, + "Athletic Performance Officiating": 0, + "Professional Rule Enforcement": 0, + "Service Communication Management": 0, + "Precision Equipment Repair": 0, + "Material Handling Precision": 0, + "Procurement Operations Management": 0, + "Clinical Patient Assessment": 0, + "Field Research Documentation": 0, + "Remote Sensing Technology": 0, + "Strategic Marketing Planning": 0, + "Stakeholder Communication Management": 0, + "Atmospheric Data Analysis": 0, + "Vehicle Cleaning and Maintenance": 0, + "Construction Inspection Expertise": 0, + "Technical Site Evaluation": 0, + "Culinary Operations Management": 0, + "Kitchen Resource Management": 0, + "Food Quality Control": 0, + "Interpersonal Kitchen Coordination": 0, + "Creative Production Management": 0, + "Strategic Content Development": 0, + "Performance Conceptualization": 0, + "Operational Coordination and Supervision": 0, + "Precision Resource Documentation": 0, + "Material Handling and Loading": 0, + "Vehicle and Equipment Coordination": 0, + "Medical Imaging Technical Skills": 0, + "Healthcare Safety Protocol Management": 0, + "Diagnostic Procedure Support": 0, + "Client Treatment Planning": 0, + "Mechatronic Systems Design": 0, + "Technical Equipment Integration": 0, + "Interdisciplinary Technical Problem Solving": 0, + "Advanced Manufacturing Technologies": 0, + "Precision Engineering Measurement": 0, + "Precision Equipment Assembly": 0, + "Product Knowledge Communication": 0, + "Persuasive Communication": 0, + "Equipment Operation Control": 0, + "Digital Forensic Investigation": 0, + "Cybersecurity Evidence Analysis": 0, + "Technical Investigative Documentation": 0, + "Information Systems Security Analysis": 0, + "Legal Compliance Technical Monitoring": 0, + "Vehicle Operation Control": 0, + "Radio Frequency Technology Management": 0, + "Technical Equipment Design": 0, + "Complex Systems Analysis": 0, + "Equipment Installation and Maintenance": 0, + "Mechanical Equipment Inspection": 0, + "Installation and Maintenance Skills": 0, + "Environmental Safety and Compliance": 0, + "Multilingual Communication": 0, + "Comprehensive Information Processing": 0, + "Professional Active Listening": 0, + "Professional Communication in Law Enforcement": 0, + "Patient Counseling": 0, + "Therapeutic Intervention Strategy": 0, + "Professional Healthcare Communication": 0, + "Audio-Visual Technical Operations": 0, + "Technical Laboratory Equipment Management": 0, + "Quality Control and Safety Monitoring": 0, + "Rail Vehicle Operation": 0, + "Signal and Communication Coordination": 0, + "Operational Workflow Management": 0, + "Safety and Risk Management": 0, + "Manual Technical Manipulation": 0, + "Photonics Technical Expertise": 0, + "Precision Measurement and Calibration": 0, + "Equipment Diagnostic Analysis": 0, + "Interpersonal Patient Communication": 0, + "Behavioral Intervention Management": 0, + "Healthcare Safety Monitoring": 0, + "Vendor Relationship Management": 0, + "Financial Decision Making": 0, + "Workforce Performance Management": 0, + "Production Safety Oversight": 0, + "Information Processing Accuracy": 0, + "Procedural Compliance Monitoring": 0, + "Developmental Support Counseling": 0, + "Educational Intervention Strategy": 0, + "Interpersonal Behavioral Analysis": 0, + "Comprehensive Client Guidance": 0, + "Dimensional Measurement Verification": 0, + "Beverage Preparation Skills": 0, + "Neuropsychological Assessment": 0, + "Professional Psychological Communication": 0, + "Psychological Research Methodology": 0, + "Diagnostic Test Administration": 0, + "Clinical Treatment Planning": 0, + "Communication Information Management": 0, + "Operational Customer Support": 0, + "Professional Interpersonal Coordination": 0, + "Critical Information Analysis": 0, + "Equipment Diagnostic Reasoning": 0, + "Systems Engineering Integration": 0, + "Patient-Centered Care Communication": 0, + "Rehabilitation Treatment Planning": 0, + "Musculoskeletal Intervention Techniques": 0, + "Professional Medical Documentation": 0, + "Alternative Medical Practice": 0, + "Infrastructure Maintenance": 0, + "Site Preparation and Marking": 0, + "Information Resource Management": 0, + "Collection Development": 0, + "Patron Information Support": 0, + "Library Technology Integration": 0, + "Research Assistance": 0, + "Quantitative Financial Analysis": 0, + "Technical Financial Communication": 0, + "Respiratory Care Management": 0, + "Medical Emergency Response": 0, + "Healthcare Equipment Operation": 0, + "Patient Condition Monitoring": 0, + "Environmental Compliance Management": 0, + "Sustainable Business Analysis": 0, + "Food Service Coordination": 0, + "Sanitation and Hygiene Maintenance": 0, + "Patron Support and Interaction": 0, + "Strategic Documentation Management": 0, + "Stakeholder Communication Strategy": 0, + "Operational Risk Assessment": 0, + "Event Planning Management": 0, + "Stakeholder Relationship Management": 0, + "Strategic Environmental Communication": 0, + "Construction Site Safety Management": 0, + "Insulation Material Installation": 0, + "Material Measurement and Preparation": 0, + "International Trade Documentation": 0, + "Commercial Risk Assessment": 0, + "Professional Communication in Trade": 0, + "Animal Care and Handling": 0, + "Medical Equipment Operation": 0, + "Clinical Patient Support": 0, + "Veterinary Diagnostic Procedures": 0, + "Healthcare Facility Maintenance": 0, + "Laundry Equipment Operation": 0, + "Textile Inspection and Quality Control": 0, + "Public Safety Leadership": 0, + "Risk Assessment and Mitigation": 0, + "Family Engagement Communication": 0, + "Personal Care Coordination": 0, + "Environmental Economic Analysis": 0, + "Quantitative Policy Reasoning": 0, + "Strategic Environmental Forecasting": 0, + "Comprehensive Research Methodology": 0, + "Technical Sustainability Communication": 0, + "Scientific Instruction and Curriculum Development": 0, + "Field Research Methodology": 0, + "Strategic Organizational Analysis": 0, + "Comprehensive Decision Making": 0, + "Adaptive Learning and Problem Solving": 0, + "Precision Manual Food Preparation": 0, + "Food Safety and Quality Control": 0, + "Transportation Systems Analysis": 0, + "Strategic Policy Communication": 0, + "Psychological Assessment and Intervention": 0, + "Patient-Centered Mental Health Communication": 0, + "Clinical Diagnostic Reasoning": 0, + "Technical Inspection and Verification": 0, + "Social Impact Assessment": 0, + "Clinical Procedure Management": 0, + "Healthcare Equipment Expertise": 0, + "Medical Documentation Precision": 0, + "Property Transaction Management": 0, + "Diagnostic Technical Support": 0, + "Therapeutic Patient Communication": 0, + "Crisis Intervention Management": 0, + "Client Treatment Coordination": 0, + "Behavioral Health Counseling": 0, + "Statistical Analysis and Modeling": 0, + "Renewable Energy Sales Strategy": 0, + "Technical Product Communication": 0, + "Customer Needs Assessment in Green Technology": 0, + "Sustainable Technology Evaluation": 0, + "Public Safety Operations": 0, + "Technical Equipment Operation and Safety": 0, + "Financial Strategic Analysis": 0, + "Investment Portfolio Management": 0, + "Quantitative Financial Reasoning": 0, + "Emergency Communication Management": 0, + "Crisis Decision Support": 0, + "Technical Communication Systems Operation": 0, + "Public Safety Coordination": 0, + "Workflow Coordination": 0, + "Precision Documentation": 0, + "Critical Patient Monitoring": 0, + "Emergency Medical Intervention": 0, + "Healthcare Interdisciplinary Coordination": 0, + "Advanced Medical Equipment Management": 0, + "Strategic Market Communication": 0, + "Consumer Trend Interpretation": 0, + "Systematic Research Methodology": 0, + "Intelligence Analysis": 0, + "Criminal Activity Assessment": 0, + "Interagency Collaboration": 0, + "Medical Technical Equipment Management": 0, + "Healthcare Safety and Compliance": 0, + "Geothermal Systems Operation": 0, + "Green Energy Installation": 0, + "Precision Maintenance Procedures": 0, + "Rail Infrastructure Maintenance": 0, + "Service Coordination and Support": 0, + "Precision Material Preparation": 0, + "Service Orientation": 0, + "Physical Therapy Technical Support": 0, + "Marine Systems Engineering": 0, + "Maritime Safety and Compliance": 0, + "Complex Naval Problem Solving": 0, + "Precision Marine Equipment Maintenance": 0, + "Civil Infrastructure Design": 0, + "Operational Cost Estimation": 0, + "Technical Communication and Reporting": 0, + "Service Communication": 0, + "Safety and Compliance Monitoring": 0, + "Financial Strategic Planning": 0, + "Organizational Resource Management": 0, + "Client Information Verification": 0, + "Fire Safety Assessment": 0, + "Public Safety Education": 0, + "Environmental Hazard Monitoring": 0, + "Investigative Evidence Collection": 0, + "Strategic Information Verification": 0, + "Professional Surveillance Techniques": 0, + "Interpersonal Interrogation Skills": 0, + "Compensation Strategy Development": 0, + "Organizational Policy Analysis": 0, + "Human Resources Data Analysis": 0, + "Strategic Workforce Planning": 0, + "Masonry Surface Treatment": 0, + "Design Visualization": 0, + "Spatial Design Planning": 0, + "Professional Research Methodology": 0, + "Client Collaboration": 0, + "Situational Safety Communication": 0, + "Precision Layout Preparation": 0, + "Manufacturing Quality Inspection": 0, + "Emergency Management Coordination": 0, + "Strategic Risk Assessment": 0, + "Postsecondary Educational Leadership": 0, + "Academic Program Development": 0, + "Institutional Governance and Compliance": 0, + "Media Production Technical Control": 0, + "Visual Media Coordination": 0, + "Professional Media Communication": 0, + "Camera Operation and Technical Control": 0, + "Kitchen Safety Management": 0, + "Animal Care Management": 0, + "Facility Sanitation and Maintenance": 0, + "Product Demonstration": 0, + "Avionics Equipment Maintenance": 0, + "Aviation Safety Compliance": 0, + "Electronic Systems Quality Control": 0, + "Diagnostic Technical Problem Solving": 0, + "Investigative Reporting": 0, + "Media Content Development": 0, + "Multimedia Storytelling": 0, + "Medical Equipment Preparation": 0, + "Medical Supply Inventory Control": 0, + "Healthcare Safety Compliance": 0, + "File Management and Organization": 0, + "Clerical Information Processing": 0, + "Precision Manual Material Handling": 0, + "Information Verification": 0, + "Communication Routing": 0, + "Operational Administrative Support": 0, + "Interpersonal Information Exchange": 0, + "Agricultural Operations": 0, + "Precision Manual Animal Handling": 0, + "Agricultural Inspection and Compliance": 0, + "Material Handling and Inspection": 0, + "Safety and Hygiene Management": 0, + "Advanced Scientific Problem Solving": 0, + "Technical Research Methodology": 0, + "Computational Data Analysis": 0, + "Precision Technical Communication": 0, + "Strategic Operational Coordination": 0, + "Strategic Operational Analysis": 0, + "Business Relationship Development": 0, + "Proposal and Documentation Management": 0, + "Professional Knowledge Maintenance": 0, + "Healthcare Documentation": 0, + "Dental Healthcare Support": 0, + "Preventive Dental Care": 0, + "Textual Accuracy Verification": 0, + "Systematic Information Review": 0, + "Professional Written Communication": 0, + "Analytical Systems Evaluation": 0, + "Operational Data Interpretation": 0, + "Vehicle Service Operations": 0, + "Financial Analysis and Compliance": 0, + "Strategic Financial Decision Making": 0, + "Investigative Financial Verification": 0, + "Employee Relations Management": 0, + "Entertainment Service Management": 0, + "Operational Performance Reporting": 0, + "Staff Development and Training": 0, + "Resource Allocation Coordination": 0, + "Security Screening Protocols": 0, + "Threat Detection and Assessment": 0, + "Public Safety Interaction": 0, + "Commercial Negotiation": 0, + "Air Traffic Control Management": 0, + "Security Operations Management": 0, + "Surveillance and Threat Detection": 0, + "Construction Site Coordination": 0, + "Agricultural Product Inspection": 0, + "Material Handling and Sorting": 0, + "Equipment Operations Monitoring": 0, + "Safety and Compliance Management": 0, + "Historical Research Methodology": 0, + "Scholarly Documentation Management": 0, + "Instructional Communication": 0, + "Wind Turbine Technical Maintenance": 0, + "Safety-Focused Technical Inspection": 0, + "Green Energy Systems Management": 0, + "Geospatial Analysis": 0, + "Environmental Monitoring": 0, + "Chemical Flow and Process Control": 0, + "Gauges and Indicator Monitoring": 0, + "Equipment Monitoring": 0, + "Precision Technical Manipulation": 0, + "Energy Systems Engineering": 0, + "Technical Performance Analysis": 0, + "Technical Resource Coordination": 0, + "Scientific Management": 0, + "Natural Resource Management": 0, + "Agricultural Systems Coordination": 0, + "Field Operations Management": 0, + "Artistic Design Conceptualization": 0, + "Floral Arrangement Expertise": 0, + "Client Consultation and Needs Assessment": 0, + "Material and Prop Selection": 0, + "Nutritional Assessment and Planning": 0, + "Nutritional Research and Documentation": 0, + "Healthcare Patient Support": 0, + "Clinical Procedure Assistance": 0, + "Patient Measurement and Assessment": 0, + "Nuclear Systems Engineering": 0, + "Technical Risk Assessment": 0, + "Organizational Risk Management": 0, + "Strategic Security Oversight": 0, + "Operational Policy Implementation": 0, + "Precision Manual Cutting": 0, + "Financial Counseling": 0, + "Client Information Processing": 0, + "Instructional Assessment and Mentorship": 0, + "Chemical Engineering Analysis": 0, + "Technical Systems Problem Solving": 0, + "Neurological Patient Assessment": 0, + "Medical Diagnostic Equipment Operation": 0, + "Patient Monitoring and Safety": 0, + "Technical Communication in Healthcare": 0, + "Surface Preparation": 0, + "Adhesive Application": 0, + "Precision Manual Construction": 0, + "Explosives Handling Safety": 0, + "Site Dimensional Preparation": 0, + "Technical Safety Signaling": 0, + "Precision Manual Tool Usage": 0, + "Structural Component Positioning": 0, + "Technical Coordination and Communication": 0, + "Meat Processing Skills": 0, + "Food Safety Compliance": 0, + "Equipment Cleaning and Maintenance": 0, + "Rail Transportation Management": 0, + "Vehicle Movement Coordination": 0, + "Critical Information Processing": 0, + "Strategic Problem Solving": 0, + "Operational Equipment Control": 0, + "Animal Patient Care": 0, + "Veterinary Technical Support": 0, + "Vehicle Electrical Systems Repair": 0, + "Equipment Monitoring and Control": 0, + "Patient Assessment and Care": 0, + "Radiation Safety Management": 0, + "Technical Medical Documentation": 0, + "Programming Logic": 0, + "Broadcast Technical Communication": 0, + "Content Development Strategy": 0, + "Nanotechnology Engineering": 0, + "Micro-Scale Process Management": 0, + "Vehicle Operation Safety": 0, + "Passenger Support Services": 0, + "Fundraising Strategy": 0, + "Persuasive Proposal Development": 0, + "Shipping and Logistics Management": 0, + "Aviation Safety Management": 0, + "Aircraft Operations Control": 0, + "Emergency Response Preparedness": 0, + "Safety Signaling and Risk Management": 0, + "Database Systems Design": 0, + "Information Architecture Management": 0, + "Financial Advisory Communication": 0, + "Investment Strategy Analysis": 0, + "Client Financial Needs Assessment": 0, + "Professional Financial Networking": 0, + "Operational Financial Analysis": 0, + "Commercial Relationship Management": 0, + "Garment Quality Inspection": 0, + "Veterinary Medical Care": 0, + "Animal Medical Procedure Support": 0, + "Preventive Animal Healthcare": 0, + "Resource Management": 0, + "Underground Work Operations": 0, + "Breeding Procedure Execution": 0, + "Agricultural Resource Coordination": 0, + "Landscape Maintenance": 0, + "Geological Data Analysis": 0, + "Environmental Field Research": 0, + "Natural Resource Mapping": 0, + "Theatrical Makeup Application": 0, + "Performance Costume Preparation": 0, + "Creative Visual Transformation": 0, + "Textile Production Skills": 0, + "Database Management": 0, + "Technical Systems Security": 0, + "Photonics Engineering": 0, + "Technical Precision Measurement": 0, + "Optical Systems Analysis": 0, + "Facilities Management": 0, + "Operational Budget Planning": 0, + "Environmental Project Management": 0, + "Site Remediation Planning": 0, + "Technical Grant Development": 0, + "Environmental Risk Assessment": 0, + "Geological Resource Management": 0, + "Technical Safety Protocols": 0, + "Media Content Editing": 0, + "Creative Visual Storytelling": 0, + "Technical Media Production": 0, + "Agricultural Technical Operations": 0, + "Strategic Sales Management": 0, + "Interpersonal Persuasion": 0, + "Commercial Relationship Development": 0, + "Operational Supervision": 0, + "Maintenance and Cleaning": 0, + "Professional Counseling Support": 0, + "Performance Coaching": 0, + "Talent Identification": 0, + "Strategic Performance Coordination": 0, + "Professional Performance Communication": 0, + "Instructional Technology Integration": 0, + "Energy Systems Analysis": 0, + "Rigging and Material Positioning": 0, + "Scholarly Communication": 0, + "Professional Knowledge Dissemination": 0, + "Financial Cost Analysis": 0, + "Strategic Resource Estimation": 0, + "Technical Documentation Precision": 0, + "Business Data Interpretation": 0, + "Extraction Site Management": 0, + "Technical Material Handling": 0, + "Strategic Communication": 0, + "Comprehensive Documentation Management": 0, + "Medical Technical Support": 0, + "Clinical Assessment and Reasoning": 0, + "Healthcare Safety Management": 0, + "Equipment Installation": 0, + "Safety and Quality Verification": 0, + "Healthcare Informatics Management": 0, + "Technical Information Security": 0, + "Professional Research and Development": 0, + "Healthcare Safety Protocols": 0, + "Precision Manual Medical Skills": 0, + "Performance Evaluation Management": 0, + "Technical Repair Workflow": 0, + "Preventive Healthcare Strategy": 0, + "Patient-Centered Communication": 0, + "Population Health Management": 0, + "Organizational Resilience Planning": 0, + "Regulatory Risk Assessment": 0, + "Strategic Contingency Management": 0, + "Shipping and Logistics Coordination": 0, + "Mechanical Diagnostic Assessment": 0, + "Mechanical Repair Workflow": 0, + "Educational Support Services": 0, + "Student Safety and Welfare": 0, + "Sales Team Management": 0, + "Strategic Performance Monitoring": 0, + "Biological Sample Processing": 0, + "Scientific Analytical Reasoning": 0, + "Equipment Quality Monitoring": 0, + "Manufacturing Surface Finishing": 0, + "Precision Equipment Management": 0, + "Situational Awareness": 0, + "Safety Communication": 0, + "Operational Monitoring": 0, + "Patron Safety Support": 0, + "Solar Energy Systems Installation": 0, + "Renewable Energy Quality Control": 0, + "Precision Installation Techniques": 0, + "Resource Coordination": 0, + "Clinical Assessment Skills": 0, + "Physical Rehabilitation Support": 0, + "Professional Academic Mentorship": 0, + "Electrical Systems Design": 0, + "Electromechanical Systems Management": 0 + }, + "original_index": 896, + "sparsity": 1.0 + }, + { + "onet_code": "29-1229.05", + "job_title": "Preventive Medicine Physicians", + "detailed_work_activities": [ + "Manage healthcare operations.", + "Direct healthcare delivery programs.", + "Gather medical information from patient histories.", + "Record patient medical histories.", + "Conduct research to increase knowledge about medical issues.", + "Develop health assessment methods or programs.", + "Supervise patient care personnel.", + "Analyze quantitative data to determine effectiveness of treatments or therapies.", + "Communicate health and wellness information to the public.", + "Train medical providers.", + "Present medical research reports.", + "Design public or employee health programs.", + "Develop treatment plans that use non-medical therapies." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Adaptive Care Assistance": 1, + "Adaptive Caregiving": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Adaptive Problem Resolution": 1, + "Administrative Healthcare Support": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Advanced Scientific Problem Solving": 1, + "Clinical Assessment Skills": 1, + "Clinical Documentation Management": 1, + "Community Health Support": 1, + "Health Education Strategy": 1, + "Healthcare Program Management": 1, + "Population Health Management": 1, + "Preventive Healthcare Strategy": 1 + }, + "original_index": 897, + "sparsity": 0.9871677360219981 + }, + { + "onet_code": "41-4011.00", + "job_title": "Sales Representatives, Wholesale and Manufacturing, Technical and Scientific Products", + "detailed_work_activities": [ + "Negotiate prices or other sales terms.", + "Contact current or potential customers to promote products or services.", + "Sell products or services.", + "Gather customer or product information to determine customer needs.", + "Prepare sales or other contracts.", + "Process sales or other transactions.", + "Maintain records of customer accounts.", + "Answer customer questions about goods or services.", + "Estimate costs or terms of sales.", + "Explain technical product or service information to customers.", + "Demonstrate products to consumers.", + "Discuss design or technical features of products or services with technical personnel.", + "Develop content for sales presentations or other materials.", + "Recommend products or services to customers.", + "Arrange delivery of goods or services.", + "Maintain records of sales or other business transactions.", + "Prepare financial documents, reports, or budgets.", + "Identify potential customers.", + "Share sales-related or market information with colleagues.", + "Coordinate sales campaigns.", + "Advise customers on the use of products or services.", + "Verify accuracy of records.", + "Verify customer credit information.", + "Study product information to acquire professional knowledge.", + "Distribute promotional literature or samples to customers.", + "Stock products or parts.", + "Attend events to develop professional knowledge.", + "Monitor market conditions or trends.", + "Monitor sales activities.", + "Deliver promotional presentations to current or prospective customers." + ], + "skills": [ + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Sales Communication": 1, + "Professional Communication": 1, + "Product Knowledge Communication": 1, + "Customer Needs Assessment": 1, + "Negotiation and Persuasion": 1, + "Technical Product Communication": 1, + "Sales Transaction Management": 1, + "Market Intelligence": 1, + "Strategic Sales Management": 1, + "Client Relationship Management": 1 + }, + "original_index": 898, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "47-2031.00", + "job_title": "Carpenters", + "detailed_work_activities": [ + "Clean work sites.", + "Mark reference points on construction materials.", + "Measure materials or objects for installation or assembly.", + "Assemble temporary equipment or structures.", + "Cut wood components for installation.", + "Review blueprints or specifications to determine work requirements.", + "Verify alignment of structures or equipment.", + "Build construction forms or molds.", + "Install carpet or flooring.", + "Install wooden structural components.", + "Coordinate construction project activities.", + "Inspect work sites to determine condition or necessary repairs.", + "Apply decorative or textured finishes or coverings.", + "Install building fixtures.", + "Install doors or windows.", + "Prepare operational reports.", + "Remove worn, damaged or outdated materials from work areas.", + "Order construction or extraction materials or equipment.", + "Select construction materials.", + "Prepare hazardous waste for processing or disposal.", + "Record operational or environmental data.", + "Apply material to fill gaps in surfaces.", + "Position construction forms or molds.", + "Estimate construction project costs.", + "Drill holes in construction materials.", + "Install safety or support equipment.", + "Mix substances or compounds needed for work activities.", + "Weld metal components.", + "Dig holes or trenches.", + "Direct construction or extraction personnel.", + "Position safety or support equipment.", + "Install trim or paneling.", + "Assemble products or production equipment." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Precision Manual Construction": 1, + "Construction Material Handling": 1, + "Technical Blueprint Interpretation": 1, + "Precision Measurement and Layout": 1, + "Construction Safety Management": 1, + "Technical Equipment Operation": 1, + "Project Cost Estimation": 1, + "Operational Documentation": 1, + "Surface Preparation Techniques": 1, + "Technical Quality Control": 1 + }, + "original_index": 899, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "25-9043.00", + "job_title": "Teaching Assistants, Special Education", + "detailed_work_activities": [ + "Maintain student records.", + "Assist students with special educational needs.", + "Monitor student performance.", + "Set up classroom materials or equipment.", + "Supervise school or student activities.", + "Teach life skills.", + "Assist other educational professionals with projects or research.", + "Clean facilities or work areas.", + "Collaborate with other teaching professionals to develop educational programs.", + "Create technology-based learning materials.", + "Develop instructional materials.", + "Develop strategies or programs for students with special needs.", + "Discuss student progress with parents or guardians.", + "Display student work.", + "Distribute instructional or library materials.", + "Document lesson plans.", + "Enforce rules or policies governing student behavior.", + "Evaluate student work.", + "Implement therapeutic programs to improve patient functioning.", + "Lead classes or community events.", + "Maintain clean work areas.", + "Maintain computer equipment or software.", + "Maintain inventories of materials, equipment, or products.", + "Plan educational activities.", + "Serve on institutional or departmental committees.", + "Teach others to use technology or equipment.", + "Tutor students who need extra assistance." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Classroom Management": 1, + "Developmental Learning Support": 1, + "Educational Support": 1, + "Interpersonal Communication": 1, + "Performance Assessment and Monitoring": 1, + "Student Performance Management": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 900, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "13-1199.04", + "job_title": "Business Continuity Planners", + "detailed_work_activities": [ + "Develop contingency plans to deal with organizational emergencies.", + "Develop emergency response plans or procedures.", + "Assess risks to business operations.", + "Prepare research reports.", + "Apply mathematical models of financial or business conditions.", + "Identify strategic business investment opportunities.", + "Develop training materials.", + "Evaluate applicable laws and regulations to determine impact on organizational activities.", + "Train personnel in organizational or compliance procedures.", + "Prepare operational reports.", + "Advise others on analytical techniques.", + "Monitor organizational compliance with regulations.", + "Update professional knowledge.", + "Analyze budgetary or accounting data.", + "Maintain data in information systems or databases.", + "Investigate legal issues.", + "Develop business or financial information systems.", + "Analyze business or financial data.", + "Gather organizational performance information.", + "Oversee business processes." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Advanced Operational Governance": 1, + "Strategic Operational Planning": 1, + "Organizational Risk Management": 1, + "Regulatory Compliance Management": 1, + "Strategic Contingency Management": 1, + "Technical Documentation Management": 1, + "Professional Communication": 1, + "Strategic Decision Making": 1, + "Analytical Problem Solving": 1, + "Business Intelligence Analysis": 1 + }, + "original_index": 901, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "43-9051.00", + "job_title": "Mail Clerks and Mail Machine Operators, Except Postal Service", + "detailed_work_activities": [ + "Package objects for shipping.", + "Weigh parcels to determine shipping costs.", + "Unload materials or equipment.", + "Verify shipping documentation.", + "Inspect items for damage or defects.", + "Sort mail.", + "Route mail to correct destinations.", + "Prepare outgoing mail.", + "Analyze shipping information to make routing decisions.", + "Obtain written authorization to perform activities.", + "Receive shipments.", + "Operate computers or computerized equipment.", + "Explain regulations, policies, or procedures.", + "Attach identification information to products, items or containers.", + "Coordinate shipping activities with external parties.", + "Maintain office equipment in proper operating condition.", + "Adjust office equipment to ensure proper operation.", + "Read work orders to determine material or setup requirements.", + "Send information, materials or documentation.", + "Collect deposits, payments or fees.", + "Sell products or services.", + "Monitor equipment operation to ensure proper functioning." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Administrative Communication": 1, + "Administrative Documentation": 1, + "Administrative Information Processing": 1, + "Material Handling": 1, + "Operational Monitoring": 1, + "Technical Equipment Operation": 1, + "Transaction Processing": 1, + "Logistics Coordination": 1, + "Quality Inspection": 1, + "Professional Communication": 1 + }, + "original_index": 902, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "53-6032.00", + "job_title": "Aircraft Service Attendants", + "detailed_work_activities": [ + "Clean vehicles or vehicle components.", + "Service vehicles to maintain functionality.", + "Communicate with others to coordinate vehicle movement.", + "Perform manual service or maintenance tasks.", + "Clean facilities or equipment.", + "Climb ladders or vehicles to perform duties.", + "Drive trucks or truck-mounted equipment.", + "Handle luggage or other possessions for patrons.", + "Inspect mechanical components of vehicles to identify problems.", + "Maintain plumbing structures or fixtures.", + "Maintain repair or maintenance records.", + "Mix ingredients.", + "Mix substances to create chemical solutions.", + "Polish materials, workpieces, or finished products.", + "Signal others to coordinate vehicle movement." + ], + "skills": [], + "skill_vector": { + "Vehicle Cleaning and Maintenance": 1, + "Vehicle Inspection and Safety": 1, + "Vehicle Movement Coordination": 1, + "Material Handling": 1, + "Operational Safety Management": 1, + "Equipment Maintenance": 1, + "Maintenance and Cleaning": 1, + "Operational Documentation": 1, + "Precision Manual Skill Application": 1, + "Chemical Solution Preparation": 1, + "Patron Safety Management": 1, + "Professional Vehicle Documentation": 1, + "Interpersonal Communication": 1, + "Safety and Quality Inspection": 1, + "Operational Coordination": 1 + }, + "original_index": 903, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "49-3042.00", + "job_title": "Mobile Heavy Equipment Mechanics, Except Engines", + "detailed_work_activities": [ + "Repair worn, damaged, or defective mechanical parts.", + "Inspect completed work to ensure proper functioning.", + "Replace worn, damaged, or defective mechanical parts.", + "Inspect mechanical equipment to locate damage, defects, or wear.", + "Operate transportation equipment to demonstrate function or malfunction.", + "Read technical information needed to perform maintenance or repairs.", + "Dismantle heavy equipment or machinery.", + "Reassemble equipment after repair.", + "Adjust equipment to ensure optimal performance.", + "Maintain work equipment or machinery.", + "Repair electrical components.", + "Rewire electrical or electronic systems.", + "Test mechanical equipment to ensure proper functioning.", + "Troubleshoot equipment or systems operation problems.", + "Inspect mechanical components of vehicles to identify problems.", + "Operate welding equipment.", + "Solder parts or connections between parts.", + "Maintain inventories of materials, equipment, or products.", + "Maintain repair or maintenance records.", + "Order materials, supplies, or equipment.", + "Schedule repair, installation or maintenance activities.", + "Clean equipment, parts, or tools to repair or maintain them in good working order.", + "Lubricate equipment to allow proper functioning.", + "Align equipment or machinery.", + "Assemble mechanical components or machine parts.", + "Fabricate parts or components.", + "Supervise employees." + ], + "skills": [ + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience." + ], + "skill_vector": { + "Equipment Maintenance": 1, + "Equipment Operation": 1, + "Technical Equipment Diagnostics": 1, + "Technical Repair Workflow": 1, + "Mechanical Component Replacement": 1, + "Technical Safety Management": 1, + "Technical Documentation": 1, + "Precision Equipment Maintenance": 1, + "Vehicle Mechanical Diagnostics": 1, + "Technical Inspection and Verification": 1, + "Welding and Fabrication": 1, + "Material Handling": 1, + "Workplace Safety Management": 1 + }, + "original_index": 904, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "25-3031.00", + "job_title": "Substitute Teachers, Short-Term", + "detailed_work_activities": [ + "Teach classes in area of specialization.", + "Distribute instructional or library materials.", + "Supervise school or student activities.", + "Advise students on academic or career matters.", + "Assist patrons with entering or exiting vehicles or other forms of transportation.", + "Assist students with special educational needs.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Coordinate student extracurricular activities.", + "Enforce rules or policies governing student behavior.", + "Evaluate student work.", + "Maintain inventories of materials, equipment, or products.", + "Maintain student records.", + "Operate audiovisual equipment.", + "Operate computers or computerized equipment.", + "Teach daily living skills or behaviors.", + "Teach life skills.", + "Tutor students who need extra assistance." + ], + "skills": [], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 0, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 0, + "Adaptive Instructional Techniques": 1, + "Adaptive Learning Management": 1, + "Classroom Management": 1, + "Student Performance Assessment": 1, + "Student Performance Monitoring": 1, + "Classroom Behavior Management": 1, + "Educational Support": 1, + "Interpersonal Communication": 1, + "Professional Development": 1, + "Student Safety Management": 1, + "Adaptive Problem Resolution": 1, + "Administrative Documentation": 1, + "Instructional Technology": 1 + }, + "original_index": 905, + "sparsity": 0.9917506874427131 + }, + { + "onet_code": "41-1012.00", + "job_title": "First-Line Supervisors of Non-Retail Sales Workers", + "detailed_work_activities": [ + "Monitor sales activities.", + "Supervise sales or support personnel.", + "Contact current or potential customers to promote products or services.", + "Establish operational policies.", + "Gather customer or product information to determine customer needs.", + "Prepare financial documents, reports, or budgets.", + "Examine condition of property or products.", + "Answer customer questions about goods or services.", + "Explain technical product or service information to customers.", + "Maintain records of sales or other business transactions.", + "Train sales personnel.", + "Develop marketing plans or strategies.", + "Analyze market conditions or trends.", + "Monitor inventories of products or materials.", + "Purchase stocks of merchandise or supplies.", + "Assign duties or work schedules to employees.", + "Coordinate sales campaigns.", + "Discuss design or technical features of products or services with technical personnel.", + "Prepare sales or other contracts." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems." + ], + "skill_vector": { + "Operational Supervision": 1, + "Personnel Resource Management": 1, + "Sales Communication": 1, + "Strategic Sales Management": 1, + "Performance Evaluation Management": 1, + "Business Intelligence Analysis": 1, + "Administrative Documentation Management": 1, + "Customer Relationship Management": 1, + "Training Program Development": 1, + "Inventory Management": 1, + "Technical Product Communication": 1, + "Stakeholder Communication Management": 1, + "Financial Transaction Processing": 1 + }, + "original_index": 906, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "47-2051.00", + "job_title": "Cement Masons and Concrete Finishers", + "detailed_work_activities": [ + "Inspect completed work to ensure proper installation.", + "Position construction forms or molds.", + "Finish concrete surfaces.", + "Spread concrete or other aggregate mixtures.", + "Monitor construction operations.", + "Pour materials into or on designated areas.", + "Signal equipment operators to indicate proper equipment positioning.", + "Direct construction or extraction personnel.", + "Apply sealants or other protective coatings.", + "Compact materials to create level bases.", + "Install masonry materials.", + "Apply material to fill gaps in surfaces.", + "Install building fixtures.", + "Install metal structural components.", + "Prepare surfaces for finishing.", + "Mix substances or compounds needed for work activities.", + "Apply decorative masonry finishes.", + "Smooth surfaces with abrasive materials or tools.", + "Break up rock, asphalt, or concrete.", + "Drill holes in construction materials.", + "Position structural components.", + "Fabricate parts or components.", + "Clean surfaces in preparation for work activities.", + "Build construction forms or molds.", + "Cut metal components for installation.", + "Install roofing materials." + ], + "skills": [ + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one." + ], + "skill_vector": { + "Construction Material Handling": 1, + "Construction Material Preparation": 1, + "Surface Preparation": 1, + "Precision Material Handling": 1, + "Construction Site Coordination": 1, + "Technical Equipment Operation": 1, + "Operational Safety Management": 1, + "Quality Control Inspection": 1, + "Precision Manual Construction Skills": 1, + "Technical Measurement and Verification": 1, + "Workplace Safety Coordination": 1, + "Interpersonal Coordination": 1, + "Technical Documentation": 0, + "Academic Instruction": 0, + "Research Methodology": 0 + }, + "original_index": 907, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "19-4021.00", + "job_title": "Biological Technicians", + "detailed_work_activities": [ + "Collect biological specimens.", + "Monitor operational procedures in technical environments to ensure conformance to standards.", + "Interpret research or operational data.", + "Research microbiological or chemical processes or structures.", + "Record research or operational data.", + "Prepare biological samples for testing or analysis.", + "Set up laboratory or field equipment.", + "Clean objects.", + "Care for plants or animals.", + "Analyze chemical compounds or substances.", + "Examine characteristics or behavior of living organisms.", + "Order materials, supplies, or equipment." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes." + ], + "skill_vector": { + "Biological Research Methodology": 1, + "Scientific Research Methodology": 1, + "Laboratory Sample Management": 1, + "Scientific Documentation": 1, + "Technical Equipment Management": 1, + "Biological Sample Analysis": 1, + "Scientific Problem Solving": 1, + "Technical Monitoring and Inspection": 1, + "Chemical Analysis and Synthesis": 1, + "Environmental Field Research": 1, + "Academic Research Methodology": 1, + "Technical Quality Control": 1, + "Operational Documentation Management": 1, + "Advanced Scientific Problem Solving": 1, + "Precision Scientific Documentation": 1 + }, + "original_index": 908, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-9191.00", + "job_title": "Adhesive Bonding Machine Operators and Tenders", + "detailed_work_activities": [ + "Align parts or workpieces to ensure proper assembly.", + "Adjust equipment controls to regulate flow of production materials or products.", + "Notify others of equipment repair or maintenance needs.", + "Watch operating equipment to detect malfunctions.", + "Adjust temperature controls of ovens or other heating equipment.", + "Load materials into production equipment.", + "Conduct test runs of production equipment.", + "Exchange information with colleagues.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Study blueprints or other instructions to determine equipment setup requirements.", + "Remove products or workpieces from production equipment.", + "Stack finished items for further processing or shipment.", + "Clear equipment jams.", + "Monitor instruments to ensure proper production conditions.", + "Record operational or production data.", + "Mount materials or workpieces onto production equipment.", + "Clean production equipment.", + "Maintain production or processing equipment.", + "Move products, materials, or equipment between work areas.", + "Operate forklifts or other loaders.", + "Measure ingredients or substances to be used in production processes.", + "Mix substances to create chemical solutions." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Adhesive Application": 1, + "Equipment Operation": 1, + "Equipment Monitoring": 1, + "Production Equipment Control": 1, + "Material Handling": 1, + "Quality Control Inspection": 1, + "Technical Documentation": 1, + "Equipment Maintenance": 1, + "Precision Measurement": 1, + "Safety Monitoring": 1, + "Operational Coordination": 1, + "Chemical Solution Preparation": 1, + "Technical Problem Solving": 1, + "Temperature Control": 1, + "Inventory Management": 1 + }, + "original_index": 909, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "51-4033.00", + "job_title": "Grinding, Lapping, Polishing, and Buffing Machine Tool Setters, Operators, and Tenders, Metal and Plastic", + "detailed_work_activities": [ + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Lay out parts to prepare for assembly.", + "Watch operating equipment to detect malfunctions.", + "Operate grinding equipment.", + "Read work orders or other instructions to determine product specifications or materials requirements.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Select production equipment according to product specifications.", + "Calculate dimensions of workpieces, products, or equipment.", + "Mount attachments or tools onto production equipment.", + "Operate cutting equipment.", + "Reshape metal workpieces to established specifications.", + "Adjust equipment controls to regulate coolant flow.", + "Apply lubricants or coolants to workpieces.", + "Lift materials or workpieces using cranes or other lifting equipment.", + "Mount materials or workpieces onto production equipment.", + "Notify others of equipment repair or maintenance needs.", + "Repair production equipment or tools.", + "Replace worn equipment components.", + "Maintain inventories of materials, equipment, or products.", + "Feed materials or products into or through equipment.", + "Set equipment guides, stops, spacers, or other fixtures." + ], + "skills": [ + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Academic Instruction": 0, + "Precision Equipment Operation": 1, + "Technical Equipment Maintenance": 1, + "Quality Control Analysis": 1, + "Operational Monitoring": 1, + "Technical Measurement and Verification": 1, + "Material Handling": 1, + "Production Equipment Control": 1, + "Technical Safety Management": 1, + "Inventory Management": 1 + }, + "original_index": 910, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "51-7042.00", + "job_title": "Woodworking Machine Setters, Operators, and Tenders, Except Sawing", + "detailed_work_activities": [ + "Operate woodworking equipment.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Conduct test runs of production equipment.", + "Monitor equipment operation to ensure that products are not flawed.", + "Set equipment controls to meet cutting specifications.", + "Inspect lumber or raw woodstock.", + "Mount attachments or tools onto production equipment.", + "Determine production equipment settings.", + "Feed materials or products into or through equipment.", + "Select production input materials.", + "Maneuver workpieces in equipment during production.", + "Select production equipment according to product specifications.", + "Load materials into production equipment.", + "Mount materials or workpieces onto production equipment.", + "Remove accessories, tools, or other parts from equipment.", + "Replace worn equipment components.", + "Mark products, workpieces, or equipment with identifying information.", + "Stack finished items for further processing or shipment.", + "Inspect production equipment.", + "Clean production equipment.", + "Clean work areas.", + "Maintain production or processing equipment.", + "Set equipment guides, stops, spacers, or other fixtures.", + "Trim excess material from workpieces.", + "Remove products or workpieces from production equipment.", + "Program equipment to perform production tasks.", + "Lubricate production equipment.", + "Operate cranes, hoists, or other moving or lifting equipment." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Equipment Operation": 1, + "Equipment Maintenance": 1, + "Quality Control Analysis": 1, + "Precision Equipment Monitoring": 1, + "Material Handling": 1, + "Technical Equipment Control": 1, + "Precision Measurement": 1, + "Production Equipment Management": 1, + "Technical Safety Management": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 911, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1213.00", + "job_title": "Dermatologists", + "detailed_work_activities": [ + "Examine patients to assess general physical condition.", + "Treat chronic diseases or disorders.", + "Diagnose medical conditions.", + "Operate on patients to treat conditions.", + "Advise patients on preventive care techniques.", + "Order medical diagnostic or clinical tests.", + "Record patient medical histories.", + "Prescribe medications.", + "Advise medical personnel regarding healthcare issues.", + "Maintain medical or professional knowledge.", + "Refer patients to other healthcare practitioners or health resources.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues.", + "Analyze patient data to determine patient needs or treatment goals." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1, + "Advanced Medical Intervention": 1, + "Advanced Medical Equipment Management": 1, + "Clinical Assessment Skills": 1, + "Clinical Diagnostic Reasoning": 1, + "Clinical Documentation Management": 1, + "Patient Assessment": 1, + "Patient Care Management": 1, + "Patient Communication": 1 + }, + "original_index": 912, + "sparsity": 0.9908340971585701 + }, + { + "onet_code": "17-2141.02", + "job_title": "Automotive Engineers", + "detailed_work_activities": [ + "Direct design or development activities.", + "Provide technical guidance to other personnel.", + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Conduct quantitative failure analyses of operational data.", + "Calibrate scientific or technical equipment.", + "Design electromechanical equipment or systems.", + "Evaluate characteristics of equipment or systems.", + "Prepare operational reports.", + "Research advanced engineering designs or applications.", + "Determine operational criteria or specifications.", + "Design energy-efficient vehicles or vehicle components.", + "Develop technical methods or processes.", + "Devise research or testing protocols.", + "Implement design or process improvements.", + "Research design or application of green technologies.", + "Determine design criteria or specifications.", + "Estimate operational costs.", + "Evaluate technical data to determine effect on designs or plans.", + "Maintain operational records or records systems.", + "Prepare technical reports for internal use.", + "Create models of engineering designs or methods.", + "Coordinate activities with suppliers, contractors, clients, or other departments.", + "Design control systems for mechanical or other equipment.", + "Update technical knowledge." + ], + "skills": [ + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Technology Design\u2014 Generating or adapting equipment and technology to serve user needs.", + "Instructing\u2014 Teaching others how to do something.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Academic Instruction": 0, + "Academic Instruction Design": 0, + "Academic Knowledge Communication": 1, + "Technical Design Documentation": 1, + "Technical Design Visualization": 1, + "Technical Systems Engineering": 1, + "Engineering Design Methodology": 1, + "Technical Problem Solving": 1, + "Advanced Manufacturing Technologies": 1, + "Vehicle Component Maintenance": 1, + "Technology Design": 1, + "Quality Control Analysis": 1, + "Research and Development Methodology": 1, + "Green Technology Performance Verification": 1, + "Technical Performance Optimization": 1 + }, + "original_index": 913, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "51-2023.00", + "job_title": "Electromechanical Equipment Assemblers", + "detailed_work_activities": [ + "Align parts or workpieces to ensure proper assembly.", + "Inspect installed components or assemblies.", + "Assemble electrical or electronic equipment.", + "Connect supply lines to production equipment or tools.", + "Measure dimensions of completed products or workpieces to verify conformance to specifications.", + "Review blueprints or other instructions to determine operational methods or sequences.", + "Mark products, workpieces, or equipment with identifying information.", + "Reshape metal workpieces to established specifications.", + "Disassemble equipment for maintenance or repair.", + "Apply lubricants or coolants to workpieces.", + "Clean workpieces or finished products.", + "Drill holes in parts, equipment, or materials.", + "Operate industrial equipment.", + "Operate cranes, hoists, or other moving or lifting equipment.", + "Assemble electromechanical or hydraulic systems." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it." + ], + "skill_vector": { + "Precision Equipment Assembly": 1, + "Technical Equipment Operation": 1, + "Quality Control Inspection": 1, + "Technical Measurement and Verification": 1, + "Technical Documentation": 1, + "Mechanical Equipment Maintenance": 1, + "Material Handling": 1, + "Technical Safety Management": 1, + "Precision Manual Technical Skills": 1, + "Academic Instruction": 0 + }, + "original_index": 914, + "sparsity": 0.9958753437213566 + }, + { + "onet_code": "11-3051.02", + "job_title": "Geothermal Production Managers", + "detailed_work_activities": [ + "Direct green energy production operations.", + "Direct maintenance and repair activities in green energy production facilities.", + "Supervise workers performing environmentally sustainable activities.", + "Prepare forms or applications.", + "Prepare reports related to compliance matters.", + "Negotiate contracts for environmental remediation, green energy, or renewable resources.", + "Communicate green energy production information.", + "Maintain green energy production plant equipment.", + "Monitor green energy equipment, systems, or facilities.", + "Direct facility maintenance or repair activities.", + "Inspect operations of green energy facilities.", + "Implement organizational process or policy changes.", + "Prepare operational budgets for green energy or other green operations.", + "Develop operating strategies, plans, or procedures for green or sustainable operations.", + "Maintain operational records for green energy processes or other environmentally-sustainable activities.", + "Evaluate potential of products, technologies, or resources.", + "Identify opportunities to improve operational efficiency." + ], + "skills": [ + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Financial Resources\u2014 Determining how money will be spent to get the work done, and accounting for these expenditures.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Management of Material Resources\u2014 Obtaining and seeing to the appropriate use of equipment, facilities, and materials needed to do certain work.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Green Energy Management": 1, + "Operational Performance Management": 1, + "Technical Equipment Management": 1, + "Operational Safety Management": 1, + "Strategic Resource Management": 1, + "Technical Compliance Monitoring": 1, + "Operational Documentation Management": 1, + "Stakeholder Communication Management": 1, + "Technical Site Assessment": 1, + "Sustainability Strategy Development": 1, + "Advanced Operational Monitoring": 1, + "Technical Performance Optimization": 1, + "Renewable Energy Systems": 1, + "Academic Instruction": 0, + "Therapeutic Patient Care": 0 + }, + "original_index": 915, + "sparsity": 0.9940421631530706 + }, + { + "onet_code": "33-9032.00", + "job_title": "Security Guards", + "detailed_work_activities": [ + "Block physical access to restricted areas.", + "Patrol properties to maintain safety.", + "Provide first aid or rescue assistance in emergencies.", + "Investigate illegal or suspicious activities.", + "Maintain public order or security.", + "Respond to emergencies to provide assistance.", + "Monitor access or flow of people to prevent problems.", + "Prevent unauthorized individuals from entering restricted areas.", + "Write operational reports.", + "Use weapons or physical force to maintain security.", + "Warn individuals about rule violations or safety concerns.", + "Answer telephones to direct calls or provide information.", + "Request emergency personnel.", + "Operate surveillance equipment to detect suspicious or illegal activities.", + "Inspect equipment to ensure safety or proper functioning.", + "Drive vehicles to transport individuals or equipment.", + "Adjust building climate control systems." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do." + ], + "skill_vector": { + "Public Safety Management": 1, + "Operational Safety Management": 1, + "Situational Awareness": 1, + "Threat Detection and Assessment": 1, + "Surveillance Operations": 1, + "Interpersonal Communication": 1, + "Operational Documentation": 1, + "Emergency Response Management": 1, + "Access Control Management": 1, + "Conflict Resolution": 1, + "Technical Equipment Operation": 1, + "Safety Protocol Implementation": 1, + "Workplace Safety Coordination": 1, + "Professional Communication": 1, + "Academic Instruction": 0, + "Medical Procedure Support": 0, + "Research Methodology": 0 + }, + "original_index": 916, + "sparsity": 0.9935838680109991 + }, + { + "onet_code": "47-2152.04", + "job_title": "Solar Thermal Installers and Technicians", + "detailed_work_activities": [ + "Inspect plumbing systems or fixtures.", + "Inspect industrial or commercial equipment to ensure proper operation.", + "Test electrical equipment or systems to ensure proper functioning.", + "Apply sealants or other protective coatings.", + "Install solar energy systems.", + "Install plumbing or piping.", + "Communicate with clients about products, procedures, and policies.", + "Determine appropriate locations for operations or installations.", + "Maintain mechanical equipment.", + "Pour materials into or on designated areas.", + "Apply adhesives to construction materials.", + "Apply identification labels or tags.", + "Cut carpet, vinyl or other flexible materials.", + "Install insulation in equipment or structures.", + "Install gauges or controls.", + "Assess locations for potential green technology installations." + ], + "skills": [ + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Instructing\u2014 Teaching others how to do something.", + "Service Orientation\u2014 Actively looking for ways to help people." + ], + "skill_vector": { + "Solar Energy Systems Installation": 1, + "Technical Equipment Installation": 1, + "Equipment Maintenance": 1, + "Quality Control Inspection": 1, + "Technical Safety Management": 1, + "Site Preparation and Measurement": 1, + "Precision Technical Installation": 1, + "Client Communication": 1, + "Green Technology Performance Verification": 1, + "Technical Documentation": 1, + "Adhesive Application": 1, + "Material Handling": 1, + "Protective Coating Application": 1, + "Instrumentation and Equipment Installation": 1, + "Insulation Material Installation": 1 + }, + "original_index": 917, + "sparsity": 0.9931255728689276 + }, + { + "onet_code": "35-3023.01", + "job_title": "Baristas", + "detailed_work_activities": [ + "Process customer bills or payments.", + "Serve food or beverages.", + "Prepare hot or cold beverages.", + "Clean food service areas.", + "Clean tableware.", + "Communicate dining or order details to kitchen personnel.", + "Take customer orders.", + "Present food or beverage information or menus to customers.", + "Cook foods.", + "Set up merchandise displays.", + "Package food or supplies.", + "Measure ingredients.", + "Stock serving stations or dining areas with food or supplies.", + "Remove trash.", + "Order materials, supplies, or equipment.", + "Store supplies or goods in kitchens or storage areas.", + "Cut cooked or raw foods.", + "Assess equipment functioning.", + "Train food preparation or food service personnel.", + "Write advertising or promotional material." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents." + ], + "skill_vector": { + "Beverage Preparation Skills": 1, + "Customer Service Communication": 1, + "Food Service Coordination": 1, + "Sanitation and Hygiene Management": 1, + "Inventory Management": 1, + "Operational Safety Management": 1, + "Precision Material Handling": 1, + "Professional Communication": 1, + "Transaction Processing": 1, + "Workplace Safety Coordination": 1 + }, + "original_index": 918, + "sparsity": 0.995417048579285 + }, + { + "onet_code": "29-1123.00", + "job_title": "Physical Therapists", + "detailed_work_activities": [ + "Record patient medical histories.", + "Analyze patient data to determine patient needs or treatment goals.", + "Examine patients to assess general physical condition.", + "Develop medical treatment plans.", + "Enter patient or treatment data into computers.", + "Process healthcare paperwork.", + "Treat patients using physical therapy techniques.", + "Collaborate with healthcare professionals to plan or provide treatment.", + "Evaluate patient outcomes to determine effectiveness of treatments.", + "Monitor patient progress or responses to treatments.", + "Train patients, family members, or caregivers in techniques for managing disabilities or illnesses.", + "Supervise medical support personnel.", + "Test patient heart or lung functioning.", + "Establish treatment goals.", + "Communicate health and wellness information to the public.", + "Explain medical procedures or test results to patients or family members.", + "Refer patients to other healthcare practitioners or health resources.", + "Communicate detailed medical information to patients or family members.", + "Operate diagnostic or therapeutic medical instruments or equipment.", + "Fabricate medical devices.", + "Adjust prostheses or other assistive devices.", + "Advise medical personnel regarding healthcare issues.", + "Train medical providers.", + "Conduct research to increase knowledge about medical issues.", + "Advise others on matters of public policy.", + "Design public or employee health programs.", + "Direct healthcare delivery programs." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Time Management\u2014 Managing one's own time and the time of others.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Instructing\u2014 Teaching others how to do something.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Adaptive Care Assistance": 1, + "Adaptive Instructional Techniques": 1, + "Adaptive Therapeutic Intervention": 1, + "Administrative Healthcare Support": 1, + "Advanced Medical Intervention": 1, + "Advanced Problem Solving": 1, + "Client Assessment": 1, + "Clinical Assessment Skills": 1, + "Clinical Patient Assessment": 1, + "Clinical Procedure Support": 1, + "Clinical Treatment Planning": 1, + "Healthcare Patient Communication": 1, + "Healthcare Patient Management": 1, + "Interpersonal Patient Communication": 1, + "Patient Assessment and Care": 1, + "Patient Care Coordination": 1, + "Patient Treatment Planning": 1, + "Therapeutic Patient Intervention": 1 + }, + "original_index": 919, + "sparsity": 0.9890009165902841 + }, + { + "onet_code": "25-1126.00", + "job_title": "Philosophy and Religion Teachers, Postsecondary", + "detailed_work_activities": [ + "Evaluate student work.", + "Guide class discussions.", + "Teach humanities courses at the college level.", + "Administer tests to assess educational needs or progress.", + "Prepare tests.", + "Develop instructional materials.", + "Attend training sessions or professional meetings to develop or maintain professional knowledge.", + "Stay informed about current developments in field of specialization.", + "Maintain student records.", + "Research topics in area of expertise.", + "Write articles, books or other original materials in area of expertise.", + "Direct department activities.", + "Advise students on academic or career matters.", + "Develop instructional objectives.", + "Evaluate effectiveness of educational programs.", + "Supervise student research or internship work.", + "Order instructional or library materials or equipment.", + "Select educational materials or equipment.", + "Serve on institutional or departmental committees.", + "Perform student enrollment or registration activities.", + "Promote educational institutions or programs.", + "Compile specialized bibliographies or lists of materials.", + "Plan community programs or activities for the general public.", + "Write grant proposals." + ], + "skills": [ + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Instructing\u2014 Teaching others how to do something.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Instruction Design": 1, + "Academic Instruction Management": 1, + "Academic Instruction and Research": 1, + "Academic Knowledge Communication": 1, + "Academic Professional Communication": 1, + "Academic Program Development": 1, + "Academic Research Methodology": 1, + "Academic Research and Development": 1, + "Academic Research and Instruction": 1, + "Academic Research and Scholarship": 1, + "Academic and Policy Consultation": 1 + }, + "original_index": 920, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "17-2071.00", + "job_title": "Electrical Engineers", + "detailed_work_activities": [ + "Design electrical equipment or systems.", + "Design structures or facilities.", + "Maintain electronic equipment.", + "Direct industrial production activities.", + "Direct construction activities.", + "Direct equipment maintenance or repair activities.", + "Direct installation activities.", + "Estimate technical or resource requirements for development or production projects.", + "Operate computer systems.", + "Confer with technical personnel to prepare designs or operational plans.", + "Discuss designs or plans with clients.", + "Test products for functionality or quality.", + "Inspect operational processes.", + "Collect data about project sites.", + "Monitor the productivity or efficiency of industrial operations.", + "Create electrical schematics.", + "Investigate system, equipment, or product failures.", + "Design alternative energy systems.", + "Prepare operational reports.", + "Design control systems for mechanical or other equipment.", + "Develop software or applications for scientific or technical use.", + "Develop software or computer applications.", + "Estimate operational costs.", + "Prepare project budgets.", + "Devise research or testing protocols.", + "Supervise engineering or other technical personnel.", + "Train personnel on proper operational procedures.", + "Design energy-efficient equipment or systems.", + "Survey land or bodies of water to measure or determine features." + ], + "skills": [ + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Operations Analysis\u2014 Analyzing needs and product requirements to create a design.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Management of Personnel Resources\u2014 Motivating, developing, and directing people as they work, identifying the best people for the job.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 0, + "Technical Design Documentation": 1, + "Technical Systems Engineering": 1, + "Technical Problem Solving": 1, + "Technical Equipment Design": 1, + "Technical Equipment Maintenance": 1, + "Technical Safety Management": 1, + "Technical Communication": 1, + "Technical Quality Control": 1, + "Technical Project Management": 1, + "Technical Research and Development": 1, + "Technical Measurement and Verification": 1, + "Technical Systems Analysis": 1 + }, + "original_index": 921, + "sparsity": 0.9945004582951421 + }, + { + "onet_code": "17-3024.00", + "job_title": "Electro-Mechanical and Mechatronics Technologists and Technicians", + "detailed_work_activities": [ + "Test performance of electrical, electronic, mechanical, or integrated systems or equipment.", + "Design electromechanical equipment or systems.", + "Program robotic equipment.", + "Develop software or computer applications.", + "Maintain electromechanical equipment.", + "Maintain electronic equipment.", + "Review technical documents to plan work.", + "Document design or operational test results.", + "Inspect finished products to locate flaws.", + "Install instrumentation or electronic equipment or systems.", + "Calibrate scientific or technical equipment.", + "Assemble equipment or components.", + "Fabricate devices or components.", + "Create schematic drawings for electronics.", + "Operate industrial equipment.", + "Evaluate characteristics of equipment or systems.", + "Select project materials.", + "Determine operational methods.", + "Develop technical methods or processes.", + "Maintain operational records or records systems.", + "Train personnel on proper operational procedures.", + "Analyze design requirements for computer or electronics systems.", + "Analyze costs and benefits of proposed designs or projects.", + "Direct quality control activities.", + "Fabricate products or components using machine tools.", + "Determine design criteria or specifications.", + "Develop operational methods or processes that use green materials or emphasize sustainability.", + "Discuss design or technical features of products or services with technical personnel.", + "Implement design or process improvements." + ], + "skills": [ + "Operations Monitoring\u2014 Watching gauges, dials, or other indicators to make sure a machine is working properly.", + "Troubleshooting\u2014 Determining causes of operating errors and deciding what to do about it.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Repairing\u2014 Repairing machines or systems using the needed tools.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Operation and Control\u2014 Controlling operations of equipment or systems.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Equipment Maintenance\u2014 Performing routine maintenance on equipment and determining when and what kind of maintenance is needed.", + "Equipment Selection\u2014 Determining the kind of tools and equipment needed to do a job.", + "Installation\u2014 Installing equipment, machines, wiring, or programs to meet specifications.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Technical Equipment Maintenance": 1, + "Technical Equipment Operation": 1, + "Technical Equipment Diagnostics": 1, + "Technical Systems Engineering": 1, + "Technical Precision Measurement": 1, + "Technical Problem Solving": 1, + "Technical Documentation": 1, + "Technical Safety Management": 1, + "Technical Quality Control": 1, + "Technical Design Visualization": 1, + "Advanced Manufacturing Technologies": 1, + "Robotic Systems Engineering": 1, + "Technical Equipment Installation": 1, + "Technical Material Fabrication": 1, + "Technical Systems Analysis": 1, + "Precision Equipment Calibration": 1, + "Technical Sustainability Communication": 1 + }, + "original_index": 922, + "sparsity": 0.9922089825847846 + }, + { + "onet_code": "19-1012.00", + "job_title": "Food Scientists and Technologists", + "detailed_work_activities": [ + "Inspect areas for compliance with sanitation standards.", + "Evaluate quality of materials or products.", + "Research methods to improve food products.", + "Evaluate new technologies or methods.", + "Review professional literature to maintain professional knowledge.", + "Test quality of materials or finished products.", + "Collaborate with technical specialists to resolve design or development problems.", + "Establish standards for products, processes, or procedures.", + "Develop specifications for new products or processes.", + "Confer with clients to exchange information." + ], + "skills": [ + "Active Listening\u2014 Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.", + "Reading Comprehension\u2014 Understanding written sentences and paragraphs in work-related documents.", + "Writing\u2014 Communicating effectively in writing as appropriate for the needs of the audience.", + "Complex Problem Solving\u2014 Identifying complex problems and reviewing related information to develop and evaluate options and implement solutions.", + "Critical Thinking\u2014 Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.", + "Monitoring\u2014 Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.", + "Speaking\u2014 Talking to others to convey information effectively.", + "Active Learning\u2014 Understanding the implications of new information for both current and future problem-solving and decision-making.", + "Judgment and Decision Making\u2014 Considering the relative costs and benefits of potential actions to choose the most appropriate one.", + "Science\u2014 Using scientific rules and methods to solve problems.", + "Quality Control Analysis\u2014 Conducting tests and inspections of products, services, or processes to evaluate quality or performance.", + "Systems Analysis\u2014 Determining how a system should work and how changes in conditions, operations, and the environment will affect outcomes.", + "Systems Evaluation\u2014 Identifying measures or indicators of system performance and the actions needed to improve or correct performance, relative to the goals of the system.", + "Mathematics\u2014 Using mathematics to solve problems.", + "Social Perceptiveness\u2014 Being aware of others' reactions and understanding why they react as they do.", + "Coordination\u2014 Adjusting actions in relation to others' actions.", + "Instructing\u2014 Teaching others how to do something.", + "Learning Strategies\u2014 Selecting and using training/instructional methods and procedures appropriate for the situation when learning or teaching new things.", + "Negotiation\u2014 Bringing others together and trying to reconcile differences.", + "Persuasion\u2014 Persuading others to change their minds or behavior.", + "Service Orientation\u2014 Actively looking for ways to help people.", + "Time Management\u2014 Managing one's own time and the time of others." + ], + "skill_vector": { + "Academic Instruction": 1, + "Academic Research Methodology": 1, + "Scientific Research and Development": 1, + "Quality Control Analysis": 1, + "Technical Documentation": 1, + "Scientific Communication": 1, + "Food Science Technical Analysis": 1, + "Laboratory Sample Management": 1, + "Precision Measurement": 1, + "Regulatory Compliance": 1 + }, + "original_index": 923, + "sparsity": 0.995417048579285 + } +] \ No newline at end of file diff --git a/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_skill_dimensions.json b/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_skill_dimensions.json new file mode 100644 index 0000000..84cbc9d --- /dev/null +++ b/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_skill_dimensions.json @@ -0,0 +1,23165 @@ +{ + "Interpersonal Communication": { + "description": "Advanced communication skills involving active listening, precise professional information exchange, understanding complex human dynamics, providing guidance, and facilitating comprehensive interaction across diverse professional environments with emphasis on supporting students and educational needs", + "confidence": 1.0, + "usage_count": 250, + "last_updated": "", + "synonyms": [ + "Professional Dialogue", + "Comprehensive Communication" + ] + }, + "Operational Coordination": { + "description": "Advanced ability to manage complex organizational workflows, synchronize cross-functional activities, coordinate strategic responses, and ensure systematic operational efficiency across educational and support service environments", + "confidence": 1.0, + "usage_count": 134, + "last_updated": "", + "synonyms": [ + "Workflow Management", + "Operational Synchronization" + ] + }, + "Critical Problem Solving": { + "description": "Advanced analytical skills for systematically identifying complex challenges, evaluating alternative solutions, applying logical reasoning, and implementing strategic problem-solving techniques across diverse technical and operational contexts", + "confidence": 1.0, + "usage_count": 244, + "last_updated": "", + "synonyms": [ + "Analytical Reasoning", + "Strategic Problem Resolution", + "Technical Challenge Analysis" + ] + }, + "Technical Equipment Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex mechanical, electrical, and technical equipment with emphasis on precise operational functionality, safety standards, and performance optimization in renewable energy and technical environments", + "confidence": 1.0, + "usage_count": 82, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostic Repair", + "Technical System Maintenance" + ] + }, + "Operational Safety and Quality Control": { + "description": "Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures across technical, renewable energy, and industrial work environments", + "confidence": 0.99, + "usage_count": 97, + "last_updated": "", + "synonyms": [ + "Safety Protocol Management", + "Technical Risk Mitigation" + ] + }, + "Precision Manual Manipulation": { + "description": "Advanced proficiency in using specialized hand tools to precisely position, prepare, cut, and manipulate materials and equipment with high technical accuracy across mechanical and technical work environments.", + "confidence": 1.0, + "usage_count": 50, + "last_updated": "", + "synonyms": [ + "Mechanical Tool Precision", + "Technical Manual Dexterity", + "Precision Mechanical Manipulation" + ] + }, + "Emergency Response Management": { + "description": "Advanced ability to effectively identify, assess, and respond to critical situations, emergencies, and unexpected challenges with calm, strategic decision-making, specifically adapted to maritime and transportation environments", + "confidence": 0.97, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Crisis Management", + "Emergency Intervention Coordination" + ] + }, + "Transportation Systems Navigation": { + "description": "Comprehensive skill in planning, coordinating, and executing complex transportation operations across different environments and conditions", + "confidence": 0.9, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Route Planning", + "Transportation Coordination", + "Operational Routing" + ] + }, + "Performance and Safety Monitoring": { + "description": "Comprehensive skill in continuously evaluating operational performance, equipment functionality, safety standards, and implementing proactive monitoring across diverse technical and service environments", + "confidence": 1.0, + "usage_count": 11, + "last_updated": "", + "synonyms": [ + "Operational Performance Tracking", + "Technical System Surveillance" + ] + }, + "Material Processing": { + "description": "Expertise in sorting, cleaning, decontaminating, and preparing materials for recycling or production processes", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Handling", + "Recycling Preparation", + "Waste Sorting" + ] + }, + "Industrial Equipment Operation": { + "description": "Proficient operation of specialized machinery including forklifts, grinding equipment, and production machinery", + "confidence": 0.92, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Equipment Management", + "Mechanical Systems Operation" + ] + }, + "Workplace Maintenance": { + "description": "Comprehensive skills in cleaning, lubricating, inspecting, and performing minor repairs on production equipment and work areas", + "confidence": 0.88, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Upkeep", + "Facility Maintenance", + "Operational Cleanliness" + ] + }, + "Spatial Visualization": { + "description": "Advanced ability to interpret technical diagrams, solar installation blueprints, and spatial layouts, translating complex visual information into precise physical installations, system configurations, and equipment positioning", + "confidence": 0.95, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Technical Spatial Planning", + "Installation Layout Interpretation" + ] + }, + "Mechanical Fabrication": { + "description": "Comprehensive skills in cutting, measuring, shaping, and assembling metal and other materials using specialized tools and techniques", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Fabrication", + "Mechanical Construction", + "Component Manufacturing" + ] + }, + "Systems Installation": { + "description": "Expertise in planning, implementing, and integrating complex technical systems, including plumbing, piping, and specialized infrastructure", + "confidence": 0.92, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Infrastructure Setup", + "Technical System Integration", + "Comprehensive Installation" + ] + }, + "Renewable Energy Systems": { + "description": "Comprehensive expertise in designing, installing, maintaining, and optimizing solar photovoltaic and renewable energy infrastructure, including advanced system assessment, component selection, performance verification, and technological innovation", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Solar Energy Engineering", + "Renewable Infrastructure Design", + "Green Energy Systems Management" + ] + }, + "Technical Documentation": { + "description": "Comprehensive skill in creating precise technical documentation for blockchain systems, software architectures, security protocols, and complex engineering specifications", + "confidence": 0.97, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Engineering Documentation", + "Technical Specification Writing", + "System Design Documentation" + ] + }, + "Environmental Technology Deployment": { + "description": "Comprehensive skills in implementing sustainable technology solutions, assessing environmental compatibility, and executing green energy installations with minimal ecological impact", + "confidence": 0.92, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Technology Implementation", + "Sustainable Infrastructure Installation" + ] + }, + "Logistics Resource Management": { + "description": "Comprehensive skill in managing personnel, materials, and operational resources in cargo and transportation environments, including personnel coordination, resource allocation, and workflow optimization", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cargo Operations Management", + "Logistics Personnel Coordination" + ] + }, + "Operational Compliance and Safety": { + "description": "Comprehensive approach to ensuring workplace safety, maintaining regulatory standards, monitoring operational performance, implementing preventive measures, and ensuring adherence to complex HR, employment, and organizational compliance requirements", + "confidence": 0.99, + "usage_count": 2, + "last_updated": "", + "synonyms": [] + }, + "Quantitative Operational Analysis": { + "description": "Proficiency in using mathematical and analytical skills to calculate, measure, and assess operational parameters such as weight, volume, and logistical characteristics in transportation and cargo environments", + "confidence": 0.92, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Logistics Measurement Skills", + "Cargo Quantitative Assessment" + ] + }, + "Hospitality Management": { + "description": "Comprehensive skills in managing guest services, resolving customer issues, coordinating operational activities, and ensuring high-quality customer experiences in lodging and service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Guest Services Management", + "Lodging Operations Leadership" + ] + }, + "Organizational Resource Coordination": { + "description": "Advanced ability to manage personnel, material, and financial resources, including budgeting, scheduling, hiring, and strategic resource allocation across organizational contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Management", + "Operational Resource Planning" + ] + }, + "Adaptive Workplace Communication": { + "description": "Multifaceted communication skills involving active listening, persuasion, information exchange, social perceptiveness, and effective verbal and written communication across diverse professional interactions", + "confidence": 0.97, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Professional Communication", + "Interpersonal Interaction" + ] + }, + "Strategic Operational Planning": { + "description": "Advanced skills in developing comprehensive organizational strategies, implementing sustainability initiatives, analyzing complex environmental systems, creating strategic goals, and making informed decisions to optimize organizational performance with specific focus on energy efficiency, green technologies, and ecological considerations", + "confidence": 1.0, + "usage_count": 8, + "last_updated": "", + "synonyms": [ + "Strategic Environmental Management", + "Sustainable Organizational Strategy" + ] + }, + "Performance and Compliance Monitoring": { + "description": "Systematic approach to evaluating individual and organizational performance, ensuring safety, maintaining compliance, and implementing corrective actions across workplace environments", + "confidence": 0.92, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Performance Assessment", + "Regulatory Compliance Management" + ] + }, + "Educational Support": { + "description": "Comprehensive skills in developing, implementing, and adapting educational strategies for diverse learner needs, with expanded focus on individualized instruction, specialized academic interventions, and holistic student development in special education contexts", + "confidence": 1.0, + "usage_count": 18, + "last_updated": "", + "synonyms": [ + "Personalized Learning Support", + "Student-Centered Education", + "Adaptive Instructional Strategies" + ] + }, + "Developmental Mentorship": { + "description": "Advanced interpersonal skills focused on nurturing, guiding, and supporting individual growth, involving emotional intelligence, personalized coaching, holistic child development, comprehensive academic and personal support with specific focus on early childhood stages", + "confidence": 0.98, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Child Guidance", + "Developmental Support", + "Nurturing Mentorship" + ] + }, + "Inclusive Learning Management": { + "description": "Systematic and comprehensive approach to creating adaptive learning environments, managing diverse student needs, implementing specialized instructional techniques, ensuring comprehensive educational support, and promoting inclusive educational experiences", + "confidence": 0.97, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Diverse Learning Support", + "Adaptive Instructional Management", + "Comprehensive Student Engagement" + ] + }, + "Technical Maintenance and Repair": { + "description": "Comprehensive skills in equipment inspection, maintenance, troubleshooting, cleaning, and repair of complex mechanical and industrial systems", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Maintenance", + "System Diagnostics", + "Mechanical Repair" + ] + }, + "Operational Safety Management": { + "description": "Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures", + "confidence": 0.98, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Safety Protocol Implementation", + "Workplace Risk Management", + "Hazard Prevention" + ] + }, + "Resource Coordination and Personnel Management": { + "description": "Advanced skills in coordinating personnel, directing work activities, training team members, and optimizing workforce performance", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Team Leadership", + "Workforce Management", + "Personnel Development" + ] + }, + "Complex Problem Resolution": { + "description": "Advanced analytical skills for identifying complex operational challenges, evaluating alternative solutions, and implementing effective troubleshooting strategies", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Problem Solving", + "Operational Diagnostics", + "Critical Decision Making" + ] + }, + "Technical Systems Analysis": { + "description": "Advanced capability to evaluate, diagnose, and optimize complex technical systems through comprehensive inspection, testing, digital evidence collection, and performance assessment in forensic and cybersecurity environments", + "confidence": 0.99, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Digital Systems Diagnostics", + "Forensic Technical Evaluation", + "Cybersecurity System Analysis" + ] + }, + "Precision Technical Documentation": { + "description": "Comprehensive skill in creating, interpreting, and communicating detailed technical documentation, design specifications, and operational test results", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Writing", + "Engineering Documentation" + ] + }, + "Advanced Equipment Calibration": { + "description": "Specialized expertise in precise measurement, calibration, and maintenance of scientific and technical equipment across diverse operational contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Instrument Calibration", + "Technical Equipment Tuning" + ] + }, + "Integrated Systems Engineering": { + "description": "Comprehensive ability to design, analyze, install, and evaluate complex integrated electrical, mechanical, and electronic systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Multi-System Engineering", + "Cross-Domain System Integration" + ] + }, + "Quantitative Technical Problem Solving": { + "description": "Advanced analytical skills using mathematical and scientific methods to diagnose, evaluate, and resolve complex technical challenges", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Problem Resolution", + "Mathematical Systems Analysis" + ] + }, + "Mechanical Equipment Diagnostics": { + "description": "Systematic ability to inspect, identify, and assess mechanical equipment conditions through visual examination, performance testing, and comprehensive diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Condition Assessment", + "Mechanical System Evaluation" + ] + }, + "Preventive Maintenance Execution": { + "description": "Proactive skill in performing routine maintenance, lubrication, cleaning, and parts replacement to ensure optimal equipment functionality and prevent operational failures", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Preservation", + "Proactive System Maintenance" + ] + }, + "Technical Repair Workflow Management": { + "description": "Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Repair Process Coordination", + "Equipment Restoration Management" + ] + }, + "Geological Site Preparation": { + "description": "Comprehensive skills in preparing, assessing, and managing extraction sites, including site clearance, dimensional measurement, equipment positioning, and environmental considerations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Readiness", + "Extraction Site Management", + "Geological Work Site Preparation" + ] + }, + "Drilling and Excavation Techniques": { + "description": "Advanced proficiency in operating specialized drilling equipment, performing precise earth and rock drilling, managing extraction processes, and implementing site-specific drilling strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Drilling Operations", + "Excavation Methodology", + "Geological Drilling Skills" + ] + }, + "Heavy Equipment Navigation": { + "description": "Comprehensive ability to operate, position, and maneuver complex heavy machinery, truck-mounted equipment, cranes, and specialized drilling vehicles across diverse work environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Maneuvering", + "Machinery Operation", + "Heavy Machinery Navigation" + ] + }, + "Geological Sample Collection": { + "description": "Specialized skills in collecting, handling, and preserving geological samples, understanding site-specific geological characteristics, and supporting scientific or industrial research processes", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sample Extraction", + "Geological Sampling", + "Site Material Collection" + ] + }, + "Environmental Decontamination": { + "description": "Advanced techniques for cleaning, decontaminating, and preparing work sites and equipment, ensuring safety and environmental compliance through systematic removal of hazardous or toxic substances", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Cleaning", + "Hazard Mitigation", + "Environmental Remediation" + ] + }, + "Green Energy Management": { + "description": "Comprehensive expertise in managing renewable energy projects, including strategic planning, implementation, and evaluation of sustainable energy initiatives", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Project Management", + "Sustainable Energy Development" + ] + }, + "Strategic Environmental Compliance": { + "description": "Advanced skills in navigating regulatory frameworks, ensuring policy adherence, and managing environmental sustainability across organizational operations", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Environmental Management", + "Sustainability Compliance" + ] + }, + "Resource Allocation Strategy": { + "description": "Sophisticated approach to managing financial, material, and human resources with strategic planning and optimization across complex organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Comprehensive Resource Management", + "Organizational Resource Optimization" + ] + }, + "Advanced Stakeholder Negotiation": { + "description": "Sophisticated interpersonal skills involving complex negotiation, conflict resolution, and strategic communication across diverse professional environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Negotiation Skills", + "Cross-Functional Conflict Resolution" + ] + }, + "Medical Diagnostics": { + "description": "Advanced clinical skills for comprehensive patient assessment, medical testing, diagnostic reasoning, and holistic health evaluation with specific focus on cardiovascular and complex medical conditions", + "confidence": 1.0, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Clinical Assessment", + "Medical Diagnostic Evaluation" + ] + }, + "Healthcare Patient Management": { + "description": "Comprehensive skills in managing patient care coordination, treatment planning, specialized medical monitoring, assistive device management, and providing holistic healthcare support with expanded focus on critical and intensive care patient needs", + "confidence": 1.0, + "usage_count": 6, + "last_updated": "", + "synonyms": [ + "Patient Care Coordination", + "Medical Treatment Planning", + "Comprehensive Patient Support" + ] + }, + "Medical Education and Training": { + "description": "Expertise in medical knowledge transfer, teaching healthcare procedures, advising medical personnel, and developing educational health programs", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Instruction", + "Medical Knowledge Sharing", + "Professional Medical Training" + ] + }, + "Healthcare Communication": { + "description": "Advanced interpersonal communication skills specific to medical and therapeutic contexts, involving patient counseling, precise procedure explanation, professional dialogue, emotional support, and comprehensive information exchange with expanded focus on psychological and art therapy interactions", + "confidence": 0.99, + "usage_count": 6, + "last_updated": "", + "synonyms": [ + "Therapeutic Communication", + "Patient-Centered Dialogue" + ] + }, + "Medical Research and Innovation": { + "description": "Systematic approach to conducting medical research, expanding medical knowledge, investigating health issues, and contributing to scientific medical understanding", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Research", + "Medical Scientific Inquiry", + "Clinical Investigation" + ] + }, + "Patient Care Management": { + "description": "Comprehensive skills in patient assessment, treatment planning, medical monitoring, patient communication, and holistic healthcare coordination specific to pediatric surgical environments", + "confidence": 1.0, + "usage_count": 4, + "last_updated": "", + "synonyms": [ + "Pediatric Care Coordination", + "Comprehensive Patient Support", + "Surgical Patient Management" + ] + }, + "Medical Knowledge Application": { + "description": "Advanced ability to apply scientific medical knowledge, interpret complex clinical research data, develop evidence-based research strategies with precision, comprehensive understanding, and adaptive clinical reasoning specific to critical care and intensive medical contexts", + "confidence": 1.0, + "usage_count": 17, + "last_updated": "", + "synonyms": [ + "Clinical Knowledge Implementation", + "Medical Research Application", + "Scientific Clinical Reasoning" + ] + }, + "Healthcare Professional Collaboration": { + "description": "Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, managing complex medical information workflows, facilitating knowledge sharing, and ensuring integrated treatment approaches", + "confidence": 1.0, + "usage_count": 29, + "last_updated": "", + "synonyms": [] + }, + "Health Education and Counseling": { + "description": "Comprehensive skills in patient education, wellness guidance, health risk communication, and personalized medical counseling", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Health Instruction", + "Preventive Health Communication" + ] + }, + "Clinical Documentation Management": { + "description": "Systematic approach to creating, maintaining, and managing accurate medical records, patient histories, and official healthcare documentation", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Keeping", + "Healthcare Documentation" + ] + }, + "Production Equipment Management": { + "description": "Comprehensive skills in operating, monitoring, maintaining, and controlling specialized production equipment, including setup, adjustment, cleaning, and performance optimization", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Operation", + "Machine Control", + "Production System Management" + ] + }, + "Quality Assurance Inspection": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing and craftsmanship specifications", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Technical Quality Verification", + "Precision Product Assessment" + ] + }, + "Surface Preparation and Finishing": { + "description": "Advanced skills in preparing, treating, coating, painting, and polishing materials and workpieces to achieve desired protective or decorative finishes", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Surface Treatment", + "Coating Application", + "Finish Processing" + ] + }, + "Operational Material Handling": { + "description": "Proficient skills in loading, feeding, measuring, weighing, and transferring production materials and products through complex manufacturing processes", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Processing", + "Production Material Management", + "Ingredient Handling" + ] + }, + "Precision Manufacturing Techniques": { + "description": "Comprehensive skills in measuring, cutting, smoothing, filling, and manipulating materials and workpieces with high accuracy and attention to detail", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Manufacturing Precision", + "Material Fabrication", + "Detailed Manufacturing Skills" + ] + }, + "Process Equipment Operation": { + "description": "Proficient management of industrial machinery, including setup, control, adjustment, and monitoring of production equipment across various manufacturing processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Production Equipment Management", + "Industrial System Operation" + ] + }, + "Operational Material Processing": { + "description": "Comprehensive skills in handling, measuring, filtering, separating, and transforming raw materials through precise industrial processes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Transformation", + "Industrial Material Handling", + "Production Material Management" + ] + }, + "Systematic Quality Verification": { + "description": "Methodical approach to conducting tests, inspections, and quality control assessments to ensure product and process compliance with established standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Assurance Protocols", + "Compliance Testing", + "Production Verification" + ] + }, + "Food Service Management": { + "description": "Comprehensive skills in coordinating food preparation, managing kitchen operations, staff supervision, menu planning, and ensuring quality food service delivery", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Kitchen Operations", + "Culinary Team Leadership" + ] + }, + "Culinary Preparation Skills": { + "description": "Advanced technical skills in food cutting, cooking, baking, ingredient handling, and precise food preparation techniques across diverse kitchen environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Processing", + "Cooking Techniques" + ] + }, + "Kitchen Safety and Sanitation": { + "description": "Systematic approach to maintaining clean food preparation areas, ensuring equipment hygiene, following food safety protocols, and preventing contamination", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Hygiene", + "Sanitation Management" + ] + }, + "Inventory and Resource Management": { + "description": "Comprehensive skills in tracking, storing, organizing, and managing food supplies, equipment, and kitchen resources efficiently", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Supply Chain Management", + "Kitchen Logistics" + ] + }, + "Operational Food Service Coordination": { + "description": "Advanced skills in synchronizing food preparation activities, coordinating staff tasks, managing workflow, and ensuring smooth kitchen operations", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Kitchen Workflow Management", + "Food Service Synchronization" + ] + }, + "Construction Material Manipulation": { + "description": "Proficient skills in cutting, measuring, drilling, and preparing materials for installation in construction and infrastructure projects", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Preparation", + "Construction Material Handling" + ] + }, + "Infrastructure Installation": { + "description": "Comprehensive expertise in installing, assembling, and maintaining complex piping, plumbing, and infrastructure systems", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "System Installation", + "Infrastructure Setup" + ] + }, + "Precision Construction Techniques": { + "description": "Advanced skills in using specialized tools and methods to cut, measure, position, and assemble construction components with high accuracy", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Precision", + "Technical Installation Skills" + ] + }, + "Mechanical System Diagnostics": { + "description": "Advanced ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing, visual examination, and systematic problem-solving techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Fault Detection", + "Mechanical Troubleshooting", + "System Performance Analysis" + ] + }, + "Precision Equipment Maintenance": { + "description": "Comprehensive skill in performing detailed maintenance, cleaning, lubrication, part replacement, and performance optimization of industrial machinery and mechanical systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mechanical Repair Expertise", + "Industrial Equipment Care", + "Systematic Maintenance Protocols" + ] + }, + "Technical Operational Control": { + "description": "Proficient management of equipment operations, including monitoring performance, adjusting settings, controlling system parameters, and ensuring optimal functional efficiency", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Operation Management", + "System Performance Control", + "Operational Parameter Regulation" + ] + }, + "Mechanical Component Fabrication": { + "description": "Advanced skills in cutting, measuring, shaping, and assembling mechanical components using specialized tools and precision techniques across diverse industrial contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mechanical Part Manufacturing", + "Precision Component Fabrication", + "Technical Material Manipulation" + ] + }, + "Operational Safety Compliance": { + "description": "Systematic approach to ensuring workplace safety, conducting quality inspections, monitoring operational risks, and implementing preventive safety measures in construction and carpentry environments", + "confidence": 0.97, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "safety protocols", + "workplace risk management", + "construction safety" + ] + }, + "Legal Decision Making": { + "description": "Advanced analytical and interpretive skills for systematically evaluating legal evidence, applying complex legal precedents, understanding nuanced legal implications, and rendering authoritative judgments with comprehensive reasoning and procedural understanding", + "confidence": 1.0, + "usage_count": 5, + "last_updated": "", + "synonyms": [ + "Judicial Reasoning", + "Legal Interpretation", + "Procedural Judgment" + ] + }, + "Procedural Legal Communication": { + "description": "Comprehensive skills in formal communication, precise documentation, professional interaction within legal and judicial administrative contexts, including interviewing, oath administration, and systematic written documentation", + "confidence": 0.98, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Legal Dialogue", + "Judicial Communication", + "Professional Legal Interaction" + ] + }, + "Regulatory Conflict Resolution": { + "description": "Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal disputes through systematic evaluation and strategic intervention", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Mediation", + "Dispute Resolution", + "Regulatory Negotiation" + ] + }, + "Print Production Management": { + "description": "Comprehensive skills in operating, monitoring, and controlling printing press equipment, including quality inspection, material handling, and production workflow optimization", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Printing Equipment Operation", + "Print Production Control" + ] + }, + "Manufacturing Process Control": { + "description": "Advanced ability to adjust equipment controls, program machinery, load materials, and ensure precise operational sequences in industrial production environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Equipment Programming", + "Manufacturing Workflow Management" + ] + }, + "Technical Equipment Calibration": { + "description": "Precise skills in adjusting, programming, and fine-tuning production equipment to maintain optimal performance and meet specific product specifications", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Parameter Adjustment", + "Machinery Precision Tuning" + ] + }, + "Electronic Systems Engineering": { + "description": "Comprehensive expertise in designing, installing, testing, and maintaining complex electrical and electronic systems, including schematic creation, equipment assembly, and performance evaluation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electronic System Design", + "Electrical Equipment Engineering" + ] + }, + "Technical Performance Diagnostics": { + "description": "Advanced skill in troubleshooting, testing, and resolving operational performance issues across complex technical systems and equipment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "System Performance Analysis", + "Technical Problem Resolution" + ] + }, + "Technical Documentation Management": { + "description": "Comprehensive skills in creating, interpreting, maintaining, and communicating precise technical documentation, operational procedures, system specifications, and comprehensive technical records with high accuracy and systematic approach", + "confidence": 0.98, + "usage_count": 4, + "last_updated": "", + "synonyms": [ + "Operational Documentation", + "Technical Record Keeping" + ] + }, + "Instrumentation and Equipment Installation": { + "description": "Comprehensive ability to select, install, configure, and integrate specialized electronic and mechanical instrumentation and equipment", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Setup", + "Technical System Integration" + ] + }, + "Operational Cost and Resource Planning": { + "description": "Advanced skills in estimating technical requirements, preparing project budgets, analyzing cost-benefit scenarios, and managing operational resources", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Resource Management", + "Technical Budget Planning" + ] + }, + "Labor Relations Management": { + "description": "Comprehensive expertise in managing employee relations, negotiating agreements, resolving workplace conflicts, and ensuring compliance with labor regulations and organizational policies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Employee Relations", + "Workplace Dispute Resolution", + "Labor Negotiation" + ] + }, + "Regulatory Compliance Strategy": { + "description": "Advanced skills in interpreting, implementing, and maintaining organizational adherence to complex legal and regulatory frameworks across human resources and workplace environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Compliance Management", + "Regulatory Risk Mitigation" + ] + }, + "Strategic Conflict Resolution": { + "description": "Advanced interpersonal and analytical skills for mediating complex workplace disputes, negotiating mutually beneficial agreements, and maintaining professional relationships", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Mediation", + "Professional Negotiation" + ] + }, + "Organizational Policy Development": { + "description": "Comprehensive skills in designing, implementing, and evaluating organizational guidelines, procedures, and strategic frameworks to optimize workplace performance and compliance", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Policy Management", + "Organizational Governance" + ] + }, + "Professional Communication Dynamics": { + "description": "Advanced communication skills involving active listening, persuasive speaking, written communication, and nuanced social interaction in professional contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Dialogue Management", + "Workplace Communication Strategy" + ] + }, + "Residential Support Management": { + "description": "Comprehensive skills in managing residential environments, providing personal care, monitoring safety, resolving conflicts, and supporting individual developmental needs in institutional or community settings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Residential Care Coordination", + "Personal Support Services" + ] + }, + "Interpersonal Behavioral Guidance": { + "description": "Advanced skills in teaching, coaching, and guiding individuals through behavioral modifications, personal development strategies, and adaptive life skills training", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Behavioral Intervention", + "Personal Development Coaching" + ] + }, + "Organizational Safety Oversight": { + "description": "Systematic approach to monitoring environments, enforcing rules, managing potential risks, and ensuring comprehensive safety protocols across institutional settings", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Management", + "Risk Prevention" + ] + }, + "Administrative Support Coordination": { + "description": "Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, allocating resources, and maintaining organizational communication systems", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clerical Management", + "Organizational Documentation" + ] + }, + "Conflict Mediation and Resolution": { + "description": "Advanced interpersonal skills for identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, and diplomatic intervention", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dispute Management", + "Interpersonal Conflict Resolution" + ] + }, + "Medical Administrative Support": { + "description": "Comprehensive skills in managing medical office operations, including record keeping, scheduling, communication, and administrative coordination specific to healthcare settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Office Management", + "Medical Secretarial Support" + ] + }, + "Professional Communication Management": { + "description": "Advanced interpersonal communication skills involving active listening, information relay, documentation, and strategic interaction across professional contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Communication", + "Professional Dialogue Skills" + ] + }, + "Organizational Information Processing": { + "description": "Systematic skills in collecting, transcribing, compiling, and managing diverse forms of organizational documentation and communication", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Document Management", + "Information Coordination" + ] + }, + "Mechanical Repair Skills": { + "description": "Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble mechanical components and systems using specialized tools and techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Repair", + "Mechanical Restoration", + "System Maintenance" + ] + }, + "Precision Equipment Installation": { + "description": "Advanced skills in positioning, assembling, connecting, and configuring mechanical and electrical equipment according to technical specifications and operational requirements", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical System Setup", + "Equipment Integration", + "Mechanical Installation" + ] + }, + "Operational Safety Monitoring": { + "description": "Systematic approach to continuously evaluating workplace safety, equipment functionality, performance indicators, and implementing preventive maintenance protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Inspection", + "Performance Monitoring", + "Risk Assessment" + ] + }, + "Technical Documentation and Interpretation": { + "description": "Proficient skills in reading, understanding, and applying technical blueprints, specifications, diagrams, and operational documentation with high precision", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Blueprint Reading", + "Technical Comprehension", + "Specification Analysis" + ] + }, + "Legal Research and Analysis": { + "description": "Advanced capability to systematically investigate, interpret, and apply legal precedents, statutes, and case law to support judicial decision-making and legal reasoning", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Information Processing", + "Judicial Research Methodology" + ] + }, + "Judicial Documentation Management": { + "description": "Comprehensive skills in preparing, organizing, maintaining, and managing legal documents, court records, and procedural documentation with precision and systematic approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Record Keeping", + "Court Documentation Coordination" + ] + }, + "Professional Legal Communication": { + "description": "Advanced interpersonal and communication skills specific to legal environments, involving precise verbal and written communication, active listening, and strategic information exchange in judicial contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Interaction Management", + "Judicial Communication Protocols" + ] + }, + "Judicial Procedural Coordination": { + "description": "Advanced ability to manage, schedule, and coordinate complex legal activities, court proceedings, and administrative workflows with systematic precision", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Court Process Management", + "Legal Activity Synchronization" + ] + }, + "Maternal Healthcare Management": { + "description": "Comprehensive skills in providing specialized care for women during pregnancy, childbirth, and postpartum periods, involving patient assessment, treatment planning, and holistic health support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pregnancy Care", + "Obstetric Patient Management", + "Reproductive Health Care" + ] + }, + "Clinical Procedure Instruction": { + "description": "Advanced skills in teaching medical procedures, training healthcare personnel, and developing educational interventions specific to clinical and medical contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Training", + "Healthcare Education", + "Clinical Skills Transfer" + ] + }, + "Comprehensive Patient Counseling": { + "description": "Advanced interpersonal skills focused on patient education, health guidance, risk communication, and personalized medical advice across diverse healthcare scenarios", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Health Education", + "Medical Counseling", + "Wellness Guidance" + ] + }, + "Emergency Reproductive Care": { + "description": "Specialized skills in managing critical medical situations related to pregnancy, childbirth, and women's reproductive health, involving rapid assessment and intervention", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Obstetric Emergency Response", + "Maternal Critical Care" + ] + }, + "Airfield Operations Management": { + "description": "Comprehensive skills in coordinating, monitoring, and executing complex airfield operational activities, including flight planning, safety protocols, emergency response, and vehicle movement coordination", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Flight Operations Coordination", + "Airfield Safety Management" + ] + }, + "Transportation Safety Monitoring": { + "description": "Advanced ability to inspect facilities, identify potential hazards, ensure regulatory compliance, and maintain safety standards in transportation and operational environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Inspection", + "Transportation Compliance Management" + ] + }, + "Emergency Response Coordination": { + "description": "Specialized skills in identifying critical situations, providing assistance, managing emergencies, and implementing rapid, strategic intervention protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crisis Management", + "Emergency Assistance Protocols" + ] + }, + "Operational Communication Coordination": { + "description": "Advanced interpersonal skills for effectively communicating work orders, plans, and operational details across diverse professional contexts, ensuring clear and precise information exchange", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Communication Management", + "Operational Information Relay" + ] + }, + "Vehicle and Equipment Monitoring": { + "description": "Comprehensive skills in tracking, managing, and coordinating vehicle movement, location, and operational performance using systematic monitoring techniques", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Asset Tracking", + "Equipment Performance Surveillance" + ] + }, + "Therapeutic Counseling": { + "description": "Advanced interpersonal skills for providing professional psychological support, conducting therapeutic interventions, and guiding clients through behavioral and substance abuse challenges", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Counseling", + "Psychological Support", + "Therapeutic Intervention" + ] + }, + "Client Treatment Management": { + "description": "Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Treatment Planning", + "Client Care Coordination", + "Rehabilitation Strategy" + ] + }, + "Substance Abuse Intervention": { + "description": "Specialized expertise in assessing, diagnosing, and providing targeted interventions for individuals struggling with substance abuse and behavioral disorders", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Addiction Counseling", + "Substance Abuse Treatment", + "Behavioral Disorder Management" + ] + }, + "Crisis Support Management": { + "description": "Advanced skills in identifying, responding to, and mitigating critical psychological and behavioral emergencies with strategic, empathetic intervention", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Psychological Response", + "Crisis Intervention", + "Acute Support Management" + ] + }, + "Family Systems Counseling": { + "description": "Comprehensive interpersonal skills for engaging, supporting, and counseling family members to facilitate holistic client treatment and recovery", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Family Support Intervention", + "Systemic Family Counseling", + "Family Therapeutic Engagement" + ] + }, + "Maritime Operations Management": { + "description": "Comprehensive skills in operating, navigating, and managing watercraft, including vessel control, emergency response, maintenance, and safety protocols in maritime environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Watercraft Navigation", + "Marine Vehicle Operation", + "Nautical Operations" + ] + }, + "Emergency Water Response": { + "description": "Advanced capabilities in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Water Safety Management", + "Maritime Emergency Coordination" + ] + }, + "Vessel Maintenance and Inspection": { + "description": "Systematic skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of watercraft engines, machinery, and marine equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marine Equipment Care", + "Watercraft Technical Maintenance" + ] + }, + "Water Transportation Coordination": { + "description": "Advanced skills in directing passenger and freight transport activities, managing logistics, and coordinating complex maritime operational workflows", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Maritime Logistics Management", + "Water Transport Operations" + ] + }, + "Construction Material Preparation": { + "description": "Proficient skills in measuring, cutting, positioning, and preparing materials for construction and installation tasks", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "material sizing", + "construction material handling", + "precise material preparation" + ] + }, + "Structural Component Assembly": { + "description": "Advanced ability to position, align, and install wooden and structural components with precision and technical accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "construction assembly", + "structural positioning", + "component installation" + ] + }, + "Construction Equipment Management": { + "description": "Comprehensive skills in selecting, operating, and managing tools and equipment for construction and carpentry tasks", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "tool selection", + "equipment operation", + "construction tool management" + ] + }, + "Surface Preparation Techniques": { + "description": "Advanced skills in smoothing, cleaning, and preparing surfaces using abrasive materials and specialized tools", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "surface finishing", + "material smoothing", + "surface treatment" + ] + }, + "Child Development Support": { + "description": "Comprehensive skills in nurturing, guiding, and supporting children's physical, emotional, and developmental needs through personalized care, educational activities, and safety management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Care Management", + "Pediatric Developmental Assistance", + "Child Welfare Support" + ] + }, + "Developmental Care Coordination": { + "description": "Advanced interpersonal skills for managing comprehensive child care environments, including safety monitoring, educational programming, parent communication, and individualized developmental support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Care Coordination", + "Pediatric Support Management", + "Developmental Care Planning" + ] + }, + "Adaptive Caregiving": { + "description": "Flexible interpersonal skills involving responsive care, emotional support, individualized assistance, and dynamic problem-solving in child and family care contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Responsive Care Management", + "Personalized Support Strategies", + "Adaptive Assistance" + ] + }, + "Family Engagement and Communication": { + "description": "Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Parental Communication", + "Family Support Dialogue", + "Child Care Counseling" + ] + }, + "Holistic Child Safety Management": { + "description": "Comprehensive approach to ensuring child safety through proactive monitoring, environmental preparation, rule enforcement, and protective intervention across diverse care settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Protection Strategies", + "Safety-Focused Care", + "Preventive Child Welfare" + ] + }, + "Measurement and Verification": { + "description": "Precise skills in calculating, weighing, measuring, and verifying characteristics of materials, products, and shipments with high accuracy and attention to detail", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quantitative Inspection", + "Product Measurement", + "Dimensional Verification" + ] + }, + "Logistics and Inventory Management": { + "description": "Comprehensive skills in tracking, sorting, packaging, storing, and coordinating the movement of materials and products through systematic operational processes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Handling", + "Inventory Coordination", + "Shipping Preparation" + ] + }, + "Operational Documentation": { + "description": "Systematic skills in recording production information, attaching identification, preparing documentation, and communicating operational details across work environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Record Keeping", + "Information Management", + "Operational Reporting" + ] + }, + "Vehicle Glass Repair": { + "description": "Specialized skills in replacing, installing, and repairing automotive glass components with precision and technical expertise", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Auto Glass Replacement", + "Vehicle Glass Installation" + ] + }, + "Automotive Component Replacement": { + "description": "Comprehensive ability to remove, inspect, and replace worn or damaged vehicle parts and mechanical components", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Part Repair", + "Automotive Parts Management" + ] + }, + "Precision Surface Preparation": { + "description": "Advanced skills in cleaning, painting, and preparing vehicle surfaces and equipment to meet specific quality standards", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Equipment Finishing" + ] + }, + "Regulatory Compliance Management": { + "description": "Advanced skills in enforcing, monitoring, and implementing organizational and legal regulations across diverse operational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Rule Enforcement", + "Regulatory Oversight", + "Compliance Monitoring" + ] + }, + "Strategic Resource Allocation": { + "description": "Comprehensive ability to manage financial, personnel, and operational resources through systematic planning, budgeting, and optimization", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Management", + "Organizational Budgeting", + "Personnel Coordination" + ] + }, + "Advanced Operational Governance": { + "description": "Sophisticated skills in developing organizational policies, managing operational workflows, and ensuring comprehensive strategic alignment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Policy Development", + "Operational Strategy", + "Organizational Management" + ] + }, + "Scientific Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches", + "confidence": 1.0, + "usage_count": 9, + "last_updated": "", + "synonyms": [ + "Research Design", + "Scientific Investigation Techniques" + ] + }, + "Environmental Conservation Strategy": { + "description": "Comprehensive skills in developing, implementing, and managing environmental protection initiatives, assessing ecological impacts, and promoting sustainable practices across diverse ecosystems", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Ecological Protection Planning", + "Sustainable Resource Management" + ] + }, + "Biological Systems Analysis": { + "description": "Advanced analytical capabilities for examining living organisms, investigating genetic characteristics, disease patterns, and complex biological interactions through systematic scientific approaches", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organism Evaluation", + "Biological Diagnostics", + "Life Systems Investigation" + ] + }, + "Professional Scientific Communication": { + "description": "Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange with emphasis on microbiological research", + "confidence": 0.99, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Technical Scientific Reporting", + "Research Information Exchange" + ] + }, + "Organizational Research Management": { + "description": "Comprehensive skills in planning, coordinating, and executing scientific research projects, including budgeting, fundraising, personnel coordination, and strategic project development", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Project Leadership", + "Scientific Initiative Coordination" + ] + }, + "Regulatory Environmental Compliance": { + "description": "Advanced skills in navigating complex environmental regulations, ensuring policy adherence, managing sustainability standards, and implementing green energy production protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Standards Management", + "Green Regulatory Navigation", + "Sustainability Compliance" + ] + }, + "Technical Systems Optimization": { + "description": "Advanced analytical skills for evaluating, diagnosing, and improving complex technical systems in green energy production, including performance assessment, equipment monitoring, and operational efficiency enhancement", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Systems Analysis", + "Operational Performance Optimization", + "Technical Systems Evaluation" + ] + }, + "Resource and Budget Management": { + "description": "Comprehensive skills in managing financial resources, preparing operational budgets, allocating resources strategically, and conducting financial planning specific to green energy production environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Resource Allocation", + "Operational Budget Planning", + "Green Energy Financial Management" + ] + }, + "Workforce Training and Development": { + "description": "Advanced skills in designing and implementing employee training programs, focusing on environmental awareness, safety protocols, technical skills, and professional development in green energy contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Employee Skills Enhancement", + "Organizational Learning Strategy", + "Professional Development Management" + ] + }, + "Postal Service Operations": { + "description": "Comprehensive skills in managing mail sorting, routing, delivery, and administrative processes specific to postal service environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mail Distribution", + "Postal Logistics", + "Mail Handling" + ] + }, + "Customer Interaction Management": { + "description": "Advanced interpersonal skills for effectively communicating with customers, providing notifications, explaining procedures, and managing service interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Public Service Communication", + "Customer Service Coordination" + ] + }, + "Administrative Documentation": { + "description": "Systematic skills in preparing, recording, and managing administrative documents, shipping information, payments, and regulatory compliance paperwork", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Record Keeping", + "Clerical Processing" + ] + }, + "Vehicle and Equipment Operation": { + "description": "Proficient skills in operating, managing, and maintaining vehicles and material-moving equipment in professional service environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Equipment Management", + "Professional Vehicle Handling" + ] + }, + "Legal Documentation Management": { + "description": "Comprehensive skills in preparing, organizing, transcribing, and maintaining precise legal and judicial documents with high accuracy and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Court Record Keeping", + "Judicial Documentation", + "Legal Transcription" + ] + }, + "Professional Transcription Skills": { + "description": "Advanced ability to accurately capture, record, and document verbal communications across professional contexts with precision and attention to detail", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Verbal Documentation", + "Precise Transcription", + "Professional Notation" + ] + }, + "Procedural Information Processing": { + "description": "Systematic skills in collecting, verifying, entering, and managing complex procedural information across administrative and legal environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Administrative Data Management", + "Workflow Information Tracking" + ] + }, + "Precision Device Assembly": { + "description": "Advanced skills in carefully aligning, positioning, and assembling intricate mechanical components with high accuracy and attention to detail", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mechanical Component Positioning", + "Precision Equipment Assembly", + "Intricate Device Construction" + ] + }, + "Equipment Diagnostic Inspection": { + "description": "Comprehensive ability to systematically examine, test, and evaluate mechanical devices for functionality, alignment, and potential performance issues", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Device Evaluation", + "Mechanical System Diagnostics", + "Precision Equipment Testing" + ] + }, + "Precision Measurement Techniques": { + "description": "Advanced skills in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Technical Measurement Skills", + "Precision Metrology" + ] + }, + "Client Representation Management": { + "description": "Advanced skills in managing professional representation, negotiating contracts, and advocating for clients' interests across entertainment, sports, and artistic domains", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artist Management", + "Talent Representation", + "Professional Advocacy" + ] + }, + "Strategic Talent Negotiation": { + "description": "Comprehensive interpersonal skills for complex contract negotiations, financial agreements, and professional relationship management for performers and artists", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Contract Negotiation", + "Professional Deal Making" + ] + }, + "Performance Career Development": { + "description": "Advanced skills in guiding professional growth, identifying opportunities, managing career trajectories, and providing strategic career advice for artists and performers", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Talent Career Planning", + "Professional Mentorship" + ] + }, + "Entertainment Industry Coordination": { + "description": "Comprehensive skills in managing professional interactions, coordinating business activities, and navigating complex entertainment industry ecosystems", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Industry Relationship Management", + "Professional Network Coordination" + ] + }, + "Professional Financial Management": { + "description": "Advanced skills in managing financial transactions, payment collection, investment recommendations, and comprehensive financial strategy for performers and artists", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Talent Financial Advisory", + "Artist Financial Planning" + ] + }, + "Hazardous Materials Management": { + "description": "Comprehensive skills in identifying, handling, processing, and safely disposing of hazardous and toxic materials across diverse work environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Toxic Substance Handling", + "Hazardous Waste Processing", + "Environmental Decontamination" + ] + }, + "Safety and Risk Mitigation": { + "description": "Advanced ability to identify potential environmental and workplace hazards, implement preventive measures, and ensure comprehensive operational safety", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Hazard Assessment", + "Risk Prevention", + "Safety Protocol Implementation" + ] + }, + "Heavy Equipment Operation": { + "description": "Proficient skills in operating, navigating, and controlling specialized machinery including cranes, hoists, trucks, and truck-mounted equipment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machinery Navigation", + "Vehicle and Equipment Control", + "Industrial Equipment Management" + ] + }, + "Environmental Site Management": { + "description": "Comprehensive skills in preparing, inspecting, and managing work sites with focus on environmental safety, contamination prevention, and systematic operational protocols", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Site Preparation", + "Environmental Compliance Monitoring", + "Site Safety Assessment" + ] + }, + "Technical Substance Preparation": { + "description": "Advanced skills in mixing, measuring, and preparing specialized substances and compounds for complex work activities", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Mixing", + "Compound Preparation", + "Precise Substance Handling" + ] + }, + "Pharmaceutical Workflow Management": { + "description": "Advanced skills in managing medication preparation, verification, inventory control, and systematic processing of pharmaceutical products with precision and safety focus", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medication Handling", + "Pharmacy Operations", + "Drug Inventory Management" + ] + }, + "Healthcare Compliance and Safety": { + "description": "Systematic approach to ensuring patient safety, maintaining regulatory compliance, managing medical supplies, and implementing quality control protocols in healthcare environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Safety Protocols", + "Healthcare Quality Assurance", + "Regulatory Medical Compliance" + ] + }, + "Environmental Conservation Management": { + "description": "Comprehensive skills in forest management, vegetation control, plant protection, and ecosystem preservation through systematic operational techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Forest Ecosystem Management", + "Natural Resource Conservation", + "Vegetation Control" + ] + }, + "Specialized Equipment Operation": { + "description": "Proficient skills in operating, maintaining, and managing specialized forestry and agricultural machinery and tools", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Forestry Equipment Handling", + "Agricultural Machinery Management" + ] + }, + "Field Operations Coordination": { + "description": "Advanced skills in coordinating work activities, communicating with team members, and managing complex outdoor work environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Outdoor Work Synchronization", + "Team Task Management" + ] + }, + "Agricultural Inventory Management": { + "description": "Systematic skills in recording, tracking, evaluating, and documenting agricultural and forestry resources and operational data", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Tracking", + "Field Inventory Documentation" + ] + }, + "Preventive Plant Care": { + "description": "Advanced techniques for protecting plants through chemical treatments, disease prevention, and growth enhancement strategies", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Plant Health Management", + "Botanical Protection" + ] + }, + "Environmental Data Analysis": { + "description": "Advanced scientific skills for collecting, processing, and interpreting environmental data through systematic research methods and analytical techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Research", + "Scientific Data Processing", + "Ecological Data Interpretation" + ] + }, + "Scientific Sample Management": { + "description": "Comprehensive skills in collecting, preparing, handling, and analyzing scientific samples across diverse environmental and research contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sample Preparation", + "Laboratory Sample Processing", + "Scientific Specimen Handling" + ] + }, + "Technical Reporting and Documentation": { + "description": "Proficient skills in preparing comprehensive scientific, technical, and operational reports with precise communication and systematic documentation", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Writing", + "Technical Communication", + "Operational Documentation" + ] + }, + "Environmental Monitoring and Assessment": { + "description": "Comprehensive skills in systematically inspecting, evaluating, and monitoring environmental conditions, compliance, and potential ecological impacts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Inspection", + "Environmental Quality Assessment", + "Sustainability Monitoring" + ] + }, + "Green Energy Engineering": { + "description": "Comprehensive expertise in designing, analyzing, and implementing renewable energy systems, with specific focus on solar technology, system optimization, and sustainable infrastructure development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Design", + "Solar Systems Engineering", + "Sustainable Energy Solutions" + ] + }, + "Technical Design Visualization": { + "description": "Advanced ability to create graphical representations, technical models, and visual documentation of complex engineering systems and design specifications", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Visualization", + "Technical Modeling", + "Design Schematic Creation" + ] + }, + "Systematic Performance Evaluation": { + "description": "Comprehensive analytical skills for assessing technological and environmental implications, evaluating system performance, and recommending strategic improvements", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Performance Analysis", + "System Optimization Assessment", + "Design Impact Evaluation" + ] + }, + "Renewable Technology Testing": { + "description": "Specialized skills in conducting comprehensive testing, verification, and quality assessment of green technologies and renewable energy processes", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Technology Validation", + "Renewable Systems Testing", + "Energy Process Verification" + ] + }, + "Technical Project Planning": { + "description": "Advanced capability in developing detailed work plans, determining design criteria, and coordinating complex technical project requirements", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Project Coordination", + "Technical Workflow Management", + "Operational Design Planning" + ] + }, + "Mechanical Repair and Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, clean, and maintain mechanical equipment and systems using specialized tools and techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Repair", + "Mechanical System Restoration", + "Technical Equipment Servicing" + ] + }, + "Precision Material Manipulation": { + "description": "Advanced skills in cutting, measuring, positioning, and preparing materials for fabrication, repair, and installation across diverse work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Preparation", + "Dimensional Precision", + "Technical Material Handling" + ] + }, + "Customer Engagement": { + "description": "Advanced interpersonal skills for understanding customer needs, providing personalized service, building professional relationships, creating positive customer experiences through active listening, problem-solving, and strategic communication", + "confidence": 0.99, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Client Relationship Management", + "Customer Service Strategy" + ] + }, + "Retail Product Management": { + "description": "Comprehensive skills in managing product displays, inventory, sales transactions, pricing, and customer product recommendations across retail environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Merchandise Handling", + "Product Sales", + "Retail Inventory" + ] + }, + "Sales Transaction Processing": { + "description": "Systematic skills in processing financial transactions, calculating costs, preparing contracts, maintaining accurate sales records, and ensuring precise financial documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Transaction Management", + "Sales Documentation" + ] + }, + "Property Valuation Analysis": { + "description": "Comprehensive skills in assessing, analyzing, and determining accurate monetary values for personal and business properties through systematic evaluation techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Asset Appraisal", + "Property Value Assessment", + "Economic Property Evaluation" + ] + }, + "Professional Documentation Management": { + "description": "Advanced skills in creating, compiling, maintaining, and verifying detailed professional reports, databases, and informational materials with high precision and accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Report Writing", + "Comprehensive Documentation", + "Information System Management" + ] + }, + "Economic Trend Forecasting": { + "description": "Advanced analytical capabilities for predicting and interpreting economic, political, and social trends through systematic research and comprehensive data analysis", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Trend Analysis", + "Predictive Economic Research", + "Strategic Forecasting" + ] + }, + "Client Service Coordination": { + "description": "Comprehensive interpersonal skills for gathering client information, providing professional services, managing client interactions, and ensuring high-quality client support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Information Management", + "Professional Client Engagement", + "Service Delivery" + ] + }, + "Legal Testimony Preparation": { + "description": "Advanced skills in preparing, documenting, and presenting professional testimony for legal or legislative proceedings with precision and authoritative communication", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Judicial Testimony Management", + "Legal Evidence Presentation", + "Professional Procedural Communication" + ] + }, + "Production Assembly Skills": { + "description": "Comprehensive ability to assemble, position, and integrate components in manufacturing and production environments, involving precise manual manipulation, equipment operation, and quality control", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Manufacturing Assembly", + "Product Component Integration", + "Technical Assembly Techniques" + ] + }, + "Operational Quality Monitoring": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance indicators, ensuring compliance with manufacturing standards, and maintaining precise production quality in food processing and baking environments", + "confidence": 1.0, + "usage_count": 4, + "last_updated": "", + "synonyms": [ + "Quality Control", + "Production Inspection", + "Manufacturing Standards Verification" + ] + }, + "Technical Equipment Management": { + "description": "Comprehensive skills in operating, monitoring, controlling, and maintaining specialized industrial machinery and production equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 13, + "last_updated": "", + "synonyms": [ + "Equipment Operation Control", + "Machinery Performance Management" + ] + }, + "Workplace Procedural Coordination": { + "description": "Advanced ability to read instructions, interpret work orders, plan operational sequences, direct work activities, and coordinate team performance in manufacturing environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Workflow Management", + "Production Task Coordination", + "Procedural Work Planning" + ] + }, + "Material Handling and Preparation": { + "description": "Proficient skills in loading, measuring, positioning, packaging, and transferring materials and products through complex manufacturing and assembly processes", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Material Processing", + "Product Logistics", + "Manufacturing Material Management" + ] + }, + "Food Service Leadership": { + "description": "Advanced management skills specific to food service environments, involving staff supervision, operational coordination, quality control, and strategic service delivery", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Restaurant Management", + "Culinary Operations Management", + "Food Service Supervision" + ] + }, + "Organizational Resource Allocation": { + "description": "Comprehensive skills in managing financial, material, and human resources through strategic planning, budgeting, and efficient distribution across operational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Management", + "Strategic Resource Planning", + "Operational Budget Control" + ] + }, + "Interpersonal Conflict Resolution": { + "description": "Advanced skills in identifying, mediating, and resolving workplace conflicts through strategic communication, active listening, and diplomatic intervention", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Mediation", + "Professional Dispute Management", + "Collaborative Problem Solving" + ] + }, + "Performance Monitoring and Evaluation": { + "description": "Comprehensive skills in assessing individual and organizational performance, identifying improvement opportunities, and implementing systematic quality control measures", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Performance Assessment", + "Quality Improvement Tracking", + "Systematic Performance Review" + ] + }, + "Project Management": { + "description": "Comprehensive ability to plan, execute, monitor, and control complex technical and organizational projects, involving resource allocation, stakeholder coordination, and strategic implementation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Planning", + "Project Coordination", + "Project Leadership" + ] + }, + "Strategic Technology Management": { + "description": "Advanced skills in evaluating, selecting, implementing, and optimizing technological systems and solutions across organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technology Strategy", + "IT Systems Management", + "Technology Integration" + ] + }, + "Organizational Resource Optimization": { + "description": "Comprehensive skills in managing financial, human, and material resources through strategic planning, budgeting, and efficient allocation across complex work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Management", + "Strategic Resource Allocation", + "Organizational Efficiency" + ] + }, + "Advanced Stakeholder Communication": { + "description": "Sophisticated interpersonal skills involving complex communication, negotiation, coordination, and relationship management across diverse professional stakeholders", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Stakeholder Engagement", + "Professional Communication", + "Interprofessional Coordination" + ] + }, + "Glass Fabrication Techniques": { + "description": "Advanced skills in shaping, molding, heating, and manipulating glass and similar materials through precise manufacturing processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Glass Forming", + "Material Thermal Manipulation", + "Precision Glass Shaping" + ] + }, + "Production Equipment Setup": { + "description": "Comprehensive ability to prepare, configure, adjust, and operate specialized manufacturing equipment with precision and systematic approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Configuration", + "Equipment Preparation", + "Industrial Machinery Management" + ] + }, + "Manufacturing Quality Verification": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, weighing, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Dimensional Inspection", + "Manufacturing Compliance Checking", + "Precision Quality Control" + ] + }, + "Personal Grooming Services": { + "description": "Comprehensive skills in providing professional hair, skin, and beauty services including cutting, styling, treatment, and client consultation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Beauty Service Provision", + "Cosmetology Services", + "Personal Aesthetic Care" + ] + }, + "Client Relationship Management": { + "description": "Advanced interpersonal skills for building rapport, understanding client needs, providing personalized service, and maintaining professional customer interactions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service Excellence", + "Professional Client Engagement" + ] + }, + "Beauty Product Expertise": { + "description": "Comprehensive knowledge of cosmetic products, treatments, application techniques, and professional recommendations for hair and skin care", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cosmetic Product Knowledge", + "Hair and Skin Treatment Proficiency" + ] + }, + "Aesthetic Service Coordination": { + "description": "Advanced skills in scheduling, managing service workflows, maintaining client records, and coordinating professional beauty service operations", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Service Appointment Management", + "Beauty Salon Operations" + ] + }, + "Waste Management Operations": { + "description": "Comprehensive skills in collecting, disposing, and processing refuse and recyclable materials through systematic operational techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Refuse Collection", + "Waste Handling", + "Recycling Logistics" + ] + }, + "Vehicle and Equipment Navigation": { + "description": "Proficient skills in operating, maneuvering, and controlling specialized transportation and material-moving equipment across diverse work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Operation", + "Vehicle Control", + "Machinery Navigation" + ] + }, + "Safety and Maintenance Inspection": { + "description": "Systematic approach to inspecting, monitoring, and maintaining vehicle and equipment functionality, ensuring operational safety and performance", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostics", + "Operational Safety Check", + "Maintenance Verification" + ] + }, + "Software Development": { + "description": "Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms and applications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Programming", + "Code Engineering", + "Software Engineering" + ] + }, + "Information Technology Problem Solving": { + "description": "Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, applications, and network environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "IT Troubleshooting", + "Technical Issue Resolution", + "Computer Systems Diagnostics" + ] + }, + "Technology Project Management": { + "description": "Comprehensive ability to plan, coordinate, execute, and monitor complex information technology projects involving resource allocation, stakeholder communication, and strategic implementation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "IT Project Coordination", + "Technical Project Planning", + "Technology Implementation" + ] + }, + "Enterprise Technology Integration": { + "description": "Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Systems Design", + "Computer Network Configuration", + "Technological Infrastructure Planning" + ] + }, + "Security Risk Management": { + "description": "Comprehensive ability to identify, assess, investigate, and mitigate organizational security risks, including crime prevention, compliance monitoring, and strategic risk reduction", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Security", + "Risk Mitigation", + "Threat Assessment" + ] + }, + "Investigative Compliance Analysis": { + "description": "Advanced skills in conducting systematic investigations, examining financial and operational records, and ensuring organizational adherence to legal and regulatory standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Investigation", + "Compliance Verification", + "Organizational Audit" + ] + }, + "Personnel Resource Optimization": { + "description": "Strategic management of human resources involving recruitment, training, supervision, motivation, and development of organizational workforce", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workforce Management", + "Human Capital Development", + "Staff Coordination" + ] + }, + "Strategic Organizational Governance": { + "description": "Advanced skills in developing, implementing, and managing organizational strategies, policies, and operational procedures to ensure comprehensive performance and compliance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Strategy", + "Policy Development", + "Operational Planning" + ] + }, + "Comprehensive Workplace Monitoring": { + "description": "Systematic approach to continuously evaluating organizational performance, safety standards, operational compliance, and implementing corrective and preventive measures", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Oversight", + "Operational Monitoring", + "Compliance Tracking" + ] + }, + "Workforce Training Development": { + "description": "Advanced skills in designing and implementing comprehensive employee training programs focusing on technical skills, safety protocols, professional development, and organizational knowledge transfer", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Learning Management", + "Professional Skills Enhancement", + "Employee Capability Development" + ] + }, + "Sales Communication": { + "description": "Advanced interpersonal skills for persuasive communication, product promotion, customer engagement, and effective sales interaction in telemarketing and customer outreach contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Persuasive Communication", + "Customer Outreach", + "Sales Dialogue" + ] + }, + "Customer Relationship Cultivation": { + "description": "Comprehensive skills in building, maintaining, and expanding customer relationships through active listening, personalized interaction, and strategic engagement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Rapport Building", + "Customer Interaction Management" + ] + }, + "Telemarketing Strategy": { + "description": "Advanced skills in developing, executing, and optimizing systematic approaches to product promotion, customer identification, and sales conversion through telephone-based communication", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Call Optimization", + "Telephone Marketing" + ] + }, + "Therapeutic Patient Care": { + "description": "Comprehensive skills in providing personalized therapeutic interventions, patient assessment, treatment planning, and holistic health support across diverse medical and psychological contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Treatment Management", + "Therapeutic Intervention", + "Holistic Patient Support" + ] + }, + "Healthcare Education and Counseling": { + "description": "Advanced skills in patient education, wellness guidance, health risk communication, psychological support, and personalized medical counseling across diverse healthcare environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Health Education", + "Medical Counseling", + "Wellness Guidance" + ] + }, + "Adaptive Therapeutic Intervention": { + "description": "Specialized skills in developing, implementing, and modifying personalized treatment strategies to address individual patient needs, psychological challenges, and developmental requirements", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personalized Treatment Planning", + "Adaptive Intervention Strategy" + ] + }, + "Educational Support and Mentorship": { + "description": "Comprehensive skills in providing personalized academic and life skills guidance, instructional support, adaptive learning strategies, and holistic patient and caregiver mentoring across rehabilitation and healthcare contexts", + "confidence": 1.0, + "usage_count": 12, + "last_updated": "", + "synonyms": [ + "Patient Education Support", + "Comprehensive Learning Guidance", + "Adaptive Instructional Mentorship" + ] + }, + "Adaptive Learning Management": { + "description": "Advanced ability to assess individual student needs, develop tailored educational strategies, implement specialized instructional techniques, and provide comprehensive academic support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personalized Instruction", + "Student-Centered Learning", + "Individualized Educational Planning" + ] + }, + "Performance Assessment and Monitoring": { + "description": "Systematic approach to evaluating student progress, conducting comprehensive assessments, tracking performance metrics, and implementing targeted improvement strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Progress Tracking", + "Academic Performance Evaluation", + "Learning Outcome Monitoring" + ] + }, + "Interpersonal Educational Communication": { + "description": "Advanced communication skills specific to healthcare and rehabilitation contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive knowledge transfer for patients, families, and caregivers", + "confidence": 1.0, + "usage_count": 18, + "last_updated": "", + "synonyms": [ + "Healthcare Communication Strategy", + "Patient-Centered Dialogue", + "Comprehensive Medical Information Exchange" + ] + }, + "Professional Educational Development": { + "description": "Continuous skill enhancement through training, professional meetings, collaborative learning, and systematic approach to maintaining and expanding educational expertise", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ongoing Professional Learning", + "Educational Skill Advancement", + "Continuous Professional Growth" + ] + }, + "Nanotechnology Process Control": { + "description": "Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Microscale Process Management", + "Nanoscale Equipment Operation" + ] + }, + "Precision Scientific Measurement": { + "description": "Comprehensive ability to measure, calibrate, and verify physical and chemical properties of materials with high accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Measurement Techniques", + "Scientific Property Analysis" + ] + }, + "Technical Research and Innovation": { + "description": "Advanced skills in exploring engineering applications of emerging technologies, developing research protocols, and implementing innovative design improvements", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technological Frontier Exploration", + "Engineering Innovation Management" + ] + }, + "Environmental Compliance Monitoring": { + "description": "Systematic approach to investigating environmental impacts, ensuring regulatory compliance, and maintaining environmental quality standards", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Impact Assessment", + "Regulatory Environmental Monitoring" + ] + }, + "Technical Documentation and Reporting": { + "description": "Comprehensive skills in preparing detailed technical reports, maps, procedural documents, research findings, and maintaining precise scientific and operational records", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "scientific documentation management", + "research reporting" + ] + }, + "Tour Guide Services": { + "description": "Comprehensive skills in providing informative, engaging, and personalized guided experiences for tourists, involving route navigation, attraction explanation, and customer interaction", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Tourist Guidance", + "Travel Experience Management", + "Visitor Orientation" + ] + }, + "Patron Support Coordination": { + "description": "Advanced interpersonal skills for managing customer needs, resolving issues, arranging services, and ensuring high-quality travel and recreational experiences", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service Management", + "Travel Assistance", + "Client Experience Optimization" + ] + }, + "Recreational Activity Management": { + "description": "Comprehensive skills in organizing, coordinating, and facilitating diverse recreational activities, events, and experiences for patrons", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Event Coordination", + "Leisure Activity Planning", + "Tourist Entertainment" + ] + }, + "Social Support Services": { + "description": "Comprehensive skills in providing holistic support, counseling, and intervention for individuals, families, and communities through professional social work practices", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Welfare Management", + "Community Support Coordination", + "Social Intervention" + ] + }, + "Family Systems Intervention": { + "description": "Specialized skills in assessing, counseling, and supporting family dynamics, interpersonal relationships, and systemic family challenges through professional therapeutic approaches", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Family Counseling", + "Relational Support Management" + ] + }, + "Advocacy and Resource Navigation": { + "description": "Advanced skills in identifying, accessing, coordinating, and connecting clients with essential community resources, support services, and systemic assistance programs", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Resource Management", + "Community Support Facilitation" + ] + }, + "Psychosocial Assessment": { + "description": "Comprehensive skills in evaluating individual and family psychological, social, and environmental factors to develop targeted intervention and support strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Needs Evaluation", + "Holistic Diagnostic Assessment" + ] + }, + "Client Hygiene Management": { + "description": "Advanced skills in maintaining client cleanliness, applying therapeutic cleansing agents, and ensuring professional hygiene standards in service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personal Cleansing Services", + "Hygiene Treatment", + "Client Sanitation" + ] + }, + "Technical Design Drafting": { + "description": "Advanced skills in creating precise graphical representations, technical drawings, and visual documentation of mechanical equipment, systems, and components using specialized drafting techniques and tools", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mechanical Drafting", + "Engineering Visualization", + "Technical Schematic Creation" + ] + }, + "Precision Measurement Analysis": { + "description": "Comprehensive ability to perform accurate mathematical calculations, dimensional verification, and quantitative analysis of technical specifications and design parameters", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Calculation", + "Dimensional Verification", + "Quantitative Design Assessment" + ] + }, + "Technical Collaborative Communication": { + "description": "Advanced interpersonal skills for effective communication with technical personnel, clients, and stakeholders, involving precise information exchange, design consultation, and professional interaction", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Communication", + "Technical Consultation", + "Professional Design Dialogue" + ] + }, + "Blockchain Technology Development": { + "description": "Advanced expertise in designing, implementing, and maintaining blockchain systems, including smart contract development, cryptographic protocols, and distributed ledger technologies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Blockchain Engineering", + "Distributed Systems Design", + "Cryptographic System Development" + ] + }, + "Cybersecurity Implementation": { + "description": "Comprehensive skills in designing, analyzing, and implementing robust security measures for computer and information systems, focusing on threat prevention and system protection", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Security", + "System Protection", + "Network Defense" + ] + }, + "Software Architecture Design": { + "description": "Advanced capability to create comprehensive software system designs, including system integration, application structure, and technical architecture planning", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "System Design", + "Technical Architecture", + "Software Engineering" + ] + }, + "Cryptographic Protocol Engineering": { + "description": "Specialized expertise in developing, implementing, and analyzing advanced cryptographic algorithms and security protocols for digital systems", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Encryption Design", + "Security Algorithm Development" + ] + }, + "Distributed Systems Engineering": { + "description": "Advanced skills in designing, implementing, and managing complex distributed computing systems with focus on scalability, reliability, and performance optimization", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Decentralized System Design", + "Distributed Computing" + ] + }, + "Precision Equipment Operation": { + "description": "Advanced skills in operating, controlling, and managing specialized industrial machinery with high accuracy and systematic precision", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Numerical Equipment Management", + "Precision Tool Handling" + ] + }, + "Manufacturing Quality Control": { + "description": "Comprehensive skills in measuring, inspecting, and verifying product dimensions, specifications, and performance standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Inspection", + "Dimensional Verification", + "Production Standards Monitoring" + ] + }, + "Production Process Management": { + "description": "Advanced skills in coordinating, programming, and controlling complex manufacturing workflows and operational sequences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Manufacturing Workflow Control", + "Production Sequence Coordination" + ] + }, + "Therapeutic Music Intervention": { + "description": "Advanced skills in using music as a therapeutic tool for patient healing, emotional support, and psychological well-being across diverse clinical contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Music Therapy Techniques", + "Therapeutic Sound Intervention" + ] + }, + "Patient Psychological Assessment": { + "description": "Comprehensive skills in evaluating patient mental and emotional states, identifying psychological needs, and developing targeted therapeutic strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Psychological Evaluation", + "Emotional Health Screening" + ] + }, + "Healthcare Treatment Planning": { + "description": "Advanced ability to develop, implement, and modify personalized medical treatment plans using holistic, patient-centered approaches", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Intervention Strategy", + "Personalized Care Planning" + ] + }, + "Empathetic Patient Communication": { + "description": "Advanced interpersonal skills for building therapeutic rapport, providing emotional support, and facilitating patient healing through compassionate communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Therapeutic Dialogue", + "Compassionate Patient Interaction" + ] + }, + "Medical Documentation Management": { + "description": "Systematic skills in recording, maintaining, and communicating comprehensive patient medical histories, treatment progress, and clinical observations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Record Keeping", + "Patient Progress Documentation" + ] + }, + "Medical Imaging Technology": { + "description": "Advanced skills in operating specialized medical imaging equipment, creating digital images, processing medical scans, and ensuring precise diagnostic visualization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Diagnostic Imaging", + "Medical Scanning", + "Radiological Technology" + ] + }, + "Healthcare Procedural Compliance": { + "description": "Systematic approach to following medical protocols, regulatory standards, safety guidelines, and professional healthcare procedures with precision and accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Regulation Adherence", + "Healthcare Protocol Management" + ] + }, + "Patient Diagnostic Interaction": { + "description": "Advanced interpersonal skills for gathering medical histories, explaining procedures, communicating test results, and providing compassionate patient-centered care", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Communication", + "Patient Consultation" + ] + }, + "Medical Substance Management": { + "description": "Precise skills in preparing, calculating, handling, and administering medical substances, solutions, and medications with strict safety protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Solution Preparation", + "Pharmaceutical Handling" + ] + }, + "Clinical Equipment Maintenance": { + "description": "Comprehensive ability to inspect, calibrate, adjust, and ensure proper functionality of complex medical diagnostic and laboratory equipment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Management", + "Healthcare Equipment Monitoring" + ] + }, + "Food Processing Operations": { + "description": "Specialized skills in operating, monitoring, and controlling food production equipment, including roasting, baking, and drying machinery with precision and quality control", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Manufacturing", + "Culinary Equipment Management", + "Food Production Control" + ] + }, + "Production Equipment Monitoring": { + "description": "Comprehensive ability to inspect, assess, and maintain operational functionality of industrial machinery through systematic observation, performance tracking, and diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Performance Tracking", + "Machinery Inspection", + "Operational System Monitoring" + ] + }, + "Quality Verification Techniques": { + "description": "Advanced skills in conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to specified quality standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Quality Assessment", + "Dimensional Verification", + "Manufacturing Inspection" + ] + }, + "Material Handling and Processing": { + "description": "Proficient skills in loading, positioning, measuring, weighing, and transferring raw materials and products through complex manufacturing processes", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Material Management", + "Ingredient Processing", + "Manufacturing Material Control" + ] + }, + "Gaming Operations Management": { + "description": "Comprehensive skills in conducting gaming transactions, operating gaming equipment, monitoring game activities, and ensuring regulatory compliance in casino and gambling environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Casino Game Management", + "Gaming Transaction Coordination" + ] + }, + "Customer Service Interaction": { + "description": "Advanced interpersonal skills for engaging with customers, greeting patrons, responding to inquiries, providing guidance, and creating positive service experiences in entertainment and hospitality contexts", + "confidence": 0.96, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Customer Engagement", + "Patron Support" + ] + }, + "Operational Quality Assurance": { + "description": "Systematic approach to inspecting equipment, monitoring operational performance, maintaining financial records, and ensuring precise quality control across service environments", + "confidence": 0.95, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Service Quality Management", + "Operational Performance Verification" + ] + }, + "Academic Instruction": { + "description": "Comprehensive skills in designing, delivering, and managing educational content, curriculum development, and student learning experiences in postsecondary educational environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Higher Education Teaching", + "Postsecondary Education Management" + ] + }, + "Student Performance Assessment": { + "description": "Advanced skills in evaluating student progress, designing assessment methods, administering tests, and providing comprehensive academic feedback", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Evaluation", + "Learning Outcome Measurement" + ] + }, + "Academic Research and Development": { + "description": "Comprehensive skills in conducting scholarly research, publishing academic materials, developing original content, and contributing to academic knowledge domains", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scholarly Investigation", + "Academic Knowledge Creation" + ] + }, + "Institutional Governance": { + "description": "Advanced skills in managing departmental activities, serving on committees, coordinating institutional processes, and contributing to organizational strategic planning", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Administration", + "Departmental Leadership" + ] + }, + "Professional Development Management": { + "description": "Systematic approach to continuous learning, attending professional development sessions, staying current with field developments, and maintaining professional expertise", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Continuous Professional Learning", + "Career Knowledge Enhancement" + ] + }, + "Cultural Heritage Preservation": { + "description": "Advanced skills in preparing, classifying, evaluating, and maintaining historical artifacts, archival materials, and museum collections with systematic care and professional conservation techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Museum Collection Management", + "Artifact Conservation", + "Historical Preservation" + ] + }, + "Exhibit Design and Curation": { + "description": "Comprehensive skills in constructing, planning, and developing museum exhibits, involving creative presentation, educational storytelling, and strategic material arrangement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Exhibition Planning", + "Museum Display Creation", + "Interpretive Exhibit Development" + ] + }, + "Archival Research and Documentation": { + "description": "Advanced capabilities in conducting systematic research, recording operational data, maintaining detailed records, and developing procedural documentation for historical and cultural materials", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Historical Documentation", + "Archival Record Management", + "Research Data Compilation" + ] + }, + "Surgical Intervention": { + "description": "Advanced clinical skills for performing complex surgical procedures, patient assessment, and precise medical interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surgical Procedure Management", + "Operative Medical Care" + ] + }, + "Medical Diagnostic Assessment": { + "description": "Comprehensive skills in patient examination, medical testing, diagnostic reasoning, and clinical condition evaluation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Reasoning", + "Patient Health Evaluation" + ] + }, + "Healthcare Procedural Coordination": { + "description": "Advanced skills in managing medical workflows, patient scheduling, treatment planning, and interdisciplinary healthcare coordination", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Workflow Management", + "Patient Care Coordination" + ] + }, + "Medical Equipment Sterilization": { + "description": "Precise techniques for cleaning, preparing, and maintaining sterile medical instruments and surgical equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surgical Instrument Preparation", + "Medical Sterilization Protocols" + ] + }, + "Clinical Research Management": { + "description": "Advanced capabilities in conducting medical research, analyzing clinical data, and expanding medical knowledge", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Knowledge Expansion", + "Healthcare Research Methodology" + ] + }, + "Athletic Performance Management": { + "description": "Comprehensive skills in evaluating, developing, and coordinating athletic skills, performance, and competitive participation across sports environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sports Performance Optimization", + "Athlete Skill Development", + "Competitive Sports Management" + ] + }, + "Strategic Physical Coordination": { + "description": "Advanced ability to adjust actions in relation to others, manage complex physical interactions, and optimize team or individual performance in competitive environments", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Movement Synchronization", + "Athletic Coordination", + "Performance Alignment" + ] + }, + "Professional Sports Communication": { + "description": "Advanced interpersonal communication skills specific to sports environments, involving precise information exchange, motivational speaking, and strategic athlete engagement", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Athletic Instruction", + "Sports Team Communication", + "Performance Guidance" + ] + }, + "Electrical Systems Installation": { + "description": "Comprehensive ability to install, configure, test, and maintain complex electrical and security alarm systems with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electrical Wiring", + "Security System Setup", + "Alarm Circuit Installation" + ] + }, + "Technical Equipment Diagnostics": { + "description": "Advanced skills in identifying, troubleshooting, and resolving complex technical equipment issues through systematic inspection and problem-solving techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Fault Detection", + "Technical Problem Resolution", + "System Performance Evaluation" + ] + }, + "Safety Equipment Verification": { + "description": "Comprehensive approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems across technical work environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety System Inspection", + "Equipment Safety Compliance", + "Protective System Validation" + ] + }, + "Artistic Performance Coordination": { + "description": "Advanced skills in managing, directing, and coordinating musical and artistic performances, including rehearsal management, staff selection, and creative collaboration", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Management", + "Artistic Production Coordination" + ] + }, + "Creative Composition Strategy": { + "description": "Comprehensive abilities in developing, creating, and arranging musical compositions, scores, and artistic content with strategic planning and innovative approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Musical Composition", + "Artistic Content Development" + ] + }, + "Professional Artistic Negotiation": { + "description": "Advanced interpersonal skills for negotiating services, managing artistic collaborations, fundraising, and strategic professional interactions in creative environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Negotiation", + "Artistic Service Management" + ] + }, + "Personal Care Support": { + "description": "Comprehensive skills in providing direct personal assistance, health monitoring, and supportive care for individuals with special needs or limited mobility", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Assistance", + "Personal Assistance", + "Caregiving Support" + ] + }, + "Compassionate Client Interaction": { + "description": "Advanced interpersonal skills involving empathy, active listening, emotional support, and personalized communication in service and care environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Empathetic Communication", + "Client Emotional Support" + ] + }, + "Healthcare Assistance Coordination": { + "description": "Systematic skills in supporting medical professionals, documenting client health progress, administering basic treatments, and facilitating comprehensive care delivery", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Support Services", + "Healthcare Coordination" + ] + }, + "Domestic Support Management": { + "description": "Comprehensive skills in performing household tasks, meal preparation, cleaning, and maintaining functional living environments for clients with special needs", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Home Care Management", + "Residential Support" + ] + }, + "Environmental Regulatory Compliance": { + "description": "Advanced skills in interpreting, monitoring, and ensuring adherence to complex environmental regulations, standards, and legal requirements across diverse operational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Law Enforcement", + "Regulatory Environmental Management" + ] + }, + "Systematic Investigative Analysis": { + "description": "Comprehensive skills in conducting thorough investigations, gathering evidence, analyzing complex information, and preparing detailed documentation for legal or regulatory purposes", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investigative Documentation", + "Procedural Evidence Collection" + ] + }, + "Technical Environmental Monitoring": { + "description": "Advanced capabilities in conducting scientific assessments, collecting field data, testing material characteristics, and systematically evaluating environmental conditions and potential impacts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Field Assessment", + "Scientific Environmental Inspection" + ] + }, + "Professional Regulatory Communication": { + "description": "Advanced interpersonal skills for communicating complex regulatory information, explaining policies, interviewing stakeholders, and providing precise documentation across professional environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Information Exchange", + "Policy Communication" + ] + }, + "Green Energy Innovation": { + "description": "Advanced capabilities in developing, implementing, and optimizing sustainable biofuel and renewable energy technologies, including process improvement, efficiency enhancement, and technological innovation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Development", + "Sustainable Technology Management" + ] + }, + "Operational Environmental Strategy": { + "description": "Comprehensive skills in developing, implementing, and managing green operational strategies, sustainable production processes, and environmentally conscious workplace practices", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sustainable Operations Management", + "Green Process Planning" + ] + }, + "Technical Process Engineering": { + "description": "Advanced analytical skills for developing, modeling, testing, and optimizing complex technical processes in biofuel and energy production environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Process Design Optimization", + "Technical System Modeling" + ] + }, + "Sustainable Production Management": { + "description": "Comprehensive skills in supervising, coordinating, and directing environmentally sustainable production activities with a focus on efficiency and quality control", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Production Leadership", + "Sustainable Workflow Coordination" + ] + }, + "Energy Production Analytics": { + "description": "Advanced capabilities in evaluating, analyzing, and interpreting energy production data to drive strategic decision-making and operational improvements", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Data Interpretation", + "Energy Performance Assessment" + ] + }, + "Financial Information Processing": { + "description": "Comprehensive skills in verifying, compiling, calculating, and managing financial data and documentation for loan and banking contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Data Management", + "Loan Documentation Processing" + ] + }, + "Customer Information Acquisition": { + "description": "Advanced skills in interviewing, collecting, and obtaining personal and financial information from customers or applicants through systematic and professional interaction", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Information Gathering", + "Applicant Data Collection" + ] + }, + "Administrative Communication Management": { + "description": "Comprehensive skills in preparing business correspondence, typing documents, scheduling appointments, and providing professional notifications", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Document Preparation", + "Organizational Communication Coordination" + ] + }, + "Financial Transaction Coordination": { + "description": "Advanced skills in negotiating financial arrangements, collecting deposits and payments, and managing account interactions with customers", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Payment Processing", + "Financial Service Coordination" + ] + }, + "Regulatory Compliance Documentation": { + "description": "Systematic skills in preparing documentation for contracts, transactions, and ensuring regulatory compliance in financial service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Contract Documentation", + "Compliance Record Management" + ] + }, + "Construction Material Management": { + "description": "Comprehensive skills in selecting, measuring, cutting, positioning, and preparing materials for construction and maintenance tasks", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Preparation", + "Construction Supply Handling" + ] + }, + "Protective Work Environment Setup": { + "description": "Advanced ability to prepare and protect work areas, assemble temporary structures, and ensure safety during construction and maintenance activities", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Area Protection", + "Site Preparation" + ] + }, + "Construction Project Cost Estimation": { + "description": "Proficient skills in calculating project requirements, estimating materials, labor, and overall project costs for construction and maintenance work", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Budgeting", + "Resource Allocation Estimation" + ] + }, + "Environmental Science Research": { + "description": "Advanced scientific skills for conducting systematic research, data collection, and analysis in environmental and ecological contexts, involving comprehensive investigation of environmental phenomena, impact assessment, and evidence-based problem solving", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Research Methodology", + "Ecological Investigation" + ] + }, + "Regulatory Environmental Management": { + "description": "Comprehensive skills in navigating, interpreting, and ensuring compliance with complex environmental regulations, standards, and legal requirements across diverse operational and scientific contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Policy Compliance", + "Ecological Regulatory Oversight" + ] + }, + "Scientific Communication and Reporting": { + "description": "Advanced communication skills specific to scientific and environmental contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Scientific Communication", + "Environmental Research Reporting" + ] + }, + "Sustainability Planning": { + "description": "Comprehensive skills in developing, implementing, and managing environmental sustainability initiatives, conservation strategies, and green operational practices across diverse ecological and organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Conservation Strategy", + "Sustainable Development Planning" + ] + }, + "Environmental Impact Assessment": { + "description": "Advanced analytical capabilities for systematically evaluating ecological consequences of industrial, developmental, and human activities, involving comprehensive scientific investigation and evidence-based environmental risk analysis", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Impact Evaluation", + "Environmental Risk Analysis" + ] + }, + "Administrative Document Processing": { + "description": "Comprehensive skills in typing, formatting, proofreading, and managing various administrative and professional documents with precision and accuracy", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Document Management", + "Clerical Document Handling", + "Professional Typing" + ] + }, + "Office Equipment Operation": { + "description": "Proficient skills in operating, maintaining, and managing diverse office technologies and equipment including computers, telephones, and specialized administrative tools", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Office Management", + "Administrative Technology Use" + ] + }, + "Communication and Information Routing": { + "description": "Advanced skills in managing communication channels, directing calls, distributing mail, and coordinating information flow within professional environments", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Communication Coordination", + "Information Management" + ] + }, + "Professional Time and Task Management": { + "description": "Advanced skills in scheduling, prioritizing, coordinating multiple tasks, managing personal and team time efficiently, and maintaining operational productivity", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workflow Coordination", + "Operational Scheduling" + ] + }, + "Forensic Investigation": { + "description": "Advanced skills in collecting, analyzing, and documenting evidence for legal and investigative purposes, involving systematic evidence collection, scientific reasoning, and comprehensive case documentation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Evidence Analysis", + "Legal Investigation", + "Forensic Evidence Management" + ] + }, + "Professional Testimony Preparation": { + "description": "Advanced skills in preparing, presenting, and communicating expert findings in legal or legislative proceedings, involving precise verbal communication, scientific reasoning, and authoritative knowledge transfer", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Expert Witness Communication", + "Legal Testimony Skills" + ] + }, + "Landscape Maintenance Operations": { + "description": "Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Grounds Maintenance", + "Vegetation Management", + "Outdoor Work Coordination" + ] + }, + "Specialized Equipment Navigation": { + "description": "Advanced proficiency in operating, positioning, and controlling specialized machinery and vehicles in outdoor and maintenance work environments", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Operation", + "Machinery Control", + "Work Site Transportation" + ] + }, + "Safety-Focused Field Operations": { + "description": "Comprehensive approach to ensuring workplace safety, conducting risk assessments, and implementing preventive measures during outdoor and maintenance work activities", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Occupational Safety Management", + "Field Work Risk Mitigation", + "Workplace Hazard Prevention" + ] + }, + "Biological Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing microbiological research, involving systematic investigation, sample preparation, organism classification, and evidence-based problem solving", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Microbial Research Techniques", + "Scientific Investigation Methods" + ] + }, + "Laboratory Sample Analysis": { + "description": "Comprehensive skills in preparing, processing, examining, and analyzing biological samples using advanced scientific techniques and precision measurement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Biological Sample Processing", + "Scientific Specimen Examination" + ] + }, + "Scientific Instrumentation Management": { + "description": "Advanced ability to operate, maintain, calibrate, and troubleshoot complex scientific laboratory and field equipment with precision and systematic approach", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Laboratory Equipment Operation", + "Scientific Instrument Maintenance" + ] + }, + "Microorganism Classification": { + "description": "Specialized expertise in identifying, categorizing, and studying characteristics and behaviors of micro-organisms across diverse biological contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organism Taxonomic Analysis", + "Microbial Characterization" + ] + }, + "Environmental Microbiological Assessment": { + "description": "Comprehensive skills in investigating environmental conditions, monitoring ecological impacts, and analyzing microbiological interactions within natural systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Microbial Monitoring", + "Environmental Biological Analysis" + ] + }, + "Vehicle Mechanical Repair": { + "description": "Comprehensive ability to diagnose, disassemble, repair, replace, and reassemble motorcycle and vehicle mechanical components with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "motorcycle maintenance", + "vehicle system repair", + "mechanical diagnostics" + ] + }, + "Precision Manual Tool Operation": { + "description": "Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair and maintenance tasks", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "tool selection", + "mechanical manipulation", + "precision equipment handling", + "Precision Tool Operation" + ] + }, + "Visual Display Design": { + "description": "Advanced skills in arranging, composing, and creating aesthetic visual displays for commercial, promotional, and artistic purposes", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Display Composition", + "Merchandising Aesthetics", + "Product Presentation" + ] + }, + "Creative Promotional Strategy": { + "description": "Comprehensive ability to develop innovative marketing and promotional concepts, monitor trends, and create compelling visual narratives", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marketing Concept Development", + "Trend Analysis", + "Promotional Design" + ] + }, + "Artistic Prop and Material Selection": { + "description": "Specialized skills in choosing, curating, and positioning materials, props, and design elements to create impactful visual compositions", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Element Curation", + "Prop Styling", + "Material Composition" + ] + }, + "Technical Illustration and Modeling": { + "description": "Advanced proficiency in creating detailed technical drawings, illustrations, and physical models for design and promotional purposes", + "confidence": 0.92, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Drafting", + "Technical Visualization", + "Model Construction" + ] + }, + "Educational Program Development": { + "description": "Comprehensive skills in designing, creating, and implementing tailored educational curricula, instructional strategies, and learning objectives for specific student populations and educational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Curriculum Design", + "Instructional Strategy Creation", + "Learning Objective Formulation" + ] + }, + "Student Performance Management": { + "description": "Advanced skills in monitoring, assessing, tracking, and supporting student academic progress through systematic evaluation, personalized intervention, and comprehensive performance tracking", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Progress Monitoring", + "Student Assessment", + "Learning Outcome Tracking" + ] + }, + "Adaptive Instructional Techniques": { + "description": "Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs, styles, and developmental requirements", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Teaching Method Adaptation", + "Personalized Learning Strategies", + "Instructional Flexibility" + ] + }, + "Classroom Behavior Management": { + "description": "Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive learning environment", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Conduct Regulation", + "Learning Environment Control", + "Disciplinary Strategy Implementation" + ] + }, + "Physical Fitness Instruction": { + "description": "Advanced skills in teaching, demonstrating, and guiding exercise techniques, fitness programs, and physical training across diverse client needs and fitness contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Exercise Training", + "Fitness Coaching", + "Group Exercise Leadership" + ] + }, + "Health and Safety Management": { + "description": "Comprehensive ability to enforce safety protocols, administer first aid, monitor client capabilities, and ensure safe exercise environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Safety Monitoring", + "Exercise Risk Management" + ] + }, + "Client Performance Evaluation": { + "description": "Advanced skills in assessing individual fitness levels, tracking progress, developing personalized training strategies, and adapting interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fitness Assessment", + "Training Needs Analysis" + ] + }, + "Recreational Activity Coordination": { + "description": "Comprehensive skills in organizing, managing, and facilitating group fitness activities, events, and exercise programs", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Group Exercise Management", + "Fitness Event Planning" + ] + }, + "Fitness Equipment Management": { + "description": "Proficient skills in maintaining, demonstrating, and ensuring proper use of exercise equipment and training tools", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Maintenance", + "Training Tool Expertise" + ] + }, + "Occupational Safety Management": { + "description": "Comprehensive skills in identifying, assessing, and mitigating workplace health and safety risks, implementing preventive measures, and ensuring regulatory compliance across diverse work environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Compliance", + "Workplace Risk Management", + "Occupational Health Protection" + ] + }, + "Health and Wellness Communication": { + "description": "Advanced interpersonal skills for effectively communicating health information, conducting safety training, advising communities, and promoting public health awareness", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Education", + "Safety Communication", + "Public Health Outreach" + ] + }, + "Regulatory Documentation Management": { + "description": "Systematic skills in preparing, maintaining, and managing official health documents, records, and compliance documentation with precision and accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Keeping", + "Compliance Documentation", + "Regulatory Reporting" + ] + }, + "Emergency Preparedness Planning": { + "description": "Advanced skills in developing, implementing, and coordinating comprehensive emergency procedures, response protocols, and risk mitigation strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crisis Management", + "Emergency Response Development", + "Safety Protocol Design" + ] + }, + "Technical Equipment Inspection": { + "description": "Comprehensive ability to systematically inspect, test, and verify the functionality and safety of medical and workplace equipment across diverse environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Safety Verification", + "Technical Diagnostic Assessment", + "Facility Equipment Monitoring" + ] + }, + "Medical Diagnostic Precision": { + "description": "Advanced clinical skills for systematic patient assessment, hearing testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of auditory and medical diagnostic data", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Clinical Assessment Expertise", + "Diagnostic Hearing Evaluation", + "Precision Medical Testing" + ] + }, + "Healthcare Patient Interaction": { + "description": "Advanced interpersonal communication skills for patient engagement, precise medical information exchange, professional dialogue, emotional support, and comprehensive patient-centered communication specific to specialized medical device and hearing care contexts", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Patient Communication", + "Medical Professional Dialogue", + "Empathetic Healthcare Interaction" + ] + }, + "Vision Care Expertise": { + "description": "Specialized clinical skills in eye health assessment, vision testing, corrective device prescription, and comprehensive optometric patient care", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Optometric Care", + "Eye Health Management", + "Vision Diagnostic Skills" + ] + }, + "Medical Treatment Planning": { + "description": "Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Treatment Strategy Development", + "Patient Care Planning", + "Medical Intervention Design" + ] + }, + "Healthcare Equipment Management": { + "description": "Advanced skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and treatment equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Operation", + "Clinical Equipment Maintenance", + "Diagnostic Tool Management" + ] + }, + "Cybersecurity Engineering": { + "description": "Advanced technical skills in designing, implementing, and maintaining robust security measures for computer and information systems, focusing on threat prevention, system protection, and comprehensive security architecture", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Security", + "Network Protection", + "Cyber Defense" + ] + }, + "Information Technology Project Management": { + "description": "Advanced skills in planning, coordinating, executing, and monitoring complex information technology projects involving strategic resource allocation, stakeholder communication, and comprehensive implementation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "IT Project Coordination", + "Technology Deployment", + "Strategic IT Management" + ] + }, + "Security Risk Assessment": { + "description": "Comprehensive ability to identify, investigate, analyze, and mitigate organizational security risks through systematic investigation, compliance monitoring, and strategic risk reduction techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Management", + "Security Compliance", + "Threat Analysis" + ] + }, + "Software Systems Architecture": { + "description": "Advanced capability to design, develop, and implement comprehensive software system architectures, including complex integration, application structure planning, and technical infrastructure development", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Software Design", + "System Architecture", + "Technical Infrastructure" + ] + }, + "Surgical Intervention Management": { + "description": "Advanced clinical skills for performing complex surgical procedures, patient assessment, treatment planning, and precise medical interventions across diverse surgical contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surgical Procedure Expertise", + "Advanced Medical Intervention" + ] + }, + "Medical Diagnostic Reasoning": { + "description": "Comprehensive analytical skills for systematic patient examination, complex medical testing, diagnostic interpretation, and evidence-based clinical condition evaluation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Assessment", + "Medical Problem Solving" + ] + }, + "Healthcare Professional Coordination": { + "description": "Advanced interprofessional skills for coordinating comprehensive patient care, managing complex medical workflows, facilitating interdisciplinary communication, and ensuring holistic treatment strategies", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Team Collaboration", + "Interdisciplinary Healthcare Management" + ] + }, + "Precision Medical Equipment Management": { + "description": "Comprehensive skills in operating, maintaining, sterilizing, and ensuring optimal functionality of specialized medical and surgical equipment with strict safety protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surgical Equipment Maintenance", + "Medical Technology Handling" + ] + }, + "Patient Care and Communication": { + "description": "Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Patient Interaction", + "Therapeutic Patient Communication", + "Healthcare Patient Care" + ] + }, + "Artistic Conceptualization": { + "description": "Advanced ability to develop, visualize, and create original artistic concepts for decoration, exhibition, or commercial purposes, involving creative ideation and strategic design thinking", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Design Conception", + "Artistic Ideation", + "Visual Concept Development" + ] + }, + "Creative Technical Illustration": { + "description": "Specialized skill in creating detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Illustration", + "Technical Drawing", + "Detailed Visual Representation" + ] + }, + "Artistic Production Collaboration": { + "description": "Advanced interpersonal skills for coordinating, communicating, and collaborating with other professionals to develop, prepare, and execute artistic productions and projects", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Team Coordination", + "Artistic Collaboration", + "Production Teamwork" + ] + }, + "Artistic Material Preparation": { + "description": "Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of artistic works", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Art Material Management", + "Creative Resource Preparation", + "Artistic Medium Handling" + ] + }, + "Creative Trend Monitoring": { + "description": "Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work and professional practice", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Trend Analysis", + "Creative Industry Insights", + "Design Trend Research" + ] + }, + "Media Production Management": { + "description": "Comprehensive skills in directing, coordinating, and managing technical aspects of media productions, including content management, equipment operation, and personnel coordination", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Coordination", + "Technical Media Direction" + ] + }, + "Broadcast Technical Control": { + "description": "Advanced skills in operating control consoles, managing broadcasting equipment, monitoring transmission operations, and ensuring proper technical functionality of media production systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Broadcasting Equipment Management", + "Media Technical Operations" + ] + }, + "Creative Technical Graphics": { + "description": "Specialized ability to create, manipulate, and integrate computer-generated graphics, animation, and visual elements in media production environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Media Graphics", + "Technical Visual Design" + ] + }, + "Performance Choreography": { + "description": "Advanced skill in designing, creating, and coordinating artistic movement sequences for dance, theater, and performance contexts, involving creative composition, technical precision, and artistic vision", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Movement Design", + "Choreographic Composition", + "Performance Staging" + ] + }, + "Artistic Performance Management": { + "description": "Comprehensive skills in coordinating, directing, and supervising artistic performers, including talent selection, skill evaluation, training, and collaborative performance development", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Team Coordination", + "Artistic Personnel Development", + "Creative Talent Management" + ] + }, + "Creative Artistic Instruction": { + "description": "Advanced pedagogical skills for teaching performance techniques, guiding artistic skill development, providing constructive feedback, and nurturing creative potential in performers", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Skill Training", + "Artistic Mentorship", + "Creative Skill Development" + ] + }, + "Artistic Trend Analysis": { + "description": "Systematic approach to monitoring, researching, and integrating current artistic trends, performance styles, and creative innovations into choreographic and performance practices", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Trend Monitoring", + "Creative Industry Research", + "Artistic Innovation Tracking" + ] + }, + "Scientific Problem Solving": { + "description": "Advanced analytical skills using scientific methods, mathematical reasoning, and systematic investigation to identify, evaluate, and resolve complex technical challenges in chemical and laboratory contexts", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Technical Analytical Reasoning", + "Scientific Diagnostic Techniques" + ] + }, + "Research and Development Methodology": { + "description": "Comprehensive skills in designing research protocols, conducting systematic investigations, analyzing data, testing technologies, and developing innovative engineering solutions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Research Techniques", + "Innovation Development", + "Experimental Design" + ] + }, + "Facility Maintenance": { + "description": "Comprehensive skills in cleaning, organizing, and maintaining workplace environments, including waste disposal, surface cleaning, equipment maintenance, and ensuring occupant safety", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Cleaning", + "Site Maintenance", + "Facility Upkeep" + ] + }, + "Equipment Operation": { + "description": "Proficient skills in operating, managing, and maintaining diverse machinery and vehicles, including grounds maintenance equipment, trucks, and specialized cleaning tools", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machinery Management", + "Vehicle Navigation", + "Tool Operation" + ] + }, + "Safety and Sanitation": { + "description": "Advanced skills in maintaining workplace safety, monitoring premises, preparing cleaning chemicals, eliminating pests, and ensuring hygienic work environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Safety", + "Sanitation Management", + "Hazard Prevention" + ] + }, + "Psychological Assessment": { + "description": "Advanced clinical skills for systematically evaluating mental health, cognitive functioning, and psychological conditions through standardized testing, observation, and diagnostic reasoning", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mental Health Evaluation", + "Psychological Diagnostic Reasoning", + "Clinical Psychological Testing" + ] + }, + "Clinical Counseling": { + "description": "Comprehensive interpersonal skills for providing therapeutic support, mental health guidance, personalized treatment strategies, and holistic psychological intervention", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Counseling", + "Mental Health Support", + "Therapeutic Patient Guidance" + ] + }, + "Scientific Mental Health Research": { + "description": "Advanced research capabilities in investigating psychological phenomena, developing evidence-based treatment approaches, and expanding scientific understanding of mental health and neurological conditions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Research Methodology", + "Neurological Science Investigation" + ] + }, + "Professional Healthcare Collaboration": { + "description": "Advanced interprofessional skills for coordinating comprehensive patient care, facilitating knowledge sharing, and ensuring integrated treatment approaches across diverse healthcare professional teams", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Interdisciplinary Medical Coordination", + "Healthcare Team Communication" + ] + }, + "Neuropsychological Diagnostic Reasoning": { + "description": "Advanced analytical skills for systematically interpreting complex neurological and psychological data, diagnosing intricate mental health conditions, and developing precise, evidence-based treatment strategies", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Analysis", + "Neurological Condition Interpretation" + ] + }, + "Mortuary Operations Management": { + "description": "Comprehensive skills in managing crematory processes, handling human remains, maintaining facility operations, and ensuring professional, respectful treatment of deceased individuals", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Funeral Service Management", + "Cremation Process Coordination" + ] + }, + "Deceased Care Preparation": { + "description": "Advanced technical skills in preparing, cleaning, positioning, and treating human remains with precision, dignity, and professional standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Body Preparation Techniques", + "Mortuary Hygiene Management" + ] + }, + "Grief Support Communication": { + "description": "Advanced interpersonal skills for providing compassionate emotional support, counseling, and professional communication with bereaved families during sensitive funeral service interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Bereavement Counseling", + "Family Emotional Support" + ] + }, + "Cremation Equipment Operation": { + "description": "Precise technical skills in operating, monitoring, adjusting, and maintaining specialized cremation ovens and associated processing equipment", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Thermal Processing Management", + "Crematory Machinery Control" + ] + }, + "Funeral Service Documentation": { + "description": "Comprehensive skills in maintaining accurate records, preparing documentation, managing client information, and ensuring regulatory compliance in funeral service contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Memorial Service Recordkeeping", + "Client Documentation Management" + ] + }, + "Quality Systems Management": { + "description": "Advanced skills in developing, implementing, and monitoring comprehensive quality control systems, ensuring organizational standards, process optimization, and continuous improvement", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Assurance", + "Process Quality Control", + "Organizational Quality Management" + ] + }, + "Strategic Operational Decision Making": { + "description": "Advanced analytical skills for evaluating complex organizational challenges, weighing potential actions, and making informed decisions that balance costs, benefits, and strategic objectives", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Decision Analysis", + "Strategic Problem Resolution", + "Comprehensive Decision Evaluation" + ] + }, + "Organizational Performance Monitoring": { + "description": "Systematic approach to tracking, assessing, and improving individual and organizational performance through continuous evaluation, feedback mechanisms, and corrective action strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Assessment", + "Operational Effectiveness Tracking", + "Continuous Improvement Monitoring" + ] + }, + "Technical Documentation and Specification Development": { + "description": "Comprehensive skills in creating, reviewing, and managing detailed technical documents, operational procedures, specifications, and compliance-related documentation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Procedural Documentation", + "Technical Writing", + "Operational Specification Management" + ] + }, + "Personnel Resource Development": { + "description": "Advanced skills in managing, motivating, training, and directing personnel to optimize workforce performance, skill development, and organizational effectiveness", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workforce Management", + "Employee Development", + "Human Resource Optimization" + ] + }, + "Financial Product Sales": { + "description": "Advanced skills in selling, customizing, and explaining financial products and services to potential customers, involving product knowledge, customer needs assessment, and persuasive communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Insurance Sales", + "Financial Services Marketing", + "Product Consultation" + ] + }, + "Customer Needs Assessment": { + "description": "Comprehensive skills in gathering customer information, identifying potential needs, analyzing client requirements, and developing tailored service or product recommendations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Profiling", + "Needs Analysis", + "Customer Intelligence" + ] + }, + "Sales Transaction Management": { + "description": "Systematic skills in processing sales orders, maintaining accurate records, preparing contracts, calculating costs, and ensuring precise financial documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Documentation", + "Transaction Processing", + "Financial Record Keeping" + ] + }, + "Professional Network Development": { + "description": "Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, and expanding business connections through strategic networking", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Networking", + "Client Relationship Building", + "Professional Outreach" + ] + }, + "Product Knowledge Acquisition": { + "description": "Continuous learning approach to studying product information, attending professional events, and maintaining up-to-date understanding of financial services and insurance offerings", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Learning", + "Continuous Education", + "Industry Knowledge" + ] + }, + "Legal Decision Analysis": { + "description": "Advanced analytical skills for systematically evaluating legal evidence, interpreting complex legal precedents, and rendering authoritative judicial judgments with comprehensive reasoning and procedural understanding", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Judicial Reasoning", + "Legal Interpretation", + "Judicial Evidence Evaluation" + ] + }, + "Conflict Resolution and Mediation": { + "description": "Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal and interpersonal disputes through systematic evaluation, strategic communication, and diplomatic intervention", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Dispute Management", + "Professional Negotiation", + "Conflict Mediation" + ] + }, + "Precision Instrument Repair": { + "description": "Advanced technical skills in diagnosing, disassembling, repairing, and reassembling complex mechanical instruments with high accuracy and specialized techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Musical Instrument Maintenance", + "Mechanical Instrument Restoration", + "Precision Equipment Repair" + ] + }, + "Technical Diagnostic Assessment": { + "description": "Comprehensive ability to systematically inspect, troubleshoot, and evaluate mechanical equipment functionality through detailed examination and performance testing", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Condition Evaluation", + "Mechanical System Diagnostics", + "Functional Performance Analysis" + ] + }, + "Specialized Equipment Maintenance": { + "description": "Advanced skills in performing routine maintenance, lubrication, cleaning, alignment, and parts replacement to ensure optimal equipment performance", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mechanical System Upkeep", + "Equipment Preservation", + "Precision Maintenance Techniques" + ] + }, + "Precision Surface Refinishing": { + "description": "Advanced technical skills in smoothing, preparing, painting, and refinishing mechanical components and surfaces with high-quality craftsmanship", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Equipment Finishing", + "Mechanical Surface Restoration" + ] + }, + "Energy Systems Operation": { + "description": "Comprehensive skills in operating, monitoring, and maintaining hydroelectric and sustainable energy production equipment, including system control, performance tracking, and equipment diagnostics", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Power Plant Management", + "Energy Equipment Control" + ] + }, + "Industrial Equipment Maintenance": { + "description": "Advanced technical skills in inspecting, diagnosing, repairing, cleaning, and maintaining complex mechanical and electromechanical systems with emphasis on preventive maintenance and operational reliability", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Repair", + "Mechanical System Upkeep" + ] + }, + "Technical Safety Monitoring": { + "description": "Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive maintenance protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Compliance", + "Operational Risk Management" + ] + }, + "Precision Manual Technical Skills": { + "description": "Advanced proficiency in using specialized hand and power tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy across manufacturing, technical, and mechanical work environments", + "confidence": 0.99, + "usage_count": 15, + "last_updated": "", + "synonyms": [ + "Precision Manual Manipulation", + "Technical Hand Tool Expertise" + ] + }, + "Operational Data Recording": { + "description": "Comprehensive skills in systematically documenting, tracking, and reporting operational and production data, ensuring accurate record-keeping and performance monitoring", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Documentation", + "Technical Reporting" + ] + }, + "Medical Diagnostic Imaging": { + "description": "Advanced skills in operating medical imaging equipment, creating digital patient images, and interpreting diagnostic visual data with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Imaging Technology", + "Diagnostic Visual Assessment" + ] + }, + "Patient Care Coordination": { + "description": "Comprehensive skills in managing patient interactions, medical information collection, treatment support, and holistic healthcare workflow management", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Patient Management", + "Medical Interaction Support" + ] + }, + "Clinical Equipment Management": { + "description": "Advanced skills in maintaining, sterilizing, calibrating, and ensuring optimal functionality of specialized medical diagnostic and treatment equipment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Instrument Maintenance", + "Healthcare Technology Support" + ] + }, + "Healthcare Procedural Support": { + "description": "Comprehensive skills in assisting healthcare practitioners during examinations, treatments, and surgical interventions with precise technical and interpersonal support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Procedure Assistance", + "Clinical Intervention Support" + ] + }, + "Religious Program Management": { + "description": "Comprehensive skills in developing, coordinating, and implementing educational and community programs within religious organizational contexts, involving strategic planning, event coordination, and community engagement", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Religious Education Leadership", + "Faith-Based Program Development" + ] + }, + "Spiritual Counseling": { + "description": "Advanced interpersonal skills for providing emotional support, guidance, and personal counseling within religious and community service contexts, involving empathetic communication, active listening, and holistic individual support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pastoral Care", + "Spiritual Guidance" + ] + }, + "Community Outreach Coordination": { + "description": "Comprehensive skills in developing, managing, and implementing community support initiatives, educational programs, and social service interventions across diverse community needs", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Engagement Strategy", + "Social Service Coordination" + ] + }, + "Interpersonal Guidance": { + "description": "Advanced communication and support skills involving counseling, advising, mentoring, and providing personalized guidance to individuals and groups in professional and community service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personal Support Counseling", + "Individual Mentorship" + ] + }, + "Organizational Religious Leadership": { + "description": "Comprehensive skills in managing, directing, and leading religious organizations, involving strategic planning, personnel management, financial coordination, and institutional development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Religious Organizational Management", + "Faith-Based Leadership" + ] + }, + "Strategic Project Management": { + "description": "Advanced ability to plan, coordinate, execute, and monitor complex organizational projects involving resource allocation, stakeholder communication, and strategic implementation across diverse professional contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Planning", + "Organizational Coordination", + "Strategic Implementation" + ] + }, + "Advanced Resource Allocation": { + "description": "Comprehensive skills in managing financial, personnel, material, and operational resources through strategic planning, budgeting, and efficient distribution across complex organizational environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Optimization", + "Organizational Resource Management", + "Strategic Resource Planning" + ] + }, + "Operational Performance Monitoring": { + "description": "Systematic approach to continuously evaluating organizational performance, safety standards, operational efficiency, and implementing corrective and preventive measures across diverse work environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Assessment", + "Operational Quality Control", + "Continuous Improvement Tracking" + ] + }, + "Environmental Systems Management": { + "description": "Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, green initiatives, sustainability projects, and regulatory compliance across diverse ecological contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Technology Assessment", + "Sustainability Project Coordination", + "Environmental Regulatory Oversight" + ] + }, + "Strategic Environmental Planning": { + "description": "Advanced skills in developing, implementing, and monitoring comprehensive environmental protection strategies, remediation plans, and sustainable organizational policies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Strategy Development", + "Green Initiative Management", + "Sustainability Policy Design" + ] + }, + "Technical Environmental Analysis": { + "description": "Advanced analytical capabilities for evaluating green technologies, assessing project feasibility, conducting scientific investigations, and providing technical recommendations for environmental sustainability", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Technology Evaluation", + "Environmental Data Assessment", + "Sustainability Technical Analysis" + ] + }, + "Professional Environmental Communication": { + "description": "Advanced interpersonal skills for presenting sustainable technologies, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Technology Presentation", + "Environmental Stakeholder Engagement", + "Sustainability Communication" + ] + }, + "Operational Environmental Monitoring": { + "description": "Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational records", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Compliance Tracking", + "Environmental Performance Documentation", + "Organizational Sustainability Oversight" + ] + }, + "Manufacturing Equipment Operation": { + "description": "Comprehensive skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment across diverse manufacturing contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Production Equipment Management", + "Industrial Machinery Operation" + ] + }, + "Quality Inspection and Verification": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Quality Assessment", + "Dimensional Verification", + "Manufacturing Quality Control" + ] + }, + "Operational Safety and Compliance": { + "description": "Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Risk Management", + "Safety Protocol Enforcement", + "Operational Hazard Mitigation" + ] + }, + "Food Production Management": { + "description": "Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Manufacturing", + "Culinary Equipment Operation", + "Production Food Processing" + ] + }, + "Ingredient Precision Handling": { + "description": "Advanced skills in measuring, weighing, preparing, and manipulating food ingredients with high accuracy, ensuring consistent quality and precise recipe execution", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Culinary Ingredient Management", + "Food Measurement Techniques" + ] + }, + "Operational Quality Control": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications in food science and laboratory environments", + "confidence": 1.0, + "usage_count": 16, + "last_updated": "", + "synonyms": [ + "Quality Verification", + "Technical Inspection", + "Product Compliance Assessment" + ] + }, + "Equipment Temperature Management": { + "description": "Precise skills in monitoring, adjusting, and controlling equipment temperature settings to ensure optimal food preparation and production conditions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Thermal Equipment Control", + "Cooking Temperature Regulation" + ] + }, + "Culinary Safety Protocols": { + "description": "Comprehensive skills in maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Hygiene Management", + "Kitchen Safety Procedures" + ] + }, + "Architectural Design Planning": { + "description": "Advanced skills in creating graphical representations, designing structures, preparing detailed work plans, and incorporating innovative design features", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Structural Design", + "Facility Planning", + "Design Visualization" + ] + }, + "Technical Project Management": { + "description": "Comprehensive ability to direct design activities, supervise technical personnel, prepare contracts, and manage complex technical projects", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Coordination", + "Technical Workflow Management" + ] + }, + "Professional Design Communication": { + "description": "Advanced communication skills for discussing designs with clients, documenting technical details, and presenting professional design proposals", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Design Interaction", + "Technical Presentation" + ] + }, + "Environmental Design Integration": { + "description": "Comprehensive skills in investigating environmental impacts, incorporating green features, and designing sustainable infrastructure solutions", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sustainable Design", + "Green Infrastructure Planning" + ] + }, + "Analytical Design Evaluation": { + "description": "Advanced analytical skills for assessing design costs, benefits, performance, and implementing strategic design solutions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Cost Analysis", + "Performance Optimization" + ] + }, + "Production Equipment Operation": { + "description": "Comprehensive skills in operating, monitoring, controlling, and maintaining specialized industrial machinery and production equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Operation", + "Equipment Control", + "Industrial Machinery Management" + ] + }, + "Technical Documentation Reading": { + "description": "Advanced ability to comprehend, interpret, and apply written instructions, work orders, technical specifications, and operational documentation with high precision", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Instruction Comprehension", + "Technical Reading Skills", + "Procedural Document Interpretation" + ] + }, + "Strategic Organizational Leadership": { + "description": "Advanced skills in directing, coordinating, and managing complex organizational operations, personnel, resources, and strategic decision-making across diverse business environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Management", + "Strategic Leadership", + "Comprehensive Operational Governance" + ] + }, + "Advanced Resource Management": { + "description": "Comprehensive skills in strategically allocating, coordinating, and optimizing financial, material, personnel, and operational resources across organizational contexts", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Allocation", + "Organizational Resource Coordination", + "Strategic Resource Planning" + ] + }, + "Traffic Systems Analysis": { + "description": "Advanced ability to analyze traffic data, identify operational inefficiencies, and develop strategic improvements in transportation infrastructure and traffic management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Traffic Flow Evaluation", + "Transportation System Optimization" + ] + }, + "Technical Equipment Monitoring": { + "description": "Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques", + "confidence": 0.97, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Equipment Performance Tracking", + "Technical Diagnostic Observation", + "Operational System Monitoring" + ] + }, + "Operational Documentation Management": { + "description": "Systematic skills in preparing, recording, and maintaining detailed operational records, travel logs, and technical documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Record Keeping", + "Technical Documentation Preparation" + ] + }, + "Infrastructure Marking and Visualization": { + "description": "Advanced skills in creating precise guide lines, markings, diagrams, and visual representations of transportation infrastructure and operational details", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Diagramming", + "Operational Visualization" + ] + }, + "Administrative Communication": { + "description": "Advanced skills in managing communication channels, processing information, scheduling, and coordinating administrative tasks across professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Routing", + "Office Communication Management" + ] + }, + "Operational Documentation Processing": { + "description": "Systematic skills in collecting, verifying, recording, and managing diverse professional and administrative documentation with precision and accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Management", + "Record Keeping" + ] + }, + "Technical Problem Solving": { + "description": "Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges in computer systems, software development, and information technology environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "IT Problem Resolution", + "Technical Troubleshooting" + ] + }, + "Web Technology Management": { + "description": "Comprehensive skills in designing, developing, maintaining, and updating web applications, websites, and digital platforms with focus on performance, functionality, and user experience", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Web Development", + "Digital Platform Engineering" + ] + }, + "Digital Systems Security": { + "description": "Advanced capabilities in implementing, monitoring, and maintaining comprehensive security measures for digital information systems, protecting against potential cyber threats and vulnerabilities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cybersecurity", + "Information Protection" + ] + }, + "Library Resource Management": { + "description": "Comprehensive skills in processing, organizing, maintaining, and distributing library materials, managing inventory, and supporting library operational workflows", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Library Materials Processing", + "Library Inventory Control" + ] + }, + "Administrative Information Processing": { + "description": "Advanced skills in collecting, entering, verifying, and managing administrative and clerical information across diverse organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Entry", + "Administrative Documentation" + ] + }, + "Customer Service Coordination": { + "description": "Comprehensive interpersonal skills for managing customer interactions, providing information, directing inquiries, and ensuring positive service experiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Support", + "Service Interaction Management" + ] + }, + "Precision Material Fabrication": { + "description": "Advanced skills in cutting, measuring, positioning, and preparing materials with high accuracy across diverse manufacturing and production contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Preparation", + "Precision Cutting", + "Dimensional Accuracy" + ] + }, + "Textile Manipulation Skills": { + "description": "Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fabric Processing", + "Upholstery Techniques", + "Textile Assembly" + ] + }, + "Geological Sample Analysis": { + "description": "Advanced skills in collecting, processing, examining, and interpreting geological samples through systematic scientific techniques and precise measurement", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "geological specimen processing", + "earth material examination" + ] + }, + "Field Data Collection": { + "description": "Comprehensive skills in gathering, recording, and compiling scientific and environmental data through systematic field research techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "environmental data gathering", + "scientific field research" + ] + }, + "Geospatial Resource Mapping": { + "description": "Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies and environmental data interpretation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "resource location mapping", + "environmental data visualization" + ] + }, + "Environmental Site Preparation": { + "description": "Comprehensive skills in preparing, assessing, and managing research and extraction sites with emphasis on environmental considerations and operational safety", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "site assessment techniques", + "research location management" + ] + }, + "Construction Project Management": { + "description": "Comprehensive skills in planning, coordinating, supervising, and executing complex construction projects, involving resource allocation, workflow management, and strategic implementation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Operations Coordination", + "Project Execution Management" + ] + }, + "Strategic Resource Coordination": { + "description": "Advanced ability to manage personnel, financial, and material resources, develop operational strategies, and optimize workforce performance across organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Resource Management", + "Strategic Personnel Allocation" + ] + }, + "Regulatory Compliance and Safety": { + "description": "Systematic approach to ensuring workplace safety, monitoring operational standards, implementing preventive measures, and maintaining adherence to complex regulatory requirements", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Regulatory Standard Enforcement" + ] + }, + "Electronic Systems Design": { + "description": "Comprehensive expertise in designing, analyzing, and developing complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electrical System Engineering", + "Electronic Circuit Design" + ] + }, + "Technical Communication": { + "description": "Advanced interpersonal skills for precise information exchange, documentation, and professional interaction in technical and engineering contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Communication", + "Technical Information Relay" + ] + }, + "Fiberglass Material Processing": { + "description": "Advanced skills in preparing, molding, laminating, and finishing fiberglass materials with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Composite Material Fabrication", + "Resin and Fiber Manipulation" + ] + }, + "Mold Preparation and Management": { + "description": "Comprehensive skills in creating, treating, positioning, and maintaining production molds for manufacturing processes", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mold Construction", + "Production Tooling" + ] + }, + "Surface Treatment Techniques": { + "description": "Advanced skills in smoothing, cleaning, coating, and finishing surfaces using specialized tools and chemical solutions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Preparation", + "Material Finishing" + ] + }, + "Medical Diagnostic Expertise": { + "description": "Advanced clinical skills for systematic patient assessment, medical testing, diagnostic reasoning, comprehensive health evaluation, and precise interpretation of medical imaging and diagnostic data", + "confidence": 1.0, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Reasoning", + "Medical Assessment", + "Comprehensive Health Evaluation" + ] + }, + "Scientific Laboratory Management": { + "description": "Comprehensive skills in operating, maintaining, and coordinating complex scientific laboratory processes, including specimen analysis, research protocols, and precision equipment management", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Laboratory Operations", + "Scientific Research Coordination", + "Specimen Processing" + ] + }, + "Professional Medical Communication": { + "description": "Advanced interpersonal skills for precise medical information exchange, collaborative healthcare communication, and comprehensive professional dialogue across medical contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Information Relay", + "Healthcare Professional Interaction", + "Clinical Communication" + ] + }, + "Pathological Analysis": { + "description": "Advanced technical skills in examining, interpreting, and diagnosing medical conditions through comprehensive analysis of biological specimens, laboratory tests, and clinical data", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Specimen Evaluation", + "Clinical Diagnostic Reasoning", + "Pathology Investigation" + ] + }, + "Technical Systems Engineering": { + "description": "Comprehensive ability to design, analyze, install, configure, and maintain complex technical systems across telecommunications, computer networks, and information technology environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Systems Integration", + "Technical Infrastructure Management", + "Network Systems Design" + ] + }, + "Information Security Management": { + "description": "Advanced skills in implementing, monitoring, and maintaining comprehensive security measures for computer and information systems, focusing on threat prevention, data protection, and cybersecurity protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cybersecurity Implementation", + "Network Protection", + "Digital Systems Defense" + ] + }, + "Collaborative Technical Problem Solving": { + "description": "Advanced analytical skills for identifying, diagnosing, and resolving complex technical challenges through systematic investigation, interdisciplinary communication, and strategic intervention", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Troubleshooting", + "Collaborative Systems Analysis", + "Integrated Problem Resolution" + ] + }, + "Technology Project Coordination": { + "description": "Advanced ability to plan, execute, monitor, and control complex technology projects involving resource allocation, stakeholder communication, and strategic implementation across telecommunications and IT environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Project Management", + "Technology Workflow Coordination", + "IT Project Execution" + ] + }, + "Vehicle Damage Assessment": { + "description": "Comprehensive skills in inspecting, evaluating, and documenting damage to automotive vehicles, including precise visual examination, cost estimation, and technical damage analysis", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Auto Damage Evaluation", + "Vehicle Condition Inspection" + ] + }, + "Insurance Claims Documentation": { + "description": "Advanced skills in preparing, processing, and managing detailed insurance documentation, including damage reports, cost estimates, and comprehensive claims preparation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Claims Processing", + "Insurance Documentation Management" + ] + }, + "Technical Cost Estimation": { + "description": "Precise analytical skills for calculating, verifying, and documenting repair and replacement costs across technical and mechanical contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Repair Cost Analysis", + "Technical Financial Assessment" + ] + }, + "Gas Systems Operation": { + "description": "Advanced skills in operating, monitoring, and controlling natural gas distribution and generation equipment with precise technical control and safety protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Gas Equipment Management", + "Natural Gas System Control" + ] + }, + "Industrial Equipment Monitoring": { + "description": "Comprehensive ability to inspect, assess, and maintain operational functionality of complex industrial machinery through systematic observation, performance tracking, and diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Performance Tracking", + "Technical System Diagnostics" + ] + }, + "Operational Safety Protocols": { + "description": "Systematic approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance measures in technical environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Compliance Management", + "Workplace Risk Mitigation" + ] + }, + "Early Childhood Education": { + "description": "Comprehensive skills in designing, implementing, and managing educational strategies specifically for young children, involving developmental support, learning activities, and holistic child development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Preschool Teaching", + "Child Learning Management", + "Early Learning Support" + ] + }, + "Child Safety Management": { + "description": "Advanced skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Protection", + "Developmental Safety Oversight", + "Child Care Security" + ] + }, + "Developmental Instructional Adaptation": { + "description": "Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse child learning needs, developmental stages, and individual capabilities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Adaptive Teaching", + "Personalized Learning Support", + "Instructional Flexibility" + ] + }, + "Parent-Educator Communication": { + "description": "Advanced communication skills for effectively interacting with parents, guardians, and families, providing developmental insights, collaborative child support strategies, and comprehensive progress reporting", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Family Engagement", + "Parental Collaboration", + "Child Progress Communication" + ] + }, + "Classroom Behavioral Management": { + "description": "Comprehensive skills in establishing, enforcing, and maintaining effective classroom rules, policies, and behavioral standards to create a productive, safe, and supportive learning environment for young children", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Behavior Guidance", + "Learning Environment Regulation", + "Classroom Discipline" + ] + }, + "Nuclear Systems Control": { + "description": "Advanced skills in operating, monitoring, and controlling complex nuclear power reactor systems, involving precise equipment management, safety protocols, and operational efficiency", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Reactor Operations", + "Nuclear Power Management", + "Reactor System Control" + ] + }, + "Complex Equipment Diagnostics": { + "description": "Advanced analytical skills for systematically identifying, troubleshooting, and resolving operational performance issues across complex technical systems and specialized equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Problem Resolution", + "Equipment Malfunction Analysis" + ] + }, + "Operational Performance Optimization": { + "description": "Advanced skills in monitoring, analyzing, and improving operational efficiency, workflow processes, and system performance through systematic evaluation and strategic interventions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Enhancement", + "Operational Efficiency Management" + ] + }, + "Critical Decision Making": { + "description": "Advanced analytical skills for evaluating complex operational scenarios, weighing potential actions, and making informed decisions that balance safety, efficiency, and strategic objectives", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Operational Reasoning", + "High-Stakes Decision Management" + ] + }, + "Technical Writing Proficiency": { + "description": "Advanced skills in creating, editing, and communicating complex technical information with clarity, precision, and audience-appropriate style across diverse professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Documentation Skills", + "Technical Communication", + "Professional Writing" + ] + }, + "Information Processing": { + "description": "Comprehensive ability to comprehend, analyze, synthesize, and communicate complex written and verbal information across professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Comprehension Skills", + "Information Management", + "Analytical Reading" + ] + }, + "Professional Communication Strategy": { + "description": "Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and adaptive interaction across diverse professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Communication Management", + "Professional Dialogue", + "Interpersonal Engagement" + ] + }, + "Critical Analysis and Decision Making": { + "description": "Advanced analytical skills for systematically evaluating information, identifying strengths and weaknesses, reasoning logically, and making informed strategic decisions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Analytical Reasoning", + "Strategic Problem Solving", + "Comprehensive Evaluation" + ] + }, + "Continuous Learning Management": { + "description": "Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Development", + "Adaptive Learning", + "Knowledge Expansion" + ] + }, + "Broadcast Technical Operations": { + "description": "Comprehensive skills in operating, monitoring, and managing broadcasting equipment, control consoles, audio/video recording systems, and ensuring proper technical functionality of media production environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Technical Control", + "Broadcasting Equipment Management", + "Production Technical Support" + ] + }, + "Production Coordination": { + "description": "Advanced skills in coordinating production activities, managing personnel, directing technical workflows, and ensuring systematic operational efficiency in media and broadcasting contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Production Management", + "Media Workflow Coordination" + ] + }, + "Technical Communication Management": { + "description": "Advanced interpersonal and communication skills specific to technical broadcasting environments, involving precise information exchange, equipment notification, and professional interaction", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Operational Communication", + "Broadcasting Information Relay" + ] + }, + "Emergency Medical Care": { + "description": "Advanced skills in providing immediate medical assistance, patient assessment, treatment, and stabilization in critical and time-sensitive healthcare emergencies", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Response", + "Urgent Medical Intervention", + "Prehospital Care" + ] + }, + "Patient Transportation Management": { + "description": "Comprehensive skills in safely transporting patients, operating emergency vehicles, managing patient care during transit, and coordinating medical transportation logistics", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Vehicle Operation", + "Patient Transit Care" + ] + }, + "Healthcare Team Collaboration": { + "description": "Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated emergency medical treatment approaches", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Team Communication", + "Interdisciplinary Healthcare Coordination" + ] + }, + "Emergency Medical Documentation": { + "description": "Systematic skills in recording patient medical histories, documenting treatment procedures, maintaining precise medical records, and ensuring comprehensive emergency medical documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Management", + "Emergency Care Reporting" + ] + }, + "Technical Problem Analysis": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges in engineering and industrial environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Diagnostic Reasoning", + "Engineering Problem Resolution" + ] + }, + "Industrial Process Management": { + "description": "Comprehensive skills in designing, monitoring, coordinating, and optimizing complex industrial production workflows and operational sequences", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production System Coordination", + "Operational Workflow Control" + ] + }, + "Technical Documentation Interpretation": { + "description": "Advanced ability to comprehend, analyze, and apply complex technical documentation, specifications, blueprints, and operational instructions with high precision", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Reading Comprehension", + "Operational Specification Analysis" + ] + }, + "Quality Control Engineering": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating performance, and ensuring conformance to precise engineering and manufacturing standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Quality Verification", + "Precision Manufacturing Assessment" + ] + }, + "Engineering Design Visualization": { + "description": "Advanced skills in creating graphical representations, technical models, and visual documentation of complex engineering systems, design specifications, and industrial processes", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Design Modeling", + "Engineering Graphic Communication" + ] + }, + "Laboratory Sample Management": { + "description": "Comprehensive skills in collecting, preparing, processing, analyzing, and documenting biological and medical samples using advanced scientific techniques and precision measurement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Sample Processing", + "Biological Specimen Handling", + "Medical Laboratory Techniques" + ] + }, + "Technical Troubleshooting": { + "description": "Advanced analytical skills for systematically diagnosing, identifying, and resolving complex technical equipment and system performance issues", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostics", + "Technical Problem Resolution", + "Systematic Fault Analysis" + ] + }, + "Operational Equipment Coordination": { + "description": "Advanced ability to select, prepare, manage, and coordinate tools and equipment for complex electrical installation and maintenance tasks", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Management", + "Tool Selection and Coordination", + "Operational Equipment Preparation" + ] + }, + "Recreational Facility Management": { + "description": "Comprehensive skills in coordinating, operating, and maintaining recreational venues, ensuring patron safety, managing operational workflows, and delivering high-quality entertainment experiences", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Attraction Operations", + "Entertainment Venue Coordination" + ] + }, + "Financial Record Management": { + "description": "Comprehensive skills in maintaining, verifying, and processing financial documents, transactions, and accounting records with precision and systematic accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Documentation", + "Accounting Record Keeping", + "Transaction Processing" + ] + }, + "Legal Reasoning": { + "description": "Advanced analytical skills for systematically interpreting legal evidence, applying precedents, and rendering authoritative judicial judgments with comprehensive reasoning", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Analysis", + "Judicial Interpretation", + "Legal Decision Making" + ] + }, + "Legal Dispute Resolution": { + "description": "Advanced interpersonal and analytical skills for negotiating, mediating, and resolving complex legal conflicts through systematic evaluation and strategic intervention", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Conflict Mediation", + "Legal Negotiation", + "Dispute Settlement" + ] + }, + "Client Legal Representation": { + "description": "Comprehensive skills in advocating for clients' interests, providing legal counsel, managing client interactions, and ensuring professional legal support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Advocacy", + "Client Counseling", + "Legal Advisory" + ] + }, + "Public Safety Management": { + "description": "Comprehensive skills in maintaining public order, investigating incidents, enforcing regulations, and ensuring community safety through systematic intervention and professional protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Protection", + "Regulatory Enforcement", + "Public Security" + ] + }, + "Animal Care and Control": { + "description": "Advanced skills in managing, monitoring, and providing care for animals, including assessment, intervention, and ensuring animal welfare in diverse environmental contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Welfare", + "Wildlife Management", + "Veterinary Support" + ] + }, + "Investigative Documentation": { + "description": "Comprehensive skills in collecting, recording, analyzing, and maintaining precise documentation for legal, regulatory, and investigative purposes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Evidence Collection", + "Procedural Reporting", + "Forensic Documentation" + ] + }, + "Cybersecurity Risk Management": { + "description": "Advanced skills in identifying, assessing, investigating, and mitigating digital security risks, including threat prevention, system protection, and comprehensive security strategy development", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Security", + "Digital Threat Mitigation", + "Cybersecurity Strategy" + ] + }, + "Professional Information Processing": { + "description": "Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Comprehension", + "Professional Communication Analysis" + ] + }, + "Continuous Professional Learning": { + "description": "Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional knowledge and skills", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Development", + "Adaptive Learning Strategy" + ] + }, + "Vehicle Component Maintenance": { + "description": "Comprehensive ability to inspect, repair, replace, and maintain automotive and vehicle mechanical components with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Auto Repair Skills", + "Vehicle System Diagnostics", + "Mechanical Component Servicing" + ] + }, + "Equipment Operation and Safety": { + "description": "Proficient skills in operating, managing, and maintaining specialized machinery, vehicles, and equipment with emphasis on workplace safety and operational protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machinery Navigation", + "Safety Equipment Management", + "Technical Equipment Control" + ] + }, + "Geospatial Data Analysis": { + "description": "Advanced skills in collecting, processing, measuring, and interpreting geographic survey data using mathematical and scientific methods", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geographic Measurement", + "Survey Data Interpretation", + "Spatial Calculation" + ] + }, + "Technical Field Documentation": { + "description": "Comprehensive skills in preparing, recording, and maintaining detailed technical reports, survey records, and operational documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Field Research Reporting", + "Survey Documentation", + "Technical Record Management" + ] + }, + "Scientific Instrumentation Operation": { + "description": "Advanced ability to operate, calibrate, and maintain specialized surveying and measurement equipment with technical precision", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Survey Equipment Management", + "Technical Instrument Calibration" + ] + }, + "Environmental Site Analysis": { + "description": "Comprehensive skills in assessing, measuring, and documenting geographic and environmental characteristics during survey operations", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Terrain Evaluation", + "Geographic Site Assessment" + ] + }, + "Academic Instruction Design": { + "description": "Comprehensive skills in developing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Curriculum Development", + "Educational Strategy Design", + "Postsecondary Teaching Methods" + ] + }, + "Scholarly Research Management": { + "description": "Advanced capabilities in conducting academic research, publishing scholarly materials, developing original content, and contributing to academic knowledge domains", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Publication", + "Research Development", + "Knowledge Generation" + ] + }, + "Professional Academic Communication": { + "description": "Advanced interpersonal communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Dialogue", + "Scholarly Communication", + "Educational Discourse" + ] + }, + "Institutional Academic Governance": { + "description": "Advanced skills in managing departmental activities, serving on committees, coordinating institutional processes, contributing to strategic planning, and maintaining professional academic standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Administration", + "Departmental Leadership", + "Educational Institutional Management" + ] + }, + "Healthcare Patient Assessment": { + "description": "Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring in medical and athletic contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Evaluation", + "Patient Health Screening", + "Comprehensive Physical Assessment" + ] + }, + "Therapeutic Physical Intervention": { + "description": "Advanced skills in applying physical therapy techniques, rehabilitation strategies, injury treatment, and movement restoration for athletes and patients", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Injury Rehabilitation", + "Physical Recovery Management", + "Movement Restoration" + ] + }, + "Medical Equipment Management": { + "description": "Comprehensive skills in operating, maintaining, cleaning, and ensuring proper functionality of medical diagnostic and treatment equipment in healthcare and athletic training environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Operation", + "Healthcare Equipment Maintenance", + "Clinical Instrument Management" + ] + }, + "Professional Healthcare Coordination": { + "description": "Advanced interprofessional skills for collaborating with medical professionals, coordinating patient care, facilitating treatment planning, and ensuring comprehensive healthcare support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Team Collaboration", + "Healthcare Workflow Management", + "Interdisciplinary Patient Care" + ] + }, + "Food Production Operations": { + "description": "Comprehensive skills in operating, monitoring, and controlling food preparation equipment, managing production workflows, ensuring quality standards, and coordinating culinary processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Processing Management", + "Culinary Equipment Operation", + "Food Manufacturing Control" + ] + }, + "Equipment Temperature Control": { + "description": "Precise skills in monitoring, adjusting, and maintaining equipment temperature settings to ensure optimal production and safety conditions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Thermal Equipment Management", + "Production Temperature Regulation" + ] + }, + "Surface Leveling and Preparation": { + "description": "Advanced skills in creating level bases, spreading materials, and preparing surfaces for construction and installation tasks", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ground Preparation", + "Surface Alignment", + "Base Leveling" + ] + }, + "Masonry Material Installation": { + "description": "Comprehensive skills in aligning, cutting, and installing masonry materials with precision and technical expertise", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Stone and Tile Installation", + "Masonry Positioning", + "Construction Material Assembly" + ] + }, + "Financial Analysis": { + "description": "Advanced skills in examining, interpreting, and evaluating financial records, data, and information to support business decision-making and strategic planning", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Reporting", + "Fiscal Assessment", + "Accounting Evaluation" + ] + }, + "Professional Documentation": { + "description": "Comprehensive skills in creating, maintaining, and managing precise professional documents, including real estate contracts, property records, transaction reports, and comprehensive legal documentation with systematic accuracy.", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Transaction Record Management", + "Contract Preparation", + "Legal Documentation" + ] + }, + "Strategic Business Advisory": { + "description": "Advanced interpersonal and analytical skills for providing professional guidance, strategic recommendations, and comprehensive business insights to support organizational decision-making", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Consultation", + "Strategic Counseling", + "Organizational Guidance" + ] + }, + "Utility Service Monitoring": { + "description": "Systematic skills in tracking, inspecting, and verifying utility meter readings, equipment functionality, and service delivery across diverse utility infrastructure contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Meter Reading", + "Utility Infrastructure Inspection", + "Service Verification" + ] + }, + "Material Preparation and Handling": { + "description": "Comprehensive skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Processing", + "Precision Material Management", + "Industrial Material Manipulation" + ] + }, + "Precision Measurement and Layout": { + "description": "Advanced skills in measuring work site dimensions, marking reference points, creating installation diagrams, and ensuring accurate spatial positioning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Technical Layout", + "Precision Spatial Planning" + ] + }, + "Installation Quality Control": { + "description": "Systematic approach to inspecting work sites, evaluating material conditions, ensuring precise installation standards, and maintaining high-quality craftsmanship", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Installation Verification", + "Craftsmanship Assessment", + "Technical Quality Assurance" + ] + }, + "Specialized Material Manipulation": { + "description": "Proficient skills in cutting, positioning, and installing flexible materials like carpet and vinyl with technical precision and attention to detail", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Flexible Material Handling", + "Precision Installation", + "Technical Material Cutting" + ] + }, + "Technical Equipment Installation": { + "description": "Comprehensive ability to install, configure, connect, and set up complex telecommunications and electrical equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Setup", + "System Installation", + "Technical Deployment" + ] + }, + "Diagnostic Technical Troubleshooting": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex equipment and system performance issues through precise diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostics", + "Technical Problem Resolution", + "System Fault Analysis" + ] + }, + "Operational Safety Verification": { + "description": "Systematic approach to ensuring equipment functionality, workplace safety, conducting quality inspections, and implementing preventive maintenance protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Compliance", + "Equipment Inspection", + "Operational Risk Management" + ] + }, + "Human Factors Engineering": { + "description": "Advanced analytical skills for evaluating human interaction with systems, equipment, and environments to optimize performance, safety, and usability", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ergonomic Design", + "Human-System Interaction", + "Usability Analysis" + ] + }, + "Technical Design Optimization": { + "description": "Comprehensive skills in analyzing, evaluating, and improving technical designs to enhance functionality, efficiency, and user experience", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Performance Enhancement", + "System Improvement", + "Technical Refinement" + ] + }, + "Learner Needs Assessment": { + "description": "Advanced skills in identifying, evaluating, and addressing individual student learning requirements, developmental challenges, and educational support needs", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Needs Evaluation", + "Student Support Identification", + "Learning Requirement Analysis" + ] + }, + "Customer Transaction Management": { + "description": "Comprehensive skills in processing sales, calculating costs, managing financial transactions, maintaining accurate records, and ensuring precise customer service interactions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Processing", + "Financial Transaction Handling", + "Customer Service Coordination" + ] + }, + "Product Information Communication": { + "description": "Advanced interpersonal skills for explaining product details, advising customers, answering inquiries, and providing comprehensive product-related guidance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Product Consultation", + "Service Information Exchange" + ] + }, + "Operational Customer Interaction": { + "description": "Comprehensive interpersonal skills involving greeting, engaging, understanding customer needs, and providing personalized professional service across diverse interaction contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Engagement", + "Professional Service Communication" + ] + }, + "Market Intelligence": { + "description": "Comprehensive ability to monitor market conditions, identify trends, assess product effectiveness, and develop strategic insights for sales and business development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Market Analysis", + "Trend Monitoring", + "Business Intelligence" + ] + }, + "Professional Product Knowledge": { + "description": "Continuous learning approach to studying product information, attending professional events, maintaining up-to-date understanding of service offerings, and developing comprehensive product expertise", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Expertise", + "Service Knowledge Acquisition", + "Continuous Learning" + ] + }, + "Technical Equipment Setup": { + "description": "Comprehensive ability to position, configure, calibrate, and prepare specialized technical equipment for operational use across diverse work environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Installation", + "Technical Configuration", + "Precision Equipment Preparation" + ] + }, + "Technical Control Systems Operation": { + "description": "Advanced skills in operating control consoles, managing technical equipment, monitoring system performance, and ensuring precise operational control across production environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Control Console Management", + "Technical System Monitoring", + "Operational Control" + ] + }, + "Surface Finishing Techniques": { + "description": "Comprehensive skills in smoothing, cleaning, treating, and preparing surfaces using specialized tools, abrasive materials, and technical methods to achieve desired quality and appearance", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Finishing Preparation", + "Surface Refinement" + ] + }, + "Precision Manual Construction Skills": { + "description": "Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely position, align, cut, and install construction materials with high technical accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Tool Manipulation", + "Precise Material Installation", + "Technical Construction Techniques" + ] + }, + "Creative Design Conceptualization": { + "description": "Advanced ability to develop, visualize, and create original artistic and technical design concepts for commercial, decorative, and exhibition purposes, involving innovative ideation and strategic design thinking", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Ideation", + "Artistic Concept Development", + "Creative Visualization" + ] + }, + "Trend and Market Research": { + "description": "Advanced ability to research, analyze, and integrate current artistic, design, and cultural trends into creative work, professional practice, and commercial design strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Trend Analysis", + "Creative Market Intelligence" + ] + }, + "Therapeutic Patient Counseling": { + "description": "Comprehensive interpersonal skills for providing professional psychological support, therapeutic interventions, personalized treatment strategies, and holistic mental health guidance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Counseling", + "Psychological Intervention", + "Mental Health Support" + ] + }, + "Aviation Safety Inspection": { + "description": "Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance in aviation environments, involving detailed equipment inspection, regulatory adherence, and risk mitigation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Aircraft Safety Assessment", + "Regulatory Compliance Verification", + "Transportation Safety Monitoring" + ] + }, + "Technical Performance Verification": { + "description": "Advanced analytical skills for systematically testing, evaluating, and validating the operational performance and functionality of complex technical systems and equipment", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Performance Testing", + "Operational Functionality Assessment", + "Technical Diagnostic Evaluation" + ] + }, + "Medical Precision Intervention": { + "description": "Advanced clinical skills for systematic patient assessment, precise diagnostic procedures, and specialized medical interventions in dental and prosthetic contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dental Diagnostic Precision", + "Medical Procedure Accuracy" + ] + }, + "Healthcare Equipment Customization": { + "description": "Specialized skills in designing, adjusting, and fitting medical devices, prostheses, and assistive technologies to meet individual patient needs", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Adaptation", + "Personalized Medical Equipment" + ] + }, + "Business Intelligence Analysis": { + "description": "Advanced analytical skills for collecting, processing, interpreting, and presenting complex business data to support strategic decision-making across organizational contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data-Driven Decision Making", + "Strategic Business Insights", + "Analytical Business Reporting" + ] + }, + "Information Systems Management": { + "description": "Comprehensive skills in managing, updating, creating, and maintaining electronic databases, communication systems, and technical information repositories", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Database Administration", + "Technical Information Coordination", + "Digital Systems Management" + ] + }, + "Analytical Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Scientific Reasoning", + "Critical Analytical Thinking" + ] + }, + "Precision Technical Diagnostics": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex equipment and system performance issues through precise diagnostic techniques and troubleshooting methodologies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Troubleshooting", + "Equipment Performance Analysis", + "System Diagnostic Evaluation" + ] + }, + "Legislative Policy Development": { + "description": "Advanced skills in drafting, analyzing, and creating comprehensive legislative proposals, regulations, and policy frameworks with systematic approach and strategic reasoning", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Policy Crafting", + "Regulatory Formulation", + "Legislative Strategy" + ] + }, + "Public Governance Coordination": { + "description": "Comprehensive skills in managing organizational activities, coordinating external relations, representing institutional interests, and facilitating complex administrative workflows", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Institutional Management", + "Stakeholder Coordination", + "Organizational Representation" + ] + }, + "Strategic Hearing Management": { + "description": "Advanced skills in conducting investigative hearings, gathering critical information, evaluating legal and regulatory implications, and systematically documenting complex procedural findings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Investigation", + "Procedural Inquiry", + "Regulatory Examination" + ] + }, + "Professional Development Leadership": { + "description": "Comprehensive skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for organizational skill advancement", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Talent Cultivation", + "Workforce Enhancement", + "Professional Mentorship" + ] + }, + "Regulatory Impact Analysis": { + "description": "Advanced analytical capabilities for systematically evaluating legal and regulatory changes, assessing potential organizational and societal implications, and developing strategic response strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Consequence Assessment", + "Regulatory Trend Analysis", + "Policy Impact Evaluation" + ] + }, + "Engineering Systems Design": { + "description": "Advanced capability to conceptualize, analyze, develop, and optimize complex technical and engineering systems across diverse technological domains", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical System Architecture", + "Engineering Design Innovation" + ] + }, + "Scientific Problem Resolution": { + "description": "Advanced analytical skills using scientific methods, mathematical reasoning, and systematic investigation to identify, evaluate, and resolve complex technical challenges", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Analytical Reasoning", + "Scientific Diagnostic Methodology" + ] + }, + "Technical Performance Optimization": { + "description": "Comprehensive skills in monitoring, analyzing, and improving operational efficiency, system performance, and technological workflows through systematic evaluation and strategic interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Performance Enhancement", + "Technical System Improvement" + ] + }, + "Performance Arts Management": { + "description": "Advanced skills in coordinating, preparing, and executing artistic performances, including talent development, creative collaboration, and production coordination", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Performance Coordination", + "Creative Production Management" + ] + }, + "Expressive Communication": { + "description": "Comprehensive interpersonal skills involving precise verbal communication, emotional expression, active listening, and strategic interaction in performance and artistic contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Communication", + "Performance Dialogue" + ] + }, + "Creative Skill Development": { + "description": "Advanced abilities in practicing, refining, and enhancing artistic and performance skills through systematic training, self-improvement, and professional development", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Skill Cultivation", + "Performance Technique Mastery" + ] + }, + "Professional Talent Representation": { + "description": "Comprehensive skills in managing professional careers, negotiating contracts, identifying opportunities, and strategically developing artistic and performance potential", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Career Management", + "Artistic Talent Development" + ] + }, + "Artistic Audition and Casting": { + "description": "Advanced skills in preparing for, participating in, and successfully navigating professional audition processes across various performance and artistic domains", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Casting", + "Talent Selection" + ] + }, + "Animal Training and Care": { + "description": "Comprehensive skills in managing, training, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, learning techniques, and holistic animal welfare", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Behavior Management", + "Veterinary Support Skills" + ] + }, + "Performance Instruction": { + "description": "Advanced skills in teaching, guiding, and developing performance capabilities through systematic instructional methods, active learning strategies, and personalized skill development approaches", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Skill Transfer Techniques", + "Educational Performance Coaching" + ] + }, + "Administrative Coordination": { + "description": "Advanced skills in managing complex administrative workflows, coordinating operational activities, scheduling, and supporting executive-level organizational processes", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Executive Support", + "Administrative Management", + "Organizational Workflow Coordination" + ] + }, + "Social Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic social research involving data collection, interpretation, and evidence-based problem solving", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Social Scientific Investigation", + "Empirical Social Analysis" + ] + }, + "Professional Knowledge Communication": { + "description": "Advanced interpersonal skills for effectively presenting, explaining, and disseminating complex professional and scientific information across diverse audiences and contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Information Transfer", + "Expert Knowledge Sharing" + ] + }, + "Systematic Analytical Reasoning": { + "description": "Advanced cognitive skills for logically evaluating complex information, identifying patterns, drawing evidence-based conclusions, and making strategic decisions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Critical Analytical Thinking", + "Logical Problem Decomposition" + ] + }, + "Interpersonal Observation Skills": { + "description": "Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Social Perception", + "Behavioral Interpretation" + ] + }, + "Academic and Policy Consultation": { + "description": "Comprehensive skills in providing expert guidance, interpreting research findings, and advising on complex social and public policy matters", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Policy Advisory Services", + "Research-Driven Consultation" + ] + }, + "Vehicle Operation Management": { + "description": "Comprehensive skills in operating, maintaining, and navigating light trucks and delivery vehicles, ensuring safe and efficient transportation of goods and materials", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Truck Driving", + "Commercial Vehicle Navigation", + "Delivery Vehicle Control" + ] + }, + "Logistics Documentation": { + "description": "Comprehensive skills in recording delivery details, processing customer payments, maintaining accurate shipment records, and managing administrative documentation for transportation and delivery operations", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Delivery Record Keeping", + "Shipment Documentation", + "Transportation Administrative Management" + ] + }, + "Insurance Claims Processing": { + "description": "Comprehensive skills in managing insurance policy documentation, verifying customer information, processing claims, and ensuring accurate financial transactions related to insurance services", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Claims Management", + "Policy Documentation", + "Insurance Transaction Processing" + ] + }, + "Administrative Information Management": { + "description": "Advanced skills in collecting, verifying, entering, maintaining, and processing complex administrative and procedural information across professional environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Entry", + "Record Keeping", + "Information Processing" + ] + }, + "Customer Information Verification": { + "description": "Systematic skills in interviewing, collecting, validating, and documenting personal and financial information from customers or applicants through professional interaction", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Data Validation", + "Information Authentication", + "Customer Information Screening" + ] + }, + "Sales Persuasion": { + "description": "Advanced interpersonal skills for convincing potential customers, demonstrating product value, and effectively converting sales opportunities through strategic communication and persuasive techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "sales communication", + "customer conversion", + "persuasive selling" + ] + }, + "Customer Engagement Strategy": { + "description": "Comprehensive skills in identifying potential customers, initiating interactions, explaining product details, and maintaining professional customer relationships across diverse sales contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "customer outreach", + "sales interaction management", + "client relationship building" + ] + }, + "Product Demonstration Skills": { + "description": "Advanced abilities in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "product presentation", + "sales demonstration", + "technical product explanation" + ] + }, + "Safety and Hazard Management": { + "description": "Comprehensive ability to identify potential risks, implement preventive measures, monitor operational conditions, and ensure workplace and environmental safety across diverse work contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Mitigation", + "Operational Safety Protocols", + "Hazard Prevention" + ] + }, + "Operational Documentation and Reporting": { + "description": "Systematic skills in recording, maintaining, and communicating detailed operational information, travel logs, incident reports, and technical documentation with precision and accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Record Keeping", + "Operational Logging", + "Performance Documentation" + ] + }, + "Scientific Laboratory Procedures": { + "description": "Advanced skills in conducting scientific experiments, preparing chemical compounds, analyzing samples, and following precise laboratory protocols and safety standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Lab Research Methods", + "Chemical Analysis Techniques", + "Scientific Experimental Procedures" + ] + }, + "Quality Control Analysis": { + "description": "Systematic approach to conducting detailed inspections, testing materials, evaluating product characteristics, and ensuring conformance to scientific and technical specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Performance Verification", + "Technical Inspection Methodology" + ] + }, + "Chemical Substance Management": { + "description": "Comprehensive skills in identifying, handling, preparing, and processing chemical compounds with precision, safety, and adherence to scientific protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Compound Preparation", + "Hazardous Material Handling" + ] + }, + "Software Quality Assurance": { + "description": "Comprehensive skills in testing, analyzing, and ensuring the quality, performance, and reliability of software systems through systematic evaluation and verification processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Software Testing", + "Quality Control Engineering", + "System Validation" + ] + }, + "Technical Problem Diagnostics": { + "description": "Advanced analytical skills for systematically identifying, troubleshooting, and resolving complex technical issues in computer applications and information systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Troubleshooting", + "System Diagnostics", + "Problem Resolution" + ] + }, + "Performance Monitoring and Analysis": { + "description": "Advanced skills in systematically evaluating system performance, identifying operational inefficiencies, developing performance metrics, and implementing improvement strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "System Performance Evaluation", + "Operational Efficiency Analysis" + ] + }, + "Collaborative Technical Communication": { + "description": "Advanced interpersonal skills for precise information exchange, problem-solving, and professional interaction in technical and software development environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Team Communication", + "Professional Collaboration" + ] + }, + "Academic Research and Instruction": { + "description": "Comprehensive skills in designing, delivering, and managing educational content, conducting scholarly research, developing original academic materials, and contributing to knowledge domains in postsecondary educational environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scholarly Knowledge Development", + "Higher Education Expertise", + "Academic Content Creation" + ] + }, + "Professional Academic Development": { + "description": "Continuous approach to maintaining and expanding professional expertise through training, research, professional meetings, collaborative learning, and systematic skill enhancement in academic contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Skill Advancement", + "Scholarly Continuous Learning", + "Professional Knowledge Expansion" + ] + }, + "Special Needs Education Support": { + "description": "Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Special Education Instruction", + "Adaptive Learning Support", + "Individualized Student Care" + ] + }, + "Developmental Behavioral Management": { + "description": "Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting, intervention techniques, and supportive guidance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Classroom Behavior Coordination", + "Student Conduct Management", + "Developmental Behavior Intervention" + ] + }, + "Educational Assessment and Monitoring": { + "description": "Comprehensive skills in designing, administering, and analyzing educational assessments, tracking student performance, documenting progress, and implementing targeted improvement strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Performance Evaluation", + "Academic Progress Tracking", + "Learning Outcome Assessment" + ] + }, + "Collaborative Educational Planning": { + "description": "Advanced interprofessional skills for coordinating with teaching professionals, parents, supervisors, and institutional committees to develop comprehensive educational programs and support strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Program Coordination", + "Interdisciplinary Learning Support", + "Professional Educational Collaboration" + ] + }, + "Adaptive Instructional Technology": { + "description": "Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Technology Integration", + "Digital Learning Design", + "Technological Instructional Support" + ] + }, + "Mechanical Repair Expertise": { + "description": "Advanced skills in diagnosing, repairing, maintaining, and replacing mechanical components and systems using specialized tools and technical knowledge", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Maintenance", + "Technical Repair Skills", + "Mechanical System Restoration" + ] + }, + "Precision Equipment Manipulation": { + "description": "Advanced manual dexterity and technical skills for precisely handling, adjusting, aligning, and installing mechanical and technical components", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Positioning", + "Precise Manual Skills", + "Equipment Configuration" + ] + }, + "Technical Problem Resolution": { + "description": "Systematic analytical skills for identifying, diagnosing, and resolving complex technical challenges through logical reasoning and strategic troubleshooting", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Troubleshooting", + "Technical Diagnostic Skills", + "Systematic Problem Analysis" + ] + }, + "Equipment Maintenance and Safety": { + "description": "Comprehensive skills in performing routine maintenance, ensuring operational safety, conducting quality inspections, and preventing equipment failures", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Protocols", + "Equipment Preservation", + "Preventive Maintenance" + ] + }, + "Rehabilitation Case Management": { + "description": "Comprehensive skills in managing client rehabilitation, monitoring progress, coordinating services, and supporting individual behavioral and social reintegration", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Support Coordination", + "Correctional Rehabilitation Planning" + ] + }, + "Forensic Social Intervention": { + "description": "Advanced skills in legal assessment, client monitoring, risk evaluation, and implementing targeted interventions within criminal justice and social support contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Social Support", + "Judicial Client Management" + ] + }, + "Therapeutic Client Counseling": { + "description": "Advanced interpersonal skills for providing professional psychological support, substance abuse counseling, emotional guidance, and personalized treatment strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Support Intervention", + "Client Mental Health Guidance" + ] + }, + "Community Resource Navigation": { + "description": "Comprehensive skills in identifying, accessing, coordinating, and connecting clients with essential support services, educational programs, and systemic assistance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Resource Coordination", + "Social Service Referral" + ] + }, + "Legal Compliance Monitoring": { + "description": "Advanced skills in investigating legal requirements, recommending actions, monitoring client compliance, and ensuring adherence to judicial and rehabilitation protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Judicial Oversight", + "Legal Status Management" + ] + }, + "Hazardous Environment Management": { + "description": "Advanced skills in working safely with toxic substances, managing contamination risks, and performing specialized cleaning and decontamination procedures in challenging work environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Hazardous Site Operations", + "Contamination Control", + "Safety in Extreme Environments" + ] + }, + "Precision Manual Infrastructure Skills": { + "description": "Advanced technical skills in measuring, cutting, digging, positioning, and preparing materials for infrastructure installation, maintenance, and repair tasks", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Infrastructure Preparation", + "Precise Construction Techniques", + "Site Preparation Skills" + ] + }, + "Strategic Organizational Communication": { + "description": "Comprehensive interpersonal skills for precise information exchange, stakeholder engagement, and professional communication across complex organizational environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Dialogue", + "Professional Messaging", + "Stakeholder Communication" + ] + }, + "Strategic Decision Making": { + "description": "Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed decisions that balance organizational objectives, costs, and strategic implications", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Strategic Reasoning", + "Comprehensive Decision Analysis", + "Organizational Strategy Development" + ] + }, + "Computational Bioinformatics": { + "description": "Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Biological Data Analysis", + "Computational Research Techniques", + "Genetic Information Processing" + ] + }, + "Human Resources Management": { + "description": "Comprehensive skills in managing personnel resources, recruiting, training, developing, and coordinating workforce activities across organizational contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personnel Resource Optimization", + "Workforce Development", + "Talent Management" + ] + }, + "Strategic Interpersonal Communication": { + "description": "Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific application to human resources, compensation, and organizational communication contexts", + "confidence": 1.0, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "HR Communication", + "Professional Dialogue", + "Organizational Communication", + "Strategic Workforce Interaction" + ] + }, + "Compliance and Regulatory Management": { + "description": "Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Compliance", + "Legal Standards Enforcement", + "Organizational Governance" + ] + }, + "Forensic Evidence Analysis": { + "description": "Advanced scientific skills for systematically collecting, examining, documenting, and interpreting physical evidence to support criminal investigations and legal proceedings", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crime Scene Investigation", + "Evidence Processing", + "Forensic Scientific Reasoning" + ] + }, + "Scientific Documentation": { + "description": "Comprehensive skills in preparing precise technical reports, recording operational data, documenting findings, and communicating scientific information with accuracy and clarity", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Reporting", + "Research Documentation", + "Scientific Communication" + ] + }, + "Curriculum Development": { + "description": "Advanced skills in creating, designing, and implementing comprehensive educational strategies, learning objectives, and instructional materials tailored to specific academic contexts and student needs", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Program Design", + "Instructional Strategy Creation" + ] + }, + "Nutritional Assessment": { + "description": "Advanced skills in analyzing patient data, evaluating nutritional needs, developing personalized dietary strategies, and monitoring health outcomes through comprehensive nutritional assessment techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Nutrition Evaluation", + "Dietary Needs Analysis", + "Nutritional Health Monitoring" + ] + }, + "Healthcare Nutrition Counseling": { + "description": "Comprehensive interpersonal skills for providing personalized nutrition guidance, health education, wellness advice, and strategic dietary intervention across diverse patient populations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nutrition Education", + "Dietary Counseling", + "Wellness Guidance" + ] + }, + "Dietary Program Management": { + "description": "Advanced skills in designing, implementing, and coordinating specialized dietary programs, menu planning, meal preparation strategies, and institutional nutrition services", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nutrition Program Development", + "Institutional Meal Planning", + "Dietary Service Coordination" + ] + }, + "Scientific Nutrition Research": { + "description": "Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nutritional Science Investigation", + "Health Research Methodology", + "Dietary Science Analysis" + ] + }, + "Interdisciplinary Healthcare Collaboration": { + "description": "Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, and ensuring integrated nutritional treatment approaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Team Coordination", + "Healthcare Professional Interaction", + "Collaborative Patient Care" + ] + }, + "Professional Client Interaction": { + "description": "Comprehensive interpersonal skills for interviewing, gathering information, providing advisory services, and maintaining professional communication with clients across diverse financial and service contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Communication", + "Professional Consultation", + "Customer Information Acquisition" + ] + }, + "Regulatory Compliance and Interpretation": { + "description": "Advanced skills in understanding, explaining, and applying complex financial regulations, tax policies, and professional guidelines with systematic precision and comprehensive reasoning", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Tax Regulation Understanding", + "Professional Policy Interpretation", + "Regulatory Guidance" + ] + }, + "Geospatial Data Collection": { + "description": "Advanced skills in gathering, measuring, and documenting geographic survey data using precise mathematical and scientific methods", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Survey Data Acquisition", + "Geographic Measurement", + "Spatial Information Gathering" + ] + }, + "Cartographic Visualization": { + "description": "Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Map Creation", + "Spatial Graphic Representation", + "Geographic Visualization" + ] + }, + "Medical Records Management": { + "description": "Comprehensive skills in processing, classifying, maintaining, and organizing medical documentation, patient records, and healthcare paperwork with precision and systematic accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Documentation", + "Patient Record Coordination", + "Medical Information Processing" + ] + }, + "Healthcare Administrative Communication": { + "description": "Advanced interpersonal communication skills specific to medical settings, involving precise information exchange, patient interaction, stakeholder coordination, and professional medical documentation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Office Communication", + "Healthcare Interaction Management" + ] + }, + "Medical Facility Operational Coordination": { + "description": "Advanced skills in managing medical facility workflows, scheduling, processing administrative tasks, ensuring regulatory compliance, and maintaining operational efficiency in healthcare environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Workflow Management", + "Medical Office Operations" + ] + }, + "Pedagogical Assessment and Monitoring": { + "description": "Advanced skills in evaluating student performance, designing comprehensive assessment methods, administering tests, tracking academic progress, and providing targeted educational feedback", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Performance Evaluation", + "Educational Progress Tracking", + "Learning Outcome Assessment" + ] + }, + "Technical Validation Engineering": { + "description": "Comprehensive skills in conducting systematic testing, verification, and quality assessment of technical systems, equipment, and processes to ensure performance, reliability, and compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Testing", + "System Validation", + "Quality Verification" + ] + }, + "Complex Problem Analysis": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Problem Solving", + "Systematic Troubleshooting", + "Analytical Reasoning" + ] + }, + "Forensic Evidence Management": { + "description": "Comprehensive skills in collecting, processing, analyzing, and documenting physical evidence for legal and investigative purposes, involving systematic evidence collection, scientific reasoning, and precise documentation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crime Scene Investigation", + "Evidence Processing", + "Forensic Documentation" + ] + }, + "Legal Documentation and Testimony": { + "description": "Advanced skills in preparing, organizing, and presenting precise legal documentation, maintaining comprehensive records, and providing expert testimony in legal or legislative proceedings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Record Keeping", + "Judicial Documentation", + "Professional Testimony Preparation" + ] + }, + "Investigative Information Management": { + "description": "Comprehensive skills in gathering, verifying, analyzing, and systematically documenting information from interviews, databases, and multiple sources to support criminal investigations and legal proceedings", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Gathering", + "Investigative Research", + "Source Verification" + ] + }, + "Emergency Response Documentation": { + "description": "Advanced skills in recording, documenting, and maintaining precise records of emergency incidents, crime scenes, and critical events with systematic attention to detail and legal requirements", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Incident Reporting", + "Emergency Record Keeping", + "Critical Event Documentation" + ] + }, + "Pattern Design and Fabrication": { + "description": "Advanced skills in creating, measuring, positioning, and manipulating templates, patterns, and materials for precise garment and textile production", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pattern Making", + "Textile Template Creation", + "Garment Design Precision" + ] + }, + "Technical Measurement and Layout": { + "description": "Comprehensive ability to calculate, measure, mark, and position materials and workpieces with high precision across manufacturing and design contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Precision Spatial Positioning", + "Technical Dimensional Analysis" + ] + }, + "Production Equipment Programming": { + "description": "Advanced skills in configuring, controlling, and operating specialized manufacturing equipment for precise production tasks", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Equipment Configuration", + "Production System Management" + ] + }, + "Risk Assessment Management": { + "description": "Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across operational, safety, legal, and strategic contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Evaluation", + "Organizational Threat Analysis", + "Strategic Risk Mitigation" + ] + }, + "Technical Specification Development": { + "description": "Advanced skills in creating precise technical documentation, system specifications, operational guidelines, and comprehensive procedural frameworks across diverse professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "System Design Documentation", + "Technical Requirements Specification" + ] + }, + "Operational Compliance Monitoring": { + "description": "Systematic approach to ensuring adherence to regulatory standards, safety protocols, quality requirements, and organizational policies through continuous inspection and strategic intervention", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Standard Enforcement", + "Compliance Verification" + ] + }, + "Strategic Investigative Analysis": { + "description": "Advanced analytical skills for conducting comprehensive investigations, gathering evidence, interviewing subjects, documenting findings, and providing systematic evaluation across legal and organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investigative Reasoning", + "Systematic Evidence Collection" + ] + }, + "Forestry Equipment Operation": { + "description": "Advanced skills in operating, controlling, and maintaining specialized logging and forestry machinery with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Logging Machinery Management", + "Forestry Equipment Control" + ] + }, + "Field Operations Safety": { + "description": "Comprehensive skills in maintaining workplace safety, conducting risk assessments, and implementing preventive measures in outdoor and forestry work environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Safety Management", + "Outdoor Work Risk Mitigation" + ] + }, + "Water Systems Management": { + "description": "Comprehensive skills in operating, monitoring, controlling, and maintaining water and wastewater treatment systems, including equipment operation, quality control, and process optimization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Water Treatment Operations", + "Utility Systems Control" + ] + }, + "Chemical Processing Control": { + "description": "Advanced skills in managing chemical processing systems, conducting material testing, monitoring chemical characteristics, and ensuring precise operational quality", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical System Management", + "Process Chemical Analysis" + ] + }, + "Precision Operational Documentation": { + "description": "Advanced skills in recording, tracking, and documenting operational data, production activities, equipment performance, and quality control measurements with systematic accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Record Keeping", + "Performance Documentation" + ] + }, + "Information Management": { + "description": "Comprehensive skills in collecting, processing, organizing, retrieving, and maintaining digital and physical information across professional contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Processing", + "Document Control", + "Information Processing" + ] + }, + "Procedural Documentation": { + "description": "Advanced skills in creating, maintaining, and managing precise operational, technical, and administrative documentation with systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Writing", + "Operational Record Keeping", + "Systematic Documentation" + ] + }, + "Digital Systems Management": { + "description": "Comprehensive abilities in managing electronic information systems, developing procedures, implementing security measures, and maintaining digital infrastructure", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Systems Control", + "Digital Infrastructure Management" + ] + }, + "Precision Manufacturing Skills": { + "description": "Advanced technical abilities in measuring, cutting, shaping, and manipulating materials with high accuracy across diverse production and medical device manufacturing environments", + "confidence": 0.98, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Technical Precision Fabrication", + "Dimensional Accuracy Manufacturing", + "Precision Material Processing" + ] + }, + "Equipment Diagnostic Monitoring": { + "description": "Systematic skills in inspecting, assessing, and maintaining operational functionality of complex machinery through comprehensive performance tracking and diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Equipment Assessment", + "Operational Performance Inspection", + "Machinery Diagnostic Analysis" + ] + }, + "Technical Quality Verification": { + "description": "Comprehensive approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control Analysis", + "Dimensional Inspection", + "Product Specification Verification" + ] + }, + "Machine Operation Control": { + "description": "Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Control", + "Machinery Management", + "Production System Operation" + ] + }, + "Technical Quality Inspection": { + "description": "Comprehensive ability to conduct detailed product inspections, measure dimensions, evaluate product characteristics, and ensure conformance to precise manufacturing specifications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control Analysis", + "Dimensional Verification", + "Product Compliance Monitoring" + ] + }, + "Technical Documentation Comprehension": { + "description": "Advanced ability to read, interpret, and apply technical instructions, work orders, blueprints, and operational documentation with high precision and systematic understanding", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Reading Comprehension", + "Operational Instruction Interpretation", + "Procedural Documentation Analysis" + ] + }, + "Precision Material Handling": { + "description": "Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes with high accuracy and attention to detail", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Processing", + "Operational Material Management", + "Precision Material Manipulation" + ] + }, + "Vision Care Technical Skills": { + "description": "Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating medical devices for eye care", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Optometric Device Preparation", + "Vision Correction Technical Expertise" + ] + }, + "Medical Device Customization": { + "description": "Specialized skills in measuring patient attributes, recommending assistive devices, fitting eyewear, and personalizing medical equipment to individual patient needs", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Medical Equipment Fitting", + "Patient-Specific Device Adaptation" + ] + }, + "Performance Arts Coordination": { + "description": "Advanced skills in managing, preparing, and executing artistic performances, including talent development, choreography, and creative collaboration across performance contexts", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Management", + "Artistic Performance Skills", + "Stage Coordination" + ] + }, + "Creative Movement Technique": { + "description": "Specialized ability to design, execute, and refine complex physical movements and choreographic sequences with precision and artistic expression", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dance Choreography", + "Movement Design", + "Artistic Physical Expression" + ] + }, + "Professional Performance Preparation": { + "description": "Comprehensive skills in practicing, training, auditioning, and developing artistic and performance capabilities through systematic skill enhancement", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Skill Development", + "Artistic Training", + "Professional Performance Readiness" + ] + }, + "Web Design and Development": { + "description": "Comprehensive skills in designing, creating, and maintaining websites and web applications, involving user interface design, technical implementation, and digital platform optimization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Web Interface Design", + "Digital Platform Creation", + "Interactive Web Solutions" + ] + }, + "Digital Visual Communication": { + "description": "Advanced skills in creating, manipulating, and presenting visual content for digital interfaces, including graphic design, image creation, and visual storytelling", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Graphic Design", + "Visual Content Production", + "Interactive Visual Communication" + ] + }, + "Technical Project Collaboration": { + "description": "Advanced interpersonal and technical skills for collaborating across teams, resolving technical challenges, developing specifications, and coordinating complex digital projects", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cross-Team Technical Coordination", + "Digital Project Management", + "Collaborative Technical Problem Solving" + ] + }, + "Digital Systems Testing": { + "description": "Comprehensive skills in developing, implementing, and executing testing routines, performance evaluations, and quality assurance processes for web and digital systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Software Performance Verification", + "Digital System Quality Control", + "Web Application Testing" + ] + }, + "Emerging Technology Adaptation": { + "description": "Proactive approach to continuously learning, researching, and integrating emerging industry trends, technological innovations, and cutting-edge digital design practices", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technology Trend Monitoring", + "Digital Innovation Integration", + "Continuous Professional Learning" + ] + }, + "Operational Problem Resolution": { + "description": "Advanced analytical skills for systematically identifying complex operational challenges, evaluating alternative solutions, and implementing strategic problem-solving techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Problem Solving", + "Operational Troubleshooting", + "Strategic Problem Analysis" + ] + }, + "Quantitative Technical Analysis": { + "description": "Advanced analytical skills using mathematical and scientific methods to diagnose, evaluate, and resolve complex technical challenges", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mathematical Problem Solving", + "Scientific Reasoning", + "Quantitative Technical Diagnostics" + ] + }, + "Educational Instruction Management": { + "description": "Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Teaching", + "Postsecondary Education Delivery", + "Instructional Strategy Development" + ] + }, + "Student Performance Evaluation": { + "description": "Advanced skills in assessing student progress, designing comprehensive assessment methods, administering tests, tracking academic development, and providing targeted educational feedback", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Performance Monitoring", + "Learning Outcome Assessment", + "Educational Progress Tracking" + ] + }, + "Research and Scholarly Contribution": { + "description": "Comprehensive skills in conducting academic research, publishing scholarly materials, developing original content, and contributing to knowledge domains in postsecondary educational contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Research Development", + "Scholarly Knowledge Expansion", + "Scientific Publication" + ] + }, + "Health Education Strategy": { + "description": "Comprehensive skills in developing, implementing, and managing educational programs focused on community health awareness, wellness guidance, and targeted health interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Health Education", + "Public Health Communication", + "Wellness Program Development" + ] + }, + "Social Services Coordination": { + "description": "Advanced skills in managing social service programs, assessing community needs, developing support tools, and facilitating comprehensive community interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Support Management", + "Social Program Development", + "Needs Assessment Coordination" + ] + }, + "Professional Health Communication": { + "description": "Advanced interpersonal communication skills specific to health education contexts, involving precise information exchange, active listening, and strategic health messaging across diverse community environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Information Dissemination", + "Wellness Communication", + "Public Health Dialogue" + ] + }, + "Community Needs Assessment": { + "description": "Comprehensive skills in systematically identifying, analyzing, and diagnosing individual and community health and educational service requirements through structured evaluation techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Diagnostic Community Analysis", + "Service Needs Identification", + "Population Health Evaluation" + ] + }, + "Organizational Health Program Management": { + "description": "Advanced skills in developing, implementing, evaluating, and coordinating comprehensive health education programs, policies, and organizational strategies to support community wellness", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Program Development", + "Wellness Strategy Implementation", + "Community Health Leadership" + ] + }, + "Textile Equipment Operation": { + "description": "Advanced skills in operating, monitoring, controlling, and maintaining specialized textile cutting and production machinery with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Textile Machinery Management", + "Production Equipment Handling" + ] + }, + "Precision Material Cutting": { + "description": "Comprehensive skills in measuring, positioning, cutting, and preparing textile materials with high accuracy and technical expertise", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fabric Manipulation", + "Textile Fabrication", + "Precision Cutting Techniques" + ] + }, + "Production Quality Inspection": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to textile manufacturing specifications", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control Analysis", + "Manufacturing Standards Verification", + "Product Compliance Monitoring" + ] + }, + "Equipment Setup and Calibration": { + "description": "Advanced skills in preparing, configuring, adjusting, and programming textile cutting and production equipment to meet specific operational requirements", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Configuration", + "Production Equipment Preparation", + "Technical Equipment Adjustment" + ] + }, + "Operational Pattern Management": { + "description": "Comprehensive ability to interpret technical instructions, position patterns, and ensure precise alignment of materials during textile production processes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pattern Positioning", + "Technical Instruction Interpretation", + "Material Alignment" + ] + }, + "Precision Medical Intervention": { + "description": "Advanced clinical skills for performing specialized medical procedures, patient assessment, treatment planning, and precise medical interventions across dental and healthcare contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surgical Precision", + "Medical Procedure Execution", + "Clinical Intervention Strategy" + ] + }, + "Healthcare Professional Communication": { + "description": "Advanced interpersonal communication skills specific to medical and dental contexts, involving precise information exchange, patient counseling, professional dialogue, emotional support, and comprehensive patient-centered communication", + "confidence": 1.0, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Medical Communication", + "Healthcare Interpersonal Interaction" + ] + }, + "Customer Service Communication": { + "description": "Advanced interpersonal skills for engaging with customers, understanding needs, providing information, resolving issues, and ensuring positive service experiences through active listening, empathy, and professional interaction", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Interaction", + "Service Orientation", + "Client Engagement" + ] + }, + "Problem Resolution Strategy": { + "description": "Advanced analytical skills for systematically identifying customer financial challenges, evaluating alternative solutions, applying critical thinking, and implementing effective problem-solving techniques", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Complex Problem Solving", + "Strategic Problem Analysis", + "Customer Issue Resolution" + ] + }, + "Chemical Analysis and Synthesis": { + "description": "Comprehensive skills in analyzing chemical compounds, preparing solutions, conducting laboratory tests, developing new products, and applying scientific methods to investigate and resolve complex chemical challenges", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Compound Investigation", + "Laboratory Chemical Processing", + "Scientific Chemical Evaluation" + ] + }, + "Technical Quality Control": { + "description": "Systematic approach to conducting detailed product and process inspections, measuring dimensions, evaluating characteristics, testing materials, and ensuring conformance to precise scientific and technical specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Quality Verification", + "Technical Standards Compliance", + "Precision Inspection" + ] + }, + "Laboratory Equipment Management": { + "description": "Advanced skills in maintaining, calibrating, operating, and ensuring proper functionality of complex scientific and technical laboratory equipment with precision and systematic safety protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Instrumentation Control", + "Technical Equipment Maintenance", + "Laboratory Instrument Calibration" + ] + }, + "Postal Operations Management": { + "description": "Comprehensive skills in managing mail sorting, routing, delivery, administrative processes, staff coordination, and operational efficiency in postal service environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mail Service Coordination", + "Postal Workflow Management", + "Postal Administrative Leadership" + ] + }, + "Personnel Resource Coordination": { + "description": "Advanced skills in managing, directing, developing, and motivating personnel, including scheduling, training, performance evaluation, and workforce optimization", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Management", + "Workforce Development", + "Human Resource Leadership" + ] + }, + "Operational Communication Strategy": { + "description": "Advanced interpersonal skills for precise information exchange, coordination of work activities, active listening, and professional interaction across diverse organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Communication Management", + "Professional Interaction Coordination", + "Organizational Dialogue Facilitation" + ] + }, + "Strategic Problem Resolution": { + "description": "Advanced analytical skills for systematically identifying complex professional challenges, evaluating alternative solutions, applying critical thinking, and implementing effective problem-solving techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Challenge Management", + "Systematic Problem Analysis", + "Strategic Operational Troubleshooting" + ] + }, + "Administrative Documentation Management": { + "description": "Comprehensive skills in preparing, processing, maintaining, and managing diverse administrative documents, records, and operational paperwork with precision and systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Record Keeping", + "Administrative Information Processing", + "Systematic Document Management" + ] + }, + "Operational Monitoring and Control": { + "description": "Comprehensive skill in monitoring equipment performance, controlling operational systems, adjusting equipment settings, and ensuring precise functional efficiency across technical work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Performance Management", + "System Control Techniques", + "Operational Parameter Adjustment" + ] + }, + "Site Dimensional Management": { + "description": "Advanced ability to measure, assess, prepare, and manage work site dimensions, spatial layouts, and operational positioning with precision and technical accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Spatial Work Site Preparation", + "Dimensional Operational Planning", + "Technical Site Assessment" + ] + }, + "Material Handling and Coordination": { + "description": "Comprehensive skills in directing, loading, positioning, transferring, and managing material movement activities with systematic operational coordination", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Material Management", + "Logistics Coordination", + "Material Transfer Control" + ] + }, + "Pumping and Hydraulic Systems Management": { + "description": "Advanced proficiency in operating, controlling, and maintaining pumping equipment and hydraulic systems with precise technical control and operational efficiency", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Hydraulic Equipment Operation", + "Pumping System Control", + "Technical Fluid Management" + ] + }, + "Recreational Program Management": { + "description": "Comprehensive skills in organizing, coordinating, and facilitating recreational activities, events, and experiences for diverse participant groups", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Activity Coordination", + "Event Planning", + "Recreational Services" + ] + }, + "Client Engagement and Support": { + "description": "Advanced interpersonal skills for understanding individual needs, providing personalized assistance, ensuring participant safety, and delivering comprehensive support services", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Interaction", + "Personal Support", + "Participant Care" + ] + }, + "Operational Safety and Rule Enforcement": { + "description": "Systematic approach to maintaining safety standards, enforcing regulations, monitoring activities, and implementing preventive measures in recreational and service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Management", + "Regulatory Compliance", + "Activity Monitoring" + ] + }, + "Genetic Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing genetic research, involving systematic investigation, sample preparation, genetic analysis, and evidence-based problem solving", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Genetic Investigation", + "Molecular Research Techniques", + "Genetic Study Design" + ] + }, + "Scientific Literature Review": { + "description": "Comprehensive skills in systematically reviewing, analyzing, and integrating professional scientific literature to maintain and expand professional knowledge across research domains", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Knowledge Maintenance", + "Academic Literature Synthesis", + "Professional Knowledge Update" + ] + }, + "Research Collaboration Management": { + "description": "Advanced interprofessional skills for coordinating research activities, collaborating with scientific specialists, facilitating knowledge sharing, and ensuring integrated research approaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Team Coordination", + "Research Partnership Development", + "Interdisciplinary Research Collaboration" + ] + }, + "Biological Sample Analysis": { + "description": "Comprehensive skills in preparing, processing, examining, and analyzing complex biological samples using advanced scientific techniques, precision measurement, and systematic laboratory protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Laboratory Sample Processing", + "Biological Specimen Examination", + "Scientific Sample Evaluation" + ] + }, + "Scientific Proposal Development": { + "description": "Advanced skills in preparing comprehensive research proposal documents, grant applications, and scientific project planning with systematic approach and strategic reasoning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Funding Acquisition", + "Grant Writing", + "Scientific Project Proposal" + ] + }, + "Organizational Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic social and organizational research involving comprehensive data collection, interpretation, and evidence-based problem solving", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Social Research Design", + "Systematic Investigative Analysis", + "Organizational Inquiry" + ] + }, + "Professional Counseling": { + "description": "Advanced interpersonal skills for providing therapeutic support, mental health guidance, personalized treatment strategies, and holistic psychological intervention across diverse professional contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Therapeutic Intervention", + "Clinical Counseling", + "Psychological Support" + ] + }, + "Interpersonal Observation": { + "description": "Advanced perceptive capabilities for understanding human behavior, social dynamics, emotional responses, and complex interpersonal interactions in professional and clinical settings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Social Perception", + "Behavioral Analysis", + "Emotional Intelligence" + ] + }, + "Research Communication": { + "description": "Advanced skills in presenting, explaining, and disseminating complex professional and scientific research findings across diverse audiences and academic contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Knowledge Transfer", + "Academic Communication", + "Research Presentation" + ] + }, + "Patient Care Communication": { + "description": "Advanced interpersonal skills for patient engagement, empathetic counseling, precise medical information exchange, emotional support, and comprehensive patient-centered communication", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Interpersonal Skills", + "Patient Interaction Management", + "Therapeutic Communication" + ] + }, + "Medical Procedure Support": { + "description": "Comprehensive skills in assisting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and surgical interventions with precise technical and interpersonal support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Procedural Assistance", + "Medical Intervention Support", + "Healthcare Practitioner Collaboration" + ] + }, + "Remote Sensing Analysis": { + "description": "Comprehensive skills in collecting, processing, and interpreting geographical and environmental data using advanced technological tools and scientific methodologies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Data Interpretation", + "Spatial Information Processing", + "Technological Survey Techniques" + ] + }, + "Educational Leadership": { + "description": "Advanced skills in managing educational programs, developing policies, supervising personnel, and providing strategic direction for educational institutions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Administration", + "Educational Program Management", + "Institutional Governance" + ] + }, + "Organizational Compliance Management": { + "description": "Comprehensive skills in ensuring adherence to regulations, developing policies, monitoring standards, and maintaining institutional effectiveness across educational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Oversight", + "Policy Development", + "Standards Enforcement" + ] + }, + "Professional Development Coordination": { + "description": "Advanced skills in supporting, guiding, and enhancing professional growth, managing talent development, and creating opportunities for continuous learning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Training", + "Career Enhancement", + "Skill Advancement" + ] + }, + "Interpersonal Guidance and Support": { + "description": "Advanced communication and support skills involving counseling, advising, mentoring, and providing personalized professional development across educational environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Mentorship", + "Career Counseling", + "Developmental Support" + ] + }, + "Landscape Design Planning": { + "description": "Advanced skills in creating graphical representations, designing outdoor spaces, preparing detailed work plans, and incorporating innovative environmental features", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Landscape Architecture", + "Environmental Design", + "Outdoor Space Planning" + ] + }, + "Green Infrastructure Development": { + "description": "Comprehensive skills in integrating sustainable design features, environmental conservation strategies, and ecological considerations in landscape and structural projects", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sustainable Design", + "Ecological Design", + "Environmental Integration" + ] + }, + "Site Analysis and Preparation": { + "description": "Comprehensive skills in analyzing physical, survey, and geographic data, inspecting facilities, evaluating site specifications, and preparing detailed work plans", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geographic Assessment", + "Site Evaluation", + "Spatial Data Analysis" + ] + }, + "Technical Project Coordination": { + "description": "Advanced ability to supervise technical personnel, prepare detailed work plans, confer with technical teams, and manage complex design and implementation processes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Team Management", + "Technical Workflow Coordination", + "Project Implementation" + ] + }, + "Complex Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts", + "confidence": 1.0, + "usage_count": 163, + "last_updated": "", + "synonyms": [ + "Strategic Problem Resolution", + "Analytical Reasoning", + "Technical Challenge Management" + ] + }, + "Mathematical Problem Analysis": { + "description": "Advanced skills in applying mathematical principles, statistical approaches, and quantitative reasoning to solve complex technical challenges specific to design, drafting, and engineering contexts.", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Design Mathematical Reasoning", + "Technical Quantitative Analysis" + ] + }, + "Advanced Learning Strategies": { + "description": "Proactive approach to understanding new information, adapting to emerging scientific challenges, continuously developing professional knowledge, and implementing innovative learning techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Continuous Professional Development", + "Adaptive Learning", + "Knowledge Expansion" + ] + }, + "Mining Equipment Operation": { + "description": "Advanced skills in operating, controlling, positioning, and managing specialized continuous mining machinery and extraction equipment with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mining Machine Control", + "Extraction Equipment Management" + ] + }, + "Geological Site Management": { + "description": "Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, air quality testing, and environmental considerations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mining Site Preparation", + "Extraction Environment Control" + ] + }, + "Extraction Workflow Coordination": { + "description": "Advanced skills in managing complex mining operational workflows, coordinating personnel activities, adjusting actions in relation to others, and ensuring systematic operational efficiency in extraction environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mining Operations Management", + "Extraction Team Coordination" + ] + }, + "Mental Health Patient Care": { + "description": "Comprehensive skills in providing specialized care for patients with mental health conditions, involving patient assessment, treatment support, psychological intervention, and holistic mental health management", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychiatric Patient Support", + "Mental Health Treatment", + "Psychological Care Management" + ] + }, + "Therapeutic Communication": { + "description": "Advanced interpersonal skills for providing empathetic, professional psychological support, involving active listening, emotional guidance, and personalized communication in mental health and counseling contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Counseling", + "Empathetic Patient Interaction", + "Mental Health Communication" + ] + }, + "Clinical Behavioral Intervention": { + "description": "Advanced skills in assessing, diagnosing, and implementing targeted interventions for patients with complex behavioral and psychological challenges", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Behavioral Treatment Strategy", + "Psychological Intervention Planning" + ] + }, + "Patient Emotional Support": { + "description": "Comprehensive interpersonal skills for providing compassionate, personalized emotional support, psychological guidance, and holistic care for patients with mental health needs", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emotional Care Management", + "Psychological Support Techniques" + ] + }, + "Medical Psychiatric Documentation": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, and treatment documentation in psychiatric and mental health settings", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychiatric Record Management", + "Clinical Documentation Precision" + ] + }, + "Maritime Navigation Skills": { + "description": "Advanced ability to operate, control, and navigate water vessels, including route planning, safety protocols, and operational management in maritime environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Water Vessel Operation", + "Maritime Operational Control", + "Watercraft Navigation" + ] + }, + "Emergency Maritime Response": { + "description": "Comprehensive skills in identifying, assessing, and managing critical situations, emergencies, and unexpected challenges in maritime and water-based transportation contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Water Emergency Management", + "Maritime Safety Intervention" + ] + }, + "Vessel Equipment Maintenance": { + "description": "Systematic skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of watercraft engines, machinery, and marine equipment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marine Equipment Upkeep", + "Watercraft Technical Maintenance" + ] + }, + "Transportation Logistics Coordination": { + "description": "Advanced skills in directing passenger and freight transport activities, managing complex operational workflows, and coordinating maritime transportation logistics", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Maritime Transport Management", + "Vessel Operational Coordination" + ] + }, + "Marine Communication Protocols": { + "description": "Advanced communication skills specific to maritime environments, involving precise information exchange, safety notifications, and professional interaction during water vessel operations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nautical Communication", + "Water Vessel Signaling" + ] + }, + "Vegetation Management": { + "description": "Comprehensive skills in treating, maintaining, and protecting plant life through systematic chemical application, inspection, and environmental conservation techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Plant Care", + "Vegetation Treatment", + "Green Space Maintenance" + ] + }, + "Chemical Application Safety": { + "description": "Advanced skills in preparing, handling, and applying chemical substances with precise safety protocols, environmental considerations, and regulatory compliance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pesticide Handling", + "Chemical Safety Management", + "Protective Substance Application" + ] + }, + "Equipment Maintenance and Operation": { + "description": "Comprehensive skills in operating, inspecting, cleaning, and maintaining specialized grounds maintenance and agricultural equipment with precision and safety focus", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machinery Management", + "Technical Equipment Control", + "Field Equipment Handling" + ] + }, + "Animal Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic research involving livestock, genetic characteristics, and agricultural scientific investigation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Scientific Research", + "Livestock Research Techniques" + ] + }, + "Agricultural Systems Analysis": { + "description": "Comprehensive analytical capabilities for evaluating complex agricultural methods, genetic characteristics, and livestock management systems through systematic scientific approaches", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Livestock Management Evaluation", + "Agricultural Method Assessment" + ] + }, + "Scientific Agricultural Communication": { + "description": "Advanced communication skills specific to agricultural and scientific contexts, involving precise technical writing, research documentation, and professional knowledge exchange", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Research Reporting", + "Scientific Method Communication" + ] + }, + "Livestock Breeding Expertise": { + "description": "Specialized skills in performing animal breeding procedures, analyzing genetic characteristics, and implementing advanced reproductive management techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Reproductive Management", + "Genetic Breeding Techniques" + ] + }, + "Agricultural Process Management": { + "description": "Comprehensive skills in developing, coordinating, and implementing agricultural methods, research protocols, and operational strategies in livestock and agricultural environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Method Development", + "Livestock Operational Coordination" + ] + }, + "Healthcare Information Systems": { + "description": "Advanced skills in managing, updating, creating, and maintaining electronic medical databases, communication systems, and technical information repositories specific to healthcare environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Data Management", + "Electronic Health Records", + "Healthcare Digital Systems" + ] + }, + "Clinical Documentation Processing": { + "description": "Systematic skills in collecting, verifying, coding, and managing complex medical information, patient histories, and healthcare administrative documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Information Coding", + "Healthcare Administrative Processing" + ] + }, + "Mechanical Equipment Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, lubricate, and maintain complex mechanical equipment and systems using specialized tools and techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Repair", + "Mechanical System Servicing", + "Technical Maintenance" + ] + }, + "Precision Technical Installation": { + "description": "Advanced skills in positioning, aligning, assembling, and installing complex mechanical and electrical equipment according to technical specifications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Setup", + "Technical Component Installation", + "Precision Equipment Positioning" + ] + }, + "Technical Design Documentation": { + "description": "Advanced skills in creating, interpreting, and communicating detailed technical drawings, schematics, and design specifications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Illustration", + "Design Specification Writing", + "Engineering Documentation" + ] + }, + "Precision Equipment Calibration": { + "description": "Advanced technical skills in measuring, adjusting, and fine-tuning electronic and mechanical equipment to ensure optimal performance", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Precision Adjustment", + "Technical Measurement Calibration" + ] + }, + "Wood Product Fabrication": { + "description": "Advanced skills in measuring, cutting, shaping, assembling, and finishing wood materials and workpieces with precision and technical accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Wood Crafting", + "Woodworking Techniques", + "Precision Wood Manufacturing" + ] + }, + "Technical Blueprint Interpretation": { + "description": "Comprehensive ability to read, understand, and apply technical instructions, blueprints, and design specifications with high precision", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Specification Reading", + "Technical Instruction Comprehension" + ] + }, + "Counseling and Guidance": { + "description": "Advanced interpersonal skills for providing professional psychological support, career guidance, personal counseling, and comprehensive individual development across diverse professional and educational contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Career Counseling", + "Personal Guidance", + "Professional Support" + ] + }, + "Client Needs Assessment": { + "description": "Comprehensive skills in systematically identifying, analyzing, and evaluating individual client requirements, developmental challenges, and personalized support strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Individual Needs Evaluation", + "Client Requirement Analysis" + ] + }, + "Educational Resource Coordination": { + "description": "Advanced skills in identifying, accessing, connecting, and managing educational and support resources to facilitate comprehensive client development and opportunities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Navigation", + "Support Service Management" + ] + }, + "Professional Communication and Intervention": { + "description": "Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and targeted professional interventions across diverse counseling and advisory contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Professional Communication", + "Intervention Communication" + ] + }, + "Holistic Client Development": { + "description": "Comprehensive approach to supporting individual growth through systematic assessment, personalized guidance, resource coordination, and comprehensive developmental strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Individual Growth Support", + "Comprehensive Client Development" + ] + }, + "Strategic Communication Management": { + "description": "Advanced interpersonal skills for developing, coordinating, and executing comprehensive communication strategies across organizational and public relations contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Public Relations Communication", + "Organizational Messaging", + "Strategic Narrative Development" + ] + }, + "Media Relations Coordination": { + "description": "Comprehensive skills in managing relationships with media outlets, developing press materials, facilitating information exchange, and maintaining positive organizational public image", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Press Interaction", + "Media Engagement", + "Promotional Communication" + ] + }, + "Event and Program Management": { + "description": "Advanced skills in conceptualizing, planning, coordinating, and executing organizational events, special programs, and promotional initiatives", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Promotional Event Planning", + "Program Coordination", + "Organizational Event Strategy" + ] + }, + "Organizational Narrative Development": { + "description": "Strategic ability to craft, communicate, and manage organizational messaging, brand storytelling, and public perception across diverse communication channels", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Brand Communication", + "Organizational Storytelling", + "Public Image Management" + ] + }, + "Stakeholder Engagement Strategy": { + "description": "Comprehensive interpersonal skills for identifying, developing, and maintaining professional relationships with diverse organizational stakeholders, including internal and external parties", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Relationship Management", + "Professional Network Development", + "Stakeholder Communication" + ] + }, + "Equipment Diagnostic Assessment": { + "description": "Systematic ability to inspect, test, evaluate, and diagnose mechanical and technical equipment functionality through comprehensive performance testing and troubleshooting", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Problem Diagnosis", + "Equipment Performance Evaluation", + "Mechanical System Analysis" + ] + }, + "Precision Machine Operation": { + "description": "Advanced skills in operating, controlling, and monitoring specialized industrial machinery with high accuracy, precision setup, and systematic performance management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Tool Control", + "Precision Equipment Management", + "Industrial Machinery Operation" + ] + }, + "Operational Quality Verification": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control Inspection", + "Dimensional Measurement", + "Product Specification Compliance" + ] + }, + "Medical Device Fabrication": { + "description": "Advanced skills in designing, measuring, fabricating, and customizing medical devices and assistive equipment with precision and patient-specific customization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Prosthetic Device Creation", + "Assistive Technology Fabrication", + "Medical Equipment Customization" + ] + }, + "Patient Assessment and Measurement": { + "description": "Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Physical Evaluation", + "Clinical Patient Examination", + "Healthcare Diagnostic Measurement" + ] + }, + "Electrical Systems Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, and maintain complex electrical and electronic systems in transportation equipment", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electrical Repair", + "Electronic Equipment Servicing", + "Transportation Equipment Electrical Maintenance" + ] + }, + "Technical Diagnostic Troubleshooting": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Problem Solving", + "Technical Fault Detection", + "Systematic Equipment Diagnostics" + ] + }, + "Academic Instruction and Research": { + "description": "Comprehensive skills in designing, delivering, and managing educational content, conducting scholarly research, developing original academic materials, and contributing to knowledge domains in postsecondary educational environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Higher Education Teaching", + "Scholarly Knowledge Development", + "Academic Content Creation" + ] + }, + "Pedagogical Assessment and Mentorship": { + "description": "Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student growth and development", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Performance Monitoring", + "Educational Support Strategies", + "Learning Progress Evaluation" + ] + }, + "Continuous Professional Development": { + "description": "Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, and collaborative learning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Lifelong Learning", + "Professional Skill Enhancement", + "Adaptive Knowledge Acquisition" + ] + }, + "Electrical Installation Skills": { + "description": "Comprehensive ability to install, configure, test, and maintain electrical components, systems, and equipment with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electrical System Setup", + "Electrical Component Installation" + ] + }, + "Precision Manual Technical Work": { + "description": "Advanced proficiency in using specialized hand and power tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy across woodworking, manufacturing, and technical work environments", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Manual Technical Manipulation", + "Precision Craftsmanship", + "Technical Manual Skills" + ] + }, + "Resource and Schedule Management": { + "description": "Comprehensive skills in managing time, personnel, and operational resources, including scheduling, coordination, and efficient workflow optimization", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Time Allocation", + "Workforce Scheduling", + "Operational Resource Planning" + ] + }, + "Information Processing and Documentation": { + "description": "Advanced skills in collecting, verifying, recording, maintaining, and managing diverse professional and administrative documentation with precision and systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Administrative Documentation", + "Information Management", + "Record Keeping" + ] + }, + "Problem Analysis and Resolution": { + "description": "Advanced analytical skills for systematically identifying complex professional challenges, evaluating alternative solutions, and implementing strategic problem-solving techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Critical Problem Solving", + "Strategic Decision Making", + "Analytical Reasoning" + ] + }, + "Surgical Patient Care": { + "description": "Advanced clinical skills for patient preparation, positioning, monitoring, and comprehensive support during surgical and medical procedures", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Surgical Support", + "Perioperative Patient Management" + ] + }, + "Healthcare Safety Protocol": { + "description": "Advanced ability to implement, monitor, and ensure patient and staff safety through systematic protective measures, equipment verification, and risk mitigation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Safety Management", + "Patient Protection Protocols" + ] + }, + "Personal Resource Management": { + "description": "Advanced skills in managing personal belongings, distributing resources, and maintaining organized storage environments with systematic approach and attention to individual patron needs", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personal Item Coordination", + "Resource Distribution", + "Patron Belongings Management" + ] + }, + "Service Environment Maintenance": { + "description": "Comprehensive skills in cleaning, organizing, and maintaining service areas, ensuring hygienic, orderly, and functional spaces for patrons and staff", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Facility Cleanliness", + "Service Space Management", + "Operational Area Upkeep" + ] + }, + "Patron Safety and Support": { + "description": "Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Safety Monitoring", + "Patron Assistance", + "Service Environment Protection" + ] + }, + "Photographic Process Management": { + "description": "Comprehensive skills in operating, monitoring, and controlling photographic developing and printing equipment, managing production workflows, and ensuring quality standards in image processing", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Photo Production Operations", + "Image Processing Control" + ] + }, + "Technical Material Preparation": { + "description": "Advanced skills in measuring, mixing, loading, and preparing chemical solutions and materials for precise production and processing tasks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Solution Handling", + "Production Material Setup" + ] + }, + "Medical Anesthesia Support": { + "description": "Advanced clinical skills for assisting healthcare practitioners during anesthesia administration, patient monitoring, emergency response, and comprehensive medical support in surgical and medical contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Anesthesia Patient Care", + "Surgical Assistance", + "Medical Procedure Support" + ] + }, + "Advanced Life Support Management": { + "description": "Comprehensive skills in implementing emergency medical interventions, monitoring critical patient conditions, administering fluids and medications, and providing rapid, strategic medical response", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Medical Intervention", + "Critical Patient Care", + "Life-Saving Procedures" + ] + }, + "Medical Equipment Precision Management": { + "description": "Advanced technical skills in operating, adjusting, maintaining, and ensuring optimal functionality of specialized medical anesthesia and diagnostic equipment with strict safety protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Operation", + "Anesthesia Equipment Control", + "Technical Medical Support" + ] + }, + "Clinical Documentation and Reporting": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and precise healthcare documentation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Management", + "Patient Information Processing", + "Healthcare Documentation" + ] + }, + "Student Safety Management": { + "description": "Comprehensive skills in ensuring physical, emotional, and developmental safety of students through proactive monitoring, environment preparation, rule enforcement, and protective interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Protection", + "Student Welfare", + "Safety Supervision" + ] + }, + "Passenger Transportation Support": { + "description": "Advanced skills in assisting passengers during transportation, ensuring comfort, safety, and coordinating vehicle movement with emphasis on special needs populations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transit Assistance", + "Passenger Care", + "Transportation Support" + ] + }, + "Behavioral Conflict Mediation": { + "description": "Advanced interpersonal skills for identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, and diplomatic intervention", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dispute Resolution", + "Conflict Management", + "Communication Mediation" + ] + }, + "Healthcare Regulatory Compliance": { + "description": "Comprehensive skills in maintaining documentation, monitoring adherence to medical regulations, ensuring patient safety standards, and managing complex administrative and legal requirements in clinical research environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Compliance", + "Medical Regulatory Management", + "Clinical Documentation Standards" + ] + }, + "Research Data Management": { + "description": "Systematic skills in collecting, processing, organizing, verifying, and maintaining complex medical and research data with high precision, ensuring data integrity, confidentiality, and comprehensive documentation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Data Processing", + "Research Information Management", + "Medical Record Coordination" + ] + }, + "Interdisciplinary Research Collaboration": { + "description": "Advanced interprofessional skills for coordinating comprehensive research activities, facilitating knowledge sharing, communicating effectively across diverse research teams, and ensuring integrated research approaches", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Team Coordination", + "Multidisciplinary Research Management", + "Scientific Collaboration" + ] + }, + "Chemical Solution Preparation": { + "description": "Advanced skills in measuring, mixing, preparing, and applying chemical solutions for industrial cleaning, washing, and metal pickling processes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Handling", + "Solution Mixing", + "Industrial Chemical Management" + ] + }, + "Production Monitoring and Quality Control": { + "description": "Systematic approach to observing equipment performance, monitoring production conditions, collecting samples, and ensuring operational quality and safety standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Inspection", + "Process Monitoring", + "Quality Verification" + ] + }, + "Retail Leadership": { + "description": "Advanced skills in supervising, managing, and coordinating retail sales personnel, operational activities, and store performance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Team Management", + "Retail Supervision", + "Store Operations Leadership" + ] + }, + "Merchandise Display Strategy": { + "description": "Advanced skills in designing, arranging, and managing product displays to optimize visual appeal and sales potential", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Presentation", + "Retail Visual Merchandising" + ] + }, + "Retail Inventory Management": { + "description": "Comprehensive skills in monitoring, tracking, purchasing, and maintaining product inventories to ensure optimal stock levels", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Stock Control", + "Product Inventory Coordination" + ] + }, + "Creative Design Management": { + "description": "Advanced ability to develop, conceptualize, and manage artistic and technical design projects, involving strategic creative thinking, visual conceptualization, and comprehensive design coordination", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Conceptualization", + "Artistic Project Management", + "Creative Strategy Development" + ] + }, + "Professional Visual Communication": { + "description": "Advanced skills in creating, presenting, and communicating visual design concepts, technical illustrations, and artistic representations across commercial, technical, and creative domains", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Presentation", + "Visual Narrative Creation", + "Technical Illustration Communication" + ] + }, + "Artistic Collaboration and Coordination": { + "description": "Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic and design productions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Team Management", + "Artistic Project Collaboration", + "Design Team Coordination" + ] + }, + "Network Systems Support": { + "description": "Advanced technical skills in troubleshooting, configuring, maintaining, and resolving complex computer network problems with systematic diagnostic approach", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Network Troubleshooting", + "Computer Network Management", + "IT Infrastructure Support" + ] + }, + "Technical Security Implementation": { + "description": "Comprehensive skills in analyzing, implementing, and monitoring security measures for computer and information systems to prevent potential breaches and protect organizational data", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cybersecurity Protocols", + "Information System Protection", + "Network Security Management" + ] + }, + "Operational Technical Documentation": { + "description": "Advanced skills in creating, maintaining, and documenting technical activities, network-related tasks, and operational procedures with precision and systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Record Keeping", + "Network Activity Documentation", + "Operational Reporting" + ] + }, + "Border Security Operations": { + "description": "Comprehensive skills in managing border entry processes, examining documentation, interviewing individuals, and ensuring national security through systematic inspection and regulatory enforcement", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Border Control", + "Immigration Enforcement", + "Customs Inspection" + ] + }, + "Investigative Risk Assessment": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and mitigating potential security risks through comprehensive investigation, evidence collection, and strategic decision-making", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Threat Analysis", + "Risk Evaluation", + "Investigative Reasoning" + ] + }, + "Legal Compliance Enforcement": { + "description": "Comprehensive skills in interpreting, applying, and enforcing complex legal regulations, immigration policies, and national security protocols with systematic precision and professional judgment", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Enforcement", + "Policy Implementation", + "Legal Standards Monitoring" + ] + }, + "Interpersonal Threat Detection": { + "description": "Advanced perceptive and communication skills for identifying potential security risks through careful observation, strategic questioning, and comprehensive behavioral analysis during interactions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Behavioral Risk Assessment", + "Interaction Screening", + "Interpersonal Threat Evaluation" + ] + }, + "Postsecondary Educational Instruction": { + "description": "Advanced skills in designing, delivering, and managing comprehensive educational content, curriculum development, student assessment, and learning experiences in higher education environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "College Teaching", + "Academic Instruction", + "Higher Education Pedagogy" + ] + }, + "Academic Research and Scholarship": { + "description": "Comprehensive capabilities in conducting scholarly research, publishing academic materials, developing original content, and contributing to knowledge domains in specialized academic fields", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scholarly Investigation", + "Academic Knowledge Creation", + "Research Development" + ] + }, + "Interdisciplinary Academic Communication": { + "description": "Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Dialogue", + "Scholarly Communication", + "Professional Academic Interaction" + ] + }, + "Energy Systems Control": { + "description": "Advanced skills in operating, monitoring, and managing complex energy distribution and transmission systems with emphasis on safety, precision, and operational efficiency", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Power Grid Management", + "Electrical Distribution Control", + "Energy Infrastructure Monitoring" + ] + }, + "Equipment Performance Monitoring": { + "description": "Comprehensive skills in inspecting, assessing, tracking, and maintaining operational functionality of complex technical equipment through systematic observation, diagnostic techniques, and performance optimization", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical System Diagnostics", + "Operational Equipment Assessment", + "Performance Tracking" + ] + }, + "Pedagogical Assessment and Development": { + "description": "Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Performance Monitoring", + "Educational Skill Evaluation", + "Learning Progress Tracking" + ] + }, + "Scientific Knowledge Communication": { + "description": "Advanced interpersonal skills for presenting, explaining, and disseminating complex scientific and academic information across diverse audiences and professional contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Knowledge Exchange", + "Professional Scientific Communication", + "Research Presentation Skills" + ] + }, + "Professional Development and Learning": { + "description": "Proactive approach to continuous learning, adapting to emerging challenges, expanding professional knowledge through training, research, collaborative learning, and systematic skill enhancement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Continuous Professional Growth", + "Adaptive Learning Strategy", + "Lifelong Skill Development" + ] + }, + "Spiritual Guidance": { + "description": "Advanced interpersonal skills for providing emotional, psychological, and spiritual support through counseling, mentoring, and compassionate communication in religious and community service contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Religious Counseling", + "Pastoral Care", + "Spiritual Mentorship" + ] + }, + "Community Religious Leadership": { + "description": "Comprehensive skills in managing, coordinating, and leading religious organizations, developing community programs, providing spiritual guidance, and facilitating social service interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Religious Program Management", + "Organizational Spiritual Leadership" + ] + }, + "Interpersonal Empathetic Support": { + "description": "Advanced communication skills involving active listening, emotional understanding, personalized guidance, and compassionate intervention across professional counseling and support service contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Compassionate Communication", + "Emotional Support Counseling" + ] + }, + "Religious Educational Programming": { + "description": "Comprehensive skills in developing, implementing, and managing educational and community programs within religious organizational contexts, involving curriculum design, event coordination, and community engagement", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Religious Education Management", + "Community Learning Initiatives" + ] + }, + "Holistic Community Support": { + "description": "Advanced skills in identifying community needs, developing support strategies, coordinating social services, and providing comprehensive assistance through religious and community-based interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Resource Navigation", + "Social Service Coordination" + ] + }, + "Precision Material Measurement": { + "description": "Advanced skills in measuring, inspecting, and verifying dimensional accuracy of workpieces and materials using specialized tools and techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Precision Measurement", + "Technical Inspection" + ] + }, + "Creative Design Visualization": { + "description": "Advanced ability to conceptualize, illustrate, and develop artistic and technical design concepts for commercial, exhibition, and decorative purposes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Conceptualization", + "Visual Design Development", + "Technical Illustration" + ] + }, + "Market and Trend Analysis": { + "description": "Comprehensive ability to research, monitor, and integrate current artistic, design, and commercial trends into professional creative work", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Trend Research", + "Market Intelligence", + "Creative Trend Monitoring" + ] + }, + "Collaborative Design Production": { + "description": "Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop and execute design projects", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Team Coordination", + "Creative Collaboration", + "Interdisciplinary Design Management" + ] + }, + "Client Interaction Management": { + "description": "Advanced interpersonal skills for understanding client needs, providing personalized service, building rapport, and maintaining professional customer relationships", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Engagement", + "Professional Service Communication" + ] + }, + "Precision Manual Skill Application": { + "description": "Advanced technical skills in using specialized tools and techniques for precise manual manipulation, treatment, and service delivery", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Detailed Manual Craftsmanship", + "Precise Service Execution" + ] + }, + "Broadcast Media Performance": { + "description": "Advanced skills in presenting, hosting, and delivering engaging audio/visual content across broadcasting platforms, involving vocal performance, audience interaction, and professional communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Radio Announcing", + "Media Presentation", + "Broadcast Hosting" + ] + }, + "Media Production Coordination": { + "description": "Comprehensive skills in managing technical and creative aspects of media production, including equipment operation, content preparation, and workflow coordination", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Broadcast Operations", + "Media Technical Management" + ] + }, + "News and Information Gathering": { + "description": "Advanced skills in researching, interviewing, collecting, and preparing informational content for broadcast and media platforms", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Journalistic Research", + "Media Content Development" + ] + }, + "Classroom Management": { + "description": "Advanced skills in establishing, maintaining, and enforcing effective classroom rules, behavioral standards, and learning environment strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Behavior Coordination", + "Learning Environment Control" + ] + }, + "Instructional Strategy Development": { + "description": "Comprehensive ability to design, adapt, and implement diverse teaching methods, learning objectives, and educational approaches tailored to student needs", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Method Adaptation", + "Pedagogical Technique Design" + ] + }, + "Student Performance Monitoring": { + "description": "Systematic approach to tracking, assessing, evaluating, and supporting student academic progress through comprehensive assessment and intervention strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Progress Tracking", + "Learning Outcome Assessment" + ] + }, + "Educational Communication": { + "description": "Advanced interpersonal communication skills specific to educational contexts, involving precise information exchange, active listening, and strategic interaction with students, parents, and educational professionals", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pedagogical Communication", + "Educational Dialogue Management" + ] + }, + "Developmental Learning Support": { + "description": "Comprehensive skills in identifying, addressing, and supporting individual student learning needs, developmental challenges, and personalized educational interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Individual Learning Adaptation", + "Student Developmental Guidance" + ] + }, + "Operational Food Service Management": { + "description": "Comprehensive skills in coordinating food and beverage service activities, managing seating arrangements, processing transactions, and ensuring customer satisfaction in restaurant and hospitality settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Restaurant Operations", + "Dining Service Coordination" + ] + }, + "Professional Communication and Coordination": { + "description": "Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments, with specific emphasis on medical and healthcare contexts", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Interprofessional Communication", + "Healthcare Dialogue", + "Strategic Professional Interaction" + ] + }, + "Textile Material Manipulation": { + "description": "Advanced skills in cutting, measuring, positioning, and preparing textile materials with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fabric Handling", + "Textile Cutting", + "Material Preparation" + ] + }, + "Precision Garment Production": { + "description": "Comprehensive abilities in measuring, designing, assembling, and finishing clothing and textile products with high technical accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clothing Fabrication", + "Textile Assembly", + "Garment Manufacturing" + ] + }, + "Pattern Design and Layout": { + "description": "Advanced skills in creating, interpreting, and positioning templates and patterns for textile and garment production", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Template Creation", + "Pattern Interpretation", + "Design Positioning" + ] + }, + "Agricultural Systems Engineering": { + "description": "Advanced technical skills in designing, analyzing, and implementing agricultural engineering solutions, including equipment design, environmental impact assessment, and sustainable agricultural technologies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Design", + "Engineering Agricultural Solutions" + ] + }, + "Complex Problem Solving in Engineering": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Problem Resolution", + "Technical Challenge Analysis" + ] + }, + "Operational Systems Analysis": { + "description": "Comprehensive skills in determining system performance, evaluating operational conditions, analyzing changes, and developing strategic improvements in technical and agricultural engineering contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Systems Performance Evaluation", + "Operational Optimization" + ] + }, + "Equipment Diagnostic Troubleshooting": { + "description": "Advanced systematic skills for identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques and problem-solving methodologies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Problem Resolution", + "Mechanical Systems Diagnostics" + ] + }, + "Precision Technical Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex mechanical and electronic equipment using specialized tools and systematic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Repair Skills", + "Technical System Restoration" + ] + }, + "Biomedical Engineering Design": { + "description": "Advanced skills in designing medical devices, appliances, and technical solutions for healthcare applications, involving systematic problem-solving and innovative engineering approaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Engineering", + "Healthcare Technology Design" + ] + }, + "Systems Engineering Analysis": { + "description": "Advanced analytical capabilities for evaluating complex systems, determining operational performance, analyzing changes, and developing strategic improvements", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Systems Evaluation", + "Operational Performance Analysis" + ] + }, + "Professional Technical Communication": { + "description": "Advanced interpersonal skills for precise information exchange, technical consultation, and professional interaction in engineering and scientific environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Dialogue", + "Engineering Communication" + ] + }, + "Technical Systems Design": { + "description": "Advanced capability to conceptualize, analyze, develop, and optimize complex technical systems across engineering and hardware domains", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering System Development", + "Technical Design Engineering" + ] + }, + "Equipment Performance Diagnostics": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Troubleshooting", + "Equipment Diagnostic Analysis" + ] + }, + "Technical Measurement and Verification": { + "description": "Advanced skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high precision", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Measurement", + "Technical Inspection" + ] + }, + "Vehicle Diagnostic Assessment": { + "description": "Advanced skills in systematically inspecting, testing, and diagnosing automotive vehicle mechanical and electrical systems to identify performance issues and required repairs", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Troubleshooting", + "Automotive System Analysis", + "Vehicle Performance Evaluation" + ] + }, + "Mechanical Repair Precision": { + "description": "Advanced technical skills in precisely disassembling, repairing, replacing, and reassembling automotive mechanical components using specialized tools and techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Automotive Component Repair", + "Mechanical System Restoration", + "Precision Vehicle Maintenance" + ] + }, + "Equipment Maintenance Strategy": { + "description": "Comprehensive approach to systematically inspecting, maintaining, and optimizing vehicle and mechanical equipment functionality through preventive maintenance and strategic repair techniques", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Preventive Maintenance Planning", + "Equipment Performance Optimization", + "Systematic Repair Management" + ] + }, + "Technical Safety Verification": { + "description": "Systematic skills in ensuring vehicle and equipment operational safety through comprehensive inspections, quality control, and adherence to technical and regulatory standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Compliance Monitoring", + "Equipment Safety Assessment", + "Technical Operational Verification" + ] + }, + "Precision Manual Tool Manipulation": { + "description": "Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex automotive and mechanical repair tasks with high technical accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Tool Expertise", + "Specialized Equipment Handling", + "Precision Mechanical Tooling" + ] + }, + "Patient Treatment and Counseling": { + "description": "Advanced interpersonal skills for patient engagement, providing medical guidance, explaining procedures, treatment planning, and comprehensive patient-centered care", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Patient Support", + "Clinical Communication Strategy" + ] + }, + "Medical Procedure and Equipment Management": { + "description": "Comprehensive skills in operating, maintaining, and ensuring proper functionality of medical diagnostic and treatment equipment with strict safety protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Equipment Maintenance", + "Clinical Instrumentation Control" + ] + }, + "Training Program Development": { + "description": "Comprehensive skills in designing, creating, and implementing targeted training materials and educational programs to enhance professional skills and organizational capabilities", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Instructional Design", + "Learning Content Creation", + "Professional Skills Training" + ] + }, + "Organizational Learning Strategy": { + "description": "Advanced ability to assess skill gaps, develop comprehensive learning approaches, and implement systematic professional development initiatives across organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Skills Gap Analysis", + "Workforce Learning Management", + "Professional Development Planning" + ] + }, + "Performance Evaluation and Monitoring": { + "description": "Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Skills Assessment", + "Workforce Performance Tracking", + "Professional Growth Monitoring", + "Monitoring" + ] + }, + "Interpersonal Learning Facilitation": { + "description": "Advanced communication and instructional skills for effectively teaching, guiding, and supporting professional skill development through active learning strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Learning Coaching", + "Skill Transfer Techniques", + "Professional Mentorship" + ] + }, + "Organizational Training Coordination": { + "description": "Comprehensive skills in managing, scheduling, and coordinating complex training activities, resources, and personnel development programs across diverse organizational environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Training Logistics Management", + "Learning Program Coordination", + "Professional Development Administration" + ] + }, + "Investigative Evidence Analysis": { + "description": "Advanced skills in systematically collecting, examining, documenting, and interpreting physical and financial evidence to support legal and fraud investigations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Evidence Collection", + "Forensic Investigation", + "Legal Evidence Processing" + ] + }, + "Regulatory Compliance Investigation": { + "description": "Comprehensive skills in examining organizational records, identifying potential legal and financial violations, and ensuring adherence to complex regulatory standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Compliance Monitoring", + "Regulatory Risk Assessment" + ] + }, + "Financial Fraud Detection": { + "description": "Advanced analytical skills for identifying, tracing, and documenting potential financial misconduct, fraudulent activities, and economic irregularities", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fraud Examination", + "Financial Crime Analysis" + ] + }, + "Professional Interviewing": { + "description": "Advanced interpersonal skills for conducting systematic, strategic interviews with witnesses, suspects, and claimants to gather critical information", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investigative Questioning", + "Information Extraction" + ] + }, + "Professional Procedural Communication": { + "description": "Advanced communication skills for precise verbal and written information exchange in formal professional contexts, involving active listening, documentation, and strategic interaction", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Formal Communication", + "Professional Dialogue", + "Procedural Interaction" + ] + }, + "Interpersonal Conflict Management": { + "description": "Advanced skills in identifying, addressing, and resolving interpersonal conflicts through strategic communication, active listening, empathy, and diplomatic intervention", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Conflict Resolution", + "Mediation Skills", + "Professional Diplomacy" + ] + }, + "Technical Illustration Skills": { + "description": "Comprehensive ability to create detailed, precise, and technically accurate illustrations across artistic, commercial, and technical domains, involving advanced drawing and visualization techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Detailed Graphic Representation", + "Technical Drawing", + "Precision Visualization" + ] + }, + "Exhibition and Display Design": { + "description": "Advanced skills in designing, planning, and creating visual displays, exhibits, and promotional materials with strategic aesthetic and functional considerations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Visual Display Planning", + "Exhibit Design", + "Promotional Layout Creation" + ] + }, + "Design Material Preparation": { + "description": "Comprehensive skills in selecting, preparing, handling, and preserving artistic materials, tools, and equipment for creation, exhibition, and storage of design and artistic works", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Material Management", + "Design Resource Preparation", + "Creative Material Handling" + ] + }, + "Visual Presentation Skills": { + "description": "Advanced ability to arrange, display, and present visual elements for commercial, promotional, and artistic purposes, involving aesthetic composition and strategic visual communication", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Visual Display Design", + "Aesthetic Arrangement", + "Promotional Styling" + ] + }, + "Professional Image Modeling": { + "description": "Comprehensive skills in representing products, clothing, or brands through physical presentation, body positioning, and professional image communication", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Commercial Modeling", + "Product Representation", + "Brand Presentation" + ] + }, + "Career Opportunity Identification": { + "description": "Advanced skills in researching, evaluating, and identifying potential employment and professional development opportunities across diverse industries", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Job Market Analysis", + "Career Exploration", + "Professional Opportunity Mapping" + ] + }, + "Data Management": { + "description": "Comprehensive skills in collecting, processing, organizing, evaluating, and maintaining electronic data across complex professional environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Processing", + "Electronic Information Management", + "Data Quality Control" + ] + }, + "Systematic Problem Analysis": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex professional challenges through logical reasoning, scientific methods, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Problem Resolution", + "Analytical Reasoning", + "Strategic Problem Solving" + ] + }, + "Therapeutic Art Intervention": { + "description": "Advanced skills in using art as a therapeutic tool for psychological healing, emotional support, and patient treatment across clinical and counseling contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Art Therapy Techniques", + "Creative Healing Approaches" + ] + }, + "Empathetic Professional Communication": { + "description": "Advanced interpersonal skills for providing compassionate, supportive, and precise communication in therapeutic, healthcare, and counseling environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Compassionate Client Interaction", + "Emotional Support Communication" + ] + }, + "Treatment Plan Development": { + "description": "Advanced skills in creating, implementing, and adapting personalized therapeutic and treatment strategies across diverse psychological and medical contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personalized Intervention Planning", + "Holistic Treatment Strategy" + ] + }, + "Creative Psychological Intervention": { + "description": "Specialized skills in using creative and artistic approaches to support psychological healing, emotional expression, and therapeutic treatment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Therapeutic Techniques", + "Creative Healing Methods" + ] + }, + "Equipment Operation and Control": { + "description": "Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and production equipment across diverse manufacturing environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Production Equipment Management", + "Technical System Operation", + "Operation and Control" + ] + }, + "Technical Safety and Compliance": { + "description": "Comprehensive skills in ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance and safety protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Workplace Risk Mitigation", + "Safety Protocol Enforcement" + ] + }, + "Patron Safety Management": { + "description": "Advanced skills in monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Protection", + "Visitor Safety Coordination", + "Emergency Response Support" + ] + }, + "Professional Communication and Interaction": { + "description": "Advanced interpersonal skills for engaging with customers, providing information, resolving inquiries, and creating positive service experiences through active listening and strategic communication", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Engagement", + "Service Interaction Management", + "Professional Dialogue", + "Active Listening" + ] + }, + "Operational Information Management": { + "description": "Comprehensive skills in collecting, processing, recording, and maintaining operational information, documentation, and administrative records with precision and systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Administrative Documentation", + "Operational Record Keeping", + "Information Processing" + ] + }, + "Inventory Management": { + "description": "Comprehensive skills in tracking, sorting, storing, and coordinating the movement of materials and products through systematic operational processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Stock Control", + "Product Tracking", + "Supply Chain Coordination" + ] + }, + "Material Handling": { + "description": "Proficient skills in loading, positioning, measuring, and transferring materials through complex operational workflows", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Movement", + "Logistics Coordination", + "Resource Positioning" + ] + }, + "Quality Inspection": { + "description": "Systematic approach to examining products, verifying order accuracy, identifying damage or defects, and ensuring operational quality standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Verification", + "Order Accuracy Check", + "Defect Detection" + ] + }, + "Infrastructure Design": { + "description": "Advanced skills in creating graphical representations, designing civil structures, preparing technical plans, and incorporating innovative engineering features with emphasis on systematic design methodology", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Structural Design", + "Civil Engineering Design", + "Technical Planning" + ] + }, + "Environmental Systems Analysis": { + "description": "Comprehensive skills in investigating environmental impacts, assessing project sustainability, evaluating ecological considerations, and implementing green design strategies across engineering and infrastructure projects", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Impact Assessment", + "Sustainability Engineering" + ] + }, + "Site Evaluation and Preparation": { + "description": "Advanced skills in surveying land, inspecting facilities, measuring geographic features, assessing site specifications, and preparing comprehensive technical work plans", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Analysis", + "Geographic Survey Management" + ] + }, + "Vehicle Mechanical Diagnostics": { + "description": "Advanced skills in systematically inspecting, testing, and diagnosing automotive and heavy vehicle mechanical systems to identify performance issues, repair needs, and ensure optimal functionality", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle System Analysis", + "Mechanical Fault Detection", + "Equipment Performance Evaluation" + ] + }, + "Specialized Tool Operation": { + "description": "Advanced proficiency in selecting, using, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks with high technical accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Tool Manipulation", + "Technical Equipment Handling", + "Specialized Mechanical Tooling" + ] + }, + "Patient Care Support": { + "description": "Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for patients with diverse needs", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Assistance", + "Patient Assistance", + "Medical Support" + ] + }, + "Healthcare Procedural Assistance": { + "description": "Advanced skills in supporting medical professionals, documenting patient information, administering basic treatments, and facilitating comprehensive patient care delivery", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Procedure Support", + "Clinical Assistance", + "Healthcare Workflow Management" + ] + }, + "Interpersonal Patient Interaction": { + "description": "Advanced communication skills involving empathy, active listening, emotional support, and precise information exchange in healthcare and patient care contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Communication", + "Compassionate Care Interaction", + "Healthcare Engagement" + ] + }, + "Personal Care and Safety Management": { + "description": "Comprehensive skills in assisting patients with daily activities, ensuring proper positioning, monitoring health conditions, and maintaining patient safety and comfort", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Mobility Support", + "Healthcare Safety Assistance", + "Personal Care Coordination" + ] + }, + "Agricultural Data Analysis": { + "description": "Advanced skills in collecting, processing, analyzing, and interpreting geographical, environmental, and agricultural data using scientific methods and technical tools", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Agriculture Analytics", + "Agricultural Research Data Processing" + ] + }, + "Environmental Field Operations": { + "description": "Comprehensive skills in conducting field research, collecting geological and environmental samples, preparing sites, and managing technical operations in outdoor work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Field Research Management", + "Technical Site Preparation" + ] + }, + "Precision Agricultural Technology": { + "description": "Advanced technical skills in operating, maintaining, and managing specialized agricultural equipment, monitoring crop management methods, and applying technological innovations in agricultural contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Equipment Management", + "Crop Technology Integration" + ] + }, + "Scientific Operational Documentation": { + "description": "Comprehensive skills in preparing, recording, maintaining, and communicating detailed technical reports, research findings, operational data, and scientific documentation with precision and systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Research Reporting", + "Scientific Record Management" + ] + }, + "Geospatial Survey Techniques": { + "description": "Advanced skills in using mathematical and scientific methods to collect, process, measure, and interpret geographical survey data with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geographic Data Mapping", + "Spatial Survey Analysis" + ] + }, + "Vehicle Body Repair": { + "description": "Advanced technical skills in diagnosing, repairing, and restoring automotive body components, including damage assessment, surface preparation, and precision restoration techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Auto Body Repair", + "Automotive Restoration", + "Vehicle Damage Repair" + ] + }, + "Welding and Fabrication": { + "description": "Advanced technical skills in operating welding equipment, cutting materials, and fabricating or repairing vehicle components with precision and technical expertise", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Metal Fabrication", + "Automotive Welding", + "Component Repair" + ] + }, + "Automotive Parts Replacement": { + "description": "Comprehensive ability to remove, inspect, replace, and install vehicle parts and accessories with systematic precision and technical accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Component Installation", + "Automotive Part Replacement", + "Vehicle Repair" + ] + }, + "Creative Writing Skills": { + "description": "Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Writing", + "Literary Composition", + "Creative Content Development" + ] + }, + "Artistic Collaboration": { + "description": "Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic productions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Team Coordination", + "Artistic Project Management" + ] + }, + "Research and Conceptualization": { + "description": "Comprehensive skills in conducting research to inform artistic work, determining presentation subjects, and developing original creative concepts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Research", + "Artistic Ideation", + "Conceptual Development" + ] + }, + "Professional Creative Communication": { + "description": "Advanced communication skills for discussing production content, coordinating artistic activities, and effectively exchanging creative ideas", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Dialogue", + "Creative Interaction", + "Professional Creative Discourse" + ] + }, + "Intellectual Property Management": { + "description": "Advanced skills in obtaining copyrights, managing legal permissions, and protecting creative intellectual property", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Rights Management", + "Legal Content Protection" + ] + }, + "Criminal Investigation Skills": { + "description": "Advanced capabilities in conducting systematic investigations, gathering evidence, interviewing subjects, analyzing crime scenes, and preparing comprehensive legal documentation for criminal proceedings", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investigative Procedure", + "Criminal Evidence Collection", + "Legal Investigation Techniques" + ] + }, + "Strategic Information Gathering": { + "description": "Advanced interpersonal and analytical skills for systematically collecting, verifying, and analyzing information through interviews, observations, and multiple investigative techniques", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Intelligence Collection", + "Information Verification", + "Investigative Interviewing" + ] + }, + "Administrative Documentation Processing": { + "description": "Comprehensive skills in preparing, reviewing, tracking, and managing administrative documents, paperwork, payments, and regulatory compliance across professional service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Document Management", + "Paperwork Processing", + "Administrative Record Keeping" + ] + }, + "Operational Communication Management": { + "description": "Advanced communication skills involving precise information exchange, active listening, professional interaction, and strategic coordination of work activities across diverse service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Communication", + "Workplace Information Exchange", + "Operational Dialogue" + ] + }, + "Clinical Procedure Support": { + "description": "Comprehensive skills in assisting healthcare practitioners during medical procedures, maintaining sterile environments, preparing medical supplies, and providing precise technical and interpersonal support across medical settings", + "confidence": 0.99, + "usage_count": 5, + "last_updated": "", + "synonyms": [ + "Medical Procedure Assistance", + "Clinical Technical Support", + "Healthcare Procedural Aid" + ] + }, + "Patient Assessment": { + "description": "Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across medical contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Evaluation", + "Clinical Patient Examination", + "Healthcare Condition Assessment" + ] + }, + "Project Management in Technology": { + "description": "Comprehensive ability to plan, coordinate, execute, and monitor complex information technology projects involving resource allocation, stakeholder communication, and strategic implementation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "IT Project Coordination", + "Technology Project Leadership" + ] + }, + "Systems Design and Integration": { + "description": "Advanced skills in designing, configuring, and implementing integrated computer systems that meet organizational technological requirements and operational objectives", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Enterprise Technology Architecture", + "Systems Engineering" + ] + }, + "Scientific Communication": { + "description": "Advanced communication skills specific to scientific contexts, involving precise technical writing, research documentation, public engagement, and interdisciplinary knowledge exchange", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Reporting", + "Scientific Information Dissemination", + "Technical Knowledge Communication" + ] + }, + "Quantitative Risk Analysis": { + "description": "Advanced mathematical and statistical skills for systematically evaluating, calculating, and managing complex probabilistic risks and financial uncertainties across professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mathematical Risk Assessment", + "Probabilistic Modeling", + "Financial Risk Evaluation" + ] + }, + "Strategic Financial Modeling": { + "description": "Comprehensive skills in developing complex mathematical models to predict financial outcomes, analyze trends, and support organizational decision-making", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Predictive Analysis", + "Actuarial Forecasting", + "Mathematical Financial Planning" + ] + }, + "Complex Problem Reasoning": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving intricate professional challenges through logical reasoning, critical thinking, and comprehensive strategic approaches", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Analytical Problem Solving", + "Strategic Reasoning", + "Critical Challenge Resolution" + ] + }, + "Professional Data Interpretation": { + "description": "Advanced skills in analyzing, synthesizing, and deriving meaningful insights from complex numerical and statistical information across professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Analysis", + "Statistical Reasoning", + "Numerical Information Processing" + ] + }, + "Food Service Operations": { + "description": "Comprehensive skills in managing food preparation, service activities, kitchen workflows, equipment operation, and ensuring quality food delivery across culinary environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Kitchen Management", + "Culinary Service Coordination", + "Food Preparation Workflow" + ] + }, + "Sanitation and Hygiene Management": { + "description": "Advanced skills in maintaining cleanliness, preventing contamination, following food safety protocols, and ensuring hygienic conditions in food preparation and service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Safety Practices", + "Kitchen Cleanliness", + "Hygiene Standards" + ] + }, + "Resource Distribution": { + "description": "Proficient skills in managing, distributing, and coordinating supplies, equipment, and materials across operational service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Supply Coordination", + "Inventory Management", + "Resource Allocation" + ] + }, + "Scientific Environmental Assessment": { + "description": "Advanced analytical capabilities for systematically evaluating environmental conditions, collecting field data, measuring ecological characteristics, and conducting comprehensive scientific investigations", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Data Analysis", + "Environmental Research Methodology", + "Scientific Field Monitoring" + ] + }, + "Natural Resource Planning": { + "description": "Comprehensive skills in developing, implementing, and managing conservation and restoration programs for forests, ecosystems, and renewable natural resources", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Conservation Strategy", + "Ecosystem Management", + "Sustainable Resource Development" + ] + }, + "Precision Pattern Design": { + "description": "Advanced skills in creating, measuring, positioning, and manipulating templates and patterns for precise manufacturing and fabrication", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Template Creation", + "Pattern Engineering" + ] + }, + "Strategic Procurement Management": { + "description": "Advanced skills in purchasing products, negotiating contracts, evaluating goods and services, and making strategic decisions to optimize organizational resource acquisition", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Purchasing Strategy", + "Contract Negotiation", + "Resource Acquisition" + ] + }, + "Financial Transaction Processing": { + "description": "Comprehensive skills in executing sales, managing financial transactions, calculating data, and maintaining precise financial documentation across organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Execution", + "Financial Record Management", + "Transaction Coordination" + ] + }, + "Operational Communication and Coordination": { + "description": "Advanced interpersonal skills for communicating with government agencies, coordinating logistics, advising on business matters, and ensuring effective interdepartmental information exchange", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Inter-Agency Communication", + "Logistics Coordination", + "Business Advisory" + ] + }, + "Geospatial Data Visualization": { + "description": "Advanced skills in creating precise graphical representations, maps, and visual documentation of geographic and spatial information using technical mapping techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cartographic Design", + "Spatial Mapping", + "Geographic Visualization" + ] + }, + "Survey Data Collection": { + "description": "Comprehensive skills in gathering, measuring, and documenting precise geographic and environmental survey data using mathematical and scientific methods", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Field Data Acquisition", + "Geographic Measurement", + "Scientific Survey Techniques" + ] + }, + "Technical Measurement Precision": { + "description": "Advanced ability to measure, calculate, inspect, and verify dimensional specifications, performance parameters, and technical characteristics with high accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Precision Measurement", + "Technical Specification Analysis" + ] + }, + "Collection Management": { + "description": "Advanced skills in organizing, preserving, evaluating, and maintaining archival materials, library resources, and historical collections with systematic preservation techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Curation", + "Archival Preservation", + "Collection Development" + ] + }, + "Research and Documentation": { + "description": "Comprehensive capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Writing", + "Scholarly Documentation", + "Research Compilation" + ] + }, + "Community Program Development": { + "description": "Comprehensive skills in designing, planning, and implementing public educational and cultural programs, involving strategic engagement, audience targeting, and organizational coordination", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Public Program Management", + "Community Engagement Strategy" + ] + }, + "Institutional Resource Management": { + "description": "Advanced abilities in coordinating material resources, managing instructional or archival equipment, maintaining inventories, and ensuring operational efficiency in cultural and educational institutions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Coordination", + "Institutional Logistics" + ] + }, + "Professional Communication": { + "description": "Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and comprehensive interaction across diverse professional environments, with specific emphasis on technical, scientific, and food science contexts", + "confidence": 1.0, + "usage_count": 180, + "last_updated": "", + "synonyms": [ + "Technical Communication", + "Professional Dialogue", + "Interdisciplinary Information Exchange" + ] + }, + "Information Gathering and Verification": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction, critical analysis, and comprehensive intelligence collection", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Comprehensive Source Analysis", + "Multi-Source Intelligence Collection" + ] + }, + "Procedural Compliance and Coordination": { + "description": "Systematic approach to ensuring regulatory adherence, managing administrative workflows, coordinating work activities, and maintaining organizational standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Management", + "Workflow Coordination", + "Administrative Compliance" + ] + }, + "Operational Sanitation Management": { + "description": "Comprehensive skills in maintaining cleanliness, preventing contamination, following safety protocols, and ensuring hygienic conditions in food service and workplace environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Hygiene", + "Safety and Cleanliness", + "Contamination Prevention" + ] + }, + "Resource Distribution and Coordination": { + "description": "Proficient skills in managing, distributing, and coordinating supplies, equipment, and materials across operational service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Supply Chain Management", + "Inventory Coordination", + "Resource Allocation" + ] + }, + "Transaction Processing": { + "description": "Comprehensive skills in executing financial transactions, calculating costs, processing payments, and maintaining precise documentation in service and retail environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Transaction Management", + "Payment Processing", + "Sales Documentation" + ] + }, + "Vehicle Traffic Management": { + "description": "Advanced skills in directing, coordinating, and managing vehicle movement, traffic flow, and operational safety in parking and transportation environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Traffic Control", + "Vehicle Navigation", + "Parking Coordination" + ] + }, + "Spatial Measurement and Marking": { + "description": "Comprehensive ability to measure work site dimensions, mark reference points, create installation diagrams, and ensure accurate spatial positioning", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Technical Layout Skills", + "Precision Spatial Positioning" + ] + }, + "Data Systems Engineering": { + "description": "Advanced skills in designing, developing, analyzing, and maintaining complex data warehousing systems, including database creation, system architecture, and performance optimization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Infrastructure Management", + "Database Systems Development" + ] + }, + "Information Technology Optimization": { + "description": "Comprehensive skills in improving, modifying, and enhancing software programs, systems, and technological infrastructure to maximize performance, efficiency, and operational effectiveness", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "System Performance Enhancement", + "IT Process Improvement" + ] + }, + "Laboratory Specimen Analysis": { + "description": "Advanced technical skills in examining, processing, and interpreting biological specimens using scientific methods and precision laboratory techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Sample Processing", + "Medical Specimen Examination", + "Biological Testing" + ] + }, + "Healthcare Quality Control": { + "description": "Systematic approach to developing, implementing, and monitoring safety procedures, quality standards, and compliance protocols in medical and clinical environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Safety Procedures", + "Clinical Quality Assurance" + ] + }, + "Precision Scientific Documentation": { + "description": "Advanced skills in recording, maintaining, and communicating detailed medical and laboratory findings, patient data, and technical research information", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Record Management", + "Scientific Documentation" + ] + }, + "Microbiological Cultivation": { + "description": "Specialized expertise in preparing, growing, studying, and managing micro-organisms for medical research, testing, and diagnostic purposes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Microbial Culture Techniques", + "Organism Cultivation" + ] + }, + "Construction Material Handling": { + "description": "Advanced skills in measuring, cutting, positioning, and preparing masonry and construction materials for installation and assembly tasks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Preparation", + "Construction Material Preparation", + "Masonry Material Handling" + ] + }, + "Temporary Structure Assembly": { + "description": "Comprehensive ability to assemble, position, and secure temporary equipment and structures for construction and work site operations", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Temporary Equipment Setup", + "Work Site Structure Preparation" + ] + }, + "Construction Equipment Operation": { + "description": "Proficient skills in operating, controlling, and managing specialized construction and material-moving equipment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Heavy Equipment Navigation", + "Construction Machinery Management" + ] + }, + "Food Preparation Skills": { + "description": "Advanced technical abilities in cooking, preparing, measuring ingredients, and managing food production processes in fast-paced culinary environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Culinary Production", + "Kitchen Operations", + "Food Handling" + ] + }, + "Interpersonal Healthcare Communication": { + "description": "Advanced communication skills involving active listening, precise information exchange, professional interaction, and comprehensive understanding in medical and pharmacy service environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Interaction Skills", + "Medical Communication Proficiency", + "Healthcare Service Dialogue" + ] + }, + "Property Management": { + "description": "Comprehensive skills in managing real estate properties, coordinating maintenance, resolving tenant issues, and ensuring operational efficiency across community and residential environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Real Estate Operations", + "Community Association Management" + ] + }, + "Financial Resource Coordination": { + "description": "Advanced skills in preparing budgets, analyzing financial records, managing operational expenses, and making strategic financial decisions for organizational sustainability", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Budgeting", + "Financial Planning" + ] + }, + "Stakeholder Communication": { + "description": "Advanced interpersonal skills for effectively communicating with diverse stakeholders, negotiating agreements, resolving conflicts, and maintaining professional relationships across organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Relationship Management", + "Interdepartmental Coordination" + ] + }, + "Operational Compliance Management": { + "description": "Comprehensive skills in ensuring adherence to regulatory standards, managing organizational policies, conducting performance evaluations, and maintaining comprehensive operational quality", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Oversight", + "Organizational Standards Enforcement" + ] + }, + "Strategic Facility Management": { + "description": "Advanced skills in directing facility maintenance, coordinating repair activities, inspecting equipment functionality, and ensuring optimal operational conditions across diverse property environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Facility Maintenance Coordination", + "Infrastructure Oversight" + ] + }, + "Food Science Technical Analysis": { + "description": "Advanced scientific skills for analyzing food materials, conducting quality tests, measuring chemical and physical properties, and ensuring product safety and quality through systematic laboratory techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Quality Evaluation", + "Scientific Food Testing", + "Nutritional Composition Analysis" + ] + }, + "Scientific Laboratory Procedure Management": { + "description": "Comprehensive skills in managing complex scientific laboratory workflows, maintaining technical equipment, preparing biological samples, and ensuring systematic operational efficiency in research and testing environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Laboratory Operations Coordination", + "Scientific Workflow Management", + "Technical Research Procedures" + ] + }, + "Technical Research and Development": { + "description": "Advanced capabilities in conducting systematic research to improve food products, developing innovative methodologies, analyzing scientific data, and implementing evidence-based product enhancement strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Product Innovation", + "Scientific Research Methods", + "Technical Product Development" + ] + }, + "Precision Measurement and Instrumentation": { + "description": "Advanced skills in using specialized scientific instruments to measure physical and chemical properties, calibrate equipment, and ensure precise analytical accuracy in technical and research environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Instrument Operation", + "Technical Measurement Techniques", + "Analytical Equipment Management" + ] + }, + "Early Childhood Educational Administration": { + "description": "Advanced skills in managing, coordinating, and leading educational programs and administrative operations specific to preschool and daycare environments, involving strategic planning, policy development, and comprehensive child development support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Preschool Management", + "Childcare Program Leadership", + "Early Learning Administration" + ] + }, + "Child Development Program Oversight": { + "description": "Comprehensive skills in developing, implementing, and evaluating educational goals, standards, and procedures for early childhood learning environments, with emphasis on holistic child growth and developmental support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Program Management", + "Developmental Curriculum Design", + "Child Learning Strategy" + ] + }, + "Organizational Resource Allocation in Education": { + "description": "Advanced skills in managing personnel, financial, and material resources specifically within educational and childcare administrative contexts, involving budgeting, staffing, and strategic resource optimization", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Resource Management", + "Childcare Operational Coordination", + "Institutional Resource Planning" + ] + }, + "Regulatory Compliance in Childcare": { + "description": "Comprehensive skills in maintaining documentation, monitoring adherence to educational and childcare regulations, ensuring safety standards, and managing complex administrative requirements in early childhood education environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Policy Enforcement", + "Childcare Standards Management", + "Institutional Regulatory Oversight" + ] + }, + "Professional Development and Staff Training": { + "description": "Advanced skills in recruiting, training, evaluating, and developing educational personnel, focusing on continuous professional growth, performance monitoring, and comprehensive workforce skill enhancement", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Staff Management", + "Workforce Learning Coordination", + "Professional Skill Development" + ] + }, + "Precision Medical Device Fabrication": { + "description": "Advanced skills in measuring, designing, fabricating, and customizing medical devices and assistive equipment with high technical accuracy and patient-specific customization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Manufacturing", + "Ophthalmic Equipment Fabrication", + "Precision Medical Equipment Production" + ] + }, + "Vision Care Technical Expertise": { + "description": "Specialized clinical skills in measuring physical attributes, fitting vision aids, operating diagnostic equipment, and fabricating precise medical devices for eye care", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ophthalmic Technical Skills", + "Vision Correction Device Preparation", + "Medical Optical Equipment Management" + ] + }, + "Quality Control Inspection": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise technical specifications, with specific application to agricultural and forestry product standards", + "confidence": 0.99, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Product Grading", + "Agricultural Standards Verification", + "Technical Quality Assessment" + ] + }, + "Medical Device Measurement and Fitting": { + "description": "Comprehensive skills in patient physical assessment, precise measurement techniques, and customizing medical devices to individual patient anatomical requirements", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient-Specific Device Customization", + "Anatomical Measurement Techniques", + "Personalized Medical Equipment Adaptation" + ] + }, + "Drilling Operations Management": { + "description": "Advanced skills in operating, controlling, and managing specialized drilling equipment and extraction processes with emphasis on safety, precision, and operational efficiency", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Rotary Drilling Expertise", + "Extraction Equipment Control" + ] + }, + "Site Preparation and Inspection": { + "description": "Comprehensive skills in assessing, measuring, preparing, and managing work sites for drilling and extraction operations, including equipment positioning, dimensional verification, and environmental considerations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Site Management", + "Extraction Site Readiness" + ] + }, + "Extraction Equipment Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex drilling and extraction machinery with emphasis on operational reliability and safety standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Drilling Equipment Servicing", + "Mechanical System Upkeep" + ] + }, + "Spatial Analysis and Visualization": { + "description": "Advanced ability to create graphical representations, technical drawings, maps, and visual documentation of complex technical, geographical, and engineering systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Design", + "Graphical Representation", + "Spatial Mapping" + ] + }, + "Precision Measurement and Verification": { + "description": "Advanced technical skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy, specifically adapted for agricultural and forestry product assessment", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Product Dimensional Assessment", + "Agricultural Inventory Measurement", + "Technical Measurement Precision" + ] + }, + "Infrastructure Design and Planning": { + "description": "Comprehensive skills in designing civil structures, surveying sites, preparing technical work plans, and incorporating innovative engineering and environmental considerations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Project Planning", + "Site Evaluation", + "Structural Design" + ] + }, + "Complex Problem Analysis and Resolution": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Problem Solving", + "Systematic Reasoning", + "Strategic Challenge Resolution" + ] + }, + "Digital Marketing Strategy": { + "description": "Advanced skills in developing, implementing, and optimizing comprehensive digital marketing initiatives across online platforms, involving search engine optimization, content creation, and performance analysis", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Online Marketing", + "Search Marketing", + "Digital Advertising" + ] + }, + "Web Analytics and Insights": { + "description": "Comprehensive ability to collect, analyze, interpret, and leverage digital performance data to inform marketing strategies, track trends, and optimize online engagement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Performance Tracking", + "Online Trend Analysis" + ] + }, + "Strategic Online Communication": { + "description": "Advanced interpersonal skills for crafting persuasive digital messaging, engaging target audiences, and developing compelling communication strategies across online marketing channels", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Messaging", + "Online Persuasion" + ] + }, + "Technical Marketing Technology": { + "description": "Proficient skills in utilizing advanced digital marketing tools, platforms, and technologies for campaign management, performance tracking, and strategic online optimization", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marketing Tech Stack", + "Digital Marketing Tools" + ] + }, + "Precision Surface Finishing": { + "description": "Advanced technical skills in smoothing, polishing, cleaning, and preparing surfaces to meet specific quality and aesthetic standards using specialized tools and techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Material Surface Refinement", + "Precision Surface Preparation" + ] + }, + "Equipment Maintenance and Inspection": { + "description": "Comprehensive ability to inspect, clean, lubricate, adjust, and maintain production and grinding equipment to ensure optimal operational functionality and safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Maintenance", + "Production Equipment Care", + "Technical Equipment Management" + ] + }, + "Quality Control Measurement": { + "description": "Systematic skills in measuring, comparing, and verifying product dimensions, characteristics, and specifications to ensure conformance to established quality standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Product Inspection", + "Precision Measurement" + ] + }, + "Manual Material Manipulation": { + "description": "Advanced proficiency in handling, positioning, cutting, trimming, and preparing workpieces and materials using specialized hand tools and techniques", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Handling", + "Precision Manual Skills", + "Workpiece Preparation" + ] + }, + "Production Workflow Management": { + "description": "Systematic skills in coordinating work activities, following operational instructions, loading equipment, monitoring production processes, and maintaining efficient workflow", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Coordination", + "Production Process Control", + "Workflow Optimization" + ] + }, + "Electrical Circuit Maintenance": { + "description": "Advanced skills in inspecting, testing, diagnosing, and repairing electrical circuits and wiring systems with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electrical System Repair", + "Circuit Troubleshooting" + ] + }, + "Mechanical Component Inspection": { + "description": "Comprehensive ability to systematically examine, test, and evaluate mechanical parts for damage, wear, defects, and proper functioning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Condition Assessment", + "Mechanical Diagnostics" + ] + }, + "Precision Equipment Lubrication": { + "description": "Advanced technical skills in applying lubricants, maintaining equipment functionality, and ensuring optimal mechanical performance through systematic lubrication techniques", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Maintenance Lubrication", + "Mechanical Lubrication" + ] + }, + "Technical Documentation and Record Keeping": { + "description": "Comprehensive skills in recording information about parts, materials, repair procedures, and maintaining precise operational documentation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Repair Process Documentation", + "Technical Information Management" + ] + }, + "Claims Investigation": { + "description": "Advanced skills in systematically investigating legal claims, gathering evidence, interviewing witnesses, and documenting findings with precision and comprehensive analytical reasoning", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Evidence Collection", + "Claim Verification", + "Investigative Documentation" + ] + }, + "Financial Claims Processing": { + "description": "Comprehensive skills in managing insurance claims, verifying application data, calculating charges, and processing financial transactions with systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Insurance Claim Management", + "Financial Transaction Verification" + ] + }, + "Regulatory Compliance Assessment": { + "description": "Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across insurance and claims processing environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Standard Verification", + "Regulatory Adherence Monitoring" + ] + }, + "Scientific Field Research": { + "description": "Advanced skills in conducting systematic environmental and geological field investigations, collecting data, analyzing ecological conditions, and documenting scientific findings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Data Collection", + "Ecological Field Sampling" + ] + }, + "Natural Resource Analysis": { + "description": "Comprehensive analytical capabilities for evaluating environmental systems, assessing resource characteristics, and developing evidence-based conservation and management strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Evaluation", + "Ecological Systems Assessment" + ] + }, + "Geospatial Environmental Mapping": { + "description": "Advanced skills in creating precise geographical representations, mapping natural resources, analyzing spatial environmental data, and visualizing ecological characteristics", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Mapping", + "Ecological Cartography" + ] + }, + "Sustainable Land Management": { + "description": "Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land use practices", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Land Conservation Planning", + "Ecological Restoration" + ] + }, + "Vehicle Inspection and Safety": { + "description": "Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles through detailed technical inspections and regulatory adherence", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Safety Assessment", + "Transportation Equipment Verification", + "Mechanical Compliance Inspection" + ] + }, + "Operational Incident Documentation": { + "description": "Advanced skills in preparing precise reports, recording detailed incident information, and maintaining comprehensive documentation of transportation-related events and violations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Incident Report Preparation", + "Transportation Event Logging", + "Operational Reporting" + ] + }, + "Technical Compliance Monitoring": { + "description": "Systematic approach to reviewing documents, verifying regulatory compliance, and ensuring adherence to transportation safety and operational standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Standard Verification", + "Operational Policy Compliance", + "Transportation Regulation Enforcement" + ] + }, + "Epidemiological Research": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic research on disease patterns, population health, and medical interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Disease Pattern Analysis", + "Population Health Research", + "Medical Epidemiology" + ] + }, + "Healthcare Program Management": { + "description": "Comprehensive skills in directing, coordinating, and implementing medical science and healthcare programs with strategic planning and operational oversight", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Program Leadership", + "Healthcare Intervention Coordination" + ] + }, + "Public Health Strategy": { + "description": "Advanced capabilities in developing, implementing, and evaluating comprehensive strategies for disease prevention, health promotion, and population wellness", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Policy Development", + "Population Health Intervention" + ] + }, + "Grant and Research Funding": { + "description": "Advanced skills in preparing research proposals, writing grant applications, and securing project funding for scientific and medical initiatives", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Funding Acquisition", + "Scientific Grant Writing" + ] + }, + "Healthcare Technical Support": { + "description": "Comprehensive skills in assisting healthcare practitioners during medical procedures, providing technical and interpersonal support for patient care and medical interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Procedure Assistance", + "Clinical Technical Support", + "Patient Care Coordination" + ] + }, + "Patient Monitoring and Assessment": { + "description": "Advanced clinical skills for systematic patient evaluation, medical testing, physical condition analysis, and comprehensive health monitoring across diverse medical contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Patient Evaluation", + "Medical Condition Tracking", + "Comprehensive Health Assessment" + ] + }, + "Cardiovascular Technical Expertise": { + "description": "Specialized clinical skills in operating cardiovascular diagnostic equipment, performing patient tests, monitoring heart and lung functioning, and supporting cardiovascular medical procedures", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Heart and Lung Diagnostic Skills", + "Cardiovascular Patient Care", + "Medical Imaging and Testing" + ] + }, + "Operational Environmental Compliance": { + "description": "Advanced skills in navigating regulatory frameworks, ensuring policy adherence, monitoring green energy production protocols, and maintaining environmental sustainability standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Green Energy Management", + "Environmental Standards Enforcement" + ] + }, + "Postsecondary Academic Instruction": { + "description": "Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in higher education environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "College Teaching", + "Higher Education Instruction", + "Academic Course Management" + ] + }, + "Scholarly Research and Development": { + "description": "Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Research", + "Scholarly Knowledge Creation", + "Interdisciplinary Scholarship" + ] + }, + "Academic Professional Communication": { + "description": "Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Dialogue", + "Scholarly Communication", + "Professional Academic Interaction" + ] + }, + "Medical Anesthesia Management": { + "description": "Advanced clinical skills for administering anesthesia, monitoring patient conditions, implementing life support techniques, and ensuring patient safety during medical procedures", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Anesthesia Care", + "Patient Sedation Management", + "Surgical Anesthesia Support" + ] + }, + "Advanced Medical Intervention": { + "description": "Comprehensive clinical skills for patient assessment, diagnostic reasoning, treatment planning, and precise medical procedures across complex healthcare contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Procedure Expertise", + "Medical Diagnostic Intervention", + "Comprehensive Patient Care" + ] + }, + "Patient Safety and Monitoring": { + "description": "Systematic approach to ensuring patient well-being through continuous condition assessment, emergency response preparation, and comprehensive safety protocol implementation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Safety Management", + "Patient Condition Tracking", + "Medical Risk Mitigation" + ] + }, + "Medical Procedural Documentation": { + "description": "Comprehensive skills in recording, maintaining, and managing precise medical records, patient histories, treatment progress, and clinical observations with systematic accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Record Management", + "Medical Documentation Precision", + "Patient Information Tracking" + ] + }, + "Water Systems Engineering": { + "description": "Advanced technical skills in designing, analyzing, operating, and maintaining water and wastewater treatment systems, including process optimization, environmental compliance, and infrastructure management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Water Infrastructure Management", + "Hydraulic Systems Engineering", + "Water Resource Engineering" + ] + }, + "Technical Design and Planning": { + "description": "Advanced skills in creating technical designs, preparing detailed work plans, supervising engineering personnel, and developing comprehensive project specifications", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Project Design", + "Technical Specification Development" + ] + }, + "Operational Quality Management": { + "description": "Systematic approach to monitoring performance, evaluating operational efficiency, implementing quality control measures, and ensuring compliance with technical and environmental standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Monitoring", + "Quality Assurance Engineering" + ] + }, + "Financial Record Analysis": { + "description": "Advanced skills in examining, interpreting, and verifying financial records, tax documents, and monetary information with systematic precision and comprehensive reasoning", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Document Verification", + "Monetary Record Examination" + ] + }, + "Systematic Problem Resolution": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex professional challenges through logical reasoning, critical thinking, and comprehensive strategic approaches", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Problem Analysis", + "Strategic Problem Solving" + ] + }, + "Patient Communication": { + "description": "Advanced interpersonal skills for engaging patients, providing information, explaining procedures, active listening, and ensuring comprehensive patient-centered communication", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Interaction", + "Healthcare Communication", + "Medical Dialogue" + ] + }, + "Administrative Healthcare Support": { + "description": "Comprehensive skills in managing medical documentation, processing patient information, coordinating administrative tasks, and ensuring regulatory compliance in healthcare settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Records Management", + "Healthcare Administrative Coordination" + ] + }, + "Precision Material Crafting": { + "description": "Advanced technical skills in measuring, cutting, shaping, and manipulating materials with high accuracy across diverse manufacturing and fabrication contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Precision Work", + "Technical Material Manipulation" + ] + }, + "Jewelry Technical Fabrication": { + "description": "Specialized skills in designing, measuring, cutting, and assembling intricate jewelry and precious metal components with high precision and artistic craftsmanship", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precious Metal Crafting", + "Fine Jewelry Production" + ] + }, + "Micro-Scale Design Engineering": { + "description": "Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nanotechnology Design", + "Microscale Engineering", + "Precision Systems Development" + ] + }, + "Technical Graphical Representation": { + "description": "Advanced ability to create precise technical drawings, graphical models, and visual documentation of complex engineering and mechanical systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Illustration", + "Engineering Visualization", + "Design Drafting" + ] + }, + "Emerging Technology Research": { + "description": "Comprehensive skills in exploring, investigating, and developing applications of cutting-edge technological innovations across engineering and scientific domains", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technology Innovation Exploration", + "Emerging Tech Applications", + "Scientific Technology Research" + ] + }, + "Operational Protocol Development": { + "description": "Advanced skills in creating, documenting, and implementing systematic operational procedures, testing protocols, and technical methodologies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Procedure Design", + "Operational Method Creation", + "Research Protocol Engineering" + ] + }, + "Precision Technical Validation": { + "description": "Comprehensive skills in conducting systematic testing, verification, and quality assessment of technical systems, equipment, and processes to ensure performance, reliability, and compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Performance Verification", + "System Validation Engineering", + "Precision Quality Assessment" + ] + }, + "Mechanical Equipment Repair": { + "description": "Advanced technical skills in diagnosing, disassembling, repairing, and reassembling complex mechanical equipment and systems using specialized tools and techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Maintenance", + "Mechanical System Restoration", + "Technical Repair Skills" + ] + }, + "Statistical Analysis": { + "description": "Advanced skills in applying mathematical and statistical methods to analyze complex data, identify trends, and derive meaningful insights across scientific and research contexts", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Analysis", + "Quantitative Research", + "Mathematical Problem Solving" + ] + }, + "Technical Problem Reasoning": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges through logical reasoning, mathematical principles, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Analytical Problem Solving", + "Technical Reasoning", + "Complex Challenge Resolution" + ] + }, + "Computational Data Processing": { + "description": "Advanced skills in collecting, organizing, analyzing, and interpreting complex numerical and statistical information using computational tools and mathematical techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Management", + "Computational Analysis", + "Information Processing" + ] + }, + "Precision Medical Documentation": { + "description": "Advanced skills in recording, maintaining, and communicating detailed medical histories, diagnostic findings, treatment progress, and comprehensive patient records with systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Management", + "Clinical Documentation", + "Patient Information Tracking" + ] + }, + "Archival Resource Management": { + "description": "Comprehensive skills in organizing, preserving, evaluating, and maintaining historical collections, library resources, and archival materials with systematic preservation techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Collection Preservation", + "Historical Document Management", + "Archival Curation" + ] + }, + "Research Documentation": { + "description": "Advanced capabilities in conducting systematic research, preparing scholarly materials, writing original content, and maintaining detailed professional documentation across academic and cultural contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Writing", + "Scholarly Documentation", + "Research Record Keeping" + ] + }, + "Cultural Program Development": { + "description": "Comprehensive skills in designing, planning, and implementing public educational and cultural programs, involving strategic engagement, audience targeting, and organizational coordination", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Public Program Management", + "Educational Outreach", + "Cultural Engagement Strategy" + ] + }, + "Patient Rehabilitation Support": { + "description": "Comprehensive skills in managing patient recovery, coordinating therapeutic interventions, monitoring progress, and providing holistic support for rehabilitation and reintegration", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Recovery Management", + "Rehabilitation Care Coordination" + ] + }, + "Therapeutic Assessment and Planning": { + "description": "Advanced skills in systematically evaluating patient needs, developing personalized treatment strategies, implementing targeted interventions, and adapting care plans", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Treatment Strategy", + "Personalized Care Planning" + ] + }, + "Therapeutic Patient Interaction": { + "description": "Advanced skills in providing empathetic, professional support involving active listening, emotional guidance, and personalized communication in healthcare contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Emotional Support", + "Clinical Counseling", + "Compassionate Care" + ] + }, + "Medical Procedural Assistance": { + "description": "Comprehensive skills in supporting healthcare practitioners during medical examinations, treatments, diagnostic procedures, and interventions with precise technical and interpersonal support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Support", + "Medical Procedure Aid", + "Healthcare Technical Assistance" + ] + }, + "Patient Safety Management": { + "description": "Systematic approach to ensuring patient well-being through continuous condition monitoring, positioning, safety protocols, and comprehensive protective interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Protection", + "Healthcare Safety Support", + "Clinical Risk Mitigation" + ] + }, + "Urban Planning Strategy": { + "description": "Advanced skills in developing comprehensive urban and regional development plans, analyzing spatial data, assessing community needs, and creating sustainable infrastructure solutions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regional Development Planning", + "Urban Design Strategy", + "Community Infrastructure Planning" + ] + }, + "Environmental Policy Analysis": { + "description": "Comprehensive skills in evaluating environmental regulations, assessing conservation initiatives, analyzing ecological impacts, and developing sustainable community strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Policy Evaluation", + "Sustainability Regulatory Assessment" + ] + }, + "Geospatial Data Interpretation": { + "description": "Advanced skills in collecting, analyzing, and visualizing geographic and spatial data to support urban planning, environmental assessment, and community development decisions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Spatial Data Analysis", + "Geographic Information Systems" + ] + }, + "Stakeholder Engagement Management": { + "description": "Advanced interpersonal skills for communicating with diverse stakeholders, mediating community interests, facilitating public consultations, and building consensus around urban development projects", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Consultation", + "Public Participation Strategy" + ] + }, + "Sustainable Development Planning": { + "description": "Comprehensive skills in designing integrated urban strategies that balance environmental conservation, economic development, social equity, and long-term community sustainability", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Holistic Urban Development", + "Integrated Community Planning" + ] + }, + "Educational Research and Scholarship": { + "description": "Comprehensive capabilities in conducting scholarly research, publishing academic materials, developing original content, and contributing to knowledge domains in specialized academic fields", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Research Production", + "Scholarly Knowledge Generation" + ] + }, + "Sales Technical Communication": { + "description": "Advanced interpersonal skills for effectively communicating complex technical product information, persuading potential customers, and explaining product features and benefits with precision and strategic engagement", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Sales Dialogue", + "Product Information Persuasion" + ] + }, + "Product Demonstration Strategy": { + "description": "Advanced skills in designing, preparing, and executing compelling product demonstrations that highlight technical features, address customer pain points, and create persuasive sales experiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Product Showcasing", + "Sales Presentation Techniques" + ] + }, + "Market Intelligence Gathering": { + "description": "Comprehensive ability to monitor market conditions, identify emerging trends, assess product effectiveness, and develop strategic insights for sales and business development", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Market Research", + "Competitive Landscape Analysis" + ] + }, + "Professional Sales Networking": { + "description": "Advanced interpersonal skills for building and maintaining professional relationships, identifying potential customers, expanding business connections, and creating strategic sales opportunities", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Relationship Management", + "Professional Connection Development" + ] + }, + "Fundraising Strategy Development": { + "description": "Advanced skills in creating comprehensive fundraising plans, identifying donor opportunities, developing strategic funding approaches, and managing organizational resource acquisition", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Donor Engagement", + "Fundraising Campaign Planning", + "Resource Acquisition Strategy" + ] + }, + "Nonprofit Program Development": { + "description": "Advanced skills in designing, implementing, and evaluating comprehensive organizational programs, policies, and initiatives to support mission-driven objectives", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Program Strategy", + "Organizational Initiative Planning" + ] + }, + "Relationship Management": { + "description": "Advanced interpersonal skills for building, maintaining, and expanding professional networks, donor relationships, and strategic organizational partnerships", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Stakeholder Engagement", + "Professional Network Development" + ] + }, + "Exercise Science Assessment": { + "description": "Advanced clinical skills for systematically evaluating physical fitness, physiological attributes, patient capabilities, and comprehensive health and performance monitoring in exercise and medical contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Physical Fitness Evaluation", + "Patient Physiological Assessment", + "Exercise Capacity Testing" + ] + }, + "Patient Health Counseling": { + "description": "Advanced interpersonal skills for providing personalized health guidance, wellness advice, exercise recommendations, and comprehensive patient education across medical and fitness environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Education Intervention", + "Wellness Guidance", + "Patient Lifestyle Counseling" + ] + }, + "Clinical Exercise Intervention": { + "description": "Specialized skills in developing, implementing, and adapting personalized exercise treatments, rehabilitation strategies, and targeted physical interventions for diverse patient needs", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Therapeutic Exercise Planning", + "Rehabilitation Program Design", + "Medical Fitness Intervention" + ] + }, + "Performance Physiological Monitoring": { + "description": "Advanced technical skills in measuring, tracking, and analyzing patient heart, lung, and physiological functioning during exercise and medical diagnostic procedures", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Physiological Performance Tracking", + "Medical Diagnostic Measurement", + "Exercise Condition Assessment" + ] + }, + "Technical Equipment Coordination": { + "description": "Advanced ability to position, adjust, monitor, and control specialized industrial and material-moving equipment across diverse operational environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Positioning", + "Machinery Control", + "Operational Equipment Management" + ] + }, + "Precision Technical Measurement": { + "description": "Advanced skills in measuring, calculating, inspecting, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy across diverse technical environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Technical Precision Measurement", + "Quantitative Technical Assessment" + ] + }, + "Scholarly Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement, and evidence-based problem solving", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Design", + "Scientific Investigation", + "Academic Research Techniques" + ] + }, + "Hearing Healthcare Support": { + "description": "Specialized clinical skills in assessing hearing capabilities, fitting assistive devices, providing patient counseling, and supporting comprehensive ear care and hearing health interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Auditory Care Support", + "Hearing Aid Patient Services", + "Hearing Diagnostic Assistance" + ] + }, + "Patient Technical Consultation": { + "description": "Advanced interpersonal and technical skills for explaining medical device functionality, providing usage instructions, and offering comprehensive patient education and support", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Patient Guidance", + "Technical Healthcare Communication", + "Assistive Technology Counseling" + ] + }, + "Agricultural Equipment Operation": { + "description": "Advanced skills in operating, maintaining, and controlling specialized agricultural machinery and equipment with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Farm Equipment Management", + "Agricultural Machinery Control" + ] + }, + "Crop and Plant Management": { + "description": "Comprehensive skills in preparing, treating, protecting, and managing agricultural and forestry plant resources through systematic operational techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vegetation Care", + "Agricultural Resource Protection" + ] + }, + "Agricultural Inventory Documentation": { + "description": "Systematic skills in recording, tracking, evaluating, and documenting agricultural and forestry resources, operational data, and inventory information", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Tracking", + "Operational Record Keeping" + ] + }, + "Genetic Counseling Communication": { + "description": "Advanced interpersonal communication skills for explaining complex genetic information, providing emotional support, and facilitating patient understanding of medical genetic risks and implications", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Genetic Risk Communication", + "Patient Genetic Counseling", + "Medical Genetic Dialogue" + ] + }, + "Medical Genetic Assessment": { + "description": "Comprehensive clinical skills for systematically evaluating genetic risks, analyzing family medical histories, interpreting genetic test results, and developing personalized genetic health strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Genetic Risk Evaluation", + "Hereditary Condition Analysis", + "Genetic Health Screening" + ] + }, + "Patient Psychological Support": { + "description": "Advanced interpersonal skills for providing empathetic counseling, emotional guidance, and comprehensive psychological support during complex medical genetic consultations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Genetic Counseling Empathy", + "Medical Emotional Support", + "Patient Psychological Guidance" + ] + }, + "Forensic Investigation Skills": { + "description": "Advanced capabilities in systematically collecting, analyzing, and documenting physical evidence for legal and investigative purposes, involving comprehensive evidence collection, scientific reasoning, and precise documentation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Evidence Analysis", + "Crime Scene Investigation", + "Legal Evidence Processing" + ] + }, + "Fire Safety and Prevention": { + "description": "Comprehensive skills in inspecting facilities, investigating fire incidents, educating the public, developing safety programs, and ensuring compliance with fire safety regulations", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fire Code Enforcement", + "Public Safety Education", + "Fire Risk Management" + ] + }, + "Technical Investigative Communication": { + "description": "Advanced interpersonal skills for gathering information through interviews, documenting findings, communicating with stakeholders, and preparing comprehensive investigative reports", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Gathering", + "Professional Interviewing", + "Investigative Reporting" + ] + }, + "Regulatory Compliance Monitoring": { + "description": "Advanced skills in systematically examining organizational practices, identifying potential violations, ensuring adherence to complex legal and safety regulations across diverse operational contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Compliance Investigation", + "Regulatory Standards Enforcement", + "Systematic Regulatory Assessment" + ] + }, + "Robotic Systems Maintenance": { + "description": "Advanced technical skills in repairing, troubleshooting, and maintaining robotic equipment and electromechanical systems with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Robot Equipment Repair", + "Electromechanical System Maintenance" + ] + }, + "Technical Diagnostic Reasoning": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through logical problem-solving and precise diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Troubleshooting", + "Technical Problem Analysis" + ] + }, + "Operational Workflow Coordination": { + "description": "Advanced ability to manage complex work activities, coordinate team efforts, direct operational procedures, and ensure systematic operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Activity Management", + "Operational Coordination" + ] + }, + "Metal Production Operations": { + "description": "Advanced skills in operating, controlling, and managing specialized metal casting and pouring equipment, including temperature regulation, mold preparation, and production workflow management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Metal Casting Techniques", + "Foundry Equipment Operation" + ] + }, + "Precision Manufacturing Inspection": { + "description": "Comprehensive ability to conduct detailed product inspections, measure dimensions, evaluate material characteristics, and ensure conformance to precise manufacturing specifications in metal production environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control in Metal Fabrication", + "Manufacturing Dimensional Verification" + ] + }, + "Emergency Vehicle Operations": { + "description": "Advanced skills in safely operating emergency vehicles, managing patient transportation, navigating complex traffic scenarios, and maintaining vehicle and patient safety during medical transit", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Transport Management", + "Emergency Response Driving" + ] + }, + "Customer Financial Advisory": { + "description": "Advanced interpersonal skills for providing professional financial guidance, explaining products, assessing client needs, and offering personalized financial recommendations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Consultation", + "Client Financial Counseling", + "Product Recommendation" + ] + }, + "Regulatory Financial Compliance": { + "description": "Advanced skills in interpreting, monitoring, and ensuring adherence to complex financial regulations, lending standards, and organizational policies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Policy Interpretation", + "Lending Compliance", + "Regulatory Standard Management" + ] + }, + "Professional Networking": { + "description": "Strategic ability to develop, maintain, and leverage professional relationships, identify potential customers, expand business connections, and create opportunities through systematic interpersonal interaction", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Relationship Management", + "Professional Connection Building" + ] + }, + "Persuasive Presentation": { + "description": "Advanced skills in developing, delivering, and managing compelling sales presentations that effectively communicate product value, address customer needs, and drive engagement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Storytelling", + "Product Demonstration" + ] + }, + "Customer Needs Analysis": { + "description": "Systematic approach to gathering, evaluating, and understanding customer information, identifying potential requirements, and developing tailored service or product recommendations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Requirement Identification", + "Consultative Needs Assessment" + ] + }, + "Vehicle Diagnostic Repair": { + "description": "Advanced technical skills in systematically inspecting, diagnosing, and repairing automotive and recreational vehicle mechanical and electrical systems", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Troubleshooting", + "Mechanical System Diagnosis", + "Equipment Repair" + ] + }, + "Pediatric Surgical Intervention": { + "description": "Specialized clinical expertise in performing surgical procedures specific to children, involving unique patient assessment, treatment planning, and age-appropriate medical interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Surgical Care", + "Pediatric Surgical Management", + "Pediatric Operative Techniques" + ] + }, + "Pediatric Patient Communication": { + "description": "Advanced interpersonal skills for engaging with pediatric patients and their families, providing age-appropriate medical explanations, emotional support, and comprehensive healthcare counseling", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child and Family Medical Communication", + "Pediatric Healthcare Counseling", + "Family-Centered Patient Interaction" + ] + }, + "Stakeholder Engagement": { + "description": "Comprehensive interpersonal skills for identifying, developing, and maintaining professional relationships with diverse stakeholders, including internal and external parties, to support organizational objectives", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Relationship Management", + "Professional Networking", + "Stakeholder Communication" + ] + }, + "Traffic Safety Management": { + "description": "Advanced skills in directing vehicle traffic, managing pedestrian movement, ensuring public safety, and coordinating complex transportation interactions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Traffic Control", + "Public Safety Coordination", + "Roadway Interaction Management" + ] + }, + "Situational Awareness Communication": { + "description": "Comprehensive interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Alert Communication", + "Risk Detection Interaction", + "Proactive Safety Messaging" + ] + }, + "Operational Safety Signaling": { + "description": "Precise skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure public and worker safety", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Signaling Techniques", + "Operational Warning Communication" + ] + }, + "Public Transportation Management": { + "description": "Comprehensive skills in operating, coordinating, and managing passenger transportation vehicles, ensuring safety, route navigation, and passenger service across transit systems", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transit Operations", + "Passenger Vehicle Coordination", + "Public Transit Management" + ] + }, + "Passenger Safety and Support": { + "description": "Advanced interpersonal and operational skills for ensuring passenger comfort, safety, assistance, and comprehensive support during transportation services", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Passenger Care", + "Transit Customer Service", + "Passenger Assistance" + ] + }, + "Vehicle Operational Safety": { + "description": "Systematic approach to maintaining vehicle functionality, conducting safety inspections, monitoring performance, and implementing preventive maintenance protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Safety Management", + "Transportation Equipment Maintenance" + ] + }, + "Route Navigation and Planning": { + "description": "Advanced skills in reading maps, determining optimal routes, managing transportation logistics, and adapting to changing travel conditions", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transit Route Management", + "Transportation Logistics" + ] + }, + "Customer Transaction Processing": { + "description": "Comprehensive skills in managing financial transactions, collecting fares, processing payments, and maintaining accurate transportation service records", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fare Collection", + "Transportation Financial Management" + ] + }, + "Safety and Quality Control Inspection": { + "description": "Comprehensive approach to conducting detailed equipment inspections, ensuring operational safety, monitoring performance, identifying potential hazards, and maintaining quality standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Safety Verification", + "Operational Quality Monitoring", + "Hazard Prevention" + ] + }, + "Dental Healthcare Services": { + "description": "Comprehensive clinical skills in providing specialized dental hygiene services, including patient assessment, oral health examination, preventive care, and professional dental treatment support", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Oral Healthcare Provision", + "Dental Patient Care", + "Preventive Dental Services" + ] + }, + "Healthcare Patient Communication": { + "description": "Advanced interpersonal communication skills for patient engagement, precise medical information exchange, professional dialogue, emotional support, and comprehensive patient-centered communication in dental healthcare settings", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Counseling", + "Medical Interaction Skills", + "Healthcare Dialogue" + ] + }, + "Preventive Health Education": { + "description": "Advanced skills in providing patient education, wellness guidance, oral health risk communication, and personalized dental hygiene counseling", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Health Guidance", + "Oral Wellness Education", + "Dental Health Counseling" + ] + }, + "Mold and Pattern Fabrication": { + "description": "Advanced skills in creating, preparing, positioning, and managing production molds, templates, and patterns with precision and technical accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mold Design", + "Pattern Creation", + "Production Tooling" + ] + }, + "Material Surface Treatment": { + "description": "Comprehensive techniques for cleaning, smoothing, preparing, and finishing material surfaces using specialized tools and chemical solutions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Preparation", + "Material Finishing", + "Surface Conditioning" + ] + }, + "Technical Material Manipulation": { + "description": "Proficient skills in measuring, cutting, positioning, and preparing materials for fabrication, assembly, and production across diverse manufacturing contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Handling", + "Precision Cutting", + "Technical Preparation" + ] + }, + "Production Quality Verification": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control", + "Dimensional Inspection", + "Product Verification" + ] + }, + "Creative Performance Skills": { + "description": "Comprehensive abilities in practicing, refining, and enhancing artistic and musical performance techniques through systematic training and professional development", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Skill Enhancement", + "Performance Technique Mastery" + ] + }, + "Artistic Audition and Career Development": { + "description": "Advanced skills in preparing for professional auditions, managing artistic careers, identifying opportunities, and strategically developing performance potential", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Career Management", + "Professional Artistic Progression" + ] + }, + "Musical Composition and Arrangement": { + "description": "Comprehensive skills in creating, developing, and arranging musical compositions, scores, and artistic musical content with innovative and strategic approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Musical Design", + "Artistic Musical Creation" + ] + }, + "Professional Artistic Communication": { + "description": "Advanced interpersonal skills for discussing artistic work, coordinating creative activities, exchanging performance ideas, and professional interaction in artistic contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Collaboration Communication", + "Creative Professional Dialogue" + ] + }, + "Legal Document Processing": { + "description": "Advanced skills in examining, preparing, organizing, and managing legal and public records with systematic precision and comprehensive documentation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Records Management", + "Document Examination", + "Public Record Analysis" + ] + }, + "Professional Information Verification": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through critical analysis and professional interaction", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Authentication", + "Source Validation", + "Comprehensive Data Verification" + ] + }, + "Regulatory Compliance Coordination": { + "description": "Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal and organizational regulations across professional contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Standard Management", + "Compliance Oversight", + "Procedural Adherence" + ] + }, + "Patient Communication and Counseling": { + "description": "Advanced interpersonal skills for engaging patients, providing comprehensive medical information, explaining procedures, active listening, and ensuring patient-centered communication across healthcare environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Patient Interaction", + "Medical Counseling Skills", + "Empathetic Patient Engagement" + ] + }, + "Diagnostic Assessment and Reasoning": { + "description": "Advanced analytical skills for systematic patient evaluation, medical testing, diagnostic reasoning, comprehensive health analysis, and evidence-based clinical decision-making", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Expertise", + "Medical Reasoning Skills", + "Comprehensive Health Assessment" + ] + }, + "Specialized Medical Device Management": { + "description": "Advanced skills in operating, maintaining, calibrating, and customizing medical equipment and assistive devices with precision and patient-specific customization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Equipment Expertise", + "Precision Device Fabrication", + "Healthcare Technical Support" + ] + }, + "Professional Healthcare Documentation": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Management", + "Clinical Documentation Skills", + "Healthcare Administrative Support" + ] + }, + "Medication Management": { + "description": "Comprehensive skills in preparing, verifying, dispensing, and managing pharmaceutical products with precision, safety, and patient-specific care", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pharmaceutical Workflow", + "Drug Handling", + "Medication Safety" + ] + }, + "Healthcare Patient Guidance": { + "description": "Advanced interpersonal communication skills for patient education, counseling, treatment explanation, and comprehensive health information exchange", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Counseling", + "Medical Communication", + "Health Education" + ] + }, + "Clinical Information Processing": { + "description": "Systematic skills in collecting, verifying, documenting, and managing comprehensive medical and patient-related information with precision and regulatory compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Documentation", + "Healthcare Record Management", + "Patient Data Processing" + ] + }, + "Pharmaceutical Safety Protocols": { + "description": "Comprehensive approach to ensuring medication safety, preventing errors, verifying patient information, and maintaining strict quality control in pharmaceutical environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medication Safety Management", + "Drug Verification", + "Pharmaceutical Quality Control" + ] + }, + "Petroleum Engineering Analysis": { + "description": "Advanced technical skills for analyzing geological data, evaluating energy production methods, and developing comprehensive petroleum extraction strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Energy Systems Evaluation", + "Petroleum Resource Assessment" + ] + }, + "Energy Production Management": { + "description": "Comprehensive skills in directing, coordinating, and managing energy production activities, operational methods, and technical workflow processes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Energy Operations Coordination", + "Production Workflow Control" + ] + }, + "Industrial Design Methodology": { + "description": "Advanced skills in creating technical models, developing engineering designs, preparing detailed work plans, and implementing innovative design solutions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Design Visualization", + "Technical Prototype Development" + ] + }, + "Environmental Systems Engineering": { + "description": "Comprehensive expertise in designing, analyzing, and implementing environmental control systems with focus on sustainability, safety, and operational efficiency", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Engineering Design", + "Ecological Systems Management" + ] + }, + "Biological Specimen Processing": { + "description": "Advanced technical skills in preparing, collecting, testing, and analyzing biological specimens with precision and systematic laboratory techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Laboratory Sample Management", + "Medical Specimen Handling" + ] + }, + "Medical Laboratory Equipment Operation": { + "description": "Comprehensive skills in operating, maintaining, calibrating, and managing specialized medical and scientific laboratory equipment with precision and safety protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Instrumentation Management", + "Technical Equipment Control" + ] + }, + "Healthcare Technical Documentation": { + "description": "Advanced skills in creating, maintaining, and managing precise medical records, laboratory findings, and comprehensive healthcare documentation with systematic accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Management", + "Clinical Documentation Processing" + ] + }, + "Scientific Quality Control": { + "description": "Systematic approach to conducting detailed specimen inspections, measuring characteristics, analyzing findings, and ensuring conformance to precise medical and scientific standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Laboratory Quality Verification", + "Medical Diagnostic Precision" + ] + }, + "Medical Diagnostic Support": { + "description": "Comprehensive skills in assisting healthcare practitioners during medical testing, specimen analysis, diagnostic procedures, and technical laboratory interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Procedure Assistance", + "Laboratory Technical Support" + ] + }, + "Information Processing and Verification": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Verification", + "Information Validation", + "Source Credibility Assessment" + ] + }, + "Legal and Regulatory Compliance": { + "description": "Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations and standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Adherence", + "Compliance Management", + "Organizational Standards Enforcement" + ] + }, + "Investment Strategy": { + "description": "Advanced analytical skills for identifying, evaluating, and recommending strategic investment opportunities across diverse financial and business contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investment Analysis", + "Portfolio Management", + "Financial Opportunity Assessment" + ] + }, + "Risk Assessment": { + "description": "Comprehensive ability to systematically identify, evaluate, analyze, and mitigate potential organizational risks across financial, operational, and strategic contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Management", + "Organizational Risk Analysis", + "Strategic Risk Mitigation" + ] + }, + "Wellness Program Management": { + "description": "Comprehensive skills in designing, coordinating, and implementing fitness and health wellness programs, including program development, participant engagement, and holistic health support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Program Coordination", + "Wellness Initiative Leadership" + ] + }, + "Health Education and Communication": { + "description": "Advanced interpersonal skills for providing health information, wellness guidance, risk communication, and comprehensive educational support across diverse participant populations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Wellness Information Exchange", + "Health Counseling" + ] + }, + "Quality Control and Inspection": { + "description": "Systematic approach to conducting detailed product and process inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise technical specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Quality Verification", + "Operational Quality Assurance", + "Precision Measurement" + ] + }, + "Safety and Regulatory Compliance": { + "description": "Comprehensive skills in identifying potential risks, implementing preventive measures, monitoring operational conditions, and ensuring adherence to complex safety and regulatory standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Regulatory Adherence", + "Risk Mitigation" + ] + }, + "Law Enforcement Operations": { + "description": "Comprehensive skills in managing criminal investigations, directing law enforcement activities, ensuring public safety, and implementing strategic operational protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Police Operations Management", + "Criminal Investigation Coordination" + ] + }, + "Investigative Evidence Management": { + "description": "Advanced capabilities in collecting, processing, documenting, and analyzing forensic and legal evidence with systematic precision and legal compliance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Forensic Evidence Processing", + "Legal Documentation Collection" + ] + }, + "Public Safety Communication": { + "description": "Advanced interpersonal skills for precise information exchange, conflict resolution, interviewing, and strategic communication in law enforcement and public safety contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Communication", + "Incident Reporting" + ] + }, + "Regulatory Compliance Enforcement": { + "description": "Comprehensive skills in interpreting, applying, and monitoring complex legal regulations, ensuring adherence to professional standards and procedural requirements", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Standard Monitoring", + "Procedural Compliance" + ] + }, + "Operational Risk Management": { + "description": "Advanced analytical skills for identifying potential safety risks, implementing preventive measures, conducting systematic investigations, and ensuring comprehensive organizational security", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Risk Assessment", + "Threat Mitigation" + ] + }, + "Audio Technical Operations": { + "description": "Advanced skills in operating, monitoring, and controlling audio recording and sound engineering equipment with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sound System Management", + "Audio Equipment Control", + "Technical Sound Engineering" + ] + }, + "Media Technical Communication": { + "description": "Advanced interpersonal skills for precise information exchange, equipment notification, and professional interaction in audio, sound, and media production environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Production Communication", + "Sound Engineering Interaction" + ] + }, + "Digital Media Conversion": { + "description": "Advanced technical skills in converting, processing, and managing audio and video data across multiple digital and analog formats", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Format Transformation", + "Digital Audio Processing" + ] + }, + "Performance Technical Support": { + "description": "Comprehensive skills in supporting live and recorded audio productions, managing technical equipment, troubleshooting issues, and ensuring optimal sound quality", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sound Production Support", + "Technical Performance Management" + ] + }, + "Surveillance Operations": { + "description": "Advanced skills in monitoring, observing, and gathering information through systematic investigation and technical equipment usage", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investigative Monitoring", + "Evidence Collection", + "Operational Surveillance" + ] + }, + "Customer Information Management": { + "description": "Advanced skills in collecting, verifying, processing, and maintaining customer information through systematic professional interaction and comprehensive data handling", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Data Processing", + "Client Information Verification" + ] + }, + "Operational Communication": { + "description": "Advanced interpersonal skills for precise information exchange, coordinating work activities, active listening, and professional interaction across diverse organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Communication", + "Professional Information Coordination" + ] + }, + "Precision Manual Fabrication": { + "description": "Advanced technical skills in measuring, cutting, positioning, assembling, and manipulating materials and components with high accuracy across diverse work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Material Manipulation", + "Precision Crafting", + "Skilled Manual Fabrication" + ] + }, + "Structural Component Installation": { + "description": "Comprehensive skills in positioning, aligning, measuring, and installing metal, masonry, and structural components with precision and technical expertise", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Structural Assembly", + "Component Positioning", + "Technical Installation" + ] + }, + "CNC Programming": { + "description": "Advanced skills in writing computer programs for numerically controlled machine tools, involving precise equipment instruction and operational sequence development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Tool Programming", + "Numerical Control Programming" + ] + }, + "Professional Time Management": { + "description": "Advanced skills in scheduling, prioritizing tasks, coordinating multiple responsibilities, managing personal and team time efficiently, and maintaining operational productivity", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Task Prioritization", + "Workflow Optimization", + "Time Management" + ] + }, + "Robotic Systems Engineering": { + "description": "Advanced technical skills in designing, programming, maintaining, and analyzing robotic equipment and electromechanical systems with precision and systematic problem-solving", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Robotics Design", + "Electromechanical System Development", + "Robotic Equipment Management" + ] + }, + "Visual Composition": { + "description": "Advanced ability to arrange, design, and create visually compelling images and compositions through technical and artistic skills", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Image Design", + "Visual Framing", + "Artistic Arrangement" + ] + }, + "Technical Image Processing": { + "description": "Comprehensive skills in managing, converting, and manipulating digital and analog image formats using specialized equipment and software", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Image Conversion", + "Digital Media Management", + "Photographic Workflow" + ] + }, + "Creative Equipment Operation": { + "description": "Advanced proficiency in operating specialized technical equipment for artistic, photographic, and creative production purposes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Technical Control", + "Artistic Equipment Management" + ] + }, + "Professional Creative Documentation": { + "description": "Comprehensive skills in preparing, maintaining, and managing documentation related to creative projects, including legal permissions and intellectual property", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Rights Management", + "Artistic Project Documentation" + ] + }, + "Technical Monitoring and Inspection": { + "description": "Advanced skills in observing, assessing, and evaluating operational performance, equipment functionality, and compliance with established standards across technical environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Monitoring", + "Operational Compliance Tracking", + "Technical Systems Assessment" + ] + }, + "Analytical Problem Resolution": { + "description": "Advanced capability to systematically identify complex challenges, evaluate alternative solutions, apply logical reasoning, and implement strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Problem Analysis", + "Strategic Problem-Solving", + "Systematic Challenge Resolution" + ] + }, + "Precision Documentation Management": { + "description": "Comprehensive skills in creating, maintaining, and communicating detailed technical, operational, and quality-related documentation with systematic accuracy and comprehensive reporting", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Writing", + "Operational Record Keeping", + "Systematic Documentation" + ] + }, + "Mathematical Performance Analysis": { + "description": "Advanced skills in applying mathematical principles, statistical approaches, and quantitative reasoning to solve complex technical and operational challenges", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quantitative Problem Solving", + "Statistical Performance Evaluation", + "Mathematical Systems Analysis" + ] + }, + "Patron Safety and Interaction": { + "description": "Advanced interpersonal skills for monitoring patron activities, identifying potential issues, resolving customer complaints, and ensuring comprehensive safety and support in gambling service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service in Gaming", + "Patron Engagement", + "Safety Management" + ] + }, + "Operational Resource Distribution": { + "description": "Proficient skills in managing personnel resources, distributing duties, assigning work schedules, and coordinating operational activities in service environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Allocation", + "Workforce Coordination", + "Resource Management" + ] + }, + "Customer Interaction in Service Environments": { + "description": "Advanced interpersonal skills for engaging customers, responding to inquiries, resolving issues, and providing professional service with active listening and social perceptiveness", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service Communication", + "Patron Support Coordination", + "Service Interaction Management" + ] + }, + "Operational Financial Record Maintenance": { + "description": "Systematic skills in computing financial transactions, maintaining accurate account records, preparing operational reports, and ensuring precise financial documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Transaction Tracking", + "Gambling Financial Documentation", + "Operational Accounting" + ] + }, + "Agricultural Inspection Skills": { + "description": "Comprehensive ability to systematically examine, evaluate, and ensure quality and safety standards in agricultural and forestry products and operations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Quality Assessment", + "Agricultural Compliance Verification" + ] + }, + "Environmental Field Monitoring": { + "description": "Advanced skills in conducting systematic field investigations, collecting samples, assessing environmental conditions, and documenting agricultural and forestry resource characteristics", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Field Data Collection", + "Agricultural Site Assessment" + ] + }, + "Regulatory Agricultural Compliance": { + "description": "Comprehensive skills in interpreting, applying, and ensuring adherence to complex agricultural regulations, safety standards, and operational guidelines", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Safety Enforcement", + "Operational Regulatory Management" + ] + }, + "Government Program Eligibility Assessment": { + "description": "Comprehensive skills in evaluating individual eligibility for government assistance programs through systematic information gathering, verification, and decision-making processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Program Qualification Screening", + "Benefits Eligibility Determination" + ] + }, + "Regulatory Compliance Communication": { + "description": "Advanced interpersonal skills for explaining regulations, policies, and procedural requirements with clarity, precision, and comprehensive understanding", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Policy Explanation", + "Regulatory Information Exchange" + ] + }, + "Financial Analysis and Reporting": { + "description": "Advanced skills in examining financial data, preparing budgetary documents, analyzing accounting information, and creating comprehensive financial reports", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Budget Analysis", + "Financial Documentation", + "Fiscal Reporting" + ] + }, + "Quantitative Problem Solving": { + "description": "Advanced skills in using mathematics, statistical reasoning, and analytical techniques to identify, evaluate, and resolve complex professional challenges", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mathematical Analysis", + "Numerical Reasoning", + "Quantitative Reasoning" + ] + }, + "Correctional Operations Management": { + "description": "Advanced skills in supervising, coordinating, and managing correctional facility operations, including inmate monitoring, safety protocols, and institutional security", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Prison Facility Leadership", + "Correctional Security Management" + ] + }, + "Emergency Response and Safety": { + "description": "Comprehensive skills in identifying, assessing, and managing critical situations, implementing safety protocols, and providing immediate assistance in high-risk environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crisis Intervention", + "Operational Safety Management" + ] + }, + "Personnel Performance Evaluation": { + "description": "Comprehensive skills in assessing, monitoring, and developing workforce performance through systematic observation, feedback, and professional development strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Performance Management", + "Workforce Development" + ] + }, + "Surface Preparation Skills": { + "description": "Advanced technical abilities in cleaning, leveling, measuring, and preparing surfaces for installation, finishing, or construction tasks", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Material Surface Preparation", + "Work Site Preparation" + ] + }, + "Wildlife Resource Management": { + "description": "Comprehensive skills in locating, capturing, handling, and managing wildlife resources through systematic operational techniques and environmental conservation approaches", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Capture Techniques", + "Wildlife Operational Control", + "Resource Procurement" + ] + }, + "Outdoor Equipment Operation": { + "description": "Advanced proficiency in operating, maintaining, and navigating specialized vehicles and equipment in outdoor and field work environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Field Vehicle Management", + "Specialized Equipment Navigation", + "Terrain Transportation" + ] + }, + "Field Safety and Hazard Management": { + "description": "Comprehensive skills in identifying potential risks, implementing safety protocols, monitoring environmental conditions, and ensuring worker protection in outdoor and remote work settings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Occupational Risk Mitigation", + "Environmental Safety Monitoring", + "Workplace Hazard Prevention" + ] + }, + "Precision Metal Fabrication": { + "description": "Advanced technical skills in cutting, shaping, welding, and manipulating metal materials with high accuracy and specialized techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Metal Fabrication", + "Welding Techniques", + "Metal Shaping" + ] + }, + "Equipment Safety Monitoring": { + "description": "Systematic approach to inspecting, maintaining, and ensuring safe operation of industrial equipment through continuous observation and preventive maintenance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Inspection", + "Equipment Functionality Check", + "Operational Safety" + ] + }, + "Technical Dimensional Verification": { + "description": "Precise skills in measuring, inspecting, and verifying dimensional accuracy of workpieces and completed products to ensure quality standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Measurement Precision", + "Quality Dimensional Control" + ] + }, + "Forestry Resource Assessment": { + "description": "Comprehensive skills in evaluating, measuring, and documenting log and forestry product characteristics through systematic inspection and precise documentation techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Log Grading", + "Timber Evaluation", + "Forest Product Inspection" + ] + }, + "Operational Field Coordination": { + "description": "Advanced ability to coordinate work activities, communicate with team members, and manage complex outdoor work environments with emphasis on safety and efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Field Work Management", + "Outdoor Operational Coordination" + ] + }, + "Technical Measurement and Marking": { + "description": "Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Dimensional Verification", + "Inventory Marking" + ] + }, + "Retail Transaction Processing": { + "description": "Comprehensive skills in executing sales transactions, calculating costs, processing payments, maintaining financial records, and ensuring accurate customer service interactions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Transaction Management", + "Financial Transaction Handling", + "Customer Payment Processing" + ] + }, + "Operational Cash Management": { + "description": "Systematic skills in handling money, preparing cash for deposit, reconciling financial records, issuing credit or vouchers, and maintaining precise financial documentation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cash Handling", + "Financial Record Reconciliation", + "Monetary Transaction Processing" + ] + }, + "Logistics Analysis": { + "description": "Advanced analytical skills for evaluating, optimizing, and managing complex logistics processes, supply chain operations, and organizational workflows", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Supply Chain Analysis", + "Operational Logistics Evaluation", + "Logistics Process Optimization" + ] + }, + "Early Childhood Education Management": { + "description": "Comprehensive skills in designing, implementing, and managing educational strategies, classroom management, and developmental support specifically for young children", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Kindergarten Teaching", + "Child Learning Coordination", + "Early Learning Administration" + ] + }, + "Developmental Behavioral Guidance": { + "description": "Advanced skills in establishing, monitoring, and managing student behavior, social development, and classroom dynamics through strategic rule-setting and supportive interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Behavior Management", + "Student Social Development", + "Classroom Interaction Regulation" + ] + }, + "Instructional Adaptation": { + "description": "Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs and developmental stages", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Teaching Method Customization", + "Learning Strategy Modification", + "Personalized Instruction" + ] + }, + "Child Safety and Welfare": { + "description": "Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, and protective interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Protection", + "Child Development Safety", + "Educational Environment Management" + ] + }, + "Precision Surface Etching": { + "description": "Advanced technical skills in precisely cutting, marking, engraving, and finishing materials using specialized etching and engraving techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Marking", + "Precision Material Engraving", + "Technical Surface Treatment" + ] + }, + "Equipment Control and Monitoring": { + "description": "Comprehensive ability to operate, adjust, monitor, and control specialized industrial machinery and production equipment with precision and systematic approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Operation Management", + "Technical Equipment Control", + "Production System Monitoring" + ] + }, + "Protective Finishing Application": { + "description": "Advanced techniques for applying protective or decorative finishes to workpieces, ensuring surface quality, durability, and aesthetic standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Coating Application", + "Finish Quality Management" + ] + }, + "Workplace Safety Engineering": { + "description": "Comprehensive ability to investigate, assess, and develop safety standards, policies, and procedures across diverse work environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Systems Design", + "Occupational Risk Mitigation", + "Workplace Hazard Prevention" + ] + }, + "Financial Risk Analysis": { + "description": "Advanced analytical skills for systematically assessing, evaluating, and mitigating financial risks across business and investment contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Assessment", + "Financial Modeling", + "Investment Risk Evaluation" + ] + }, + "Strategic Business Intelligence": { + "description": "Comprehensive capabilities in collecting, analyzing, and interpreting complex business and financial data to support strategic decision-making", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Data Analysis", + "Organizational Insights", + "Strategic Information Processing" + ] + }, + "Financial Reporting and Documentation": { + "description": "Comprehensive skills in preparing, analyzing, and communicating detailed financial documents, reports, budgets, and regulatory documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Document Preparation", + "Fiscal Reporting", + "Comprehensive Financial Communication" + ] + }, + "Investment Strategy Development": { + "description": "Advanced analytical capabilities for identifying, evaluating, and recommending strategic investment opportunities across diverse financial contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investment Portfolio Management", + "Financial Opportunity Analysis", + "Strategic Investment Planning" + ] + }, + "Biomass Production Operations": { + "description": "Comprehensive skills in operating, monitoring, and managing biomass and biofuel production equipment, ensuring efficient and safe production processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Biofuel Equipment Management", + "Renewable Energy Production" + ] + }, + "Sustainable Energy Quality Control": { + "description": "Systematic approach to testing materials, evaluating production quality, and ensuring compliance with sustainable energy production standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Inspection", + "Production Quality Verification" + ] + }, + "Operational Data Documentation": { + "description": "Comprehensive skills in recording, tracking, and maintaining precise operational and production data across technical work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Record Keeping", + "Technical Operational Logging" + ] + }, + "Industrial Safety Compliance": { + "description": "Advanced skills in maintaining workplace safety, identifying potential hazards, and implementing preventive measures in sustainable energy production environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Risk Management", + "Safety Protocol Enforcement" + ] + }, + "Special Needs Educational Support": { + "description": "Comprehensive skills in developing, implementing, and adapting educational strategies specifically for students with special needs, involving individualized instruction, comprehensive academic interventions, and holistic student development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Inclusive Learning", + "Specialized Educational Adaptation", + "Individualized Student Support" + ] + }, + "Guest Service Coordination": { + "description": "Advanced interpersonal skills for managing patron interactions, handling luggage, providing directions, and ensuring comprehensive customer support in hospitality and service environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patron Assistance", + "Customer Support Management", + "Service Interaction" + ] + }, + "Facility Maintenance and Cleaning": { + "description": "Comprehensive skills in maintaining clean, organized, and functional service areas, including cleaning facilities, arranging items, and ensuring hygienic work environments", + "confidence": 0.93, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Service Area Upkeep", + "Workplace Sanitation" + ] + }, + "Economic Analysis": { + "description": "Advanced analytical skills for systematically examining economic, political, and social trends through comprehensive research, data interpretation, and strategic reasoning", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Economic Research", + "Trend Forecasting", + "Socioeconomic Analysis" + ] + }, + "Quantitative Reasoning": { + "description": "Advanced mathematical and statistical skills for solving complex problems, analyzing data, and making evidence-based decisions across professional contexts", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mathematical Problem Solving", + "Statistical Analysis", + "Numerical Reasoning" + ] + }, + "Critical Analytical Reasoning": { + "description": "Advanced cognitive skills for systematically evaluating complex information systems, analyzing data relationships, interpreting technical specifications, and making strategic technological decisions", + "confidence": 1.0, + "usage_count": 3, + "last_updated": "", + "synonyms": [ + "Technical Decision Making", + "Systematic Reasoning" + ] + }, + "Research Methodology": { + "description": "Comprehensive skills in designing, conducting, and analyzing systematic research involving precise data collection, scientific investigation, and evidence-based knowledge development", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Research", + "Scholarly Investigation", + "Systematic Research Techniques" + ] + }, + "Underwater Technical Operations": { + "description": "Advanced skills in performing complex technical tasks, equipment maintenance, and operational procedures in underwater and marine environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marine Technical Expertise", + "Underwater Work Skills", + "Subaquatic Operations" + ] + }, + "Safety and Emergency Response": { + "description": "Comprehensive capabilities in identifying potential risks, implementing safety protocols, responding to critical situations, and ensuring workplace and personal safety across diverse technical environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Preparedness", + "Workplace Risk Management", + "Critical Incident Response" + ] + }, + "Complex Problem-Solving in Technical Environments": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Diagnostic Reasoning", + "Systematic Technical Problem Resolution" + ] + }, + "Professional Communication in Technical Contexts": { + "description": "Advanced interpersonal skills for precise information exchange, active listening, coordinating work activities, and maintaining professional interaction across technical and operational environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Operational Communication", + "Professional Workplace Dialogue" + ] + }, + "Equipment Operation Monitoring": { + "description": "Systematic skill in observing, controlling, and ensuring proper functionality of production machinery and equipment through active monitoring and performance tracking", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Performance Tracking", + "Operational Equipment Control", + "Production System Monitoring" + ] + }, + "Mathematical Problem Solving": { + "description": "Advanced skills in applying mathematical principles, statistical methods, and quantitative reasoning to analyze complex problems and develop innovative solutions across scientific and technical domains", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Quantitative Reasoning", + "Mathematical Analysis", + "Technical Problem Solving" + ] + }, + "Advanced Analytical Reasoning": { + "description": "Sophisticated cognitive skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, critical thinking, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Critical Analysis", + "Strategic Problem Resolution", + "Complex Reasoning" + ] + }, + "Systematic Documentation": { + "description": "Comprehensive skills in creating, maintaining, and communicating detailed technical, scientific, and operational documentation with precision, accuracy, and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precise Record Keeping", + "Technical Writing", + "Operational Documentation" + ] + }, + "Interpersonal Needs Assessment": { + "description": "Advanced skills in systematically identifying, analyzing, and evaluating individual client requirements, developmental challenges, and personalized support strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Needs Evaluation", + "Individual Requirement Analysis" + ] + }, + "Agricultural Systems Management": { + "description": "Advanced skills in managing agricultural processes, crop research, plant classification, soil analysis, and sustainable agricultural development", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crop Management", + "Agricultural Research", + "Plant Science" + ] + }, + "Sustainable Resource Management": { + "description": "Comprehensive skills in developing, implementing, and monitoring conservation strategies, restoration programs, and sustainable land and resource management practices", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Conservation Planning", + "Resource Preservation", + "Ecological Sustainability" + ] + }, + "Information Services Support": { + "description": "Advanced interpersonal skills for providing comprehensive patron assistance, information retrieval, research support, and professional customer service in library and archival environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patron Information Assistance", + "Research Support Services", + "Customer Information Management" + ] + }, + "Technical Documentation Processing": { + "description": "Systematic skills in collecting, organizing, maintaining, and managing diverse administrative and technical documentation with precision and comprehensive accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Management", + "Document Processing", + "Record Keeping" + ] + }, + "Computational Bioinformatics Analysis": { + "description": "Advanced skills in using computational tools, algorithms, and statistical methods to analyze complex biological data, genetic information, and scientific research outcomes", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Bioinformatics Data Processing", + "Computational Biological Analysis", + "Scientific Data Interpretation" + ] + }, + "Complex Problem Solving in Scientific Contexts": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Problem Resolution", + "Analytical Research Problem Solving", + "Technical Challenge Analysis" + ] + }, + "Safety and Quality Inspection": { + "description": "Systematic approach to conducting comprehensive equipment inspections, ensuring operational safety, monitoring performance, identifying potential hazards, and maintaining quality standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Verification", + "Equipment Performance Monitoring", + "Technical Compliance Inspection" + ] + }, + "Technical Equipment Operation": { + "description": "Advanced skills in operating, monitoring, controlling, and managing specialized machinery and equipment across diverse technical and industrial environments with precision and systematic approach", + "confidence": 0.99, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Equipment Control", + "Machinery Management", + "Technical Systems Operation" + ] + }, + "Strategic Resource Management": { + "description": "Comprehensive ability to coordinate, allocate, and optimize personnel, material, and financial resources across complex organizational environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Coordination", + "Organizational Resource Optimization", + "Strategic Personnel Management" + ] + }, + "Professional Communication in Healthcare": { + "description": "Advanced interpersonal communication skills specific to medical environments, involving precise information exchange, active listening, patient counseling, and comprehensive professional dialogue", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Communication", + "Healthcare Interaction", + "Patient Information Exchange" + ] + }, + "Transcription and Information Processing": { + "description": "Advanced skills in accurately capturing, recording, and documenting verbal and written information across professional contexts with high precision and attention to detail", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Accurate Transcription", + "Information Verification", + "Detailed Documentation" + ] + }, + "Telecommunications Equipment Installation": { + "description": "Advanced technical skills in installing, configuring, testing, and maintaining complex telecommunications and communication line systems with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Telecom Line Setup", + "Communication Infrastructure Installation" + ] + }, + "Field Technical Operations": { + "description": "Comprehensive skills in performing on-site technical work, including travel to work sites, equipment installation, repair, and maintenance across diverse operational environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "On-Site Technical Services", + "Mobile Technical Deployment" + ] + }, + "Technical Safety and Equipment Inspection": { + "description": "Systematic approach to inspecting telecommunications equipment, identifying potential problems, ensuring operational safety, and maintaining high-quality technical standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostic Verification", + "Technical Safety Compliance" + ] + }, + "Operational Problem-Solving": { + "description": "Advanced analytical skills for systematically identifying complex technical challenges, evaluating alternative solutions, and implementing strategic troubleshooting techniques in telecommunications environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Challenge Resolution", + "Systematic Operational Troubleshooting" + ] + }, + "Print Production Technical Skills": { + "description": "Advanced proficiency in operating photographic and print production equipment, including developing, inspecting, programming, and maintaining specialized imaging and printing machinery", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Print Equipment Operation", + "Image Production Management", + "Technical Print Processing" + ] + }, + "Technical Equipment Programming": { + "description": "Advanced skills in entering commands, instructions, and specifications into specialized production equipment, configuring operational sequences, and managing complex machinery controls", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Control", + "Machinery Programming", + "Technical Operational Setup" + ] + }, + "Mail Processing Operations": { + "description": "Comprehensive skills in sorting, routing, packaging, and distributing mail and postal materials with precision and systematic operational efficiency", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mail Handling", + "Postal Logistics", + "Mail Distribution" + ] + }, + "Equipment Maintenance and Monitoring": { + "description": "Advanced technical skills in inspecting, maintaining, cleaning, and ensuring optimal functionality of postal and office equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Equipment Care", + "Operational Equipment Management" + ] + }, + "Workplace Safety and Quality Control": { + "description": "Comprehensive approach to ensuring workplace safety, monitoring equipment performance, identifying potential hazards, and implementing preventive measures", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Protocol Management", + "Operational Risk Mitigation" + ] + }, + "Operational Coordination and Communication": { + "description": "Advanced skills in coordinating work activities, communicating effectively with team members, and adjusting actions in relation to others", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Collaboration", + "Team Coordination" + ] + }, + "Strategic Compensation Management": { + "description": "Advanced skills in designing, implementing, and managing comprehensive compensation and benefits programs across organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Benefits Strategy", + "Employee Compensation Planning", + "Total Rewards Design" + ] + }, + "Regulatory Compliance Oversight": { + "description": "Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific human resources regulations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "HR Legal Compliance", + "Regulatory HR Management", + "Employment Law Adherence" + ] + }, + "Financial Resource Allocation": { + "description": "Advanced skills in managing financial resources, preparing budgets, analyzing expenditures, and strategically distributing organizational funds", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Budget Management", + "Financial Planning", + "Resource Optimization" + ] + }, + "Equipment Operation and Monitoring": { + "description": "Proficient skills in operating, controlling, and monitoring industrial machinery, conveyor systems, and material-moving equipment with systematic precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Control", + "Industrial Equipment Management", + "Operational Equipment Monitoring" + ] + }, + "Workplace Safety and Maintenance": { + "description": "Comprehensive skills in maintaining clean work areas, inspecting equipment, identifying potential hazards, and ensuring operational safety through systematic preventive measures", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Workplace Risk Mitigation" + ] + }, + "Material Handling and Movement": { + "description": "Proficient skills in loading, securing, sorting, moving, and transferring materials, equipment, and supplies across diverse work environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cargo Management", + "Material Transportation", + "Logistics Coordination" + ] + }, + "Strategic Conservation Planning": { + "description": "Advanced capabilities in developing, implementing, and managing comprehensive environmental conservation initiatives, restoration programs, and sustainable resource management strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Natural Resource Conservation", + "Ecosystem Restoration Strategy", + "Sustainable Management Planning" + ] + }, + "Network Systems Management": { + "description": "Advanced technical skills in maintaining, configuring, troubleshooting, and optimizing computer networks to enhance performance and security", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Network Infrastructure Support", + "Computer Systems Administration", + "IT Network Operations" + ] + }, + "Systems Performance Optimization": { + "description": "Advanced analytical skills for evaluating, monitoring, and improving computer network and system performance through systematic assessment and strategic interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Network Performance Enhancement", + "Systems Efficiency Management", + "Technical Performance Improvement" + ] + }, + "Mortuary Service Management": { + "description": "Comprehensive skills in managing funeral service operations, coordinating administrative tasks, preparing deceased remains, and providing compassionate support to bereaved families", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Funeral Service Coordination", + "Mortuary Operations", + "Deceased Care Management" + ] + }, + "Facility Maintenance and Sanitation": { + "description": "Comprehensive skills in cleaning, organizing, and maintaining funeral service facilities, ensuring hygienic and respectful work environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Service Area Cleaning", + "Mortuary Facility Management", + "Professional Environment Maintenance" + ] + }, + "Administrative Funeral Documentation": { + "description": "Systematic skills in preparing, maintaining, and managing precise funeral service documentation, client records, and regulatory compliance paperwork", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Funeral Service Records", + "Client Documentation Management", + "Regulatory Compliance Processing" + ] + }, + "Sustainability Strategy Development": { + "description": "Advanced skills in creating, implementing, and managing comprehensive organizational sustainability policies, green initiatives, and environmental protection strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Policy Planning", + "Environmental Strategy Management", + "Sustainable Organizational Design" + ] + }, + "Organizational Green Innovation": { + "description": "Advanced capabilities in identifying, developing, and implementing innovative sustainable technologies, processes, and operational improvements across organizational contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sustainability Technology Development", + "Green Innovation Management" + ] + }, + "Stakeholder Environmental Communication": { + "description": "Advanced interpersonal skills for presenting sustainable initiatives, advising stakeholders, negotiating environmental contracts, and effectively communicating complex environmental information", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Communication Strategy", + "Environmental Stakeholder Engagement" + ] + }, + "Operational Sustainability Monitoring": { + "description": "Systematic approach to tracking, documenting, and ensuring compliance with environmental regulations, monitoring organizational activities, and maintaining comprehensive operational sustainability records", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Performance Tracking", + "Sustainability Operational Oversight" + ] + }, + "Anesthesia and Life Support": { + "description": "Advanced clinical skills in administering anesthesia, implementing emergency life support techniques, monitoring patient conditions, and managing critical medical interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Medical Support", + "Critical Care Intervention", + "Advanced Resuscitation" + ] + }, + "Digital Document Management": { + "description": "Advanced skills in formatting, entering, proofreading, and processing digital documents, data, and images with precision and technical accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Content Processing", + "Electronic Document Handling" + ] + }, + "Technical Information Processing": { + "description": "Comprehensive ability to read, comprehend, interpret, and apply written instructions, work orders, and technical documentation with high precision", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Procedural Information Comprehension", + "Technical Instruction Interpretation" + ] + }, + "Resource and Task Management": { + "description": "Advanced skills in selecting, preparing, and coordinating resources needed to accomplish specific work tasks efficiently", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Resource Coordination", + "Task Resource Allocation" + ] + }, + "Therapeutic Social Support": { + "description": "Advanced interpersonal skills for providing comprehensive psychological counseling, emotional support, and personalized intervention strategies for individuals with mental health and substance abuse challenges", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Counseling and Intervention", + "Psychological Support Services", + "Mental Health Guidance" + ] + }, + "Client Case Management": { + "description": "Comprehensive skills in assessing client needs, developing treatment plans, monitoring progress, coordinating services, and providing holistic support across social service and healthcare contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Support Coordination", + "Comprehensive Care Planning", + "Integrated Service Management" + ] + }, + "Professional Interpersonal Assessment": { + "description": "Advanced perceptive skills for understanding human behavior, emotional responses, social dynamics, and complex interpersonal interactions to support effective counseling and intervention", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Social Perceptiveness", + "Behavioral Observation", + "Interpersonal Dynamics Analysis" + ] + }, + "Ethical Professional Intervention": { + "description": "Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Ethical Practice", + "Compassionate Client Support", + "Principled Social Work" + ] + }, + "Cybersecurity Analysis": { + "description": "Advanced skills in identifying, investigating, and mitigating digital security risks, vulnerabilities, and potential cyber threats through systematic technical assessment and strategic intervention", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Risk Assessment", + "Network Vulnerability Analysis", + "Cyber Threat Investigation" + ] + }, + "Technical Penetration Testing": { + "description": "Comprehensive skills in systematically evaluating computer systems, networks, and information security through controlled simulated cyber attacks to identify and document potential vulnerabilities", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security System Probing", + "Vulnerability Identification", + "Ethical Hacking" + ] + }, + "Security Policy Development": { + "description": "Advanced capabilities in creating, implementing, and maintaining comprehensive organizational information security policies, procedures, and strategic protective frameworks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cybersecurity Governance", + "Information Protection Strategy" + ] + }, + "Technical Risk Mitigation": { + "description": "Systematic approach to identifying, analyzing, and developing strategic interventions to minimize potential losses or damages in technological and information systems", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Risk Management", + "Vulnerability Reduction" + ] + }, + "Investigative Technical Documentation": { + "description": "Comprehensive skills in preparing detailed analytical reports, documenting technical findings, and systematically recording evidence of security investigations and system assessments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Reporting", + "Technical Evidence Documentation" + ] + }, + "Precision Manual Craftsmanship": { + "description": "Advanced technical skills in using specialized hand tools to precisely measure, cut, shape, and assemble workpieces with high accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Manual Technical Skills", + "Precision Fabrication", + "Detailed Crafting" + ] + }, + "Product Quality Inspection": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to manufacturing specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control", + "Dimensional Verification", + "Product Assessment" + ] + }, + "Promotional Content Creation": { + "description": "Advanced skills in writing, designing, and developing compelling advertising and informational materials to effectively communicate organizational messages and engage target audiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marketing Writing", + "Advertising Content Development", + "Informational Material Design" + ] + }, + "Construction Site Operations": { + "description": "Comprehensive skills in managing construction work sites, including equipment positioning, material handling, surface preparation, and coordinating complex construction activities", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Site Management", + "Construction Workflow Coordination" + ] + }, + "Manual Construction Skills": { + "description": "Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and install construction materials with high technical accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Construction Techniques", + "Technical Construction Manipulation" + ] + }, + "Operational Safety Coordination": { + "description": "Advanced skills in ensuring workplace safety, directing equipment operations, signaling workers, and maintaining comprehensive safety protocols in construction environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Site Safety Management", + "Worker Safety Coordination" + ] + }, + "Community Health Support": { + "description": "Comprehensive skills in providing direct health services, community education, client advocacy, and personalized support for individual and community wellness", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Health Intervention", + "Public Health Assistance", + "Healthcare Outreach" + ] + }, + "Social Service Coordination": { + "description": "Advanced skills in assessing community needs, connecting clients with resources, managing support programs, and facilitating comprehensive social interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Navigation", + "Community Support Management", + "Client Service Integration" + ] + }, + "Interpersonal Health Communication": { + "description": "Advanced communication skills for patient engagement, health education, precise information exchange, and comprehensive wellness guidance across diverse community contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Counseling", + "Patient Education Communication", + "Wellness Information Exchange" + ] + }, + "Preventive Health Intervention": { + "description": "Comprehensive skills in promoting health awareness, providing early intervention, conducting risk assessments, and implementing proactive wellness strategies for individuals and communities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Risk Mitigation", + "Wellness Prevention", + "Community Health Promotion" + ] + }, + "Medical Radiation Treatment": { + "description": "Advanced clinical skills for administering precise radiation therapy, patient positioning, equipment operation, and comprehensive cancer treatment support", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Radiation Oncology Support", + "Cancer Treatment Intervention", + "Therapeutic Radiation Management" + ] + }, + "Patient Safety Monitoring": { + "description": "Comprehensive skills in ensuring patient protection, verifying medical information, monitoring treatment conditions, and implementing protective protocols", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Treatment Safety Management", + "Patient Protection Protocols", + "Medical Risk Mitigation" + ] + }, + "Precision Patient Care": { + "description": "Advanced interpersonal and clinical skills for providing comprehensive, compassionate patient support, emotional guidance, and personalized treatment communication", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient-Centered Healthcare", + "Therapeutic Patient Interaction", + "Compassionate Medical Support" + ] + }, + "Recycling Operational Management": { + "description": "Comprehensive skills in coordinating, directing, and implementing recycling program activities, material handling, transport logistics, and operational efficiency", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Recycling Program Coordination", + "Material Recycling Operations" + ] + }, + "Environmental Compliance Coordination": { + "description": "Advanced skills in ensuring regulatory adherence, monitoring safety standards, inspecting facilities, and implementing comprehensive environmental and recycling protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Environmental Management", + "Safety and Compliance Monitoring" + ] + }, + "Material Transport and Logistics": { + "description": "Proficient skills in managing material movement, delivery coordination, shipment tracking, and operational transportation activities", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Freight and Delivery Coordination", + "Logistics Resource Management" + ] + }, + "Waste Processing and Sorting": { + "description": "Advanced technical skills in sorting, cleaning, processing, and preparing recyclable materials through systematic operational techniques", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Recycling Techniques", + "Waste Handling Expertise" + ] + }, + "Construction Surface Preparation": { + "description": "Advanced skills in cleaning, smoothing, and preparing surfaces for construction and painting tasks using specialized tools and techniques", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Work Area Preparation", + "Surface Readiness" + ] + }, + "Professional Communication and Documentation": { + "description": "Advanced interpersonal and written communication skills involving precise information exchange, active listening, documentation, and strategic interaction across diverse professional environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Comprehensive Professional Communication", + "Systematic Information Management", + "Organizational Communication Strategy" + ] + }, + "Investigative Analysis and Evidence Management": { + "description": "Advanced capabilities in systematically collecting, examining, documenting, and interpreting evidence through comprehensive investigation, scientific reasoning, and precise documentation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Evidence Collection", + "Systematic Investigative Reasoning", + "Professional Forensic Documentation" + ] + }, + "Operational Compliance and Safety Monitoring": { + "description": "Comprehensive approach to ensuring workplace safety, regulatory adherence, quality standards, and implementing preventive measures across diverse professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Protocol Management", + "Operational Risk Mitigation", + "Workplace Compliance Oversight" + ] + }, + "Financial Sales Strategy": { + "description": "Advanced skills in selling financial products, identifying investment opportunities, negotiating sales terms, and developing comprehensive financial service strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Product Marketing", + "Investment Sales Approach", + "Securities Sales Techniques" + ] + }, + "Market Intelligence Analysis": { + "description": "Comprehensive ability to monitor market conditions, analyze trends, assess product effectiveness, and develop strategic insights for financial services and investment opportunities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Market Research", + "Investment Trend Evaluation", + "Securities Market Monitoring" + ] + }, + "Professional Financial Communication": { + "description": "Advanced interpersonal skills for explaining complex financial information, persuading potential clients, and providing comprehensive advisory services in securities and financial markets", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Product Explanation", + "Investment Counseling Communication", + "Securities Sales Dialogue" + ] + }, + "Customer Needs Financial Assessment": { + "description": "Systematic approach to gathering customer financial information, identifying investment needs, analyzing risk tolerance, and developing personalized financial product recommendations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Needs Analysis", + "Investment Portfolio Evaluation", + "Client Financial Profiling" + ] + }, + "Precision Material Processing": { + "description": "Comprehensive skills in measuring, cutting, positioning, preparing, and manipulating materials through complex manufacturing processes with high accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Fabrication", + "Technical Material Handling", + "Precision Workpiece Preparation" + ] + }, + "Technical Surface Treatment": { + "description": "Advanced skills in cleaning, smoothing, preparing, finishing, and treating surfaces using specialized tools, techniques, and chemical solutions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Preparation", + "Material Finishing", + "Technical Surface Modification" + ] + }, + "Developmental Learning Adaptation": { + "description": "Flexible pedagogical skills involving modifying teaching methods, materials, and approaches to accommodate diverse student learning needs, developmental stages, and individual capabilities", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Instructional Flexibility", + "Adaptive Teaching" + ] + }, + "Child Safety and Developmental Support": { + "description": "Comprehensive skills in ensuring physical, emotional, and developmental safety of children through proactive monitoring, environment preparation, rule enforcement, and protective interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Child Protection", + "Developmental Safety Management" + ] + }, + "Academic Instruction Management": { + "description": "Comprehensive skills in designing, delivering, and managing educational content, curriculum development, student assessment, and learning experiences in postsecondary educational environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Higher Education Instruction", + "Postsecondary Teaching", + "Educational Content Design" + ] + }, + "Scholarly Research Development": { + "description": "Advanced capabilities in conducting systematic research, publishing academic materials, developing original content, and contributing to knowledge domains across academic disciplines", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Research", + "Knowledge Domain Contribution", + "Scholarly Content Creation" + ] + }, + "Interpersonal Academic Communication": { + "description": "Advanced communication skills specific to academic environments, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Professional Dialogue", + "Educational Communication", + "Scholarly Interaction" + ] + }, + "Quantitative Data Processing": { + "description": "Advanced skills in collecting, analyzing, verifying, and interpreting numerical and statistical information using mathematical and computational methods", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mathematical Data Analysis", + "Statistical Information Management" + ] + }, + "Operational Information Verification": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Gathering", + "Professional Data Validation" + ] + }, + "Materials Science Analysis": { + "description": "Comprehensive skills in examining, testing, characterizing, and evaluating material properties, composition, and performance across diverse scientific and industrial contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Characterization", + "Scientific Material Evaluation", + "Technical Material Assessment" + ] + }, + "Laboratory Quality Control": { + "description": "Systematic approach to conducting detailed scientific inspections, measuring characteristics, analyzing findings, and ensuring conformance to precise technical and research standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Verification", + "Research Quality Assurance", + "Technical Standards Compliance" + ] + }, + "Environmental Conservation Expertise": { + "description": "Comprehensive skills in managing, protecting, and preserving natural ecosystems, wildlife habitats, and environmental resources through systematic scientific and operational techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nature Preservation", + "Ecological Management", + "Wildlife Conservation" + ] + }, + "Interpretive Educational Communication": { + "description": "Advanced skills in explaining complex scientific, natural, and environmental concepts to diverse audiences through engaging, accessible, and informative communication strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Public Science Education", + "Environmental Interpretation", + "Nature Communication" + ] + }, + "Field Research and Documentation": { + "description": "Comprehensive skills in conducting systematic scientific investigations, collecting environmental data, documenting observations, and maintaining precise research records in outdoor settings", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Field Observation", + "Environmental Data Collection" + ] + }, + "Wildlife Interaction and Management": { + "description": "Advanced skills in observing, monitoring, handling, and managing animal populations with emphasis on conservation, safety, and ecological understanding", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Behavior Assessment", + "Wildlife Monitoring" + ] + }, + "Ecological Site Assessment": { + "description": "Comprehensive skills in evaluating environmental conditions, analyzing habitat characteristics, identifying ecological impacts, and developing conservation strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Site Analysis", + "Habitat Evaluation" + ] + }, + "Strategic Marketing Communication": { + "description": "Advanced skills in developing, coordinating, and executing comprehensive marketing and promotional strategies across diverse communication channels", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marketing Strategy Development", + "Promotional Communication", + "Brand Messaging" + ] + }, + "Professional Persuasive Communication": { + "description": "Advanced interpersonal skills for convincing, influencing, and motivating stakeholders through strategic communication, active listening, and compelling narrative development", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Stakeholder Persuasion", + "Influential Communication" + ] + }, + "Comprehensive Performance Monitoring": { + "description": "Systematic approach to evaluating individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Assessment", + "Operational Effectiveness Tracking" + ] + }, + "Adaptive Physical Education Support": { + "description": "Comprehensive skills in modifying educational approaches, developing specialized instructional strategies, and providing individualized support for students with unique physical and learning needs", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Special Needs Physical Education", + "Inclusive Physical Learning", + "Adapted Movement Instruction" + ] + }, + "Student Developmental Guidance": { + "description": "Advanced interpersonal skills for nurturing, supporting, and guiding student physical, emotional, and academic development through personalized interventions and comprehensive educational support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Holistic Development", + "Educational Mentorship", + "Comprehensive Student Support" + ] + }, + "Specialized Instructional Adaptation": { + "description": "Flexible pedagogical skills involving systematically modifying teaching methods, materials, and approaches to accommodate diverse student physical abilities, learning styles, and developmental requirements", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Adaptive Learning Strategies", + "Personalized Instructional Modification", + "Individualized Educational Approach" + ] + }, + "Inclusive Physical Education Management": { + "description": "Comprehensive skills in creating, implementing, and managing adaptive physical education programs that ensure comprehensive participation, skill development, and supportive learning environments for students with diverse abilities", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Adaptive Physical Learning", + "Comprehensive Movement Education", + "Inclusive Athletic Instruction" + ] + }, + "Route Navigation and Logistics": { + "description": "Advanced skills in reading maps, determining optimal routes, managing transportation logistics, coordinating vehicle movement, and adapting to changing travel conditions", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Route Planning", + "Vehicle Movement Coordination" + ] + }, + "Administrative Transaction Processing": { + "description": "Comprehensive skills in managing financial transactions, collecting fares, processing payments, maintaining accurate service records, and ensuring precise documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Service Transaction Management", + "Financial Record Maintenance" + ] + }, + "Agricultural Resource Management": { + "description": "Comprehensive skills in managing agricultural operations, coordinating resources, analyzing financial records, and developing strategic agricultural methods", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Farm Operations Management", + "Agricultural Systems Coordination", + "Agricultural Business Strategy" + ] + }, + "Operational Compliance and Documentation": { + "description": "Advanced skills in maintaining regulatory documentation, preparing reports, ensuring compliance, and systematically managing operational records", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Record Keeping", + "Operational Documentation Management" + ] + }, + "Strategic Agricultural Planning": { + "description": "Advanced analytical skills for developing agricultural methods, estimating resource requirements, and implementing comprehensive operational strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Method Development", + "Resource Planning" + ] + }, + "Field Operations Safety Management": { + "description": "Comprehensive skills in ensuring workplace safety, conducting risk assessments, and implementing preventive measures in agricultural and outdoor work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Safety Protocols", + "Outdoor Work Risk Management" + ] + }, + "Agricultural Equipment and Technology Management": { + "description": "Advanced skills in operating, maintaining, and coordinating specialized agricultural machinery, equipment, and technological resources", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Machinery Operation", + "Technical Agricultural Systems" + ] + }, + "Public Safety Monitoring": { + "description": "Comprehensive skills in observing environments, detecting potential hazards, enforcing safety regulations, and proactively preventing risks in recreational and protective service settings", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Surveillance", + "Risk Detection", + "Protective Environment Management" + ] + }, + "First Aid and Medical Support": { + "description": "Comprehensive skills in administering immediate medical assistance, performing emergency treatments, assessing patient conditions, and providing critical care in recreational and protective service environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Medical Intervention", + "Immediate Care Support", + "Rescue Medical Assistance" + ] + }, + "Patron Safety Coordination": { + "description": "Advanced skills in managing patron activities, ensuring individual and group safety, resolving potential conflicts, and providing comprehensive support in recreational and protective service contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Management", + "Patron Protection", + "Recreational Safety Support" + ] + }, + "Construction Supervision": { + "description": "Advanced skills in directing, coordinating, and managing construction personnel, project activities, and operational workflows with emphasis on technical compliance and personnel management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Team Leadership", + "Trade Workforce Management", + "Construction Operations Coordination" + ] + }, + "Technical Project Inspection": { + "description": "Comprehensive ability to evaluate projects, inspect equipment, monitor operations, and ensure compliance with technical specifications and quality standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Quality Verification", + "Equipment and Process Inspection", + "Technical Compliance Monitoring" + ] + }, + "Construction Resource Planning": { + "description": "Advanced skills in estimating project labor requirements, material needs, and coordinating resource allocation for construction and extraction projects", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Resource Management", + "Construction Logistics Coordination", + "Material and Labor Estimation" + ] + }, + "Site Preparation and Measurement": { + "description": "Precise skills in measuring work site dimensions, marking reference points, preparing construction materials, and ensuring accurate spatial positioning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Site Layout", + "Dimensional Verification", + "Material Positioning" + ] + }, + "Construction Personnel Training": { + "description": "Comprehensive skills in training, instructing, and developing construction and extraction personnel to ensure technical proficiency and operational safety", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workforce Skill Development", + "Technical Personnel Education", + "Occupational Training" + ] + }, + "Equipment Programming and Control": { + "description": "Advanced skills in configuring, operating, monitoring, and controlling specialized industrial machinery and production equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Operation Management", + "Technical Equipment Programming", + "Production System Control" + ] + }, + "Roofing Material Preparation": { + "description": "Advanced skills in cleaning, inspecting, and preparing surfaces and materials for roofing installation and repair tasks", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Readiness", + "Roofing Site Preparation", + "Material Inspection" + ] + }, + "Protective Coating Application": { + "description": "Advanced techniques for applying sealants, protective coatings, and finishing materials to ensure surface durability and weather resistance", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Sealing", + "Protective Material Application", + "Weatherproofing" + ] + }, + "Patient Assessment and Diagnosis": { + "description": "Advanced clinical skills for comprehensive patient examination, medical history collection, diagnostic reasoning, and systematic health evaluation across diverse medical contexts", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Reasoning", + "Clinical Patient Evaluation", + "Comprehensive Health Assessment" + ] + }, + "Musculoskeletal Treatment Techniques": { + "description": "Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chiropractic Manipulation", + "Physical Therapeutic Intervention", + "Musculoskeletal Healing" + ] + }, + "Holistic Patient Care Management": { + "description": "Comprehensive approach to patient treatment involving systematic assessment, personalized care planning, wellness guidance, and integrated health support across physical and preventive care domains", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Comprehensive Health Management", + "Integrated Patient Support", + "Wellness-Centered Care" + ] + }, + "Logistics and Delivery Coordination": { + "description": "Comprehensive skills in managing transportation routes, coordinating delivery activities, recording shipment details, and ensuring efficient material and goods movement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Delivery Operations Management", + "Transportation Logistics" + ] + }, + "Menu Planning and Coordination": { + "description": "Advanced skills in developing meal options, coordinating food preparation activities, managing kitchen workflow, and ensuring comprehensive food service delivery", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Meal Planning", + "Kitchen Operations", + "Food Service Coordination" + ] + }, + "Ingredient and Supply Management": { + "description": "Comprehensive skills in tracking, storing, organizing, and managing food supplies, kitchen equipment, and resource inventory efficiently", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Kitchen Inventory", + "Supply Tracking", + "Resource Management" + ] + }, + "Non-Destructive Testing Expertise": { + "description": "Advanced technical skills in conducting systematic inspections, measurements, and quality control assessments of materials and products without causing damage or altering the item's integrity", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Integrity Assessment", + "Technical Inspection Methodology", + "Quality Verification Techniques" + ] + }, + "Precision Measurement and Analysis": { + "description": "Advanced technical skills in measuring physical and chemical properties, calculating dimensional specifications, and systematically evaluating material characteristics with high accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Dimensional Verification", + "Scientific Measurement Techniques", + "Quantitative Material Assessment" + ] + }, + "Quality Control Systematic Analysis": { + "description": "Advanced analytical skills for conducting comprehensive inspections, evaluating product characteristics, identifying potential defects, and ensuring conformance to precise technical and operational standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Inspection Methodology", + "Operational Quality Verification", + "Systematic Performance Assessment" + ] + }, + "Resource and Personnel Management": { + "description": "Comprehensive skills in managing, developing, motivating, and coordinating human resources, workforce activities, and organizational talent across diverse professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workforce Development", + "Human Capital Management", + "Staff Coordination" + ] + }, + "Vision Rehabilitation Support": { + "description": "Comprehensive skills in providing specialized assistance for individuals with low vision, including assessment, device recommendation, training, and adaptive strategy development", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vision Care Assistance", + "Low Vision Therapy", + "Adaptive Vision Support" + ] + }, + "Assistive Device Expertise": { + "description": "Advanced technical skills in recommending, fitting, instructing, and customizing assistive equipment for individuals with visual or mobility impairments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Customization", + "Adaptive Equipment Management" + ] + }, + "Patient-Centered Rehabilitation Instruction": { + "description": "Advanced interpersonal and instructional skills for teaching adaptive techniques, life skills, and comprehensive strategies to patients and their families", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Adaptive Skills Training", + "Rehabilitation Education" + ] + }, + "Disability Management Counseling": { + "description": "Comprehensive interpersonal skills for providing emotional support, guidance, and strategic counseling to individuals managing disabilities or health challenges", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Disability Support Counseling", + "Patient Psychological Guidance" + ] + }, + "Functional Capability Assessment": { + "description": "Advanced clinical skills for systematically evaluating patient physical capabilities, limitations, and developing personalized treatment and adaptation strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Functional Evaluation", + "Capability Diagnostic Reasoning" + ] + }, + "Marine Equipment Troubleshooting": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex mechanical and operational issues in marine and motorboat equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostic Assessment", + "Marine System Problem Solving" + ] + }, + "Marine Safety Equipment Verification": { + "description": "Systematic approach to inspecting, testing, and ensuring proper functioning of safety equipment and systems in marine and motorboat environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Boat Safety Inspection", + "Marine Equipment Compliance" + ] + }, + "Technical Equipment Operation Control": { + "description": "Advanced skills in operating, monitoring, adjusting, and controlling specialized marine and motorboat equipment with precision and systematic approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marine Equipment Management", + "Boat System Control" + ] + }, + "Semiconductor Process Control": { + "description": "Advanced skills in operating, monitoring, and controlling specialized semiconductor processing equipment with precision and systematic technical approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Operation", + "Process Monitoring", + "Technical Equipment Management" + ] + }, + "Event and Program Coordination": { + "description": "Advanced skills in planning, organizing, scheduling, and executing community events, recreational activities, and entertainment programs with systematic operational management", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Event Planning", + "Activity Program Management", + "Recreational Program Development" + ] + }, + "Operational Safety and Patron Support": { + "description": "Comprehensive skills in monitoring patron activities, ensuring individual and group safety, providing first aid, resolving potential issues, and maintaining a secure recreational environment", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patron Safety Management", + "Recreational Risk Mitigation", + "Customer Protection" + ] + }, + "Administrative Resource Management": { + "description": "Advanced skills in coordinating personnel resources, assigning work schedules, managing administrative tasks, maintaining documentation, and ensuring operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Scheduling", + "Operational Coordination", + "Administrative Workflow Management" + ] + }, + "Interpersonal Service Communication": { + "description": "Advanced communication skills for engaging patrons, providing information, resolving inquiries, explaining regulations, and creating positive service experiences through active listening and professional interaction", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Interaction Management", + "Service Communication Strategy", + "Patron Engagement" + ] + }, + "Precision Information Processing": { + "description": "Advanced skills in collecting, verifying, analyzing, and communicating complex written and numerical information across professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Verification", + "Information Validation", + "Systematic Information Management" + ] + }, + "Rock Extraction Operations": { + "description": "Advanced skills in operating specialized quarry equipment, breaking rock formations, drilling holes, and managing extraction processes with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quarry Equipment Management", + "Stone Extraction Techniques", + "Rock Breaking Operations" + ] + }, + "Precision Manual Material Manipulation": { + "description": "Advanced proficiency in using specialized hand tools to precisely cut, position, examine, and prepare stone, tile, and masonry materials", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Material Handling", + "Precise Stone Processing", + "Masonry Material Preparation" + ] + }, + "Technical Equipment Control": { + "description": "Advanced skills in operating, controlling, adjusting, and monitoring specialized detonation, drilling, and extraction equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machinery Operation Management", + "Equipment Performance Control", + "Technical System Navigation" + ] + }, + "Visual Design Creation": { + "description": "Advanced ability to develop, conceptualize, and create original artistic and technical graphics, animations, and visual design concepts for commercial, exhibition, and creative purposes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Graphic Design", + "Digital Illustration", + "Creative Visualization" + ] + }, + "Creative Technical Storytelling": { + "description": "Advanced skills in developing narrative concepts, preparing production storyboards, and creating compelling visual storytelling across artistic and commercial media", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Narrative Design", + "Visual Storytelling", + "Conceptual Illustration" + ] + }, + "Digital Media Transformation": { + "description": "Comprehensive ability to convert, manipulate, and integrate data and visual content across multiple digital and analog formats with technical precision", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Conversion", + "Format Translation", + "Digital Content Management" + ] + }, + "Artistic Conceptual Development": { + "description": "Advanced skills in researching, analyzing, and integrating current artistic and design trends into creative work and professional practice", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Trend Analysis", + "Design Innovation", + "Artistic Research" + ] + }, + "Deceased Care Management": { + "description": "Advanced technical and interpersonal skills for professionally preparing, handling, and treating human remains with dignity, respect, and precise technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mortuary Service Preparation", + "Deceased Body Care", + "Funeral Service Technical Skills" + ] + }, + "Embalming Technical Procedures": { + "description": "Precise clinical and technical skills for preparing, cleaning, preserving, and presenting human remains through specialized mortuary science techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Corpse Preservation", + "Mortuary Scientific Preparation", + "Human Remains Treatment" + ] + }, + "Cosmetic Restoration Skills": { + "description": "Advanced technical abilities in applying makeup, preparing physical appearance, and enhancing deceased individuals' presentation for funeral services", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Funeral Cosmetic Preparation", + "Deceased Appearance Management", + "Mortuary Aesthetic Restoration" + ] + }, + "Fire Safety Engineering": { + "description": "Advanced technical skills in analyzing, preventing, and managing fire-related risks through systematic inspection, program development, and comprehensive safety protocols", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fire Prevention", + "Safety Engineering", + "Risk Mitigation" + ] + }, + "Emergency Preparedness Management": { + "description": "Comprehensive skills in developing, implementing, and coordinating comprehensive emergency response strategies, safety programs, and risk assessment protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crisis Management", + "Safety Planning", + "Emergency Response" + ] + }, + "Technical Regulatory Compliance": { + "description": "Advanced skills in interpreting, monitoring, and ensuring adherence to complex safety, environmental, and operational regulations across technical work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Adherence", + "Safety Standards", + "Compliance Monitoring" + ] + }, + "Operational Safety Inspection": { + "description": "Systematic approach to conducting comprehensive facility and equipment inspections, identifying potential hazards, and implementing preventive safety measures", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Verification", + "Risk Assessment", + "Facility Inspection" + ] + }, + "Technical Investigative Analysis": { + "description": "Advanced analytical skills for systematically investigating operational incidents, examining debris, determining root causes, and preparing comprehensive technical reports", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Incident Investigation", + "Forensic Analysis", + "Technical Reasoning" + ] + }, + "Petroleum Systems Monitoring": { + "description": "Advanced skills in inspecting, controlling, and monitoring petroleum extraction equipment, gauges, and operational systems to ensure proper functioning and safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Well Operation Monitoring", + "Extraction Equipment Control", + "Petroleum Site Inspection" + ] + }, + "Chemical Substance Preparation": { + "description": "Advanced skills in preparing, handling, measuring, and processing chemical substances for work applications with precision and safety protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Solution Management", + "Substance Handling Techniques", + "Work Chemical Preparation" + ] + }, + "Compliance and Regulatory Enforcement": { + "description": "Advanced skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and safety regulations across professional contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Compliance", + "Policy Enforcement", + "Standards Adherence" + ] + }, + "Cardiovascular Clinical Expertise": { + "description": "Specialized clinical skills in assessing, diagnosing, and treating heart and lung-related medical conditions with comprehensive patient care approach", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Heart and Lung Medical Specialization", + "Cardiovascular Patient Management" + ] + }, + "Medical Imaging and Diagnostic Procedures": { + "description": "Advanced technical skills in operating specialized medical diagnostic equipment, creating precise medical images, and supporting complex diagnostic processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Imaging", + "Clinical Diagnostic Technology" + ] + }, + "Patient Treatment Planning": { + "description": "Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Intervention Strategy", + "Personalized Treatment Development" + ] + }, + "Metal Processing Operations": { + "description": "Advanced skills in operating, monitoring, and controlling specialized metal refining and production equipment, including temperature regulation, material handling, and quality control", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Metal Furnace Management", + "Metallurgical Equipment Control", + "Industrial Metal Processing" + ] + }, + "Precision Equipment Monitoring": { + "description": "Systematic skills in observing gauges, dials, and indicators to ensure proper equipment functionality, detect malfunctions, and maintain operational quality", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Performance Tracking", + "Equipment Status Verification", + "Operational Monitoring" + ] + }, + "Industrial Safety Inspection": { + "description": "Comprehensive approach to identifying potential hazards, conducting equipment inspections, monitoring operational performance, and implementing preventive safety measures", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Risk Assessment", + "Safety Compliance Monitoring", + "Operational Hazard Prevention" + ] + }, + "Technical Quality Control Analysis": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, collecting samples, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Quality Verification", + "Dimensional Inspection", + "Manufacturing Standards Compliance" + ] + }, + "Cultural Research Methodology": { + "description": "Advanced scientific skills for systematically investigating human societies, cultures, and social phenomena through comprehensive research techniques, data collection, and analytical reasoning", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Anthropological Research", + "Social Science Investigation", + "Cultural Analysis" + ] + }, + "Archaeological Field Operations": { + "description": "Comprehensive skills in conducting systematic archaeological excavations, site investigations, artifact collection, and preservation of historical and prehistoric materials", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Archaeological Site Management", + "Historical Artifact Recovery" + ] + }, + "Systematic Observational Analysis": { + "description": "Advanced perceptive and analytical skills for systematically observing, documenting, and interpreting human behavior, social interactions, and cultural phenomena", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Behavioral Observation", + "Social Interaction Analysis" + ] + }, + "Historical Evidence Interpretation": { + "description": "Advanced analytical capabilities for examining, evaluating, and deriving meaningful insights from archival materials, historical artifacts, and documentary evidence", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Archival Research", + "Historical Document Analysis" + ] + }, + "Professional Information Gathering": { + "description": "Advanced skills in systematically collecting, verifying, and analyzing information through interviews, observations, surveys, and multiple investigative techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Collection", + "Information Verification", + "Strategic Information Acquisition" + ] + }, + "Systematic Documentation Management": { + "description": "Comprehensive skills in creating, maintaining, and communicating detailed technical, operational, and research documentation with precision and systematic accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Record Keeping", + "Operational Documentation", + "Comprehensive Reporting" + ] + }, + "Biological Specimen Analysis": { + "description": "Advanced technical skills in examining, processing, and interpreting biological specimens using precise scientific methods and laboratory techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Laboratory Sample Processing", + "Medical Specimen Examination", + "Clinical Testing" + ] + }, + "Medical Laboratory Operations": { + "description": "Comprehensive skills in managing complex medical laboratory workflows, operating specialized equipment, maintaining technical precision, and ensuring systematic operational efficiency", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Laboratory Management", + "Medical Testing Procedures", + "Laboratory Technical Coordination" + ] + }, + "Patient Safety and Quality Control": { + "description": "Systematic approach to ensuring patient safety, maintaining regulatory compliance, monitoring medical processes, and implementing comprehensive quality control protocols in healthcare environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Safety Management", + "Medical Compliance Monitoring", + "Clinical Quality Assurance" + ] + }, + "Scientific Diagnostic Reasoning": { + "description": "Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Analysis", + "Medical Reasoning", + "Healthcare Problem Solving" + ] + }, + "Equipment Maintenance and Repair": { + "description": "Comprehensive ability to inspect, diagnose, clean, lubricate, adjust, and repair complex mechanical and technical equipment using specialized tools and systematic techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Equipment Servicing", + "Mechanical System Restoration", + "Precision Equipment Maintenance" + ] + }, + "Technical Diagnostic Analysis": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment and system performance issues through precise diagnostic techniques and logical problem-solving", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Troubleshooting", + "Systematic Performance Evaluation", + "Technical Problem Resolution" + ] + }, + "Safety and Quality Control Monitoring": { + "description": "Systematic approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and maintaining comprehensive quality standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Verification", + "Technical Compliance Inspection", + "Equipment Performance Monitoring" + ] + }, + "Technical Performance Monitoring": { + "description": "Comprehensive skill in observing gauges, dials, and indicators to ensure proper equipment functionality, detect potential issues, and maintain operational efficiency", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Performance Assessment", + "Operational Condition Tracking", + "Systematic Equipment Evaluation" + ] + }, + "Manufacturing Safety Compliance": { + "description": "Systematic approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance and safety protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Industrial Risk Mitigation", + "Workplace Hazard Prevention" + ] + }, + "Network Systems Engineering": { + "description": "Advanced technical skills in designing, configuring, maintaining, and troubleshooting complex computer network systems with emphasis on performance, security, and operational efficiency", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Network Infrastructure Management", + "Computer Network Design", + "Network Technical Support" + ] + }, + "Technical Documentation and Communication": { + "description": "Advanced skills in creating, maintaining, and communicating precise technical documentation, network-related activities, operational procedures, and comprehensive system specifications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Writing", + "Operational Documentation", + "Systems Communication" + ] + }, + "Delivery Operations Management": { + "description": "Comprehensive skills in coordinating, executing, and managing mail, package, and courier delivery activities, including route planning, material handling, and efficient transportation logistics", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Courier Logistics", + "Delivery Coordination", + "Transportation Service Management" + ] + }, + "Interpersonal Information Gathering": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Verification", + "Professional Interviewing", + "Data Collection" + ] + }, + "Creative Writing Expertise": { + "description": "Advanced ability to communicate effectively through written artistic expression, developing original content for various artistic and entertainment purposes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Narrative Development", + "Artistic Writing", + "Content Creation" + ] + }, + "Professional Artistic Collaboration": { + "description": "Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic productions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Teamwork", + "Artistic Coordination", + "Production Collaboration" + ] + }, + "Personnel Resource Management": { + "description": "Advanced skills in coordinating, directing, and managing human resources, including recruitment, supervision, motivation, and workforce development across diverse organizational contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Coordination", + "Workforce Leadership", + "Human Capital Management" + ] + }, + "Interpersonal Coordination": { + "description": "Advanced skills in adjusting actions in relation to others, managing complex interactions, coordinating work activities, and ensuring systematic operational efficiency", + "confidence": 0.99, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Team Synchronization", + "Collaborative Workflow Management", + "Professional Interaction Coordination" + ] + }, + "Interpersonal Communication and Coordination": { + "description": "Advanced communication skills involving active listening, precise information exchange, professional interaction, coordination of work activities, and strategic collaboration across diverse work environments", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Professional Communication", + "Strategic Interaction", + "Workplace Coordination" + ] + }, + "Operational Performance Management": { + "description": "Comprehensive skills in monitoring, evaluating, and improving individual and organizational performance through systematic assessment, quality control, and strategic intervention", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Monitoring", + "Operational Quality Control", + "Workforce Performance Optimization" + ] + }, + "Service Orientation and Problem Resolution": { + "description": "Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Support", + "Problem-Solving Service", + "Client Assistance" + ] + }, + "Regulatory Compliance and Safety Management": { + "description": "Comprehensive skills in understanding, interpreting, and enforcing organizational policies, safety protocols, and regulatory standards across diverse work environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Compliance", + "Safety Protocol Management", + "Regulatory Oversight" + ] + }, + "Precision Measurement and Marking": { + "description": "Precise skills in measuring physical characteristics, marking identification details, and documenting inventory data for agricultural and forestry products", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Dimensional Assessment", + "Technical Inventory Marking", + "Precise Product Measurement" + ] + }, + "Social Support Intervention": { + "description": "Advanced skills in providing comprehensive psychological, emotional, and practical support to individuals and families through professional counseling, resource navigation, and holistic care strategies", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Counseling", + "Therapeutic Support", + "Psychosocial Assistance" + ] + }, + "Crisis Management and Referral": { + "description": "Comprehensive skills in identifying, assessing, and responding to critical client situations, coordinating emergency interventions, and connecting individuals with appropriate community and social service resources", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Support Coordination", + "Client Crisis Intervention" + ] + }, + "Professional Ethical Intervention": { + "description": "Comprehensive skills in applying professional ethics, maintaining client confidentiality, making principled decisions, and providing compassionate, non-judgmental support in social service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ethical Case Management", + "Professional Moral Guidance" + ] + }, + "Passenger Service Coordination": { + "description": "Advanced skills in managing passenger attendant activities, coordinating service operations, directing work activities, and ensuring comprehensive passenger support and safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Passenger Transportation Management", + "Service Coordination", + "Attendant Operations" + ] + }, + "Operational Performance Supervision": { + "description": "Comprehensive skills in evaluating employee performance, directing work activities, resolving operational challenges, and maintaining professional standards across service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Performance Management", + "Operational Oversight", + "Professional Standards Enforcement" + ] + }, + "Resource Allocation Management": { + "description": "Advanced skills in determining resource needs, ordering materials and supplies, and strategically managing organizational resources to optimize operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Resource Coordination", + "Supply Chain Management", + "Strategic Resource Planning" + ] + }, + "Professional Development Support": { + "description": "Comprehensive skills in maintaining professional knowledge, supporting staff development, training service personnel, and ensuring continuous skill enhancement", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Training", + "Professional Skill Enhancement", + "Workforce Development" + ] + }, + "Reproductive Health Counseling": { + "description": "Advanced interpersonal communication skills for patient education, risk communication, wellness guidance, and comprehensive support in reproductive and women's health contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Reproductive Guidance", + "Women's Health Advisory" + ] + }, + "Women's Health Comprehensive Care": { + "description": "Holistic clinical approach to managing women's health, including chronic disease treatment, preventive care, reproductive health support, and patient-centered medical interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Comprehensive Gynecological Care", + "Integrated Women's Health Management" + ] + }, + "Talent Acquisition Strategy": { + "description": "Comprehensive skills in identifying, recruiting, and selecting top performers across entertainment and artistic domains", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performer Recruitment", + "Artistic Talent Selection", + "Entertainment Talent Sourcing" + ] + }, + "Logistics Systems Analysis": { + "description": "Advanced ability to analyze, evaluate, and optimize complex logistics processes, supply chain operations, and organizational workflows with systematic problem-solving and strategic reasoning", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Logistics Process Optimization", + "Supply Chain Strategic Analysis" + ] + }, + "Operational Efficiency Planning": { + "description": "Comprehensive skills in identifying opportunities for improving operational workflows, developing strategic efficiency strategies, and implementing systematic process improvements across organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Process Improvement Strategy", + "Operational Workflow Optimization" + ] + }, + "Business Strategy Development": { + "description": "Comprehensive skills in developing, analyzing, and implementing organizational strategies, market approaches, and operational guidelines to optimize business performance and competitive positioning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Business Planning", + "Organizational Strategy Formulation" + ] + }, + "Material Processing and Handling": { + "description": "Comprehensive skills in measuring, loading, positioning, and transferring materials through complex manufacturing processes with high accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Industrial Material Management", + "Precision Material Coordination" + ] + }, + "Production Quality Monitoring": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating product characteristics, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control Inspection", + "Manufacturing Performance Verification" + ] + }, + "Scientific Field Data Collection": { + "description": "Comprehensive skills in gathering, recording, analyzing, and documenting scientific and environmental data through systematic field research techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Data Gathering", + "Field Research Documentation", + "Scientific Observation" + ] + }, + "Vegetation Management and Protection": { + "description": "Comprehensive techniques for treating, maintaining, protecting, and enhancing plant life through chemical application, inspection, and conservation strategies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Plant Health Management", + "Vegetation Conservation", + "Ecological Plant Care" + ] + }, + "Manufactured Building Installation": { + "description": "Advanced technical skills in installing, positioning, and assembling manufactured buildings and mobile homes with precision and systematic operational techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mobile Home Setup", + "Prefabricated Structure Installation", + "Manufactured Housing Placement" + ] + }, + "Structural Sealing and Leak Prevention": { + "description": "Comprehensive skills in identifying, preparing, and sealing gaps and surfaces to prevent moisture intrusion and ensure structural integrity", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Building Weatherproofing", + "Moisture Barrier Installation", + "Structural Gap Sealing" + ] + }, + "Equipment and System Inspection": { + "description": "Advanced technical skills in systematically examining, testing, and verifying the proper functioning of mechanical and electrical systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical System Diagnostics", + "Operational Equipment Verification", + "Mechanical System Testing" + ] + }, + "Mechanical Component Replacement": { + "description": "Comprehensive ability to remove, inspect, replace, and reassemble mechanical parts and components with precision and technical expertise", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Part Replacement", + "Mechanical Repair and Reassembly", + "Component Restoration" + ] + }, + "Technical Surface Preparation": { + "description": "Advanced skills in cleaning, smoothing, cutting, and preparing surfaces for installation, repair, or finishing tasks", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment Techniques", + "Material Preparation", + "Surface Readiness" + ] + }, + "Editorial Content Management": { + "description": "Comprehensive skills in managing, editing, coordinating, and developing written content across various media platforms, involving strategic content selection, quality control, and professional communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Content Curation", + "Editorial Workflow Management", + "Written Content Strategy" + ] + }, + "Professional Writing and Communication": { + "description": "Advanced communication skills involving precise written expression, audience-focused communication, critical analysis, and effective information conveyance across diverse professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Writing", + "Strategic Communication", + "Audience-Targeted Writing" + ] + }, + "Creative Content Development": { + "description": "Advanced skills in researching, conceptualizing, and developing original written and creative content for various media and entertainment platforms", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Content Creation", + "Artistic Writing", + "Narrative Development" + ] + }, + "Interpersonal Communication Management": { + "description": "Advanced skills in managing communication channels, coordinating information exchange, active listening, and professional interaction across diverse work environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Communication", + "Workplace Dialogue", + "Information Coordination" + ] + }, + "Operational Resource Management": { + "description": "Comprehensive skills in managing personnel, material, and financial resources through strategic planning, coordination, and efficient distribution across organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Allocation", + "Operational Coordination", + "Strategic Resource Planning" + ] + }, + "Therapeutic Manual Intervention": { + "description": "Advanced skills in using precise manual techniques to provide therapeutic treatments, assess physical conditions, and support patient healing through hands-on manipulation and specialized massage techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Manual Therapy", + "Physical Manipulation", + "Therapeutic Touch" + ] + }, + "Patient Assessment and Care Coordination": { + "description": "Comprehensive skills in interviewing patients, gathering medical information, developing treatment programs, and coordinating comprehensive patient care across medical and therapeutic contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Information Management", + "Patient Care Planning", + "Holistic Patient Support" + ] + }, + "Healthcare Facility Management": { + "description": "Advanced skills in maintaining clean facilities, stocking supplies, managing medical records, and ensuring operational efficiency in healthcare and therapeutic environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Workspace Maintenance", + "Healthcare Operational Support" + ] + }, + "Interpersonal Therapeutic Engagement": { + "description": "Advanced skills in active listening, social perceptiveness, and building therapeutic rapport to understand patient needs, provide emotional support, and facilitate healing interactions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Emotional Support", + "Therapeutic Relationship Building" + ] + }, + "Transportation Safety Inspection": { + "description": "Comprehensive skills in systematically examining, evaluating, and ensuring safety compliance of transportation vehicles, cargo, and operational processes through detailed technical inspections and regulatory adherence", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Safety Verification", + "Cargo Inspection", + "Transportation Compliance Monitoring" + ] + }, + "Cargo Handling and Coordination": { + "description": "Proficient skills in loading, securing, inspecting, and managing material and cargo movement, ensuring proper positioning, identification, and safe transportation across diverse operational environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Logistics", + "Cargo Movement Management", + "Shipment Coordination" + ] + }, + "Passenger Safety Management": { + "description": "Advanced skills in ensuring passenger comfort, safety, and comprehensive support during transportation services, involving proactive monitoring, assistance, and protective interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Passenger Care", + "Transit Safety Support", + "Passenger Assistance" + ] + }, + "Transportation Operational Coordination": { + "description": "Comprehensive skills in managing transportation workflows, coordinating vehicle movement, communicating operational details, and ensuring systematic efficiency in passenger service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transit Operations Management", + "Vehicle Movement Coordination" + ] + }, + "Service Communication and Information Exchange": { + "description": "Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise passenger interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Passenger Information Management", + "Service Interaction Skills" + ] + }, + "Clay Material Manipulation": { + "description": "Advanced technical skills in shaping, molding, preparing, and processing clay materials through precise manufacturing and artistic techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clay Forming", + "Pottery Crafting", + "Ceramic Material Handling" + ] + }, + "Production Equipment Control": { + "description": "Comprehensive ability to operate, monitor, adjust, and control specialized manufacturing machinery with precision and systematic approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Operation Management", + "Equipment Monitoring", + "Technical Process Control" + ] + }, + "Strategic Leadership": { + "description": "Advanced ability to direct organizational operations, develop policies, manage resources, and make complex strategic decisions that drive comprehensive organizational performance", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Executive Decision Making", + "Organizational Strategy", + "High-Level Management" + ] + }, + "Comprehensive Resource Management": { + "description": "Advanced skills in strategically allocating, coordinating, and optimizing financial, personnel, material, and operational resources across complex organizational contexts", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Resource Optimization", + "Strategic Resource Allocation" + ] + }, + "Advanced Interpersonal Communication": { + "description": "Sophisticated communication skills involving active listening, precise information exchange, negotiation, persuasion, and strategic interaction across diverse professional environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Communication Strategy", + "Strategic Stakeholder Engagement" + ] + }, + "Organizational Governance": { + "description": "Comprehensive skills in developing, implementing, and managing organizational policies, compliance standards, operational procedures, and strategic frameworks to ensure institutional effectiveness", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Compliance Management", + "Institutional Strategy Development" + ] + }, + "Patient Diagnostic Communication": { + "description": "Advanced interpersonal skills for gathering medical histories, explaining diagnostic procedures, communicating test results, and providing comprehensive patient-centered medical information", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Information Exchange", + "Patient Diagnostic Counseling", + "Clinical Communication" + ] + }, + "Medical Image Interpretation": { + "description": "Advanced analytical skills for systematically examining, analyzing, and deriving diagnostic insights from medical imaging data across diverse medical contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Radiological Analysis", + "Diagnostic Image Reasoning", + "Medical Visualization Interpretation" + ] + }, + "Visual Design Communication": { + "description": "Advanced skills in creating, manipulating, and presenting visual graphics, layouts, and design concepts across artistic, commercial, and technical domains", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Graphic Design", + "Visual Storytelling", + "Design Visualization" + ] + }, + "Creative Problem Solving": { + "description": "Advanced analytical and creative skills for identifying design challenges, evaluating alternative solutions, applying artistic reasoning, and implementing innovative design strategies", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Design Challenge Resolution", + "Artistic Problem Analysis", + "Creative Strategic Thinking" + ] + }, + "Collaborative Creative Production": { + "description": "Advanced interpersonal skills for coordinating, communicating, and collaborating with professionals to develop, prepare, and execute artistic and technical projects", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Teamwork", + "Artistic Collaboration", + "Project Coordination" + ] + }, + "Agricultural Education Management": { + "description": "Comprehensive skills in developing, implementing, and managing educational programs focused on agricultural knowledge, farm management, and community learning strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Farm Education Coordination", + "Agricultural Learning Support" + ] + }, + "Instructional Resource Coordination": { + "description": "Comprehensive abilities in developing, preparing, and managing educational materials, curricula, and instructional resources for effective knowledge transfer", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Material Management", + "Curriculum Resource Planning" + ] + }, + "Life Skills Education": { + "description": "Advanced skills in teaching practical, comprehensive life management strategies, personal development techniques, and holistic skill-building approaches", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Practical Skills Instruction", + "Personal Development Education" + ] + }, + "Professional Knowledge Transfer": { + "description": "Advanced interpersonal and communication skills for effectively sharing specialized knowledge, providing comprehensive guidance, and supporting professional learning across diverse contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Expert Knowledge Sharing", + "Professional Learning Support" + ] + }, + "Extraction Equipment Operation": { + "description": "Advanced skills in operating, controlling, and maintaining specialized mining and extraction machinery with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mining Equipment Management", + "Extraction Machinery Control" + ] + }, + "Site Preparation and Safety": { + "description": "Comprehensive skills in preparing extraction sites, ensuring workplace safety, managing environmental considerations, and implementing preventive safety protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geological Site Management", + "Extraction Safety Coordination" + ] + }, + "Material Handling and Positioning": { + "description": "Proficient skills in loading, unloading, moving, and positioning materials used in extraction and construction operations", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Material Management", + "Operational Material Movement" + ] + }, + "Operational Monitoring and Coordination": { + "description": "Advanced ability to monitor extraction operations, coordinate work activities, adjust actions in relation to others, and ensure systematic operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Activity Coordination", + "Operational Performance Monitoring" + ] + }, + "Textile Machine Operation": { + "description": "Advanced skills in operating, monitoring, and controlling specialized textile knitting and weaving machinery with precision and systematic technical approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Textile Equipment Control", + "Knitting Machine Management", + "Textile Production Equipment Operation" + ] + }, + "Production Equipment Inspection": { + "description": "Comprehensive ability to systematically examine, test, and verify the functionality of textile production equipment, ensuring operational quality and safety standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Performance Monitoring", + "Equipment Diagnostic Assessment", + "Technical Quality Verification" + ] + }, + "Material Preparation and Cutting": { + "description": "Precise skills in measuring, positioning, cutting, and preparing textile materials for production with high technical accuracy and attention to detail", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Textile Material Manipulation", + "Fabric Cutting Techniques", + "Precision Material Handling" + ] + }, + "Strategic Operational Communication": { + "description": "Advanced interpersonal skills for coordinating complex work activities, managing information flow, and ensuring comprehensive professional interaction", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Interaction", + "Workplace Coordination", + "Strategic Information Exchange" + ] + }, + "Adaptive Problem Resolution": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through strategic reasoning and comprehensive problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Critical Thinking", + "Strategic Problem Solving", + "Systematic Challenge Management" + ] + }, + "Elevator Systems Installation": { + "description": "Advanced technical skills in installing, configuring, testing, and maintaining complex elevator and escalator mechanical and electrical systems with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vertical Transportation Installation", + "Elevator Equipment Setup" + ] + }, + "Precision Mechanical Maintenance": { + "description": "Advanced technical skills in inspecting, cleaning, lubricating, repairing, and maintaining complex mechanical systems with emphasis on operational reliability and safety standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Preventive Maintenance", + "Mechanical System Care" + ] + }, + "Neurological Patient Care": { + "description": "Comprehensive clinical skills in managing patient interactions, conducting neurological examinations, diagnosing complex nervous system conditions, and providing specialized medical support", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Neurological Assessment", + "Nervous System Patient Management", + "Specialized Neurological Intervention" + ] + }, + "Complex Medical Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving intricate medical challenges through comprehensive clinical reasoning, scientific methods, and strategic diagnostic approaches", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Problem Resolution", + "Medical Challenge Analysis", + "Comprehensive Clinical Reasoning" + ] + }, + "Medical Specimen Collection": { + "description": "Advanced skills in collecting, handling, processing, and transporting biological specimens with precision, safety, and adherence to medical protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Biological Sample Management", + "Clinical Specimen Handling" + ] + }, + "Healthcare Documentation Management": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Keeping", + "Clinical Documentation" + ] + }, + "Biomedical Waste Management": { + "description": "Advanced skills in identifying, handling, processing, and disposing of medical waste and biological materials in compliance with safety and environmental standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Waste Disposal", + "Biological Hazard Management" + ] + }, + "Operational Systems Coordination": { + "description": "Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, and ensure systematic efficiency across diverse professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Activity Management", + "Operational Workflow Synchronization", + "Cross-Functional Coordination" + ] + }, + "Technical User Support": { + "description": "Comprehensive skills in diagnosing, troubleshooting, and resolving computer hardware and software issues for end-users, involving systematic problem identification and solution implementation.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "IT Support", + "Technical Problem Resolution", + "Computer Systems Assistance" + ] + }, + "User Communication and Guidance": { + "description": "Advanced interpersonal skills for explaining technical concepts to non-technical users, providing clear instructions, active listening, and patient-centered technical support.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical User Education", + "IT Communication", + "Support Interaction" + ] + }, + "Technology Problem Resolution": { + "description": "Advanced analytical skills for systematically identifying, diagnosing, and resolving complex computer system challenges through logical reasoning, technical knowledge, and strategic troubleshooting.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Diagnostic Skills", + "System Problem Analysis", + "IT Troubleshooting" + ] + }, + "Technical Knowledge Maintenance": { + "description": "Proactive approach to continuously updating technical skills, learning emerging technologies, understanding software and hardware developments, and adapting to rapidly changing technological landscapes.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Continuous Tech Learning", + "IT Skill Development", + "Technology Adaptation" + ] + }, + "Logistics Coordination": { + "description": "Comprehensive skill in managing complex shipping workflows, routing decisions, and operational logistics across transportation and cargo environments.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Shipping Operations Management", + "Cargo Workflow Coordination", + "Transportation Logistics Planning" + ] + }, + "Transportation Documentation": { + "description": "Systematic skills in preparing, verifying, and managing precise shipping documentation, contracts, and regulatory paperwork.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Shipping Document Processing", + "Logistics Paperwork Management", + "Cargo Documentation Verification" + ] + }, + "Operational Financial Negotiation": { + "description": "Advanced interpersonal skills for negotiating financial arrangements, shipping costs, insurance coverage, and operational contracts.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Logistics Financial Coordination", + "Shipping Contract Negotiation", + "Transportation Cost Management" + ] + }, + "Shipping Systems Analysis": { + "description": "Comprehensive analytical capabilities for evaluating shipping information, routing strategies, operational efficiency, and transportation system performance.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Logistics Performance Evaluation", + "Transportation Route Optimization", + "Shipping Workflow Analysis" + ] + }, + "Travel Service Coordination": { + "description": "Advanced ability to process complex travel transactions, manage operational details, coordinate travel logistics, and ensure comprehensive customer travel support", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Travel Transaction Management", + "Operational Travel Support" + ] + }, + "Therapeutic Patient Intervention": { + "description": "Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered, evidence-based approach", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Treatment Plan Development", + "Patient Care Strategy", + "Personalized Medical Intervention" + ] + }, + "Game Design Creativity": { + "description": "Advanced ability to conceptualize, innovate, and design engaging interactive game experiences through creative problem-solving and imaginative system design", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Game Concept Development", + "Interactive Experience Design", + "Gameplay Innovation" + ] + }, + "Technical Game Development": { + "description": "Comprehensive skills in programming, implementing, and technically executing video game design concepts using specialized software and development tools", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Game Programming", + "Interactive Software Engineering", + "Technical Game Implementation" + ] + }, + "Interactive System Design": { + "description": "Advanced capability to create complex, dynamic interactive systems, gameplay mechanics, and rule-based environments that provide engaging user experiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Game Mechanics Design", + "Interactive Environment Creation", + "System Interaction Engineering" + ] + }, + "Visual Design Conceptualization": { + "description": "Advanced skills in creating graphical representations, visual narratives, and aesthetic design elements for interactive digital entertainment experiences", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Game Visual Design", + "Digital Graphic Conceptualization", + "Interactive Visual Storytelling" + ] + }, + "Collaborative Game Production": { + "description": "Advanced interpersonal and coordination skills for managing complex game development workflows, team interactions, and cross-functional project execution", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Game Development Teamwork", + "Interactive Project Coordination", + "Collaborative Design Management" + ] + }, + "Chemical Process Control": { + "description": "Comprehensive expertise in managing, operating, and optimizing chemical processing systems, ensuring precise production conditions and workflow management", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Systems Management", + "Production Process Regulation", + "Industrial Chemical Operations" + ] + }, + "Technical Safety Management": { + "description": "Comprehensive skills in identifying potential hazards, monitoring operational risks, implementing preventive measures, and ensuring workplace safety across technical and industrial environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Risk Mitigation", + "Industrial Safety Protocols", + "Workplace Hazard Prevention" + ] + }, + "Interdepartmental Communication": { + "description": "Advanced interpersonal skills for coordinating work activities, exchanging information, and maintaining effective communication across diverse organizational units", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cross-Functional Coordination", + "Organizational Information Exchange", + "Workplace Communication Strategy" + ] + }, + "Production Planning Coordination": { + "description": "Comprehensive skills in scheduling operational activities, managing workflow processes, and systematically organizing production and expediting tasks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Scheduling", + "Workflow Management", + "Production Logistics Coordination" + ] + }, + "Policy Analysis and Development": { + "description": "Advanced analytical skills for evaluating, interpreting, and developing comprehensive policy recommendations across social and political contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Policy Evaluation", + "Regulatory Impact Assessment", + "Public Policy Reasoning" + ] + }, + "Academic Knowledge Communication": { + "description": "Comprehensive skills in translating complex academic research and theoretical insights into accessible, meaningful information for diverse audiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scholarly Information Translation", + "Research Communication", + "Academic Knowledge Dissemination" + ] + }, + "Interdisciplinary Reasoning": { + "description": "Advanced cognitive ability to integrate insights from multiple disciplines, synthesizing complex information to develop comprehensive understanding", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cross-Disciplinary Analysis", + "Holistic Intellectual Integration", + "Multidisciplinary Problem Solving" + ] + }, + "Strategic Information Synthesis": { + "description": "Advanced skill in collecting, analyzing, interpreting, and integrating diverse information sources to develop comprehensive and nuanced insights", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Information Integration", + "Strategic Knowledge Compilation", + "Comprehensive Data Interpretation" + ] + }, + "Performance Equipment Management": { + "description": "Advanced technical skills in operating, controlling, and managing sound, lighting, and video equipment for entertainment performances with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Entertainment Technical Control", + "Performance Systems Operation" + ] + }, + "Event Performance Coordination": { + "description": "Comprehensive skills in managing performance logistics, conducting entertainment activities, and coordinating complex event workflows with dynamic operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Entertainment Event Management", + "Performance Logistics" + ] + }, + "Multimedia Content Editing": { + "description": "Advanced technical skills in recording, reviewing, mixing, and editing audio and video content with precision and creative technical expertise", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Production Editing", + "Performance Content Management" + ] + }, + "Professional Resource Management": { + "description": "Comprehensive skills in selecting, estimating, and coordinating resources, managing project requirements, and strategically planning operational activities", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Resource Coordination", + "Performance Project Planning" + ] + }, + "Legal Administrative Support": { + "description": "Comprehensive skills in managing administrative tasks, documenting interactions, preparing reports, coordinating legal schedules, and maintaining systematic communication within legal environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Office Coordination", + "Judicial Administrative Management" + ] + }, + "Patron Interaction Management": { + "description": "Comprehensive skills in greeting, guiding, and supporting customers/patrons through professional service, social perceptiveness, and positive experience creation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service", + "Guest Support", + "Patron Engagement" + ] + }, + "Administrative Service Coordination": { + "description": "Systematic skills in processing transactions, maintaining records, verifying credentials, and coordinating operational administrative tasks in service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Service Documentation", + "Operational Reporting", + "Administrative Support" + ] + }, + "Shipment Quality Inspection": { + "description": "Systematic approach to examining goods, verifying order accuracy, inspecting items for damage, ensuring product integrity, and maintaining comprehensive quality standards during transportation and handling", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cargo Verification", + "Shipping Inspection", + "Product Integrity Management" + ] + }, + "Transportation Safety Management": { + "description": "Advanced skills in ensuring safety protocols, monitoring transportation activities, managing risk, and implementing comprehensive protective measures during material and cargo movement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cargo Safety", + "Transportation Risk Mitigation", + "Operational Protection" + ] + }, + "Solar Energy Systems Management": { + "description": "Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance optimization, and technological innovation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Installation", + "Solar Technology Deployment", + "Green Energy Systems Engineering" + ] + }, + "Construction Project Coordination": { + "description": "Advanced skills in managing complex construction project activities, including planning, resource estimation, personnel direction, and operational workflow optimization", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Management in Construction", + "Construction Workflow Management" + ] + }, + "Technical Site Assessment": { + "description": "Comprehensive ability to evaluate locations, analyze potential installations, assess environmental compatibility, and develop strategic implementation plans for green technology projects", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Feasibility Analysis", + "Green Technology Evaluation" + ] + }, + "Operational Cost Analysis": { + "description": "Advanced analytical skills for systematically evaluating project costs, conducting financial assessments, analyzing cost-benefit scenarios, and making strategic resource allocation decisions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Financial Planning", + "Economic Feasibility Assessment" + ] + }, + "Green Technology Performance Verification": { + "description": "Specialized skills in testing, inspecting, and validating green technology installations to ensure optimal performance, efficiency, and compliance with technical specifications", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Installation Quality Control", + "Technical Performance Testing" + ] + }, + "Biofuel Production Management": { + "description": "Comprehensive skills in operating, monitoring, and controlling biofuel production equipment and processes with emphasis on sustainable energy production.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Process Control", + "Sustainable Fuel Production Management" + ] + }, + "Renewable Energy Technical Monitoring": { + "description": "Advanced ability to observe operational parameters, inspect equipment functionality, and ensure precise performance of biofuel production systems.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Energy System Performance Tracking", + "Technical Equipment Monitoring" + ] + }, + "Sustainable Production Quality Control": { + "description": "Systematic approach to evaluating material and product quality, conducting tests, collecting samples, and maintaining comprehensive quality standards in renewable energy production.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Energy Quality Verification", + "Renewable Resource Inspection" + ] + }, + "Green Energy Equipment Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, and maintain specialized biofuel production machinery with focus on operational reliability and sustainability.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Equipment Care", + "Sustainable Machinery Maintenance" + ] + }, + "Technical Design and Analysis": { + "description": "Advanced capability to evaluate technical data, create engineering models, and systematically assess complex operational challenges through comprehensive analytical approaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Systems Evaluation", + "Technical Modeling", + "Operational Design Assessment" + ] + }, + "Engineering Systems Optimization": { + "description": "Comprehensive skills in analyzing, improving, and enhancing technical systems and processes to maximize operational efficiency, performance, and technological innovation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Process Performance Enhancement", + "Technical System Improvement", + "Operational Efficiency Strategy" + ] + }, + "Precision Material Assessment": { + "description": "Comprehensive skills in examining, testing, measuring, and evaluating material characteristics through advanced scientific methods, quantitative analysis, and technical inspection techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Characterization", + "Scientific Material Evaluation", + "Technical Material Analysis" + ] + }, + "Surgical Technical Support": { + "description": "Advanced skills in assisting healthcare practitioners during surgical procedures, maintaining sterile environments, preparing medical supplies, and providing comprehensive technical and operational support in surgical settings", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surgical Assistance", + "Operative Field Management", + "Surgical Procedure Support" + ] + }, + "Precision Medical Supply Management": { + "description": "Comprehensive skills in maintaining inventory, ordering, tracking, and preparing medical supplies and equipment with systematic accuracy and operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Inventory Control", + "Surgical Supply Coordination", + "Healthcare Resource Management" + ] + }, + "Vision Diagnostic Assessment": { + "description": "Specialized clinical skills for comprehensive eye health evaluation, vision testing, and diagnostic reasoning specific to visual system assessment.", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Visual Health Diagnostics", + "Ocular Assessment", + "Eye Diagnostic Expertise" + ] + }, + "Medical Technical Precision": { + "description": "Advanced ability to operate specialized diagnostic equipment, perform precise measurements, and execute technical procedures with high accuracy in medical contexts.", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Technical Accuracy", + "Medical Procedural Precision", + "Diagnostic Technical Skills" + ] + }, + "Patient Vision Counseling": { + "description": "Advanced interpersonal communication skills for explaining vision conditions, treatment options, and providing comprehensive patient education and emotional support.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vision Health Communication", + "Patient Optical Guidance", + "Eye Care Counseling" + ] + }, + "Healthcare Diagnostic Reasoning": { + "description": "Advanced analytical skills for systematically interpreting complex visual diagnostic data, identifying potential health issues, and developing evidence-based treatment strategies.", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Diagnostic Analysis", + "Medical Reasoning Skills", + "Complex Health Assessment" + ] + }, + "Specialized Medical Equipment Management": { + "description": "Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized vision diagnostic and treatment equipment.", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Expertise", + "Clinical Equipment Operation", + "Diagnostic Tool Management" + ] + }, + "Hearing Healthcare Assessment": { + "description": "Specialized clinical skills for comprehensive hearing evaluation, diagnostic testing, and patient-specific auditory health management.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Auditory Diagnostic Expertise", + "Hearing Function Evaluation" + ] + }, + "Patient Communication Support": { + "description": "Advanced interpersonal skills for explaining medical conditions, treatment options, and providing comprehensive patient education and emotional guidance.", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Information Translation", + "Patient Counseling" + ] + }, + "Real Estate Transaction Management": { + "description": "Comprehensive skills in coordinating complex property sales processes, managing legal documentation, negotiating contract terms, and ensuring smooth real estate transactions.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Property Sales Coordination", + "Real Estate Deal Management" + ] + }, + "Property Valuation and Analysis": { + "description": "Advanced analytical skills for systematically assessing property values, analyzing market trends, conducting comparative market analyses, and determining accurate property pricing strategies.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Real Estate Market Assessment", + "Property Price Evaluation" + ] + }, + "Sales Persuasion Techniques": { + "description": "Advanced interpersonal skills for convincing potential buyers, demonstrating property value, overcoming objections, and effectively converting sales opportunities through strategic communication.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Real Estate Sales Communication", + "Property Sales Persuasion" + ] + }, + "Client Relationship Development": { + "description": "Comprehensive skills in building, maintaining, and expanding professional client relationships through active listening, personalized interaction, trust-building, and long-term support.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Relationship Management", + "Professional Client Engagement" + ] + }, + "Real Estate Market Intelligence": { + "description": "Advanced analytical capabilities for monitoring market conditions, identifying investment opportunities, analyzing property trends, and developing strategic real estate insights.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Property Market Analysis", + "Real Estate Trend Forecasting" + ] + }, + "Safety-Focused Technical Monitoring": { + "description": "Systematic approach to continuous equipment and operational safety monitoring, involving precise inspection, risk identification, and preventive maintenance protocols", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Verification", + "Technical Performance Inspection" + ] + }, + "Rock Drilling and Extraction Techniques": { + "description": "Specialized skills in drilling, breaking rock formations, positioning equipment, and managing complex extraction processes with technical precision", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geological Extraction Methods", + "Precision Drilling Operations" + ] + }, + "Complex Technical Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges through logical reasoning, scientific methods, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Challenge Resolution", + "Technical Diagnostic Reasoning" + ] + }, + "Material Handling Coordination": { + "description": "Advanced abilities in directing material movement, loading, positioning, and managing complex lifting and transportation activities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cargo Positioning", + "Load Management", + "Material Transport Coordination" + ] + }, + "Surface Material Treatment": { + "description": "Comprehensive techniques for cleaning, smoothing, preparing, and finishing material surfaces using specialized tools and chemical solutions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Preparation", + "Material Finishing", + "Surface Conditioning" + ] + }, + "Emotional Support Coordination": { + "description": "Advanced interpersonal skills for managing complex emotional interactions, providing comfort, and coordinating support services for grieving families.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Family Grief Management", + "Bereavement Support Coordination", + "Emotional Crisis Intervention" + ] + }, + "Precision Technical Calibration": { + "description": "Advanced skills in systematically measuring, adjusting, and verifying the accuracy and performance of scientific and technical equipment across diverse operational contexts.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Calibration", + "Technical Measurement Precision" + ] + }, + "Financial Account Management": { + "description": "Advanced skills in maintaining financial records, monitoring account status, collecting payments, and managing complex financial interactions with customers.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Account Tracking", + "Financial Record Keeping", + "Customer Financial Coordination" + ] + }, + "Negotiation and Persuasion": { + "description": "Advanced interpersonal skills for convincing customers, resolving financial arrangements, managing account interactions, and facilitating mutually beneficial agreements.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Negotiation", + "Customer Persuasion", + "Conflict Resolution" + ] + }, + "Academic Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scholarly Research Design", + "Scientific Investigation Techniques", + "Research Protocol Development" + ] + }, + "Workplace Safety Management": { + "description": "Comprehensive skill in identifying, assessing, and systematically mitigating workplace health and safety risks across diverse professional environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Occupational Safety Strategy", + "Workplace Hazard Control", + "Safety Risk Management" + ] + }, + "Risk Assessment and Prevention": { + "description": "Systematic approach to identifying potential workplace hazards, analyzing risk factors, and developing comprehensive preventive strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Hazard Identification", + "Preventive Safety Planning", + "Risk Mitigation" + ] + }, + "Health Program Development": { + "description": "Advanced skills in designing, implementing, and evaluating targeted health and safety educational and intervention programs", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Occupational Health Strategy", + "Safety Training Design", + "Wellness Program Management" + ] + }, + "Technical Safety Inspection": { + "description": "Precise technical skills in systematically examining work environments, equipment, and operational processes to ensure comprehensive safety standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Equipment Verification", + "Workplace Inspection Techniques", + "Technical Safety Assessment" + ] + }, + "Technical Visual Assessment": { + "description": "Advanced ability to systematically examine, evaluate, and analyze physical characteristics of materials through precise visual and technical inspection techniques.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Characteristic Analysis", + "Detailed Visual Examination", + "Technical Observation Skills" + ] + }, + "Precision Measurement Skills": { + "description": "Advanced technical abilities in using specialized tools and methods to accurately measure, calculate, and verify dimensional specifications of workpieces and components.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Dimensional Analysis", + "Precise Measurement Techniques", + "Quantitative Material Verification" + ] + }, + "Operational Task Coordination": { + "description": "Comprehensive ability to manage multiple tasks, schedules, and workflow processes with systematic efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Task Management", + "Workflow Coordination", + "Operational Scheduling" + ] + }, + "Procedural Compliance Management": { + "description": "Systematic approach to understanding, implementing, and maintaining organizational rules, policies, and operational standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Adherence", + "Organizational Protocol Management", + "Systematic Compliance" + ] + }, + "Chemical Processing Monitoring": { + "description": "Precise skill in managing liquid flow, cleaning solutions, and chemical processing parameters in industrial and technical environments", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Liquid Flow Regulation", + "Chemical Solution Management", + "Industrial Substance Control" + ] + }, + "Surface Preparation and Leveling": { + "description": "Advanced techniques for cleaning, smoothing, and preparing surfaces for precise installation work", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Base Preparation", + "Installation Surface Management" + ] + }, + "Adhesive and Mortar Application": { + "description": "Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Bonding Techniques", + "Construction Adhesive Management", + "Mortar Preparation" + ] + }, + "Spatial Measurement and Layout": { + "description": "Comprehensive ability to measure work site dimensions, mark reference points, create installation diagrams, and ensure accurate spatial positioning of materials", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Installation Mapping", + "Spatial Positioning Techniques" + ] + }, + "Construction Safety Coordination": { + "description": "Advanced skills in ensuring workplace safety, coordinating worker activities, signaling equipment operators, and implementing comprehensive safety protocols in construction environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Workplace Risk Mitigation" + ] + }, + "Environmental Systems Monitoring": { + "description": "Comprehensive expertise in analyzing, evaluating, and managing environmental technologies, monitoring ecological conditions, and assessing environmental impacts.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Condition Assessment", + "Environmental Technology Deployment" + ] + }, + "Technical Visualization and Mapping": { + "description": "Advanced skills in creating precise graphical representations, technical models, and visual documentation of geographical, environmental, and scientific data.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geospatial Visualization", + "Scientific Cartography" + ] + }, + "Remote Sensing Technology Management": { + "description": "Comprehensive skills in operating, maintaining, and coordinating specialized remote sensing equipment and technological systems for environmental and scientific research.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Instrumentation Operation", + "Environmental Sensing Technology" + ] + }, + "Interpersonal Performance Monitoring": { + "description": "Advanced skills in evaluating individual and team performance, providing feedback, directing work activities, and maintaining professional standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Assessment", + "Workforce Evaluation", + "Professional Supervision" + ] + }, + "Educational Assessment and Mentorship": { + "description": "Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Performance Evaluation", + "Academic Mentoring", + "Developmental Educational Support" + ] + }, + "Precision Food Preparation": { + "description": "Technical skill of precisely cutting, trimming, and preparing meat and fish products with high accuracy and attention to detail", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Meat Processing", + "Protein Cutting Techniques" + ] + }, + "Equipment Operation Management": { + "description": "Proficient skill in operating, monitoring, and controlling specialized cutting and processing equipment with precision and technical expertise", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Machinery Control", + "Production Equipment Handling" + ] + }, + "Workplace Safety Coordination": { + "description": "Advanced skills in implementing safety protocols, monitoring operational risks, and ensuring comprehensive safety standards in food processing environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Food Processing Risk Mitigation" + ] + }, + "Construction Site Management": { + "description": "Comprehensive skills in coordinating work activities, positioning equipment, monitoring operations, and ensuring systematic efficiency in construction and extraction environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Workflow Coordination", + "Site Operations Control", + "Construction Activity Management" + ] + }, + "Safety Protocol Implementation": { + "description": "Systematic approach to identifying potential hazards, ensuring workplace safety, monitoring operational risks, and implementing comprehensive preventive measures", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Risk Mitigation", + "Workplace Hazard Prevention" + ] + }, + "Cargo Handling and Inspection": { + "description": "Precise skills in securing, loading, inspecting, and verifying cargo to ensure proper placement, safety, and compliance with transportation regulations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Freight Verification", + "Shipment Security", + "Cargo Preparation" + ] + }, + "Transportation Safety Compliance": { + "description": "Systematic approach to ensuring operational safety, following regulatory procedures, conducting vehicle inspections, and maintaining comprehensive transportation standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Vehicle Monitoring", + "Transportation Safety Protocols", + "Operational Compliance" + ] + }, + "Route Planning and Navigation": { + "description": "Advanced skills in reading maps, determining optimal transportation routes, managing logistics, and adapting to changing travel conditions", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Route Management", + "Logistics Navigation", + "Travel Coordination" + ] + }, + "Professional Vehicle Documentation": { + "description": "Comprehensive skills in maintaining accurate records, processing transportation logs, documenting vehicle conditions, and ensuring precise administrative documentation", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Record Keeping", + "Vehicle Operational Reporting", + "Logistics Documentation" + ] + }, + "Financial Resource Management": { + "description": "Advanced skills in managing financial resources, budgeting, analyzing expenditures, allocating funds, and making strategic financial decisions across organizational contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Planning", + "Fiscal Strategy", + "Organizational Budgeting" + ] + }, + "Comprehensive Operational Coordination": { + "description": "Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, synchronize team efforts, and ensure systematic efficiency across diverse professional environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workflow Management", + "Operational Synchronization", + "Cross-Functional Coordination" + ] + }, + "Advanced Regulatory Compliance": { + "description": "Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal, organizational, and industry-specific regulations, standards, and policy requirements", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Compliance Management", + "Regulatory Oversight", + "Policy Adherence" + ] + }, + "Diagnostic Reasoning": { + "description": "Advanced analytical skills for systematic patient assessment, medical testing, diagnostic interpretation, comprehensive health evaluation, and evidence-based clinical decision-making", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Problem Solving", + "Medical Diagnostic Analysis", + "Patient Condition Evaluation" + ] + }, + "Operational Information Routing": { + "description": "Advanced skills in directing information, providing precise guidance, coordinating service-related communications, and ensuring accurate and timely information exchange", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Management", + "Service Communication Coordination" + ] + }, + "Patient Personal Care Support": { + "description": "Comprehensive skills in providing direct personal assistance, health monitoring, basic medical support, and compassionate care for individuals with limited mobility or special needs", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personal Care Assistance", + "Patient Daily Living Support", + "Healthcare Personal Support" + ] + }, + "Interpersonal Care Coordination": { + "description": "Advanced skills in managing patient interactions, coordinating care activities, documenting patient information, and facilitating comprehensive healthcare support and service delivery", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Care Management", + "Healthcare Service Coordination", + "Medical Interaction Support" + ] + }, + "Adaptive Care Assistance": { + "description": "Flexible interpersonal skills for providing personalized assistance, understanding individual needs, supporting daily activities, and ensuring comprehensive patient comfort and safety", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personalized Patient Support", + "Individual Care Adaptation", + "Responsive Healthcare Assistance" + ] + }, + "Medical Safety and Monitoring": { + "description": "Comprehensive skills in ensuring patient safety, monitoring health conditions, implementing protective protocols, and maintaining precise medical care standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Condition Tracking", + "Healthcare Safety Management", + "Medical Protective Support" + ] + }, + "Public Safety Enforcement": { + "description": "Advanced skills in maintaining public order, ensuring safety, preventing rule violations, and managing security protocols in legal and protective service environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Regulation", + "Public Protection", + "Security Management" + ] + }, + "Legal Procedural Coordination": { + "description": "Comprehensive skills in managing legal workflows, coordinating court-related activities, escorting individuals, and ensuring systematic compliance with judicial procedures", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Judicial Process Management", + "Legal Administrative Support" + ] + }, + "Situational Risk Assessment": { + "description": "Advanced analytical skills for systematically identifying potential threats, evaluating environmental risks, and implementing preventive safety measures in dynamic service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Threat Detection", + "Safety Risk Management" + ] + }, + "Patron Monitoring and Control": { + "description": "Advanced skills in observing, managing, and directing individual and group behaviors to maintain order, ensure safety, and prevent potential conflicts in service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Behavioral Management", + "Group Safety Coordination" + ] + }, + "Investigative Documentation Management": { + "description": "Comprehensive skills in collecting, recording, verifying, and maintaining precise legal and procedural documentation through systematic evidence gathering and administrative processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Legal Evidence Processing", + "Administrative Record Keeping" + ] + }, + "Supervisory Coordination": { + "description": "Advanced skills in directing work activities, coordinating personnel resources, managing operational workflows, and ensuring systematic team efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personnel Resource Management", + "Operational Workflow Coordination", + "Team Performance Direction" + ] + }, + "Surface Preparation and Installation": { + "description": "Advanced technical skills in cleaning, measuring, cutting, positioning, and preparing surfaces and materials for precise installation and finishing tasks across diverse work environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Material Preparation", + "Installation Readiness" + ] + }, + "Decorative Material Application": { + "description": "Technical skills in applying decorative or textured finishes, coverings, and treatments to surfaces with precision and aesthetic consideration", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Finishing", + "Decorative Coating", + "Textural Application" + ] + }, + "Fence Construction Skills": { + "description": "Advanced technical abilities in positioning, measuring, cutting, and installing fencing materials with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Structural Barrier Installation", + "Fencing Technical Expertise" + ] + }, + "Construction Site Preparation": { + "description": "Comprehensive skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for installation tasks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Layout Management", + "Work Area Dimensional Preparation" + ] + }, + "Radiation Safety Monitoring": { + "description": "Advanced skills in measuring, detecting, and managing radiation levels, ensuring comprehensive safety protocols and environmental protection in nuclear monitoring contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Radiation Protection", + "Nuclear Safety Management", + "Radiation Risk Assessment" + ] + }, + "Technical Radiation Measurement": { + "description": "Precise skills in operating specialized radiation detection equipment, collecting environmental samples, and conducting systematic scientific measurements of radiation exposure", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Radiation Detection", + "Environmental Radiation Analysis", + "Nuclear Monitoring Techniques" + ] + }, + "Environmental Data Collection": { + "description": "Comprehensive skills in systematically gathering, processing, analyzing, and documenting environmental samples and scientific data with precision and technical expertise", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Field Research", + "Environmental Sample Analysis", + "Technical Data Documentation" + ] + }, + "Pest Control Operations": { + "description": "Comprehensive skills in managing pest elimination, inspection, treatment, and prevention strategies across diverse environmental contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pest Management", + "Pest Elimination Techniques", + "Insect and Pest Control" + ] + }, + "Environmental Safety Monitoring": { + "description": "Advanced ability to identify potential hazards, inspect facilities, assess contamination risks, and implement preventive pest control measures", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Facility Safety Inspection", + "Hazard Prevention", + "Environmental Risk Assessment" + ] + }, + "Welding Equipment Operation": { + "description": "Advanced technical skills in operating, monitoring, and controlling specialized welding, soldering, and brazing machinery with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Metal Joining Equipment Management", + "Precision Welding Control" + ] + }, + "Research Methodology and Scholarship": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic research involving comprehensive investigation, precise data collection, measurement techniques, evidence-based problem solving, and interdisciplinary scientific approaches", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Research Design", + "Interdisciplinary Research Techniques", + "Systematic Scholarly Investigation" + ] + }, + "Professional Development and Continuous Learning": { + "description": "Proactive approach to understanding new information, adapting to emerging challenges, continuously developing professional knowledge and skills through training, research, collaborative learning, and systematic skill enhancement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Continuous Professional Growth", + "Adaptive Learning Strategy", + "Skill Expansion" + ] + }, + "Facility Cleaning and Maintenance": { + "description": "Comprehensive skills in cleaning, organizing, sanitizing, and maintaining workplace environments, ensuring hygienic conditions, equipment functionality, and occupant safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Sanitation", + "Facility Upkeep", + "Environmental Maintenance" + ] + }, + "Material and Equipment Handling": { + "description": "Proficient skills in loading, moving, positioning, sorting, and transferring materials, supplies, and equipment across diverse work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Movement", + "Inventory Logistics", + "Material Transport" + ] + }, + "Operational Resource Coordination": { + "description": "Advanced skills in managing personnel, materials, and operational resources, coordinating work activities, and ensuring systematic workflow efficiency", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Activity Management", + "Resource Allocation", + "Operational Synchronization" + ] + }, + "Patron and Customer Support": { + "description": "Advanced interpersonal skills for engaging customers, providing assistance, resolving inquiries, ensuring comfort, and creating positive service experiences", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Care", + "Service Interaction", + "Client Support" + ] + }, + "Healthcare Administration": { + "description": "Comprehensive skills in managing medical facility operations, coordinating administrative tasks, ensuring regulatory compliance, and maintaining efficient healthcare organizational workflows", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Office Management", + "Healthcare Operational Coordination" + ] + }, + "Interprofessional Healthcare Coordination": { + "description": "Advanced skills in facilitating communication, collaboration, and integrated care across diverse healthcare professional teams to ensure comprehensive patient support", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Team Communication", + "Multidisciplinary Medical Collaboration" + ] + }, + "Organizational Performance Management": { + "description": "Comprehensive skills in monitoring, evaluating, and systematically improving individual and organizational performance through strategic assessment, quality control, and continuous improvement initiatives", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Optimization", + "Systematic Organizational Development" + ] + }, + "Complex Healthcare Decision Making": { + "description": "Advanced analytical skills for systematically evaluating complex medical scenarios, weighing potential actions, and making informed decisions that balance patient care, operational efficiency, and strategic healthcare objectives", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Strategic Reasoning", + "Healthcare Comprehensive Analysis" + ] + }, + "Costume Resource Management": { + "description": "Comprehensive skills in managing costume inventory, distributing resources, maintaining supplies, and coordinating wardrobe-related operational activities", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Wardrobe Coordination", + "Costume Inventory Control" + ] + }, + "Performance Support Coordination": { + "description": "Advanced skills in assigning duties, preparing operational reports, collaborating with production teams, and supporting artistic performance requirements", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Support", + "Performance Resource Management" + ] + }, + "Creative Design Implementation": { + "description": "Advanced abilities in designing costume and cosmetic effects, reviewing artistic materials, and executing creative visual concepts for characters", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Character Visual Design", + "Artistic Costume Creation" + ] + }, + "Advanced Problem Solving": { + "description": "Systematic analytical skills for identifying, evaluating, and resolving complex challenges through logical reasoning, critical thinking, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Problem Resolution", + "Strategic Analytical Reasoning", + "Technical Challenge Management" + ] + }, + "Wildlife Conservation Management": { + "description": "Comprehensive skills in protecting, monitoring, and managing wildlife resources, ecosystems, and natural habitats through systematic operational techniques and environmental conservation approaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Wildlife Protection", + "Environmental Resource Management", + "Ecological Conservation" + ] + }, + "Outdoor Resource Management": { + "description": "Comprehensive skills in managing, protecting, and coordinating natural resources, wildlife, and environmental systems through systematic operational and conservation techniques", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Natural Resource Coordination", + "Environmental Systems Management", + "Ecological Resource Protection" + ] + }, + "Advanced Operational Monitoring": { + "description": "Comprehensive ability to inspect, assess, track, and optimize complex technical systems, equipment performance, and operational workflows with systematic precision", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Performance Tracking", + "Operational Systems Inspection", + "Equipment Functionality Monitoring" + ] + }, + "Dental Device Fabrication": { + "description": "Advanced technical skills in measuring, designing, customizing, and fabricating precise dental laboratory devices and assistive medical equipment with high accuracy and patient-specific customization", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Manufacturing", + "Precision Prosthetic Fabrication", + "Dental Technical Craftsmanship" + ] + }, + "Medical Device Quality Inspection": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensional specifications, evaluating product characteristics, and ensuring conformance to precise medical device manufacturing standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Quality Verification", + "Medical Equipment Inspection", + "Precision Manufacturing Control" + ] + }, + "Healthcare Technical Communication": { + "description": "Advanced interpersonal communication skills specific to medical and dental technical contexts, involving precise information exchange, patient education, professional dialogue, and comprehensive technical device explanation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Technical Consultation", + "Patient Device Instruction", + "Professional Healthcare Dialogue" + ] + }, + "Operational Material Preparation": { + "description": "Comprehensive skills in loading, measuring, positioning, cutting, and preparing materials for complex manufacturing and medical device production processes with high accuracy and systematic approach", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Material Handling", + "Precision Manufacturing Preparation", + "Production Material Management" + ] + }, + "Data Science Analytics": { + "description": "Advanced analytical skills for collecting, processing, interpreting, and deriving insights from complex datasets using mathematical, statistical, and computational methods", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Analysis", + "Statistical Reasoning", + "Quantitative Research" + ] + }, + "Machine Learning Application": { + "description": "Comprehensive expertise in developing, implementing, and optimizing machine learning algorithms and predictive models across diverse scientific and technical domains", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Predictive Modeling", + "AI Implementation", + "Advanced Algorithm Development" + ] + }, + "Technical Programming": { + "description": "Comprehensive skills in writing, modifying, testing, and maintaining computer programming code across various technological platforms, programming languages, and application domains", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Software Development", + "Code Engineering", + "Programming Expertise" + ] + }, + "HVAC System Installation": { + "description": "Comprehensive skills in installing, configuring, and setting up heating, ventilation, and air conditioning systems with precision and technical expertise", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "HVAC Equipment Setup", + "Climate Control System Installation" + ] + }, + "Athletic Performance Officiating": { + "description": "Comprehensive skills in coordinating, evaluating, and managing athletic events, ensuring fair play, enforcing rules, and maintaining professional standards in sports environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sports Event Management", + "Athletic Regulation", + "Competition Oversight" + ] + }, + "Professional Rule Enforcement": { + "description": "Advanced skills in systematically interpreting, applying, and monitoring complex regulatory standards, ensuring fair and consistent implementation of rules across professional contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Compliance", + "Standards Enforcement", + "Professional Judgment" + ] + }, + "Service Communication Management": { + "description": "Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise passenger interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Service Communication", + "Operational Information Exchange" + ] + }, + "Precision Equipment Repair": { + "description": "Comprehensive ability to diagnose, disassemble, repair, and reassemble complex mechanical and electronic equipment with high technical accuracy and systematic approach.", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Restoration", + "Mechanical System Repair" + ] + }, + "Material Handling Precision": { + "description": "Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex manufacturing processes with high accuracy and attention to detail", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Material Processing", + "Technical Material Management", + "Operational Material Coordination" + ] + }, + "Procurement Operations Management": { + "description": "Comprehensive skills in managing purchasing processes, vendor interactions, order processing, and supply chain coordination", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Supply Chain Coordination", + "Purchasing Management" + ] + }, + "Clinical Patient Assessment": { + "description": "Comprehensive systematic evaluation of patient health, medical history, physical condition, and diagnostic reasoning through structured clinical examination and analysis", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Health Evaluation", + "Medical Diagnostic Reasoning", + "Comprehensive Patient Examination" + ] + }, + "Field Research Documentation": { + "description": "Comprehensive skills in conducting systematic field investigations, collecting environmental data, documenting observations, and maintaining precise research records", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Field Documentation", + "Research Data Collection" + ] + }, + "Remote Sensing Technology": { + "description": "Comprehensive skills in operating, maintaining, and coordinating specialized remote sensing equipment for environmental and scientific research", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geospatial Technology Management", + "Environmental Sensing" + ] + }, + "Strategic Marketing Planning": { + "description": "Comprehensive skills in developing, analyzing, and implementing comprehensive marketing strategies that drive organizational growth and market positioning.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marketing Strategy Development", + "Strategic Market Planning", + "Organizational Marketing Design" + ] + }, + "Stakeholder Communication Management": { + "description": "Advanced interpersonal skills for engaging, negotiating, and maintaining professional relationships with diverse organizational stakeholders.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Stakeholder Engagement", + "Organizational Relationship Management", + "Strategic Communication Coordination" + ] + }, + "Atmospheric Data Analysis": { + "description": "Advanced technical skills in collecting, processing, interpreting, and analyzing complex atmospheric and meteorological data using scientific methods and specialized technologies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Climate Data Processing", + "Meteorological Research", + "Atmospheric Measurement" + ] + }, + "Vehicle Cleaning and Maintenance": { + "description": "Comprehensive technical skills for cleaning, preparing, inspecting, and maintaining vehicles and industrial equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Care", + "Vehicle Preparation", + "Technical Cleaning" + ] + }, + "Construction Inspection Expertise": { + "description": "Comprehensive technical skills for systematically evaluating construction projects, ensuring compliance with standards, identifying safety hazards, and verifying structural integrity through detailed professional assessment", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Building Code Verification", + "Construction Standards Compliance", + "Structural Safety Assessment" + ] + }, + "Technical Site Evaluation": { + "description": "Advanced ability to measure, analyze, and document work site dimensions, inspect facilities, assess environmental conditions, and prepare comprehensive technical work plans", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Dimensional Management", + "Facility Inspection", + "Environmental Site Assessment" + ] + }, + "Culinary Operations Management": { + "description": "Comprehensive skills in managing food preparation, kitchen workflows, equipment operation, staff coordination, and ensuring quality food service delivery across culinary environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Service Leadership", + "Kitchen Operations Coordination", + "Culinary Workflow Management" + ] + }, + "Kitchen Resource Management": { + "description": "Comprehensive skills in tracking, storing, organizing, and managing food supplies, kitchen equipment, ingredients, and operational resources efficiently", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Inventory Control", + "Supply Chain Management", + "Kitchen Logistics" + ] + }, + "Food Quality Control": { + "description": "Systematic approach to checking food quality, inspecting ingredients, monitoring preparation processes, ensuring food safety standards, and maintaining comprehensive culinary quality management", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Culinary Safety Inspection", + "Food Standards Verification", + "Ingredient Quality Assessment" + ] + }, + "Interpersonal Kitchen Coordination": { + "description": "Advanced skills in communicating, coordinating, and managing kitchen staff activities, workflow synchronization, team performance, and professional interaction in food service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Kitchen Team Management", + "Culinary Staff Coordination", + "Food Service Communication" + ] + }, + "Creative Production Management": { + "description": "Advanced skills in coordinating, directing, and managing artistic and media production activities, including talent development, content creation, and comprehensive project execution", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Production Coordination", + "Media Project Leadership" + ] + }, + "Strategic Content Development": { + "description": "Comprehensive abilities in researching, conceptualizing, and creating original artistic and professional content across diverse media platforms", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Concept Generation", + "Narrative Strategy" + ] + }, + "Performance Conceptualization": { + "description": "Advanced ability to develop, visualize, and create original artistic concepts for performances, exhibitions, and creative productions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Artistic Concept Design", + "Creative Vision Development" + ] + }, + "Operational Coordination and Supervision": { + "description": "Advanced ability to direct work activities, coordinate personnel resources, manage complex workflow processes, and ensure systematic operational efficiency across diverse professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workforce Management", + "Operational Team Coordination" + ] + }, + "Precision Resource Documentation": { + "description": "Advanced skills in recording, tracking, evaluating, and documenting operational data, inventory information, and resource characteristics with systematic accuracy", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Record Keeping", + "Resource Tracking" + ] + }, + "Material Handling and Loading": { + "description": "Proficient skills in loading, positioning, securing, and transferring materials, cargo, and equipment with precision and safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cargo Positioning", + "Material Movement", + "Equipment Loading" + ] + }, + "Vehicle and Equipment Coordination": { + "description": "Advanced skills in managing vehicle movement, positioning equipment, coordinating transportation activities, and ensuring systematic operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Coordination", + "Equipment Positioning", + "Operational Movement Management" + ] + }, + "Medical Imaging Technical Skills": { + "description": "Advanced proficiency in operating specialized medical imaging equipment, creating digital patient images, processing diagnostic visual data, and ensuring precise technical functionality", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Diagnostic Imaging Expertise", + "Medical Visualization Technology" + ] + }, + "Healthcare Safety Protocol Management": { + "description": "Systematic approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Safety Compliance", + "Patient Protection Procedures" + ] + }, + "Diagnostic Procedure Support": { + "description": "Comprehensive skills in assisting healthcare practitioners during medical examinations, positioning patients, preparing equipment, and providing technical and interpersonal support during diagnostic procedures", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Assistance", + "Clinical Procedure Coordination" + ] + }, + "Client Treatment Planning": { + "description": "Advanced skills in developing, implementing, and adapting personalized treatment strategies through comprehensive assessment, systematic intervention, and holistic client support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Individualized Care Strategy", + "Comprehensive Treatment Development" + ] + }, + "Mechatronic Systems Design": { + "description": "Advanced capability to design integrated mechanical, electrical, and computer systems with high technical precision and interdisciplinary engineering expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Integrated Systems Engineering", + "Multi-Domain System Design", + "Complex Engineering Integration" + ] + }, + "Technical Equipment Integration": { + "description": "Comprehensive skill in combining, synchronizing, and optimizing different technological components and systems across mechanical, electrical, and computational domains", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "System Component Coordination", + "Technological System Synchronization", + "Multi-System Interface Management" + ] + }, + "Interdisciplinary Technical Problem Solving": { + "description": "Advanced analytical approach to resolving complex technical challenges by integrating knowledge from mechanical, electrical, computer engineering, and other technical disciplines", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cross-Domain Problem Resolution", + "Multi-Disciplinary Technical Analysis", + "Comprehensive Engineering Problem Solving" + ] + }, + "Advanced Manufacturing Technologies": { + "description": "Expertise in implementing cutting-edge manufacturing techniques, innovative production processes, and emerging technological solutions in engineering contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Innovative Production Technologies", + "Next-Generation Manufacturing", + "Technical Process Innovation" + ] + }, + "Precision Engineering Measurement": { + "description": "Advanced technical skills in precise measurement, calibration, verification, and dimensional analysis across complex engineering and technical systems", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Dimensional Verification", + "Precision Measurement Techniques", + "Engineering Metrology" + ] + }, + "Precision Equipment Assembly": { + "description": "Advanced technical skills in carefully aligning, positioning, and assembling intricate electrical and electronic equipment components with high accuracy and attention to detail", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Component Integration", + "Precision Manufacturing Assembly" + ] + }, + "Product Knowledge Communication": { + "description": "Advanced interpersonal skills for explaining product details, advising customers, demonstrating product features, and providing comprehensive product-related guidance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Product Explanation", + "Customer Product Advisory", + "Sales Product Information" + ] + }, + "Persuasive Communication": { + "description": "Advanced interpersonal skills for convincing customers, explaining product value, addressing concerns, and effectively influencing purchasing decisions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Persuasion", + "Customer Influence", + "Consultative Selling" + ] + }, + "Equipment Operation Control": { + "description": "Comprehensive ability to operate, monitor, control, and manage specialized industrial machinery and equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machinery Management", + "Technical Equipment Control" + ] + }, + "Digital Forensic Investigation": { + "description": "Advanced capabilities in systematically collecting, analyzing, and documenting digital evidence for legal and investigative purposes, involving comprehensive evidence collection, scientific reasoning, and precise technical documentation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cyber Evidence Analysis", + "Digital Crime Scene Investigation", + "Electronic Evidence Preservation" + ] + }, + "Cybersecurity Evidence Analysis": { + "description": "Comprehensive skills in identifying, collecting, preserving, and analyzing digital evidence from computer systems, networks, and electronic devices to support criminal investigations and legal proceedings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Forensic Evidence Processing", + "Electronic Data Examination", + "Cyber Investigative Techniques" + ] + }, + "Technical Investigative Documentation": { + "description": "Advanced skills in preparing detailed analytical reports, documenting technical findings, systematically recording evidence, and maintaining comprehensive investigative documentation with legal and technical precision", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Forensic Report Writing", + "Digital Evidence Documentation", + "Investigative Technical Communication" + ] + }, + "Information Systems Security Analysis": { + "description": "Advanced capabilities in systematically evaluating computer and information systems, identifying vulnerabilities, assessing security risks, and developing comprehensive protective strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cybersecurity Risk Assessment", + "Digital Systems Vulnerability Analysis", + "Information Protection Strategies" + ] + }, + "Legal Compliance Technical Monitoring": { + "description": "Comprehensive skills in interpreting, monitoring, and ensuring adherence to complex legal and regulatory standards in digital and technical investigative environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Forensic Regulatory Compliance", + "Technical Evidence Legal Standards", + "Investigative Procedural Adherence" + ] + }, + "Vehicle Operation Control": { + "description": "Advanced ability to operate, manage, and control complex transportation vehicles with precision, safety, and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Vehicle Management", + "Operational Vehicle Control" + ] + }, + "Radio Frequency Technology Management": { + "description": "Advanced expertise in managing, designing, and implementing radio frequency identification technologies and electronic identification systems", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "RFID Systems Control", + "Electronic Identification Technologies" + ] + }, + "Technical Equipment Design": { + "description": "Comprehensive skills in conceptualizing, designing, and developing complex electronic equipment and instrumentation", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electronic System Development", + "Technical Prototype Creation" + ] + }, + "Complex Systems Analysis": { + "description": "Advanced analytical skills for systematically evaluating technical system performance, design requirements, and operational capabilities", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Systems Evaluation", + "Operational Performance Assessment" + ] + }, + "Equipment Installation and Maintenance": { + "description": "Comprehensive skills in installing, configuring, testing, and maintaining complex electronic and technical equipment systems", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Equipment Setup", + "Electronic Systems Maintenance" + ] + }, + "Mechanical Equipment Inspection": { + "description": "Comprehensive ability to systematically examine, test, and evaluate mechanical components and systems for functionality, damage, wear, and operational performance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostic Assessment", + "Mechanical System Evaluation" + ] + }, + "Installation and Maintenance Skills": { + "description": "Comprehensive ability to install, inspect, repair, and maintain equipment, structures, and systems across diverse technical environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Installation", + "Technical Maintenance", + "System Repair" + ] + }, + "Environmental Safety and Compliance": { + "description": "Advanced skills in ensuring workplace safety, monitoring environmental conditions, and maintaining regulatory compliance across technical work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Protocol Management", + "Regulatory Adherence", + "Workplace Risk Mitigation" + ] + }, + "Multilingual Communication": { + "description": "Advanced ability to convey information effectively across different languages, involving precise interpretation, translation, and cross-cultural communication skills", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Language Interpretation", + "Cross-Language Communication", + "Professional Translation" + ] + }, + "Comprehensive Information Processing": { + "description": "Advanced skills in comprehending, analyzing, synthesizing, and communicating complex written and verbal information across professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Comprehension", + "Complex Communication", + "Detailed Information Management" + ] + }, + "Professional Active Listening": { + "description": "Advanced interpersonal skill involving full attention, empathetic understanding, strategic questioning, and precise comprehension of verbal communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Empathetic Communication", + "Strategic Listening", + "Comprehensive Comprehension" + ] + }, + "Professional Communication in Law Enforcement": { + "description": "Advanced interpersonal communication skills specific to law enforcement contexts, involving precise information exchange, active listening, strategic interaction, and comprehensive documentation of professional interactions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Law Enforcement Communication", + "Professional Procedural Dialogue", + "Operational Information Management" + ] + }, + "Patient Counseling": { + "description": "Advanced interpersonal skills for providing professional psychological support, therapeutic interventions, personalized treatment strategies, and comprehensive mental health guidance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Therapeutic Communication", + "Mental Health Counseling", + "Clinical Patient Support" + ] + }, + "Therapeutic Intervention Strategy": { + "description": "Comprehensive skills in developing, implementing, and adapting personalized treatment approaches for mental health and psychological conditions through systematic, patient-centered methodologies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Treatment Plan Development", + "Clinical Intervention Design", + "Personalized Therapeutic Approach" + ] + }, + "Professional Healthcare Communication": { + "description": "Advanced interpersonal communication skills specific to medical contexts, involving precise information exchange, empathetic listening, patient education, emotional support, and comprehensive professional dialogue with expanded focus on critical care and high-intensity medical environments", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Medical Information Exchange", + "Patient-Centered Communication", + "Healthcare Dialogue Management" + ] + }, + "Audio-Visual Technical Operations": { + "description": "Advanced skills in operating, monitoring, and managing audio and video recording, broadcasting, and production equipment with precision and technical expertise", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Technical Control", + "Broadcast Equipment Management", + "Sound and Video System Operation" + ] + }, + "Technical Laboratory Equipment Management": { + "description": "Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized scientific and medical laboratory equipment with precision and systematic safety protocols", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Instrumentation Control", + "Medical Device Operation", + "Laboratory Equipment Maintenance" + ] + }, + "Quality Control and Safety Monitoring": { + "description": "Systematic approach to conducting detailed inspections, measuring characteristics, evaluating product and process quality, ensuring conformance to precise scientific, medical, and technical specifications, and maintaining comprehensive safety standards", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Quality Verification", + "Operational Safety Inspection", + "Precision Performance Monitoring" + ] + }, + "Rail Vehicle Operation": { + "description": "Advanced skills in operating, controlling, and managing locomotives, dinkey trains, and rail yard vehicles with precision and safety focus", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Train Control", + "Locomotive Management", + "Rail Equipment Navigation" + ] + }, + "Signal and Communication Coordination": { + "description": "Advanced skills in using communication systems, signaling techniques, and coordinating vehicle movements to ensure systematic operational efficiency", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Movement Communication", + "Operational Signaling", + "Transportation Coordination" + ] + }, + "Operational Workflow Management": { + "description": "Advanced ability to read work orders, review schedules, plan operational sequences, and coordinate complex transportation workflows", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Activity Coordination", + "Operational Sequence Planning" + ] + }, + "Safety and Risk Management": { + "description": "Comprehensive ability to identify potential hazards, implement preventive measures, ensure workplace safety, and maintain operational compliance across diverse work environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Safety", + "Operational Risk Mitigation", + "Safety Protocol Enforcement" + ] + }, + "Manual Technical Manipulation": { + "description": "Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and manipulate materials and components", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Manual Skills", + "Technical Hand Crafting", + "Precise Material Handling" + ] + }, + "Photonics Technical Expertise": { + "description": "Advanced technical skills in operating, maintaining, and analyzing photonic systems, equipment, and optical technologies with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Optical Systems Management", + "Photonic Equipment Operation" + ] + }, + "Precision Measurement and Calibration": { + "description": "Advanced technical skills in measuring, calibrating, and verifying dimensional specifications, performance parameters, and technical characteristics of scientific and optical equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Equipment Verification", + "Precision Instrumentation" + ] + }, + "Equipment Diagnostic Analysis": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Troubleshooting", + "Equipment Performance Monitoring" + ] + }, + "Interpersonal Patient Communication": { + "description": "Advanced interpersonal communication skills for patient engagement, precise medical information exchange, emotional support, and comprehensive patient-centered communication", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Dialogue", + "Empathetic Patient Interaction" + ] + }, + "Behavioral Intervention Management": { + "description": "Advanced skills in assessing, understanding, and managing complex patient behaviors, psychological dynamics, and implementing targeted behavioral support strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Behavior Guidance", + "Patient Behavioral Support" + ] + }, + "Healthcare Safety Monitoring": { + "description": "Systematic approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Protection Protocols", + "Medical Safety Management" + ] + }, + "Vendor Relationship Management": { + "description": "Advanced interpersonal skills for negotiating, evaluating, and maintaining professional relationships with suppliers and external partners.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Supplier Interaction", + "Strategic Partnership Development", + "External Stakeholder Coordination" + ] + }, + "Financial Decision Making": { + "description": "Advanced analytical skills for evaluating financial implications, assessing costs, and making strategic procurement decisions.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cost Analysis", + "Strategic Financial Reasoning", + "Procurement Economics" + ] + }, + "Workforce Performance Management": { + "description": "Advanced skills in evaluating, directing, motivating, and developing employee performance across complex operational environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Employee Performance Optimization", + "Staff Development Supervision" + ] + }, + "Production Safety Oversight": { + "description": "Comprehensive ability to identify, assess, and mitigate workplace safety risks in manufacturing and production settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Risk Management", + "Workplace Safety Coordination" + ] + }, + "Information Processing Accuracy": { + "description": "Precise skill in accurately entering, verifying, and transcribing complex administrative and technical information with minimal errors", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Verification", + "Precision Documentation", + "Accurate Record Keeping" + ] + }, + "Procedural Compliance Monitoring": { + "description": "Systematic approach to verifying data accuracy, identifying recording errors, and maintaining comprehensive operational records", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Quality Control Verification", + "Operational Error Detection", + "Record Integrity Management" + ] + }, + "Developmental Support Counseling": { + "description": "Providing guidance, emotional support, and targeted interventions for individual psychological growth and well-being", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Guidance", + "Emotional Support Intervention", + "Individual Development Counseling" + ] + }, + "Educational Intervention Strategy": { + "description": "Designing, implementing, and adapting specialized educational and psychological support strategies for diverse individual needs", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Personalized Learning Support", + "Adaptive Educational Intervention", + "Targeted Learning Strategy" + ] + }, + "Interpersonal Behavioral Analysis": { + "description": "Advanced perceptive skills for understanding human behavior, emotional responses, and complex social dynamics", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Social Dynamics Understanding", + "Behavioral Perception", + "Interpersonal Insight" + ] + }, + "Comprehensive Client Guidance": { + "description": "Holistic approach to supporting individual development through systematic assessment, personalized counseling, and resource coordination", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Holistic Client Support", + "Integrated Personal Development", + "Comprehensive Guidance Strategy" + ] + }, + "Dimensional Measurement Verification": { + "description": "Precise skills in measuring, inspecting, and verifying dimensional specifications and product characteristics to ensure quality standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Measurement Precision", + "Quality Dimensional Inspection", + "Technical Measurement Verification" + ] + }, + "Beverage Preparation Skills": { + "description": "Precise technical skills in mixing, measuring, and creating drinks with accuracy and creativity, involving ingredient knowledge, proportioning, and presentation techniques.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Drink Mixing", + "Cocktail Crafting", + "Beverage Service Techniques" + ] + }, + "Neuropsychological Assessment": { + "description": "Advanced clinical skills for systematically evaluating cognitive functioning, mental health conditions, and neurological patient capabilities through comprehensive psychological and medical diagnostic reasoning", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cognitive Diagnostic Reasoning", + "Neurological Patient Evaluation" + ] + }, + "Professional Psychological Communication": { + "description": "Advanced interpersonal communication skills for patient engagement, precise psychological information exchange, emotional support, and comprehensive patient-centered communication in clinical neuropsychology contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Communication", + "Psychological Patient Interaction" + ] + }, + "Psychological Research Methodology": { + "description": "Advanced scientific skills for designing, conducting, and analyzing systematic psychological research involving comprehensive investigation, precise data collection, measurement techniques, and evidence-based problem solving", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Research Design", + "Psychological Investigation" + ] + }, + "Diagnostic Test Administration": { + "description": "Comprehensive skills in administering standardized psychological and neurological tests, collecting patient information, interpreting results, and developing systematic diagnostic assessments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Testing", + "Neurological Assessment" + ] + }, + "Clinical Treatment Planning": { + "description": "Advanced skills in developing, implementing, and adapting personalized psychological treatment strategies through comprehensive patient assessment, systematic intervention, and holistic mental health support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Intervention Strategy", + "Patient Treatment Development" + ] + }, + "Communication Information Management": { + "description": "Systematic skills in directing, processing, and routing communication and information across professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Routing", + "Communication Coordination", + "Operational Communication Management" + ] + }, + "Operational Customer Support": { + "description": "Comprehensive interpersonal skills for providing service-oriented support, active listening, and customer interaction", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service Coordination", + "Service Interaction Management" + ] + }, + "Professional Interpersonal Coordination": { + "description": "Advanced skills in managing social interactions, communication dynamics, and professional relationship coordination", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Social Interaction Management", + "Professional Communication Dynamics" + ] + }, + "Critical Information Analysis": { + "description": "Advanced analytical skills for systematically processing, comprehending, and evaluating complex information", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Systematic Information Processing", + "Critical Reasoning", + "Analytical Information Management" + ] + }, + "Equipment Diagnostic Reasoning": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment performance issues through precise diagnostic techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Troubleshooting", + "Equipment Performance Analysis", + "Diagnostic Problem Solving" + ] + }, + "Systems Engineering Integration": { + "description": "Comprehensive ability to design, analyze, install, configure, and optimize complex integrated mechanical, electrical, and technical systems across diverse technological domains", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Integrated Systems Design", + "Technical Systems Engineering", + "Multidisciplinary System Integration" + ] + }, + "Patient-Centered Care Communication": { + "description": "Advanced interpersonal communication skills specific to medical contexts, involving precise information exchange, empathetic listening, patient education, emotional support, and comprehensive professional dialogue", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Patient Interaction", + "Medical Communication Strategy", + "Therapeutic Patient Engagement" + ] + }, + "Rehabilitation Treatment Planning": { + "description": "Comprehensive skills in developing, implementing, and adapting personalized medical treatment strategies with patient-centered approach, focusing on functional recovery and long-term health management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Recovery Strategy", + "Personalized Treatment Development", + "Comprehensive Rehabilitation Planning" + ] + }, + "Musculoskeletal Intervention Techniques": { + "description": "Specialized clinical skills in performing manual adjustments, therapeutic manipulations, and comprehensive physical interventions to address musculoskeletal conditions and promote patient wellness", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Physical Rehabilitation Techniques", + "Therapeutic Manual Intervention", + "Musculoskeletal Treatment Skills" + ] + }, + "Professional Medical Documentation": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Record Management", + "Healthcare Documentation", + "Medical Information Processing" + ] + }, + "Alternative Medical Practice": { + "description": "Advanced clinical skills in applying non-traditional medical procedures, holistic treatment approaches, and comprehensive patient care strategies beyond conventional medical interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Naturopathic Treatment", + "Holistic Healthcare Approach", + "Integrative Medical Techniques" + ] + }, + "Infrastructure Maintenance": { + "description": "Comprehensive skills in maintaining, repairing, and preserving mechanical equipment, structures, and infrastructure components", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Repair", + "Structural Maintenance", + "Mechanical System Preservation" + ] + }, + "Site Preparation and Marking": { + "description": "Advanced technical skills in measuring work site dimensions, marking reference points, and preparing surfaces for installation or maintenance", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Measurement", + "Work Site Layout", + "Surface Preparation" + ] + }, + "Information Resource Management": { + "description": "Comprehensive skills in organizing, cataloging, maintaining, and providing strategic access to diverse information resources across physical and digital platforms", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Cataloging", + "Information Organization", + "Library Systems Management" + ] + }, + "Collection Development": { + "description": "Advanced skills in selecting, evaluating, processing, and curating library materials to support institutional and patron information needs", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Selection", + "Resource Acquisition", + "Library Collection Curation" + ] + }, + "Patron Information Support": { + "description": "Advanced interpersonal skills for assisting patrons in navigating, accessing, and utilizing library resources through comprehensive guidance and personalized information services", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Assistance", + "Patron Guidance", + "Information Consultation" + ] + }, + "Library Technology Integration": { + "description": "Comprehensive technical skills in managing, operating, and maintaining library-specific technologies, digital databases, and information management systems", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Digital Resource Management", + "Library Systems Technology", + "Information Technology Support" + ] + }, + "Research Assistance": { + "description": "Advanced skills in supporting patrons' research processes, identifying relevant information sources, conducting systematic information searches, and providing comprehensive research guidance", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Retrieval", + "Research Support", + "Scholarly Resource Navigation" + ] + }, + "Quantitative Financial Analysis": { + "description": "Advanced mathematical and statistical skills for analyzing financial data, developing predictive models, and generating strategic insights", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Modeling", + "Quantitative Risk Assessment", + "Mathematical Financial Analysis" + ] + }, + "Technical Financial Communication": { + "description": "Precise interpersonal skills for communicating complex financial information, analysis, and recommendations across technical and non-technical audiences", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Information Exchange", + "Technical Financial Reporting", + "Analytical Communication" + ] + }, + "Respiratory Care Management": { + "description": "Advanced clinical skills in managing patient respiratory health, implementing treatment protocols, monitoring respiratory conditions, and providing comprehensive respiratory therapy interventions", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Respiratory Patient Care", + "Pulmonary Treatment Support" + ] + }, + "Medical Emergency Response": { + "description": "Advanced skills in identifying, assessing, and responding to critical medical emergencies, implementing life support techniques, and providing rapid, strategic medical intervention", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Medical Support", + "Critical Patient Stabilization" + ] + }, + "Healthcare Equipment Operation": { + "description": "Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and therapeutic equipment with strict safety protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Management", + "Clinical Equipment Maintenance" + ] + }, + "Patient Condition Monitoring": { + "description": "Advanced technical and clinical skills for systematically tracking, assessing, and documenting patient physiological parameters, treatment responses, and comprehensive health status", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Patient Assessment", + "Medical Status Tracking" + ] + }, + "Environmental Compliance Management": { + "description": "Comprehensive skills in navigating, interpreting, and ensuring adherence to complex environmental regulations and sustainability standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Environmental Oversight", + "Sustainability Policy Compliance", + "Green Regulation Management" + ] + }, + "Sustainable Business Analysis": { + "description": "Advanced analytical skills for evaluating organizational practices, assessing environmental impact, and developing cost-effective sustainable solutions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Business Evaluation", + "Sustainability Performance Analysis", + "Environmental Cost Assessment" + ] + }, + "Food Service Coordination": { + "description": "Advanced ability to manage dining room operations, coordinate food and beverage service activities, synchronize workflow processes, and ensure systematic service efficiency", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Service Workflow Management", + "Dining Operations Coordination" + ] + }, + "Sanitation and Hygiene Maintenance": { + "description": "Systematic approach to cleaning food service areas, sanitizing equipment, maintaining hygienic conditions, and ensuring comprehensive food safety standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Safety Protocols", + "Service Area Cleaning" + ] + }, + "Patron Support and Interaction": { + "description": "Advanced interpersonal skills for engaging customers, providing assistance, resolving inquiries, ensuring comfort, and creating positive service experiences", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service Management", + "Client Interaction" + ] + }, + "Strategic Documentation Management": { + "description": "Comprehensive skills in preparing, maintaining, and communicating precise professional documentation across diverse organizational contexts with systematic accuracy and comprehensive reporting", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Record Keeping", + "Administrative Documentation", + "Operational Reporting" + ] + }, + "Stakeholder Communication Strategy": { + "description": "Advanced interpersonal skills for engaging, negotiating, and maintaining professional relationships with diverse organizational stakeholders through strategic communication and collaborative interaction", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Relationship Management", + "Stakeholder Engagement", + "Interdepartmental Communication" + ] + }, + "Operational Risk Assessment": { + "description": "Systematic approach to identifying potential hazards, analyzing risk factors, evaluating operational challenges, and developing comprehensive preventive strategies across professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Management", + "Hazard Identification", + "Preventive Strategy Development" + ] + }, + "Event Planning Management": { + "description": "Comprehensive skills in coordinating, organizing, and executing complex meetings, conventions, and professional events with strategic planning, logistical coordination, and comprehensive operational management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Event Coordination", + "Professional Event Management", + "Conference Planning" + ] + }, + "Stakeholder Relationship Management": { + "description": "Comprehensive skills in identifying, developing, and maintaining professional relationships with diverse stakeholders, including clients, vendors, and organizational partners through strategic communication and collaborative interaction", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Relations", + "Professional Networking", + "Relationship Building" + ] + }, + "Strategic Environmental Communication": { + "description": "Advanced interpersonal skills for communicating complex environmental information, persuading stakeholders, and developing comprehensive strategies for policy engagement and public awareness", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Advocacy Communication", + "Policy Persuasion", + "Ecological Messaging" + ] + }, + "Construction Site Safety Management": { + "description": "Comprehensive skills in ensuring workplace safety, directing equipment operations, signaling workers, and maintaining comprehensive safety protocols in construction environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Construction Safety Coordination", + "Workplace Hazard Prevention", + "Operational Safety Monitoring" + ] + }, + "Insulation Material Installation": { + "description": "Specialized skills in cutting, measuring, positioning, and installing insulation materials in equipment, structures, and mechanical systems", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Thermal Barrier Installation", + "Insulation Material Handling", + "Mechanical Insulation Techniques" + ] + }, + "Material Measurement and Preparation": { + "description": "Comprehensive skills in measuring, cutting, positioning, and preparing materials with high technical precision across manufacturing contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Verification", + "Material Handling Precision", + "Technical Material Preparation" + ] + }, + "International Trade Documentation": { + "description": "Comprehensive skills in preparing, processing, and managing complex documentation for international shipping, customs clearance, and cross-border trade transactions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Trade Compliance", + "Import-Export Documentation", + "Customs Paperwork Management" + ] + }, + "Commercial Risk Assessment": { + "description": "Advanced analytical skills for systematically evaluating financial, legal, and operational risks in international trade and business transactions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Trade Risk Analysis", + "Commercial Compliance Evaluation" + ] + }, + "Professional Communication in Trade": { + "description": "Advanced interpersonal communication skills for precise information exchange, negotiation, and strategic interaction in international trade and customs brokerage contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Trade Communication", + "Professional Negotiation", + "Customs Interaction" + ] + }, + "Animal Care and Handling": { + "description": "Advanced skills in managing, restraining, positioning, and providing comprehensive care for animals in medical and clinical settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Veterinary Patient Management", + "Animal Handling Techniques", + "Clinical Animal Care" + ] + }, + "Medical Equipment Operation": { + "description": "Comprehensive technical skills in operating, maintaining, and ensuring proper functionality of specialized veterinary diagnostic and treatment equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Veterinary Technical Equipment Management", + "Medical Device Operation", + "Clinical Equipment Handling" + ] + }, + "Clinical Patient Support": { + "description": "Advanced interpersonal and technical skills in providing comprehensive support, positioning, and care for animal patients during medical procedures", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Veterinary Patient Care", + "Animal Medical Support", + "Clinical Care Coordination" + ] + }, + "Veterinary Diagnostic Procedures": { + "description": "Advanced technical skills in conducting medical tests, collecting biological specimens, and supporting comprehensive diagnostic processes in veterinary settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Specimen Collection", + "Diagnostic Test Support", + "Clinical Laboratory Procedures" + ] + }, + "Healthcare Facility Maintenance": { + "description": "Comprehensive skills in cleaning, sterilizing, organizing, and maintaining medical equipment, instruments, and veterinary clinical environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Facility Sanitation", + "Equipment Sterilization", + "Clinical Environment Management" + ] + }, + "Laundry Equipment Operation": { + "description": "Advanced skills in operating, monitoring, and controlling specialized laundry and dry-cleaning equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Garment Processing Machinery", + "Textile Treatment Equipment Management" + ] + }, + "Textile Inspection and Quality Control": { + "description": "Comprehensive ability to systematically examine fabrics and garments for defects, damage, stains, and conformance to quality standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Garment Condition Assessment", + "Fabric Quality Verification" + ] + }, + "Public Safety Leadership": { + "description": "Advanced skills in directing, motivating, and coordinating emergency personnel, implementing safety protocols, and ensuring comprehensive operational effectiveness in high-risk public safety environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Services Leadership", + "Safety Team Management" + ] + }, + "Risk Assessment and Mitigation": { + "description": "Systematic approach to identifying potential hazards, evaluating environmental and operational risks, and implementing strategic preventive measures to ensure comprehensive safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Hazard Prevention", + "Safety Risk Management" + ] + }, + "Family Engagement Communication": { + "description": "Advanced communication skills for effectively interacting with parents, guardians, and families, providing counseling, developmental insights, and collaborative child support strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Parental Interaction", + "Family Collaboration", + "Stakeholder Communication" + ] + }, + "Personal Care Coordination": { + "description": "Advanced skills in managing daily living activities, providing personal assistance, coordinating comprehensive support, and ensuring individual well-being across care contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Daily Living Support", + "Personal Assistance Management", + "Comprehensive Care Coordination" + ] + }, + "Environmental Economic Analysis": { + "description": "Systematic evaluation of economic impacts on environmental systems through comprehensive research and analytical techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Economic Research", + "Environmental Impact Assessment" + ] + }, + "Quantitative Policy Reasoning": { + "description": "Advanced mathematical and analytical skills for developing and interpreting complex regulatory and economic policies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Economic Analysis", + "Mathematical Policy Evaluation" + ] + }, + "Strategic Environmental Forecasting": { + "description": "Advanced capability to predict and analyze economic and environmental trends through comprehensive research methodologies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Trend Prediction", + "Sustainability Projection" + ] + }, + "Comprehensive Research Methodology": { + "description": "Systematic approach to scientific investigation involving rigorous research design, interdisciplinary analysis, and evidence-based problem solving", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Research Techniques", + "Interdisciplinary Research Design" + ] + }, + "Technical Sustainability Communication": { + "description": "Advanced communication skills for translating complex environmental and economic research findings across diverse professional and public audiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Communication", + "Technical Reporting" + ] + }, + "Scientific Instruction and Curriculum Development": { + "description": "Advanced skills in designing, implementing, and managing educational strategies specifically for scientific disciplines, involving curriculum creation, instructional design, and specialized learning objectives", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Educational Strategy", + "Discipline-Specific Pedagogy" + ] + }, + "Field Research Methodology": { + "description": "Comprehensive skills in conducting systematic scientific investigations in outdoor and environmental contexts, involving data collection, environmental sampling, and precise research documentation", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Field Investigation", + "Outdoor Research Techniques" + ] + }, + "Strategic Organizational Analysis": { + "description": "Systematic evaluation of organizational performance, processes, and strategic opportunities through comprehensive analytical techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Performance Assessment", + "Strategic Diagnostic Reasoning" + ] + }, + "Comprehensive Decision Making": { + "description": "Advanced analytical skills for systematically evaluating complex scenarios, weighing potential actions, and making informed strategic decisions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Reasoning", + "Holistic Decision Analysis" + ] + }, + "Adaptive Learning and Problem Solving": { + "description": "Proactive approach to understanding new information, adapting to emerging challenges, and continuously developing professional problem-solving capabilities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Continuous Professional Development", + "Dynamic Problem Resolution" + ] + }, + "Precision Manual Food Preparation": { + "description": "Advanced technical skill in precisely cutting, trimming, and preparing food products with high accuracy and attention to detail", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Meat Cutting Techniques", + "Food Product Fabrication" + ] + }, + "Food Safety and Quality Control": { + "description": "Comprehensive approach to inspecting, verifying, and maintaining product quality and safety standards in food processing environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Inspection", + "Food Quality Verification" + ] + }, + "Transportation Systems Analysis": { + "description": "Advanced analytical skills for evaluating, optimizing, and managing complex transportation infrastructure and mobility networks", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Network Optimization", + "Urban Mobility Planning" + ] + }, + "Strategic Policy Communication": { + "description": "Advanced interpersonal skills for communicating complex transportation policies, advising stakeholders, and facilitating comprehensive public policy dialogue", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Public Policy Consultation", + "Regulatory Communication" + ] + }, + "Psychological Assessment and Intervention": { + "description": "Advanced clinical skills for comprehensive mental health evaluation, diagnostic reasoning, therapeutic treatment planning, and implementing targeted psychological interventions across diverse clinical contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mental Health Clinical Reasoning", + "Psychological Diagnostic Assessment" + ] + }, + "Patient-Centered Mental Health Communication": { + "description": "Advanced interpersonal communication skills specific to mental health contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Therapeutic Patient Dialogue", + "Psychiatric Communication Strategy" + ] + }, + "Clinical Diagnostic Reasoning": { + "description": "Advanced analytical skills for systematically evaluating patient conditions, interpreting complex medical and psychological information, developing evidence-based diagnostic and treatment strategies across clinical environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Analysis", + "Complex Clinical Decision Making" + ] + }, + "Technical Inspection and Verification": { + "description": "Systematic approach to quality control, dimensional measurement, and ensuring product conformance to technical specifications", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Quality Assessment", + "Dimensional Verification" + ] + }, + "Social Impact Assessment": { + "description": "Systematic evaluation of program effectiveness, measuring social outcomes, and analyzing community intervention results", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Program Effectiveness Measurement", + "Community Intervention Analysis", + "Social Outcome Evaluation" + ] + }, + "Clinical Procedure Management": { + "description": "Comprehensive skills in performing medical procedures, patient assessment, treatment planning, and precise medical interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Intervention Expertise", + "Surgical Procedure Coordination", + "Patient Treatment Planning" + ] + }, + "Healthcare Equipment Expertise": { + "description": "Technical skills in operating, maintaining, and managing specialized medical diagnostic and treatment equipment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Technology Management", + "Clinical Equipment Operation", + "Diagnostic Device Proficiency" + ] + }, + "Medical Documentation Precision": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records with high accuracy and regulatory compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Record Management", + "Healthcare Documentation Accuracy", + "Patient Information Processing" + ] + }, + "Property Transaction Management": { + "description": "Comprehensive skills in coordinating real estate sales, negotiating contracts, and managing complex property transfer processes.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Real Estate Deal Coordination", + "Property Sales Management", + "Transaction Negotiation" + ] + }, + "Diagnostic Technical Support": { + "description": "Comprehensive skills in assisting healthcare practitioners during medical testing, specimen analysis, diagnostic procedures, and technical laboratory interventions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Procedure Assistance", + "Diagnostic Laboratory Support", + "Technical Medical Intervention" + ] + }, + "Therapeutic Patient Communication": { + "description": "Advanced interpersonal communication skills specific to counseling contexts, involving empathetic listening, precise psychological information exchange, emotional support, and comprehensive patient-centered dialogue", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Counseling Communication", + "Empathetic Professional Dialogue", + "Patient Emotional Support" + ] + }, + "Crisis Intervention Management": { + "description": "Advanced skills in identifying, assessing, and managing critical psychological and behavioral emergencies with strategic, compassionate, and immediate intervention techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Psychological Response", + "Critical Behavioral Support", + "Acute Mental Health Intervention" + ] + }, + "Client Treatment Coordination": { + "description": "Comprehensive skills in developing, implementing, monitoring, and adapting personalized treatment plans across diverse client needs and psychological contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Holistic Treatment Planning", + "Psychological Care Management", + "Client Progress Tracking" + ] + }, + "Behavioral Health Counseling": { + "description": "Comprehensive interpersonal skills for providing professional psychological support, substance abuse counseling, mental health guidance, and personalized treatment strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mental Health Intervention", + "Substance Abuse Support", + "Behavioral Modification Counseling" + ] + }, + "Statistical Analysis and Modeling": { + "description": "Advanced mathematical and statistical methods for analyzing complex datasets, developing predictive models, and deriving scientific insights", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mathematical Data Analysis", + "Quantitative Research Methods", + "Statistical Modeling" + ] + }, + "Renewable Energy Sales Strategy": { + "description": "Specialized sales approach for green technology involving technical product knowledge, persuasion, and market understanding", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Solar Technology Sales", + "Green Energy Marketing" + ] + }, + "Technical Product Communication": { + "description": "Ability to explain complex technical solar products to customers by translating technical specifications into customer-friendly language", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Product Explanation", + "Energy System Interpretation" + ] + }, + "Customer Needs Assessment in Green Technology": { + "description": "Identifying customer requirements for solar installations through technical evaluation and personalized solution development", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Solar Solution Customization", + "Renewable Energy Consultation" + ] + }, + "Sustainable Technology Evaluation": { + "description": "Technical assessment and site analysis skills for solar installations, involving feasibility analysis and environmental compatibility evaluation", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Technology Site Assessment", + "Renewable Energy Feasibility Analysis" + ] + }, + "Public Safety Operations": { + "description": "Comprehensive skills in maintaining public safety, responding to emergencies, protecting communities, and implementing systematic protective and preventive measures", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Protection", + "Safety Enforcement", + "Emergency Services" + ] + }, + "Technical Equipment Operation and Safety": { + "description": "Advanced skills in operating, monitoring, controlling, and ensuring safety of specialized equipment across complex technical environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Management", + "Technical Safety Control", + "Operational Equipment Monitoring" + ] + }, + "Financial Strategic Analysis": { + "description": "Comprehensive skills in evaluating financial data, assessing investment opportunities, and making strategic financial decisions with systematic reasoning and risk assessment.", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investment Analysis", + "Financial Decision Making", + "Strategic Financial Reasoning" + ] + }, + "Investment Portfolio Management": { + "description": "Advanced capabilities in developing, monitoring, and optimizing investment strategies across diverse financial instruments and market conditions.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Portfolio Strategy", + "Investment Strategy Development", + "Financial Asset Management" + ] + }, + "Quantitative Financial Reasoning": { + "description": "Advanced mathematical and analytical skills for interpreting complex financial data, developing predictive models, and supporting strategic investment decisions.", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Data Analysis", + "Quantitative Investment Reasoning", + "Mathematical Financial Modeling" + ] + }, + "Emergency Communication Management": { + "description": "Advanced skills in managing critical communication during high-stakes emergency scenarios, involving precise information exchange, active listening, and coordinated response strategies", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crisis Communication Coordination", + "Emergency Response Communication" + ] + }, + "Crisis Decision Support": { + "description": "Advanced analytical skills for rapid, critical decision-making under high-stress conditions, involving situation assessment, prioritization, and strategic guidance", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Decision Management", + "High-Stakes Problem Resolution" + ] + }, + "Technical Communication Systems Operation": { + "description": "Comprehensive skills in operating, monitoring, and managing specialized communication equipment and technological infrastructure across professional environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Communication Technology Management", + "Technical Communication Infrastructure" + ] + }, + "Public Safety Coordination": { + "description": "Advanced skills in managing complex safety-related workflows, coordinating stakeholder interactions, and ensuring systematic implementation of safety protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Operations Management", + "Protective Service Coordination" + ] + }, + "Workflow Coordination": { + "description": "Systematic management of work activities, task planning, and operational synchronization", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Task Management", + "Work Activity Synchronization" + ] + }, + "Precision Documentation": { + "description": "Systematic and accurate recording of operational data, production information, and technical logs", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Data Recording", + "Technical Log Maintenance" + ] + }, + "Critical Patient Monitoring": { + "description": "Advanced systematic skills for continuously assessing, evaluating, and responding to complex patient conditions in high-intensity medical environments", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Status Tracking", + "Intensive Care Surveillance", + "Critical Condition Assessment" + ] + }, + "Emergency Medical Intervention": { + "description": "Comprehensive clinical skills for rapidly identifying, assessing, and responding to critical medical emergencies with precise, life-saving interventions", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Acute Care Response", + "Medical Crisis Management", + "Urgent Patient Stabilization" + ] + }, + "Healthcare Interdisciplinary Coordination": { + "description": "Advanced interprofessional skills for collaborating across medical teams, managing complex patient care workflows, and ensuring comprehensive treatment strategies", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Team Communication", + "Collaborative Patient Care", + "Multidisciplinary Healthcare Management" + ] + }, + "Advanced Medical Equipment Management": { + "description": "Comprehensive technical skills in operating, monitoring, maintaining, and ensuring optimal functionality of specialized critical care medical equipment", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Technology Control", + "Critical Care Equipment Operation", + "Technical Medical Support" + ] + }, + "Strategic Market Communication": { + "description": "Advanced ability to communicate complex market research findings, trends, and strategic insights through persuasive and comprehensive reporting", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Market Reporting", + "Insights Communication", + "Research Presentation" + ] + }, + "Consumer Trend Interpretation": { + "description": "Specialized skill in analyzing consumer behaviors, identifying emerging market trends, and extracting meaningful strategic insights from complex data", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Consumer Behavior Analysis", + "Market Trend Evaluation" + ] + }, + "Systematic Research Methodology": { + "description": "Comprehensive approach to designing, conducting, and analyzing structured research investigations with scientific rigor and methodical precision", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Protocol Design", + "Analytical Investigation" + ] + }, + "Intelligence Analysis": { + "description": "Advanced capabilities in systematically collecting, evaluating, and interpreting complex information to support investigative and decision-making processes", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Gathering", + "Strategic Intelligence", + "Evidence Collection" + ] + }, + "Criminal Activity Assessment": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and analyzing potential criminal activities, patterns, and operational risks", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Threat Analysis", + "Investigative Reasoning", + "Criminal Pattern Recognition" + ] + }, + "Interagency Collaboration": { + "description": "Advanced interpersonal skills for coordinating, communicating, and sharing critical information across law enforcement and security agencies", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Multi-Agency Communication", + "Strategic Information Sharing", + "Collaborative Investigations" + ] + }, + "Medical Technical Equipment Management": { + "description": "Comprehensive skills in operating, maintaining, calibrating, and ensuring proper functionality of specialized medical diagnostic and treatment equipment with strict safety protocols", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Equipment Operation", + "Medical Device Maintenance", + "Clinical Technical Support" + ] + }, + "Healthcare Safety and Compliance": { + "description": "Comprehensive approach to ensuring patient safety, maintaining regulatory standards, implementing quality control measures, and following precise medical operational protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Safety Management", + "Regulatory Healthcare Compliance", + "Patient Protection" + ] + }, + "Geothermal Systems Operation": { + "description": "Advanced skills in operating, monitoring, and maintaining specialized geothermal energy production equipment, ensuring optimal performance and safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geothermal Equipment Management", + "Renewable Energy Systems Control" + ] + }, + "Green Energy Installation": { + "description": "Comprehensive skills in installing, configuring, and maintaining renewable energy systems, including technical setup, safety protocols, and operational optimization", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Infrastructure", + "Sustainable Energy System Implementation" + ] + }, + "Precision Maintenance Procedures": { + "description": "Advanced technical skills in performing systematic equipment maintenance, including inspection, cleaning, lubrication, and precise component replacement", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Maintenance Protocols", + "Technical Repair Techniques" + ] + }, + "Rail Infrastructure Maintenance": { + "description": "Comprehensive skills in maintaining, repairing, and preparing rail tracks, equipment, and associated infrastructure through systematic technical procedures", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Track Maintenance", + "Rail Equipment Repair", + "Infrastructure Preparation" + ] + }, + "Service Coordination and Support": { + "description": "Advanced skills in managing customer interactions, resolving inquiries, providing comprehensive assistance, and ensuring positive service experiences through active listening and professional communication", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Service Management", + "Patron Support", + "Service Interaction" + ] + }, + "Precision Material Preparation": { + "description": "Advanced technical skills in measuring, cutting, positioning, and preparing materials for production or finishing tasks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Handling", + "Surface Preparation", + "Workpiece Setup" + ] + }, + "Service Orientation": { + "description": "Advanced skills in identifying customer needs, actively seeking ways to help, resolving complex problems, and providing comprehensive support through critical thinking and strategic communication", + "confidence": 0.98, + "usage_count": 6, + "last_updated": "", + "synonyms": [ + "Customer-Centric Approach", + "Service Problem Solving", + "Proactive Customer Support" + ] + }, + "Physical Therapy Technical Support": { + "description": "Advanced skills in assisting healthcare practitioners, supporting patient positioning, preparing treatment areas, and providing comprehensive technical and interpersonal support in physical therapy contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Rehabilitation Assistance", + "Therapy Technical Support", + "Patient Care Coordination" + ] + }, + "Marine Systems Engineering": { + "description": "Advanced technical skills in designing, analyzing, maintaining, and optimizing complex marine and naval engineering systems, including vessel infrastructure, mechanical components, and operational technologies", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Naval Engineering", + "Maritime Technical Design", + "Marine Equipment Management" + ] + }, + "Maritime Safety and Compliance": { + "description": "Advanced skills in ensuring operational safety, regulatory adherence, risk management, and comprehensive safety protocols specific to marine and naval engineering environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Naval Safety Management", + "Maritime Regulatory Compliance", + "Ocean Engineering Safety" + ] + }, + "Complex Naval Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving intricate technical challenges in marine engineering through logical reasoning, scientific methods, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Marine Engineering Analysis", + "Naval Technical Reasoning", + "Maritime Systems Optimization" + ] + }, + "Precision Marine Equipment Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, clean, lubricate, and maintain complex marine mechanical, electrical, and technical equipment with emphasis on operational reliability and safety standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Naval Equipment Repair", + "Maritime Technical Maintenance", + "Ocean Vessel Systems Management" + ] + }, + "Civil Infrastructure Design": { + "description": "Advanced ability to design, analyze, and develop comprehensive civil engineering structures and systems with technical precision and environmental considerations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Infrastructure Engineering", + "Structural Design", + "Civil Systems Planning" + ] + }, + "Operational Cost Estimation": { + "description": "Precise skills in calculating project requirements, analyzing financial implications, preparing budgets, and managing operational expenses", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Project Financial Planning", + "Technical Cost Analysis" + ] + }, + "Technical Communication and Reporting": { + "description": "Advanced skills in preparing detailed technical reports, documenting project specifications, and communicating complex engineering information effectively", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Engineering Documentation", + "Professional Technical Writing" + ] + }, + "Service Communication": { + "description": "Advanced interpersonal skills for effectively communicating service information, providing directions, explaining procedures, and ensuring clear, precise professional interactions", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Information Exchange", + "Service Guidance", + "Operational Communication" + ] + }, + "Safety and Compliance Monitoring": { + "description": "Comprehensive approach to ensuring workplace safety, conducting equipment inspections, identifying potential hazards, and implementing preventive maintenance and safety protocols", + "confidence": 0.98, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Operational Safety Management", + "Regulatory Compliance", + "Safety Protocol Implementation" + ] + }, + "Financial Strategic Planning": { + "description": "Comprehensive skills in developing long-term financial strategies, analyzing market conditions, and making strategic resource allocation decisions.", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Financial Management", + "Financial Strategy Development", + "Organizational Financial Planning" + ] + }, + "Organizational Resource Management": { + "description": "Advanced ability to coordinate financial, human, and material resources to optimize organizational performance and achieve strategic objectives.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Resource Coordination", + "Comprehensive Resource Allocation", + "Organizational Performance Optimization" + ] + }, + "Client Information Verification": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting personal and financial information from clients through professional interaction and critical analysis", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Data Validation", + "Information Gathering", + "Professional Information Assessment" + ] + }, + "Fire Safety Assessment": { + "description": "Comprehensive skills in systematically evaluating fire risks, identifying potential hazards, and developing prevention strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fire Risk Evaluation", + "Hazard Identification", + "Prevention Strategy Development" + ] + }, + "Public Safety Education": { + "description": "Skills in training employees, educating the public, and communicating fire safety and prevention information effectively", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Training", + "Community Risk Communication", + "Prevention Awareness" + ] + }, + "Environmental Hazard Monitoring": { + "description": "Systematic approach to detecting and assessing environmental conditions that may contribute to fire risks", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Condition Assessment", + "Environmental Safety Scanning", + "Hazard Detection" + ] + }, + "Investigative Evidence Collection": { + "description": "Systematic gathering, documenting, and analyzing evidence through precise and methodical investigative techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Forensic Information Gathering", + "Evidence Documentation" + ] + }, + "Strategic Information Verification": { + "description": "Advanced skill in validating and cross-referencing information from multiple sources to ensure credibility and accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Credibility Assessment", + "Source Validation" + ] + }, + "Professional Surveillance Techniques": { + "description": "Specialized skills in observing, monitoring, and documenting subjects' activities through systematic and ethical investigative methods", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Investigative Observation", + "Subject Monitoring" + ] + }, + "Interpersonal Interrogation Skills": { + "description": "Advanced communication techniques for interviewing, extracting information, and analyzing human interactions during investigative processes", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Strategic Interviewing", + "Information Extraction" + ] + }, + "Compensation Strategy Development": { + "description": "Advanced skills in designing, implementing, and managing comprehensive compensation programs and salary structures across organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Pay Structure Design", + "Compensation Planning", + "Salary System Management" + ] + }, + "Organizational Policy Analysis": { + "description": "Advanced analytical skills for developing, evaluating, and implementing comprehensive organizational policies and strategic workforce guidelines", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Policy Development", + "Organizational Guideline Creation", + "Strategic Policy Formulation" + ] + }, + "Human Resources Data Analysis": { + "description": "Advanced analytical capabilities for collecting, processing, interpreting, and deriving strategic insights from workforce and organizational performance data", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "HR Metrics Analysis", + "Workforce Intelligence", + "Organizational Performance Evaluation" + ] + }, + "Strategic Workforce Planning": { + "description": "Comprehensive skills in managing personnel resources, developing talent strategies, forecasting workforce needs, and optimizing organizational human capital", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Talent Management", + "Human Capital Strategy", + "Workforce Resource Optimization" + ] + }, + "Masonry Surface Treatment": { + "description": "Advanced techniques for smoothing, cleaning, preparing, and finishing masonry surfaces using specialized tools and methods", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Finishing in Construction", + "Masonry Surface Preparation" + ] + }, + "Design Visualization": { + "description": "Advanced ability to create graphical representations, technical illustrations, and visual design concepts for commercial, artistic, and technical purposes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Illustration", + "Visual Design Conceptualization", + "Graphic Representation" + ] + }, + "Spatial Design Planning": { + "description": "Comprehensive skills in creating detailed facility layouts, design concepts, and technical illustrations for interior and architectural environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Facility Layout Design", + "Technical Space Planning" + ] + }, + "Professional Research Methodology": { + "description": "Systematic approach to conducting comprehensive investigations, gathering design-related information, and developing creative concepts through structured research techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Research Techniques", + "Creative Concept Development" + ] + }, + "Client Collaboration": { + "description": "Advanced interpersonal skills for communicating with clients, understanding needs, presenting design proposals, and managing professional relationships", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Communication", + "Design Consultation" + ] + }, + "Situational Safety Communication": { + "description": "Advanced interpersonal skills for monitoring environments, detecting potential risks, communicating safety concerns, and providing timely warnings to ensure public and worker protection", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Communication", + "Safety Alert Management", + "Hazard Notification" + ] + }, + "Precision Layout Preparation": { + "description": "Advanced technical skills in measuring, marking, aligning, and preparing workpieces and materials for precise manufacturing and assembly processes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dimensional Marking", + "Technical Layout Skills", + "Precision Positioning" + ] + }, + "Manufacturing Quality Inspection": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating characteristics, and ensuring conformance to precise manufacturing specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Quality Verification", + "Dimensional Measurement", + "Technical Inspection" + ] + }, + "Emergency Management Coordination": { + "description": "Advanced ability to develop, implement, and coordinate comprehensive emergency response plans, manage critical situations, and ensure systematic organizational preparedness across diverse operational contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crisis Response Planning", + "Emergency Preparedness Strategy", + "Disaster Management" + ] + }, + "Strategic Risk Assessment": { + "description": "Comprehensive analytical skills for systematically identifying, evaluating, and mitigating potential organizational, operational, and safety risks through strategic planning and preventive intervention", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Hazard Analysis", + "Comprehensive Risk Evaluation" + ] + }, + "Postsecondary Educational Leadership": { + "description": "Advanced skills in managing, coordinating, and leading educational programs, administrative operations, and strategic development in higher education environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Administration", + "Higher Education Management", + "Institutional Leadership" + ] + }, + "Academic Program Development": { + "description": "Comprehensive skills in designing, implementing, and managing educational curricula, instructional strategies, and learning objectives for postsecondary educational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Curriculum Design", + "Educational Strategy", + "Learning Program Management" + ] + }, + "Institutional Governance and Compliance": { + "description": "Advanced skills in managing departmental activities, ensuring regulatory compliance, developing policies, and maintaining comprehensive institutional standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Regulatory Oversight", + "Organizational Policy Management", + "Academic Compliance" + ] + }, + "Media Production Technical Control": { + "description": "Advanced skills in operating control consoles, managing broadcasting equipment, monitoring transmission operations, and ensuring technical functionality of media production systems", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Broadcast Technical Operations", + "Media Equipment Management" + ] + }, + "Visual Media Coordination": { + "description": "Comprehensive skills in coordinating technical and creative aspects of media productions, including equipment operation, content management, and personnel coordination", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Production Technical Management", + "Media Workflow Coordination" + ] + }, + "Professional Media Communication": { + "description": "Advanced interpersonal communication skills specific to media production contexts, involving precise technical information exchange, equipment coordination, and professional interaction", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Technical Dialogue", + "Production Communication Management" + ] + }, + "Camera Operation and Technical Control": { + "description": "Comprehensive skills in operating, positioning, adjusting, and managing camera equipment for television, video, and film productions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Visual Capture Technical Management", + "Camera Systems Control" + ] + }, + "Kitchen Safety Management": { + "description": "Comprehensive approach to maintaining food safety standards, preventing contamination, ensuring hygienic food preparation, and following industry-specific safety guidelines", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Sanitation Protocols", + "Culinary Hygiene Management", + "Kitchen Safety Compliance" + ] + }, + "Animal Care Management": { + "description": "Comprehensive skills in managing, monitoring, and providing specialized care for animals across diverse environments, involving behavioral assessment, health monitoring, and holistic animal welfare", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Health Support", + "Veterinary Care Coordination", + "Animal Welfare Management" + ] + }, + "Facility Sanitation and Maintenance": { + "description": "Comprehensive skills in cleaning, organizing, and maintaining workplace environments, ensuring hygienic conditions, equipment functionality, and occupant safety", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Cleaning", + "Environmental Hygiene Management", + "Facility Upkeep" + ] + }, + "Product Demonstration": { + "description": "Advanced skills in presenting, explaining, and showcasing product features, benefits, and technical specifications to potential customers through engaging and informative techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Presentation", + "Product Showcasing", + "Customer Product Education" + ] + }, + "Avionics Equipment Maintenance": { + "description": "Comprehensive technical skills in inspecting, diagnosing, repairing, and maintaining complex avionics and electronic systems in aircraft with emphasis on precise operational functionality and safety standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Aircraft Electronic Systems Repair", + "Avionics Technical Maintenance" + ] + }, + "Aviation Safety Compliance": { + "description": "Comprehensive skills in ensuring equipment safety, conducting detailed inspections, monitoring operational performance, identifying potential hazards, and implementing preventive maintenance protocols in aviation environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Aircraft Safety Verification", + "Technical Safety Management" + ] + }, + "Electronic Systems Quality Control": { + "description": "Systematic approach to conducting detailed equipment inspections, measuring performance parameters, evaluating technical characteristics, and ensuring conformance to precise aviation and electronic system specifications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Performance Verification", + "Electronic Equipment Inspection" + ] + }, + "Diagnostic Technical Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical equipment and system performance issues through precise diagnostic techniques and logical reasoning", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Troubleshooting", + "Equipment Performance Analysis", + "Systematic Diagnostic Reasoning" + ] + }, + "Investigative Reporting": { + "description": "Advanced skills in gathering, verifying, and reporting news information through systematic research, interviewing, and comprehensive information collection techniques", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "News Research", + "Journalistic Investigation", + "Information Gathering" + ] + }, + "Media Content Development": { + "description": "Comprehensive skills in creating, editing, and producing informational and news-related content across various media platforms", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "News Content Creation", + "Editorial Production", + "Multimedia Storytelling" + ] + }, + "Multimedia Storytelling": { + "description": "Advanced skills in developing, presenting, and communicating complex stories across diverse media platforms using creative and technical storytelling techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cross-Platform Narrative", + "Media Storytelling", + "Comprehensive Content Presentation" + ] + }, + "Medical Equipment Preparation": { + "description": "Comprehensive skills in cleaning, inspecting, preparing, and maintaining medical equipment and instruments for clinical use", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Device Setup", + "Equipment Sterilization", + "Medical Instrument Preparation" + ] + }, + "Medical Supply Inventory Control": { + "description": "Comprehensive skills in tracking, managing, organizing, and maintaining medical supplies and equipment inventory", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Inventory Management", + "Supply Chain Coordination", + "Equipment Tracking" + ] + }, + "Healthcare Safety Compliance": { + "description": "Comprehensive approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Safety Protocols", + "Infection Control", + "Regulatory Healthcare Standards" + ] + }, + "File Management and Organization": { + "description": "Systematic skills in sorting, filing, maintaining, retrieving, and organizing physical and digital documents and records", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Document Filing", + "Record Keeping", + "Information Organization" + ] + }, + "Clerical Information Processing": { + "description": "Comprehensive skills in collecting, entering, verifying, and managing administrative and clerical information across diverse organizational contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Administrative Data Management", + "Clerical Information Handling" + ] + }, + "Precision Manual Material Handling": { + "description": "Advanced proficiency in using specialized tools to precisely measure, cut, position, and manipulate materials and components with high technical accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Material Manipulation", + "Precision Fabrication" + ] + }, + "Information Verification": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting information from diverse sources through professional interaction and critical analysis", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Validation", + "Information Authentication", + "Professional Information Processing" + ] + }, + "Communication Routing": { + "description": "Systematic skills in directing calls, managing communication channels, and coordinating information flow across professional environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Routing", + "Communication Management", + "Call Coordination" + ] + }, + "Operational Administrative Support": { + "description": "Comprehensive skills in managing administrative tasks, documenting interactions, processing transactions, and maintaining systematic communication in service environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Administrative Coordination", + "Service Documentation", + "Operational Support" + ] + }, + "Interpersonal Information Exchange": { + "description": "Advanced skills in gathering, verifying, and communicating information through professional interaction, active listening, and strategic communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Communication", + "Information Gathering", + "Interpersonal Verification" + ] + }, + "Agricultural Operations": { + "description": "Comprehensive skills in managing agricultural processes, equipment operation, crop management, and systematic agricultural resource coordination", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Farm Management", + "Agricultural Resource Coordination", + "Crop Production" + ] + }, + "Precision Manual Animal Handling": { + "description": "Advanced technical skills in safely restraining, positioning, and providing precise care for animals during medical, research, or agricultural procedures", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Restraint Techniques", + "Veterinary Handling Skills" + ] + }, + "Agricultural Inspection and Compliance": { + "description": "Comprehensive skills in systematically examining, evaluating, and ensuring quality and safety standards in agricultural and forestry products and operations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Quality Control", + "Farming Standards Verification" + ] + }, + "Material Handling and Inspection": { + "description": "Proficient skills in loading, measuring, positioning, inspecting, and transferring materials through complex operational workflows with precision and quality control", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cargo Verification", + "Product Inspection", + "Material Quality Assessment" + ] + }, + "Safety and Hygiene Management": { + "description": "Comprehensive approach to maintaining workplace safety, preventing contamination, ensuring cleanliness, and following industry-specific safety protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sanitation Protocols", + "Workplace Safety Standards" + ] + }, + "Advanced Scientific Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex technical challenges using scientific methods, mathematical reasoning, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Technical Problem Resolution", + "Scientific Analytical Reasoning", + "Systematic Technical Challenge Analysis" + ] + }, + "Technical Research Methodology": { + "description": "Comprehensive skills in designing, conducting, and analyzing systematic research involving precise data collection, scientific investigation, measurement techniques, and evidence-based knowledge development", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Investigation Techniques", + "Research Protocol Design", + "Systematic Research Implementation" + ] + }, + "Computational Data Analysis": { + "description": "Advanced skills in collecting, processing, analyzing, and interpreting complex datasets using mathematical, statistical, and computational methods across diverse professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Science Analytics", + "Quantitative Information Processing", + "Advanced Statistical Reasoning" + ] + }, + "Precision Technical Communication": { + "description": "Advanced interpersonal skills for precise information exchange, technical documentation, active listening, and professional interaction across complex technical and scientific environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Information Management", + "Professional Scientific Communication", + "Specialized Technical Dialogue" + ] + }, + "Strategic Operational Coordination": { + "description": "Advanced ability to manage complex workflow processes, coordinate work activities, direct operational sequences, synchronize team efforts, and ensure systematic operational efficiency across diverse professional environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Comprehensive Workflow Management", + "Interdepartmental Coordination", + "Complex Operational Synchronization" + ] + }, + "Strategic Operational Analysis": { + "description": "Advanced analytical skills for systematically evaluating complex operational processes, identifying efficiency opportunities, and developing strategic improvements across organizational contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Performance Optimization", + "Strategic Workflow Assessment", + "Systematic Process Improvement" + ] + }, + "Business Relationship Development": { + "description": "Advanced interpersonal skills for collecting customer information, developing professional relationships, coordinating business operations, and managing stakeholder interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Needs Assessment", + "Professional Networking", + "Stakeholder Engagement" + ] + }, + "Proposal and Documentation Management": { + "description": "Comprehensive skills in preparing, analyzing, and managing professional documents, proposal reports, and comprehensive business communication with systematic precision", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Document Preparation", + "Professional Reporting", + "Comprehensive Communication Management" + ] + }, + "Professional Knowledge Maintenance": { + "description": "Proactive approach to continuously updating professional knowledge, adapting to emerging challenges, and maintaining current industry expertise through systematic learning and development", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Continuous Professional Learning", + "Industry Knowledge Update", + "Skill Enhancement" + ] + }, + "Healthcare Documentation": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Management", + "Clinical Documentation" + ] + }, + "Dental Healthcare Support": { + "description": "Comprehensive clinical skills in providing specialized dental assistance, patient support, equipment preparation, and technical support in dental healthcare settings", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dental Clinical Support", + "Oral Healthcare Assistance" + ] + }, + "Preventive Dental Care": { + "description": "Advanced skills in providing patient education, oral hygiene guidance, preventive treatments, and comprehensive wellness counseling in dental healthcare contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dental Health Education", + "Oral Wellness Support" + ] + }, + "Textual Accuracy Verification": { + "description": "Precise skills in proofreading, checking, and ensuring accuracy of written documents, records, and textual materials", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Document Verification", + "Textual Error Detection", + "Written Content Validation" + ] + }, + "Systematic Information Review": { + "description": "Comprehensive ability to methodically examine, analyze, and validate written and recorded information across professional contexts", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Detailed Document Inspection", + "Methodical Information Verification" + ] + }, + "Professional Written Communication": { + "description": "Advanced skills in communicating effectively through precise, clear, and audience-appropriate written expression", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Writing", + "Professional Documentation", + "Precise Written Communication" + ] + }, + "Analytical Systems Evaluation": { + "description": "Comprehensive skill in determining system performance, analyzing operational conditions, identifying changes, and developing strategic improvements", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Systems Analysis", + "Operational Performance Assessment", + "Strategic System Optimization" + ] + }, + "Operational Data Interpretation": { + "description": "Advanced skills in collecting, processing, analyzing, and communicating complex operational and technical information with precision and systematic accuracy", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Data Analysis", + "Information Processing", + "Technical Documentation" + ] + }, + "Vehicle Service Operations": { + "description": "Comprehensive skills in maintaining, cleaning, inspecting, and servicing automotive and watercraft vehicles, including equipment maintenance, safety checks, and operational readiness", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Vehicle Maintenance", + "Transportation Equipment Care" + ] + }, + "Financial Analysis and Compliance": { + "description": "Advanced analytical skills for systematically examining financial records, interpreting regulatory requirements, and ensuring comprehensive financial compliance and risk management", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Regulatory Assessment", + "Compliance Financial Evaluation" + ] + }, + "Strategic Financial Decision Making": { + "description": "Advanced analytical capabilities for evaluating financial data, assessing risks, and making informed strategic decisions that optimize organizational financial performance", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Strategic Reasoning", + "Organizational Financial Planning" + ] + }, + "Investigative Financial Verification": { + "description": "Systematic skills in collecting, interviewing, validating, and documenting financial information through professional interaction, critical analysis, and comprehensive intelligence gathering", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Information Validation", + "Professional Financial Intelligence" + ] + }, + "Employee Relations Management": { + "description": "Advanced skills in managing workplace interactions, resolving conflicts, supporting employee development, and maintaining positive organizational relationships", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Conflict Resolution", + "Personnel Engagement" + ] + }, + "Entertainment Service Management": { + "description": "Comprehensive skills in coordinating, supervising, and managing entertainment and recreational service operations, including staff supervision, patron interactions, and operational efficiency", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Recreation Service Coordination", + "Entertainment Venue Management" + ] + }, + "Operational Performance Reporting": { + "description": "Systematic skills in preparing, documenting, and communicating detailed operational reports, performance assessments, and administrative records", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Administrative Documentation", + "Performance Tracking" + ] + }, + "Staff Development and Training": { + "description": "Comprehensive skills in supporting professional growth, training service personnel, maintaining knowledge, and enhancing workforce capabilities", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Skill Enhancement", + "Employee Training Management" + ] + }, + "Resource Allocation Coordination": { + "description": "Advanced skills in managing personnel, material, and operational resources, assigning duties, and coordinating work schedules", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workforce Resource Management", + "Operational Task Distribution" + ] + }, + "Security Screening Protocols": { + "description": "Systematic approach to examining cargo, individuals, and documentation to identify potential security risks.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Checkpoint Security Procedures", + "Threat Identification Protocols" + ] + }, + "Threat Detection and Assessment": { + "description": "Advanced analytical skills for identifying suspicious objects, behaviors, and potential security threats.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Evaluation", + "Security Threat Analysis" + ] + }, + "Public Safety Interaction": { + "description": "Professional communication skills for managing public interactions during security screening processes.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Communication", + "Passenger Engagement" + ] + }, + "Commercial Negotiation": { + "description": "Advanced interpersonal skills for negotiating prices, terms, contracts, and sales arrangements with strategic communication and persuasive techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Negotiation", + "Contract Management", + "Business Agreement Facilitation" + ] + }, + "Air Traffic Control Management": { + "description": "Advanced skills in coordinating, monitoring, and directing aircraft movement, ensuring safety, communication, and systematic operational efficiency in complex transportation environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Flight Traffic Coordination", + "Airspace Management", + "Aviation Safety Control" + ] + }, + "Security Operations Management": { + "description": "Comprehensive skills in supervising, coordinating, and managing complex security activities, including personnel direction, operational planning, and strategic risk mitigation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Team Leadership", + "Protective Services Coordination" + ] + }, + "Surveillance and Threat Detection": { + "description": "Advanced technical and observational skills for monitoring environments, operating surveillance equipment, identifying suspicious activities, and preventing potential security risks", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Monitoring", + "Threat Assessment" + ] + }, + "Construction Site Coordination": { + "description": "Advanced skills in managing work site activities, positioning equipment, coordinating personnel, monitoring operations, and ensuring systematic efficiency in construction environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Operations Management", + "Construction Workflow Coordination", + "Work Site Supervision" + ] + }, + "Agricultural Product Inspection": { + "description": "Systematic examination, grading, and quality assessment of agricultural and forestry products through precise technical evaluation and measurement techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Quality Grading", + "Agricultural Standards Assessment" + ] + }, + "Material Handling and Sorting": { + "description": "Precise technical skills in loading, positioning, measuring, and transferring agricultural and forestry materials through complex operational workflows", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Product Logistics", + "Agricultural Material Management" + ] + }, + "Equipment Operations Monitoring": { + "description": "Systematic observation and control of industrial machinery, gauges, and operational systems to ensure proper functionality, detect malfunctions, and maintain optimal performance", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Performance Tracking", + "Operational System Control", + "Technical Equipment Surveillance" + ] + }, + "Safety and Compliance Management": { + "description": "Comprehensive approach to identifying potential hazards, implementing preventive measures, ensuring workplace safety, and maintaining adherence to regulatory standards across technical work environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Risk Mitigation", + "Workplace Safety Protocols", + "Regulatory Compliance Monitoring" + ] + }, + "Historical Research Methodology": { + "description": "Advanced systematic skills for conducting comprehensive historical investigations, collecting archival data, analyzing primary and secondary sources, and developing evidence-based historical interpretations", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Archival Research", + "Historical Evidence Analysis" + ] + }, + "Scholarly Documentation Management": { + "description": "Comprehensive skills in preparing, organizing, maintaining, and preserving detailed academic and archival records with systematic precision and comprehensive documentation techniques", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Record Keeping", + "Academic Documentation" + ] + }, + "Instructional Communication": { + "description": "Advanced interpersonal skills for effectively teaching, explaining complex concepts, facilitating learning, and engaging students through strategic communication and pedagogical techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Dialogue", + "Knowledge Transfer" + ] + }, + "Wind Turbine Technical Maintenance": { + "description": "Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex wind turbine mechanical and electrical systems using specialized tools and systematic technical approaches", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Wind Energy Equipment Maintenance", + "Renewable Energy System Repair" + ] + }, + "Safety-Focused Technical Inspection": { + "description": "Comprehensive approach to conducting detailed equipment inspections, identifying potential hazards, ensuring workplace safety, and implementing preventive maintenance protocols", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Verification", + "Technical Risk Mitigation" + ] + }, + "Green Energy Systems Management": { + "description": "Comprehensive expertise in operating, maintaining, and optimizing renewable energy infrastructure, including technical monitoring, performance assessment, and systematic operational control", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Renewable Energy Technical Operations", + "Green Technology Management" + ] + }, + "Geospatial Analysis": { + "description": "Comprehensive skills in collecting, processing, interpreting, and visualizing geographic and spatial data using advanced scientific and technical methodologies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Remote Sensing Technology", + "Spatial Data Interpretation", + "Geographic Information Systems" + ] + }, + "Environmental Monitoring": { + "description": "Comprehensive expertise in analyzing, evaluating, and managing environmental conditions, technologies, and ecological impacts through systematic scientific techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Assessment", + "Environmental Systems Analysis", + "Conservation Monitoring" + ] + }, + "Chemical Flow and Process Control": { + "description": "Precise skill in managing liquid flow, cleaning solutions, chemical processing parameters, and operational control in technical and industrial environments", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Processing Management", + "Liquid Flow Regulation", + "Industrial Chemical Control" + ] + }, + "Gauges and Indicator Monitoring": { + "description": "Systematic observation of equipment gauges, dials, and indicators to ensure proper machine functioning, detect potential issues, and maintain operational efficiency", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Performance Tracking", + "Equipment Status Monitoring", + "Operational Indicator Analysis" + ] + }, + "Equipment Monitoring": { + "description": "Systematic observation and control of machinery, gauges, and operational systems to ensure proper functioning, detect malfunctions, and maintain optimal performance", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operations Monitoring", + "Technical Performance Tracking", + "Operational System Control" + ] + }, + "Precision Technical Manipulation": { + "description": "Advanced manual skills in using specialized tools to precisely measure, cut, position, and manipulate materials and components across diverse technical environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Manual Skills", + "Technical Material Handling", + "Precise Equipment Operation" + ] + }, + "Energy Systems Engineering": { + "description": "Advanced technical skills in designing, analyzing, operating, and maintaining complex energy production and distribution systems with emphasis on safety, efficiency, and technological innovation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Energy Infrastructure Management", + "Power Systems Design", + "Renewable Energy Engineering" + ] + }, + "Technical Performance Analysis": { + "description": "Advanced analytical skills for systematically evaluating operational performance, identifying efficiency opportunities, and developing strategic improvements across technical systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Performance Optimization", + "Systems Performance Evaluation" + ] + }, + "Technical Resource Coordination": { + "description": "Advanced ability to manage complex workflow processes, coordinate technical work activities, direct operational sequences, and ensure systematic efficiency in energy and engineering environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Technical Management", + "Engineering Workflow Coordination" + ] + }, + "Scientific Management": { + "description": "Advanced leadership and coordination skills in scientific research, organizational operations, and technical project management", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Research Leadership", + "Scientific Organizational Strategy" + ] + }, + "Natural Resource Management": { + "description": "Comprehensive expertise in managing, protecting, and coordinating natural resources through systematic scientific and operational techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Conservation", + "Ecological Systems Management" + ] + }, + "Agricultural Systems Coordination": { + "description": "Advanced skills in managing agricultural processes, coordinating complex operational workflows, and integrating technological and ecological approaches", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Agricultural Resource Management", + "Farming Systems Integration" + ] + }, + "Field Operations Management": { + "description": "Advanced skills in coordinating, directing, and managing complex outdoor work activities with emphasis on safety, efficiency, and environmental considerations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Outdoor Operational Coordination", + "Site Management" + ] + }, + "Artistic Design Conceptualization": { + "description": "Advanced ability to develop, visualize, and create original artistic and technical design concepts for decoration, exhibition, or commercial purposes", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Creative Design Development", + "Visual Concept Creation", + "Artistic Ideation" + ] + }, + "Floral Arrangement Expertise": { + "description": "Specialized skills in creating distinctive decorative compositions using flowers, materials, and design techniques for commercial and artistic purposes", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Decorative Floral Design", + "Botanical Composition", + "Creative Floral Styling" + ] + }, + "Client Consultation and Needs Assessment": { + "description": "Advanced interpersonal skills for understanding customer requirements, gathering design preferences, and providing personalized creative solutions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Design Interaction", + "Creative Service Orientation", + "Personalized Design Consultation" + ] + }, + "Material and Prop Selection": { + "description": "Comprehensive skills in selecting, curating, and positioning materials, props, and design elements to create impactful visual compositions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Design Resource Curation", + "Creative Material Management", + "Artistic Prop Selection" + ] + }, + "Nutritional Assessment and Planning": { + "description": "Comprehensive skill in evaluating patient nutritional needs, developing personalized dietary strategies, and implementing targeted nutritional interventions", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Dietary Needs Analysis", + "Nutritional Care Planning" + ] + }, + "Nutritional Research and Documentation": { + "description": "Comprehensive skills in conducting systematic research, analyzing laboratory findings, developing research protocols, and expanding scientific knowledge about nutrition and health", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nutrition Science Documentation", + "Dietary Research" + ] + }, + "Healthcare Patient Support": { + "description": "Comprehensive skills in providing direct personal assistance, medical monitoring, basic treatment support, and compassionate care for patients with diverse medical needs across clinical environments", + "confidence": 1.0, + "usage_count": 2, + "last_updated": "", + "synonyms": [ + "Patient Care Coordination", + "Medical Assistance", + "Clinical Support Services" + ] + }, + "Clinical Procedure Assistance": { + "description": "Comprehensive skills in supporting healthcare practitioners during medical procedures, maintaining sterile environments, preparing medical supplies, and providing precise technical and interpersonal support", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Procedure Support", + "Healthcare Technical Assistance", + "Clinical Intervention Support" + ] + }, + "Patient Measurement and Assessment": { + "description": "Comprehensive clinical skills for systematically examining patients, measuring physical attributes, collecting medical histories, and evaluating general physical condition", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Patient Evaluation", + "Medical Physical Assessment", + "Diagnostic Patient Screening" + ] + }, + "Nuclear Systems Engineering": { + "description": "Advanced technical skills in designing, analyzing, operating, and maintaining complex nuclear power and radiation-related systems with emphasis on safety, precision, and operational efficiency", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nuclear Reactor Management", + "Radiation Systems Control" + ] + }, + "Technical Risk Assessment": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and mitigating potential technical, operational, and safety risks through comprehensive investigation and strategic intervention", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Hazard Analysis", + "Safety Risk Management" + ] + }, + "Organizational Risk Management": { + "description": "Comprehensive ability to identify, assess, and mitigate potential organizational risks through systematic analysis, strategic planning, and preventive intervention", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Risk Mitigation Strategy", + "Organizational Threat Assessment", + "Strategic Risk Reduction" + ] + }, + "Strategic Security Oversight": { + "description": "Advanced skills in managing comprehensive security operations, developing protective strategies, and ensuring organizational safety through systematic monitoring and proactive intervention", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Security Strategy Development", + "Comprehensive Protective Management" + ] + }, + "Operational Policy Implementation": { + "description": "Advanced ability to develop, communicate, interpret, and systematically enforce organizational policies, procedures, and operational guidelines", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Policy Development and Enforcement", + "Organizational Directive Management" + ] + }, + "Precision Manual Cutting": { + "description": "Advanced technical skills in using hand tools to precisely measure, cut, trim, and manipulate materials with high accuracy across diverse work environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Manual Material Precision", + "Precise Cutting Techniques", + "Technical Hand Cutting" + ] + }, + "Financial Counseling": { + "description": "Advanced skills in providing comprehensive financial guidance, debt management advice, and personalized financial planning support to clients", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Advisory", + "Debt Management Counseling", + "Client Financial Guidance" + ] + }, + "Client Information Processing": { + "description": "Systematic skills in collecting, verifying, documenting, and managing complex client financial and personal information through professional interaction", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Client Data Management", + "Information Verification", + "Professional Information Gathering" + ] + }, + "Instructional Assessment and Mentorship": { + "description": "Advanced skills in evaluating student performance, designing comprehensive assessment methods, providing targeted educational feedback, and supporting individual student academic and professional growth", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Performance Evaluation", + "Educational Mentoring", + "Academic Progress Monitoring" + ] + }, + "Chemical Engineering Analysis": { + "description": "Advanced analytical skills for systematically investigating chemical processes, evaluating engineering challenges, and developing innovative solutions using scientific methods and technical reasoning", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Chemical Process Evaluation", + "Engineering Scientific Analysis" + ] + }, + "Technical Systems Problem Solving": { + "description": "Advanced capability to identify complex technical challenges, evaluate alternative solutions, apply scientific reasoning, and implement strategic problem-solving techniques across engineering and scientific contexts", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Technical Reasoning", + "Scientific Problem Resolution" + ] + }, + "Neurological Patient Assessment": { + "description": "Advanced clinical skills for comprehensive neurological patient examination, diagnostic reasoning, and systematic health evaluation of nervous system functioning", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nervous System Diagnostic Evaluation", + "Neurological Clinical Reasoning" + ] + }, + "Medical Diagnostic Equipment Operation": { + "description": "Advanced technical skills in operating, maintaining, and managing specialized medical diagnostic imaging and testing equipment with precision and safety protocols", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Healthcare Technical Equipment Management", + "Diagnostic Instrumentation Control" + ] + }, + "Patient Monitoring and Safety": { + "description": "Comprehensive skills in systematically tracking patient conditions, ensuring safety, implementing protective protocols, and maintaining precise medical care standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Patient Safety Management", + "Healthcare Condition Tracking" + ] + }, + "Technical Communication in Healthcare": { + "description": "Advanced interpersonal communication skills for precise medical information exchange, patient counseling, professional dialogue, and comprehensive technical explanation", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Information Transfer", + "Healthcare Professional Communication" + ] + }, + "Surface Preparation": { + "description": "Advanced technical skills in cleaning, smoothing, and preparing surfaces for construction, installation, or finishing tasks using specialized tools and techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment", + "Material Surface Preparation" + ] + }, + "Adhesive Application": { + "description": "Specialized skills in preparing, mixing, and applying adhesives, mortars, and binding compounds for precise material installation and bonding", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Bonding", + "Sealant Application" + ] + }, + "Precision Manual Construction": { + "description": "Advanced proficiency in using hand tools, power tools, and specialized equipment to precisely measure, cut, position, and install construction materials", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Manual Construction", + "Precision Construction Skills" + ] + }, + "Explosives Handling Safety": { + "description": "Advanced skills in safely managing, preparing, and controlling explosive materials and detonation processes with strict safety protocols", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Explosive Material Management", + "Ordnance Safety Procedures" + ] + }, + "Site Dimensional Preparation": { + "description": "Precise skills in measuring work site dimensions, marking reference points, preparing surfaces, and ensuring accurate spatial positioning for extraction and construction tasks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Work Site Measurement", + "Spatial Layout Preparation" + ] + }, + "Technical Safety Signaling": { + "description": "Advanced skills in using visual and verbal signals, positioning safety equipment, and communicating critical operational instructions to ensure worker and public safety", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Communication Protocols", + "Operational Warning Systems" + ] + }, + "Precision Manual Tool Usage": { + "description": "Advanced proficiency in selecting, operating, and managing specialized hand and power tools for complex mechanical repair, maintenance, and fabrication tasks", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Tool Manipulation", + "Specialized Equipment Handling", + "Precision Manual Craftsmanship" + ] + }, + "Structural Component Positioning": { + "description": "Advanced ability to align, measure, and install metal, masonry, and structural components with precision and technical expertise", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Structural Assembly", + "Precise Component Installation", + "Technical Positioning" + ] + }, + "Technical Coordination and Communication": { + "description": "Advanced interpersonal skills for precise information exchange, work activity coordination, active listening, and professional interaction across technical and operational environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Communication", + "Technical Workflow Management", + "Professional Interaction" + ] + }, + "Meat Processing Skills": { + "description": "Technical proficiency in cutting, slaughtering, and preparing meat products with precision and safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Meat Fabrication", + "Animal Butchering", + "Meat Product Preparation" + ] + }, + "Food Safety Compliance": { + "description": "Systematic approach to maintaining hygiene, preventing contamination, and ensuring food product safety standards", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Food Sanitation", + "Meat Processing Safety", + "Hygiene Protocol Management" + ] + }, + "Equipment Cleaning and Maintenance": { + "description": "Comprehensive skills in cleaning, sanitizing, and maintaining production equipment and work areas", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Workplace Sanitation", + "Technical Equipment Hygiene", + "Production Area Maintenance" + ] + }, + "Rail Transportation Management": { + "description": "Advanced skills in coordinating, operating, and managing rail vehicle movement, yard operations, and transportation logistics with emphasis on safety, communication, and systematic operational efficiency", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Rail Operations Coordination", + "Train Movement Control", + "Railroad Logistics Management" + ] + }, + "Vehicle Movement Coordination": { + "description": "Comprehensive skills in directing, signaling, and managing vehicle movement across transportation environments, ensuring systematic communication and operational safety", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Coordination", + "Vehicle Traffic Management", + "Movement Signaling" + ] + }, + "Critical Information Processing": { + "description": "Advanced skills in collecting, verifying, analyzing, and communicating complex written and numerical information across professional contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Information Verification", + "Data Validation", + "Strategic Information Management" + ] + }, + "Strategic Problem Solving": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning and critical thinking", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Complex Problem Resolution", + "Analytical Reasoning", + "Strategic Decision Making" + ] + }, + "Operational Equipment Control": { + "description": "Advanced skills in operating, monitoring, adjusting, and controlling specialized industrial machinery and equipment with precision and systematic approach", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Operation Management", + "Technical System Control", + "Machinery Monitoring" + ] + }, + "Animal Patient Care": { + "description": "Comprehensive skills in managing, restraining, positioning, and providing specialized medical care for animals in clinical and veterinary settings", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Veterinary Patient Support", + "Animal Medical Assistance" + ] + }, + "Veterinary Technical Support": { + "description": "Advanced skills in assisting veterinary practitioners, preparing medical supplies, supporting diagnostic procedures, and providing comprehensive technical and interpersonal support in animal healthcare contexts", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Healthcare Assistance", + "Veterinary Clinical Support" + ] + }, + "Vehicle Electrical Systems Repair": { + "description": "Advanced technical skills in diagnosing, repairing, and maintaining electrical components and systems in motor vehicles", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Automotive Electrical Diagnostics", + "Vehicle Electrical Troubleshooting" + ] + }, + "Equipment Monitoring and Control": { + "description": "Systematic observation and control of machinery, gauges, and operational systems to ensure proper functioning, detect malfunctions, and maintain optimal performance", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Equipment Monitoring", + "Operational System Control", + "Machinery Performance Tracking" + ] + }, + "Patient Assessment and Care": { + "description": "Comprehensive clinical skills for systematically evaluating patient health, collecting medical histories, performing diagnostic reasoning, and providing holistic patient-centered medical support", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Patient Evaluation", + "Comprehensive Health Monitoring", + "Patient Diagnostic Interaction" + ] + }, + "Radiation Safety Management": { + "description": "Advanced skills in measuring, detecting, monitoring radiation levels, ensuring comprehensive safety protocols, and protecting patients and staff in medical radiation environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Radiation Protection", + "Medical Radiation Safety", + "Radiation Monitoring" + ] + }, + "Technical Medical Documentation": { + "description": "Systematic skills in recording, maintaining, and managing comprehensive medical records, patient histories, treatment progress, and clinical observations with high accuracy and regulatory compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Record Keeping", + "Clinical Documentation", + "Healthcare Reporting" + ] + }, + "Programming Logic": { + "description": "Advanced ability to write, modify, and develop computer programs using systematic logical reasoning and algorithmic thinking", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Code Development", + "Software Engineering", + "Programming Problem Solving" + ] + }, + "Broadcast Technical Communication": { + "description": "Advanced interpersonal communication skills specific to broadcasting and media environments, involving precise technical information exchange, equipment coordination, and professional interaction", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Technical Dialogue", + "Broadcast Communication Coordination" + ] + }, + "Content Development Strategy": { + "description": "Advanced skills in researching, conceptualizing, and developing original media content across various platforms, involving creative ideation and strategic content planning", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Content Creation", + "Multimedia Content Strategy" + ] + }, + "Nanotechnology Engineering": { + "description": "Advanced technical skills in designing, analyzing, and developing micro- and nano-scale materials, devices, and systems with precision and innovative engineering approaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Micro-Scale Design", + "Nanoscale Engineering", + "Precision Technical Innovation" + ] + }, + "Micro-Scale Process Management": { + "description": "Advanced skills in operating, monitoring, and controlling microscopic or nanoscopic processes with precision, technical expertise, and systematic operational control", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Nanotechnology Process Control", + "Microscale Operations", + "Precision Technical Monitoring" + ] + }, + "Vehicle Operation Safety": { + "description": "Comprehensive skills in operating, managing, and ensuring safety of transportation vehicles through systematic monitoring, compliance with regulations, and protective protocols", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Transportation Safety Management", + "Vehicle Safety Protocols", + "Passenger Vehicle Operation" + ] + }, + "Passenger Support Services": { + "description": "Advanced interpersonal skills for managing passenger interactions, ensuring comfort, safety, and providing comprehensive assistance during transportation services", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Transportation Support", + "Passenger Care Management" + ] + }, + "Fundraising Strategy": { + "description": "Advanced skills in developing comprehensive fundraising plans, identifying donor opportunities, creating strategic funding approaches, and managing organizational resource acquisition", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Donor Engagement", + "Resource Development", + "Nonprofit Funding" + ] + }, + "Persuasive Proposal Development": { + "description": "Comprehensive skills in creating compelling written proposals, presenting organizational goals, articulating value propositions, and effectively communicating strategic initiatives", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Grant Writing", + "Proposal Communication", + "Strategic Messaging" + ] + }, + "Shipping and Logistics Management": { + "description": "Comprehensive skills in coordinating, processing, and managing shipping operations, including order fulfillment, routing, documentation, and inventory control", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Shipping Coordination", + "Logistics Operations", + "Inventory Processing" + ] + }, + "Aviation Safety Management": { + "description": "Comprehensive skills in ensuring safety compliance, conducting detailed equipment inspections, monitoring operational performance, and implementing preventive safety protocols specific to aviation environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Flight Safety Oversight", + "Aircraft Safety Procedures", + "Aviation Risk Management" + ] + }, + "Aircraft Operations Control": { + "description": "Advanced skills in operating, controlling, and managing aircraft systems, including navigation, communication, and systematic operational management in transportation environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Flight System Management", + "Pilot Operational Control", + "Aircraft Navigation" + ] + }, + "Emergency Response Preparedness": { + "description": "Advanced skills in identifying, assessing, and managing critical situations, implementing emergency protocols, and providing immediate strategic intervention during transportation and operational challenges", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Crisis Management", + "Emergency Intervention Strategies", + "Rapid Response Coordination" + ] + }, + "Safety Signaling and Risk Management": { + "description": "Comprehensive ability to identify potential hazards, implement preventive measures, ensure workplace safety, and maintain operational compliance", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Protocol", + "Hazard Prevention" + ] + }, + "Database Systems Design": { + "description": "Advanced capability to create, develop, and manage complex electronic database architectures and information storage systems", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Database Architecture", + "Information Systems Design", + "Electronic Data Management" + ] + }, + "Information Architecture Management": { + "description": "Advanced skills in designing, implementing, and maintaining comprehensive electronic information management and communication systems", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electronic Data Infrastructure", + "Information Systems Coordination" + ] + }, + "Financial Advisory Communication": { + "description": "Advanced interpersonal skills for explaining financial concepts, providing personalized financial guidance, and building client trust through strategic communication", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Counseling", + "Client Financial Guidance", + "Investment Communication" + ] + }, + "Investment Strategy Analysis": { + "description": "Comprehensive analytical capabilities for evaluating financial opportunities, assessing market conditions, and developing personalized investment recommendations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Market Assessment", + "Investment Portfolio Planning" + ] + }, + "Client Financial Needs Assessment": { + "description": "Systematic approach to gathering, analyzing, and understanding individual client financial information, goals, and risk tolerance", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Situation Evaluation", + "Client Financial Profiling" + ] + }, + "Professional Financial Networking": { + "description": "Strategic ability to develop, maintain, and leverage professional relationships to expand business connections and create sales opportunities", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Relationship Development", + "Professional Connection Management" + ] + }, + "Operational Financial Analysis": { + "description": "Comprehensive skills in examining financial data, preparing budgets, analyzing financial records, and supporting strategic business decision-making", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Reporting", + "Budget Analysis", + "Economic Assessment" + ] + }, + "Commercial Relationship Management": { + "description": "Advanced interpersonal skills for developing, maintaining, and expanding professional business relationships, identifying opportunities, and coordinating operational interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Networking", + "Stakeholder Engagement", + "Professional Relationship Development" + ] + }, + "Garment Quality Inspection": { + "description": "Systematic approach to conducting detailed product inspections, measuring dimensions, evaluating garment characteristics, and ensuring conformance to textile manufacturing specifications", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Textile Product Verification", + "Garment Quality Control" + ] + }, + "Veterinary Medical Care": { + "description": "Advanced clinical skills for comprehensive animal health assessment, diagnosis, treatment, and medical intervention in veterinary healthcare contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Healthcare", + "Veterinary Patient Management" + ] + }, + "Animal Medical Procedure Support": { + "description": "Technical and interpersonal skills for assisting veterinary practitioners, preparing medical supplies, supporting diagnostic procedures, and providing comprehensive animal patient care", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Veterinary Technical Assistance", + "Animal Medical Support" + ] + }, + "Preventive Animal Healthcare": { + "description": "Comprehensive skills in providing preventive medical care, immunizations, health screenings, and wellness guidance for animal patients", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Animal Wellness Management", + "Veterinary Preventive Care" + ] + }, + "Resource Management": { + "description": "Comprehensive skills in managing personnel, material, and operational resources through strategic planning, coordination, and efficient distribution across organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Organizational Resource Allocation", + "Strategic Resource Coordination", + "Workforce Resource Optimization" + ] + }, + "Underground Work Operations": { + "description": "Specialized skills in managing complex operational workflows, equipment positioning, and safety protocols in underground mining environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Subterranean Work Management", + "Mining Operational Coordination", + "Underground Resource Extraction" + ] + }, + "Breeding Procedure Execution": { + "description": "Technical skills in performing systematic animal breeding processes, including genetic assessment, reproductive management, and specialized breeding techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Reproductive Animal Management", + "Genetic Breeding Techniques" + ] + }, + "Agricultural Resource Coordination": { + "description": "Advanced skills in managing agricultural operations, coordinating resources, analyzing operational data, and implementing systematic agricultural methods", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Farm Operations Management", + "Agricultural Systems Coordination" + ] + }, + "Landscape Maintenance": { + "description": "Comprehensive skills in managing outdoor vegetation, equipment operation, and maintenance of landscaping environments through systematic techniques and specialized tools", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Grounds Management", + "Outdoor Environment Maintenance" + ] + }, + "Geological Data Analysis": { + "description": "Advanced analytical skills for systematically collecting, processing, interpreting, and evaluating geological and geographic survey data using scientific methods and technical tools", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Geospatial Data Interpretation", + "Geological Survey Analysis" + ] + }, + "Environmental Field Research": { + "description": "Comprehensive skills in conducting systematic scientific investigations in outdoor environments, involving data collection, environmental sampling, precise documentation, and ecological assessment", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Field Operations", + "Environmental Data Collection" + ] + }, + "Natural Resource Mapping": { + "description": "Advanced capabilities in locating, mapping, and analyzing natural resources using geospatial technologies, environmental data interpretation, and systematic scientific techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Geospatial Analysis", + "Environmental Resource Identification" + ] + }, + "Theatrical Makeup Application": { + "description": "Advanced skills in applying makeup to alter or enhance appearance for theatrical and performance contexts, involving creative design, precise application techniques, and character transformation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Makeup Design", + "Character Makeup Artistry", + "Stage Makeup Techniques" + ] + }, + "Performance Costume Preparation": { + "description": "Comprehensive skills in reviewing production requirements, designing costume and cosmetic effects, and preparing visual elements for theatrical and performance characters", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Character Visual Design", + "Performance Aesthetic Coordination" + ] + }, + "Creative Visual Transformation": { + "description": "Advanced ability to conceptualize, design, and execute visual transformations for characters through makeup, hair, and costume techniques", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Character Visual Styling", + "Performance Aesthetic Design" + ] + }, + "Textile Production Skills": { + "description": "Comprehensive abilities in handling, cutting, assembling, and repairing fabric-based products with technical precision and attention to detail", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Fabric Processing", + "Garment Manufacturing", + "Textile Craftsmanship" + ] + }, + "Database Management": { + "description": "Advanced skills in creating, updating, maintaining, and securing electronic database systems with comprehensive information management capabilities", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Database Administration", + "Electronic Data Storage", + "Information Systems Management" + ] + }, + "Technical Systems Security": { + "description": "Comprehensive capabilities in implementing, monitoring, and maintaining robust security measures for computer and information systems", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cybersecurity", + "Information Protection", + "System Risk Mitigation" + ] + }, + "Photonics Engineering": { + "description": "Advanced technical expertise in designing, analyzing, and maintaining photonic systems, optical technologies, and precision engineering applications", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Optical Systems Design", + "Photonic Technology Management", + "Precision Optical Engineering" + ] + }, + "Technical Precision Measurement": { + "description": "Advanced skills in measuring, calibrating, and verifying dimensional specifications, performance parameters, and technical characteristics with high accuracy", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Precision Instrumentation", + "Technical Dimensional Verification", + "Measurement Accuracy" + ] + }, + "Optical Systems Analysis": { + "description": "Comprehensive analytical capabilities for evaluating, diagnosing, and optimizing complex optical and photonic technical systems", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Photonic Systems Evaluation", + "Optical Technology Diagnostics" + ] + }, + "Facilities Management": { + "description": "Comprehensive skills in coordinating, maintaining, and optimizing organizational physical infrastructure, including equipment, spaces, and operational resources", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Facility Operations", + "Infrastructure Coordination", + "Physical Resource Management" + ] + }, + "Operational Budget Planning": { + "description": "Advanced skills in preparing, analyzing, and managing organizational financial resources, budgetary allocations, and cost-effective operational strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Resource Allocation", + "Budget Coordination", + "Operational Financial Management" + ] + }, + "Environmental Project Management": { + "description": "Advanced skills in managing complex environmental sustainability projects, including site assessment, remediation planning, and implementation of green initiatives", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Green Project Coordination", + "Sustainability Project Leadership" + ] + }, + "Site Remediation Planning": { + "description": "Advanced technical and strategic skills in developing comprehensive environmental restoration and protection plans, assessing ecological risks, and implementing sustainable solutions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Restoration Strategy", + "Ecological Risk Mitigation" + ] + }, + "Technical Grant Development": { + "description": "Advanced skills in preparing comprehensive project proposals, grant applications, and funding documentation for environmental and sustainability initiatives", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Funding Proposal Writing", + "Research Grant Preparation" + ] + }, + "Environmental Risk Assessment": { + "description": "Systematic analytical approach to identifying, evaluating, and mitigating potential environmental and operational risks through comprehensive investigation and strategic intervention", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Ecological Impact Analysis", + "Sustainability Risk Management" + ] + }, + "Geological Resource Management": { + "description": "Advanced skills in managing geological extraction sites, coordinating mining operations, assessing site conditions, and implementing comprehensive resource exploration and extraction strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mining Site Coordination", + "Geological Operations Management" + ] + }, + "Technical Safety Protocols": { + "description": "Comprehensive ability to identify potential hazards, implement preventive measures, ensure workplace safety, and maintain rigorous operational safety standards across technical work environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Risk Mitigation", + "Workplace Safety Management" + ] + }, + "Media Content Editing": { + "description": "Advanced technical skills in reviewing, selecting, modifying, and preparing audio and video content for professional media production", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Video Editing", + "Audio Post-Production", + "Media Content Curation" + ] + }, + "Creative Visual Storytelling": { + "description": "Advanced ability to develop narrative concepts, create compelling visual stories, and communicate complex ideas through artistic and technical media production", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Narrative Design", + "Visual Narrative Development", + "Multimedia Storytelling" + ] + }, + "Technical Media Production": { + "description": "Comprehensive skills in operating, coordinating, and managing technical aspects of media production, including equipment control, content preparation, and workflow management", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Media Technical Operations", + "Broadcast Technical Control", + "Production Equipment Management" + ] + }, + "Agricultural Technical Operations": { + "description": "Comprehensive skills in managing agricultural processes, operating specialized equipment, conducting field research, and implementing systematic agricultural techniques", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Farm Equipment Management", + "Agricultural Systems Coordination", + "Crop and Resource Management" + ] + }, + "Strategic Sales Management": { + "description": "Advanced skills in directing sales activities, managing sales teams, developing sales strategies, and achieving organizational revenue objectives", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Leadership", + "Revenue Strategy", + "Sales Team Coordination" + ] + }, + "Interpersonal Persuasion": { + "description": "Advanced communication skills involving convincing, influencing, and motivating others through strategic verbal and non-verbal communication techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Persuasive Communication", + "Influence Strategy", + "Motivational Interaction" + ] + }, + "Commercial Relationship Development": { + "description": "Advanced interpersonal skills for building, maintaining, and expanding professional business relationships, identifying opportunities, and coordinating operational interactions", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Networking", + "Professional Relationship Management" + ] + }, + "Operational Supervision": { + "description": "Advanced ability to direct, coordinate, and manage work activities, personnel resources, and operational workflows with systematic efficiency", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Staff Management", + "Workforce Coordination", + "Team Leadership" + ] + }, + "Maintenance and Cleaning": { + "description": "Comprehensive skills in maintaining clean, organized, and functional work environments, including equipment maintenance, facility cleaning, and hygiene management", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Facility Maintenance", + "Workplace Sanitation", + "Equipment Care" + ] + }, + "Professional Counseling Support": { + "description": "Comprehensive interpersonal skills for providing holistic psychological guidance, mental health support, personalized treatment strategies, and compassionate professional intervention across diverse counseling contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Psychological Guidance", + "Mental Health Counseling", + "Professional Therapeutic Support" + ] + }, + "Performance Coaching": { + "description": "Advanced skill in instructing, guiding, and developing performance techniques with systematic and personalized approach", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Athletic Skill Training", + "Performance Technique Instruction" + ] + }, + "Talent Identification": { + "description": "Comprehensive ability to select, evaluate, and assess potential performers, athletes, or team members through systematic assessment", + "confidence": 0.94, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Recruitment Assessment", + "Performer Selection" + ] + }, + "Strategic Performance Coordination": { + "description": "Advanced skill in coordinating athletic events, managing complex logistics, and synchronizing team activities with systematic efficiency", + "confidence": 0.95, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Event Management", + "Sports Operations Coordination" + ] + }, + "Professional Performance Communication": { + "description": "Advanced interpersonal communication skills specific to coaching and sports environments, involving precise instruction, feedback, and strategic interaction", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sports Communication", + "Athletic Instruction Dialogue" + ] + }, + "Instructional Technology Integration": { + "description": "Comprehensive skills in creating, implementing, and managing technology-based learning materials, applying multiple teaching methods, and integrating technological tools to enhance educational experiences", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Educational Technology Management", + "Digital Learning Tools", + "Technology-Enhanced Instruction" + ] + }, + "Energy Systems Analysis": { + "description": "Comprehensive technical expertise in evaluating energy usage, efficiency, operational performance, and green technology investments through systematic assessment and strategic analysis", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Energy Performance Evaluation", + "Sustainable Technology Assessment", + "Operational Energy Optimization" + ] + }, + "Rigging and Material Positioning": { + "description": "Specialized skills in attaching rigging, positioning, moving, and securing heavy equipment, materials, and supplies with precise technical coordination", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Load Securing", + "Material Handling Coordination", + "Equipment Positioning" + ] + }, + "Scholarly Communication": { + "description": "Advanced interpersonal communication skills specific to academic and research contexts, involving precise information exchange, active listening, strategic interaction with students, colleagues, and academic stakeholders", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Academic Dialogue", + "Professional Knowledge Sharing", + "Research Communication" + ] + }, + "Professional Knowledge Dissemination": { + "description": "Advanced skills in translating complex academic and research information into accessible, meaningful content for diverse audiences through systematic communication and pedagogical techniques", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Knowledge Translation", + "Academic Public Communication", + "Scholarly Information Sharing" + ] + }, + "Financial Cost Analysis": { + "description": "Advanced analytical skills for systematically evaluating, calculating, and estimating financial costs, resource requirements, and economic implications across professional contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cost Estimation", + "Financial Projection", + "Economic Calculation" + ] + }, + "Strategic Resource Estimation": { + "description": "Comprehensive ability to assess, calculate, and plan resource requirements for complex projects, including financial, material, and personnel considerations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Planning", + "Project Resource Assessment", + "Operational Budgeting" + ] + }, + "Technical Documentation Precision": { + "description": "Advanced skills in creating, maintaining, and communicating detailed technical documents, reports, and specifications with systematic accuracy and comprehensive reporting", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Writing", + "Operational Documentation", + "Precise Report Preparation" + ] + }, + "Business Data Interpretation": { + "description": "Advanced analytical skills for collecting, processing, analyzing, and deriving meaningful insights from complex business and financial information", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Financial Data Analysis", + "Business Intelligence", + "Strategic Information Processing" + ] + }, + "Extraction Site Management": { + "description": "Comprehensive skills in preparing, assessing, and managing extraction sites, including safety positioning, equipment coordination, and environmental considerations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Site Preparation", + "Operational Site Coordination", + "Extraction Workflow Management" + ] + }, + "Technical Material Handling": { + "description": "Proficient skills in loading, measuring, positioning, cutting, and transferring materials through complex operational workflows with precision and quality control", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Material Movement", + "Operational Material Positioning", + "Precision Resource Management" + ] + }, + "Strategic Communication": { + "description": "Advanced interpersonal skills for precise information exchange, persuasion, negotiation, and strategic interaction across diverse professional environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Dialogue", + "Stakeholder Communication", + "Organizational Messaging" + ] + }, + "Comprehensive Documentation Management": { + "description": "Advanced skills in creating, maintaining, and communicating precise professional documentation across diverse organizational contexts with systematic accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Professional Record Keeping", + "Systematic Documentation", + "Operational Reporting" + ] + }, + "Medical Technical Support": { + "description": "Advanced technical and interpersonal skills for assisting healthcare practitioners, preparing medical equipment, supporting diagnostic procedures, and ensuring comprehensive patient care", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Clinical Procedure Assistance", + "Healthcare Technical Support", + "Medical Equipment Preparation" + ] + }, + "Clinical Assessment and Reasoning": { + "description": "Advanced analytical skills for systematic patient evaluation, medical testing, diagnostic interpretation, comprehensive health analysis, and evidence-based clinical decision-making", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Reasoning", + "Patient Health Evaluation", + "Clinical Diagnostic Analysis" + ] + }, + "Healthcare Safety Management": { + "description": "Comprehensive approach to ensuring patient safety, maintaining regulatory compliance, implementing quality control measures, and following precise medical operational standards", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Safety Protocols", + "Medical Compliance Monitoring", + "Healthcare Risk Management" + ] + }, + "Equipment Installation": { + "description": "Comprehensive ability to install, configure, test, and set up complex technical equipment and systems across diverse work environments", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Setup", + "System Configuration", + "Equipment Deployment" + ] + }, + "Safety and Quality Verification": { + "description": "Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, and maintaining quality standards", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Operational Safety Monitoring", + "Quality Control Inspection", + "Safety Compliance" + ] + }, + "Healthcare Informatics Management": { + "description": "Advanced skills in managing, analyzing, and applying information technology to solve complex healthcare-related challenges, including software development, system design, and technical problem-solving in medical contexts", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Health Information Technology", + "Medical Systems Analysis", + "Healthcare Digital Solutions" + ] + }, + "Technical Information Security": { + "description": "Comprehensive skills in developing, implementing, and maintaining security policies and measures for computer and information systems, focusing on protecting digital infrastructure and preventing potential breaches", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Cybersecurity Management", + "Digital Protection Strategies", + "Information Systems Defense" + ] + }, + "Professional Research and Development": { + "description": "Advanced capabilities in conducting systematic research, gaining insights about emerging technologies and industry trends, and applying innovative approaches to solve complex technical challenges", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technology Research", + "Innovation Strategy", + "Emerging Trend Analysis" + ] + }, + "Healthcare Safety Protocols": { + "description": "Systematic approach to maintaining safety standards, preventing contamination, and ensuring regulatory compliance in medical environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Safety Management", + "Clinical Compliance Procedures", + "Healthcare Risk Prevention" + ] + }, + "Precision Manual Medical Skills": { + "description": "Advanced technical skills in using specialized tools to precisely position, prepare, and support medical procedures with high accuracy", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Procedure Support", + "Clinical Technical Manipulation", + "Precision Healthcare Assistance" + ] + }, + "Performance Evaluation Management": { + "description": "Systematic approach to assessing individual and organizational performance, identifying improvement opportunities, tracking progress, and implementing targeted development strategies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Employee Performance Monitoring", + "Professional Development Tracking", + "Skill Progress Assessment" + ] + }, + "Technical Repair Workflow": { + "description": "Advanced ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and documentation of mechanical systems.", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mechanical Repair Management", + "Equipment Service Coordination" + ] + }, + "Preventive Healthcare Strategy": { + "description": "Comprehensive skills in developing, implementing, and managing proactive health interventions, risk assessment, and population-level wellness programs.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Population Health Planning", + "Preventive Care Management", + "Health Risk Mitigation" + ] + }, + "Patient-Centered Communication": { + "description": "Advanced interpersonal skills for engaging patients, providing precise medical information, emotional support, and comprehensive healthcare counseling.", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Patient Interaction", + "Empathetic Healthcare Communication", + "Patient Engagement" + ] + }, + "Population Health Management": { + "description": "Systematic approach to analyzing, monitoring, and improving health outcomes across diverse population groups through comprehensive preventive strategies.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Community Health Optimization", + "Public Health Strategy", + "Population Wellness Planning" + ] + }, + "Organizational Resilience Planning": { + "description": "Advanced capability to develop comprehensive strategies for maintaining organizational functionality during critical disruptions and emergencies", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Business Continuity Strategy", + "Organizational Risk Mitigation" + ] + }, + "Regulatory Risk Assessment": { + "description": "Systematic evaluation of legal and regulatory requirements to identify potential organizational impacts and develop compliance strategies", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Compliance Impact Analysis", + "Regulatory Threat Evaluation" + ] + }, + "Strategic Contingency Management": { + "description": "Comprehensive approach to developing, implementing, and maintaining emergency response and business continuity plans", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Emergency Preparedness Planning", + "Organizational Contingency Strategy" + ] + }, + "Shipping and Logistics Coordination": { + "description": "Comprehensive skills in managing shipping workflows, routing decisions, verifying documentation, and coordinating material transportation processes", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Shipping Management", + "Logistics Processing", + "Transportation Coordination" + ] + }, + "Mechanical Diagnostic Assessment": { + "description": "Systematic ability to inspect, troubleshoot, and diagnose mechanical equipment issues through comprehensive testing and logical problem-solving techniques.", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Equipment Diagnostic Reasoning", + "Technical Troubleshooting", + "Mechanical Systems Analysis" + ] + }, + "Mechanical Repair Workflow": { + "description": "Comprehensive ability to manage repair processes, including disassembly, part replacement, reassembly, testing, and technical documentation.", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Repair Management", + "Equipment Restoration Process", + "Systematic Mechanical Repair" + ] + }, + "Educational Support Services": { + "description": "Comprehensive skills in providing academic assistance, classroom management, student guidance, and individualized educational support across diverse learning environments", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Assistance", + "Academic Intervention", + "Learning Support" + ] + }, + "Student Safety and Welfare": { + "description": "Comprehensive skills in ensuring physical, emotional, and developmental safety of students through proactive monitoring, environment preparation, and protective interventions", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Protection", + "Child Safety Management" + ] + }, + "Sales Team Management": { + "description": "Advanced skills in supervising, directing, and coordinating sales personnel, managing performance, and optimizing team productivity", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Sales Personnel Coordination", + "Sales Team Leadership", + "Sales Workforce Management" + ] + }, + "Strategic Performance Monitoring": { + "description": "Comprehensive ability to systematically evaluate individual and organizational performance, track progress, and implement targeted improvement strategies", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Assessment", + "Operational Performance Tracking", + "Workforce Performance Evaluation" + ] + }, + "Biological Sample Processing": { + "description": "Advanced technical skills in preparing, handling, analyzing, and preserving biological specimens using precise scientific techniques and protocols", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Specimen Preparation", + "Biological Material Handling", + "Scientific Sample Management" + ] + }, + "Scientific Analytical Reasoning": { + "description": "Advanced analytical skills for systematically identifying, evaluating, and resolving complex scientific challenges through logical reasoning, scientific methods, and strategic problem-solving techniques", + "confidence": 1.0, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Scientific Problem Resolution", + "Technical Analytical Thinking" + ] + }, + "Equipment Quality Monitoring": { + "description": "Systematic observation of machine performance, gauges, and indicators to ensure optimal operational functionality", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Machine Performance Tracking", + "Operational Gauge Monitoring" + ] + }, + "Manufacturing Surface Finishing": { + "description": "Technical skills in grinding, lapping, polishing, and buffing materials to achieve precise surface quality", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Surface Treatment Techniques", + "Material Finishing Processes" + ] + }, + "Precision Equipment Management": { + "description": "Comprehensive skills in operating, maintaining, calibrating, and ensuring optimal functionality of specialized technical equipment", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Equipment Control", + "Specialized Machinery Operation", + "Precision Equipment Maintenance" + ] + }, + "Situational Awareness": { + "description": "Advanced perceptive capabilities for monitoring environments, detecting potential risks, understanding social dynamics, and proactively responding to emerging situations", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Environmental Monitoring", + "Risk Detection", + "Threat Assessment" + ] + }, + "Safety Communication": { + "description": "Advanced interpersonal skills for communicating safety protocols, providing warnings, directing actions, and ensuring comprehensive safety information exchange", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Safety Signaling", + "Risk Communication", + "Protective Instruction" + ] + }, + "Operational Monitoring": { + "description": "Systematic skill in observing, tracking, and controlling operational systems, equipment performance, and workflow processes to ensure efficiency and safety", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Performance Tracking", + "System Control", + "Operational Surveillance" + ] + }, + "Patron Safety Support": { + "description": "Advanced interpersonal skills for monitoring patron activities, identifying potential issues, providing first aid, and ensuring comprehensive safety and support in service environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Customer Protection", + "Service Safety Management", + "Client Support" + ] + }, + "Solar Energy Systems Installation": { + "description": "Comprehensive expertise in designing, installing, testing, and maintaining solar photovoltaic and renewable energy infrastructure, including system assessment, performance verification, and technological implementation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Solar Technology Deployment", + "Renewable Energy System Setup" + ] + }, + "Renewable Energy Quality Control": { + "description": "Systematic approach to testing materials, evaluating production quality, and ensuring compliance with technical and environmental production standards", + "confidence": 0.96, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Quality Inspection", + "Environmental Standards Compliance" + ] + }, + "Precision Installation Techniques": { + "description": "Advanced skills in measuring, cutting, positioning, and preparing materials for precise technical installations across diverse work environments", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Technical Material Preparation", + "Precision Installation Skills" + ] + }, + "Resource Coordination": { + "description": "Advanced skills in managing personnel, material, and operational resources through strategic planning, allocation, and efficient distribution across organizational contexts", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Resource Management", + "Operational Resource Allocation", + "Strategic Resource Coordination" + ] + }, + "Clinical Assessment Skills": { + "description": "Advanced analytical capabilities for systematic patient evaluation, medical testing, diagnostic reasoning, and comprehensive health analysis", + "confidence": 0.99, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Medical Diagnostic Reasoning", + "Patient Health Evaluation" + ] + }, + "Physical Rehabilitation Support": { + "description": "Comprehensive skills in assisting patient recovery, implementing treatment techniques, monitoring progress, and providing technical and emotional support during rehabilitation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Patient Recovery Management", + "Therapeutic Intervention Support" + ] + }, + "Professional Academic Mentorship": { + "description": "Comprehensive skills in guiding, supporting, and developing students' academic and professional growth through personalized instruction, research guidance, and holistic educational support", + "confidence": 0.97, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Student Development Guidance", + "Academic Advising" + ] + }, + "Electrical Systems Design": { + "description": "Advanced capability to design, analyze, develop, and optimize complex electrical and electronic systems, including schematic creation, equipment specification, and performance evaluation", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Electrical Engineering Design", + "Electronic Systems Development" + ] + }, + "Electromechanical Systems Management": { + "description": "Comprehensive ability to design, install, maintain, and troubleshoot complex integrated electrical, mechanical, and electronic systems", + "confidence": 0.98, + "usage_count": 1, + "last_updated": "", + "synonyms": [ + "Mechatronic Systems Integration", + "Technical Systems Coordination" + ] + } +} \ No newline at end of file diff --git a/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_summary.json b/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_summary.json new file mode 100644 index 0000000..201373a --- /dev/null +++ b/experiments/dependencies/expt2_data/skill_dimensions_updated/updated_summary.json @@ -0,0 +1,2231 @@ +{ + "total_jobs": 924, + "total_dimensions": 2182, + "average_sparsity": 0.9935714682506616, + "dimensions": [ + "Interpersonal Communication", + "Operational Coordination", + "Critical Problem Solving", + "Technical Equipment Maintenance", + "Operational Safety and Quality Control", + "Precision Manual Manipulation", + "Emergency Response Management", + "Transportation Systems Navigation", + "Performance and Safety Monitoring", + "Material Processing", + "Industrial Equipment Operation", + "Workplace Maintenance", + "Spatial Visualization", + "Mechanical Fabrication", + "Systems Installation", + "Renewable Energy Systems", + "Technical Documentation", + "Environmental Technology Deployment", + "Logistics Resource Management", + "Operational Compliance and Safety", + "Quantitative Operational Analysis", + "Hospitality Management", + "Organizational Resource Coordination", + "Adaptive Workplace Communication", + "Strategic Operational Planning", + "Performance and Compliance Monitoring", + "Educational Support", + "Developmental Mentorship", + "Inclusive Learning Management", + "Technical Maintenance and Repair", + "Operational Safety Management", + "Resource Coordination and Personnel Management", + "Complex Problem Resolution", + "Technical Systems Analysis", + "Precision Technical Documentation", + "Advanced Equipment Calibration", + "Integrated Systems Engineering", + "Quantitative Technical Problem Solving", + "Mechanical Equipment Diagnostics", + "Preventive Maintenance Execution", + "Technical Repair Workflow Management", + "Geological Site Preparation", + "Drilling and Excavation Techniques", + "Heavy Equipment Navigation", + "Geological Sample Collection", + "Environmental Decontamination", + "Green Energy Management", + "Strategic Environmental Compliance", + "Resource Allocation Strategy", + "Advanced Stakeholder Negotiation", + "Medical Diagnostics", + "Healthcare Patient Management", + "Medical Education and Training", + "Healthcare Communication", + "Medical Research and Innovation", + "Patient Care Management", + "Medical Knowledge Application", + "Healthcare Professional Collaboration", + "Health Education and Counseling", + "Clinical Documentation Management", + "Production Equipment Management", + "Quality Assurance Inspection", + "Surface Preparation and Finishing", + "Operational Material Handling", + "Precision Manufacturing Techniques", + "Process Equipment Operation", + "Operational Material Processing", + "Systematic Quality Verification", + "Food Service Management", + "Culinary Preparation Skills", + "Kitchen Safety and Sanitation", + "Inventory and Resource Management", + "Operational Food Service Coordination", + "Construction Material Manipulation", + "Infrastructure Installation", + "Precision Construction Techniques", + "Mechanical System Diagnostics", + "Precision Equipment Maintenance", + "Technical Operational Control", + "Mechanical Component Fabrication", + "Operational Safety Compliance", + "Legal Decision Making", + "Procedural Legal Communication", + "Regulatory Conflict Resolution", + "Print Production Management", + "Manufacturing Process Control", + "Technical Equipment Calibration", + "Electronic Systems Engineering", + "Technical Performance Diagnostics", + "Technical Documentation Management", + "Instrumentation and Equipment Installation", + "Operational Cost and Resource Planning", + "Labor Relations Management", + "Regulatory Compliance Strategy", + "Strategic Conflict Resolution", + "Organizational Policy Development", + "Professional Communication Dynamics", + "Residential Support Management", + "Interpersonal Behavioral Guidance", + "Organizational Safety Oversight", + "Administrative Support Coordination", + "Conflict Mediation and Resolution", + "Medical Administrative Support", + "Professional Communication Management", + "Organizational Information Processing", + "Mechanical Repair Skills", + "Precision Equipment Installation", + "Operational Safety Monitoring", + "Technical Documentation and Interpretation", + "Legal Research and Analysis", + "Judicial Documentation Management", + "Professional Legal Communication", + "Judicial Procedural Coordination", + "Maternal Healthcare Management", + "Clinical Procedure Instruction", + "Comprehensive Patient Counseling", + "Emergency Reproductive Care", + "Airfield Operations Management", + "Transportation Safety Monitoring", + "Emergency Response Coordination", + "Operational Communication Coordination", + "Vehicle and Equipment Monitoring", + "Therapeutic Counseling", + "Client Treatment Management", + "Substance Abuse Intervention", + "Crisis Support Management", + "Family Systems Counseling", + "Maritime Operations Management", + "Emergency Water Response", + "Vessel Maintenance and Inspection", + "Water Transportation Coordination", + "Construction Material Preparation", + "Structural Component Assembly", + "Construction Equipment Management", + "Surface Preparation Techniques", + "Child Development Support", + "Developmental Care Coordination", + "Adaptive Caregiving", + "Family Engagement and Communication", + "Holistic Child Safety Management", + "Measurement and Verification", + "Logistics and Inventory Management", + "Operational Documentation", + "Vehicle Glass Repair", + "Automotive Component Replacement", + "Precision Surface Preparation", + "Regulatory Compliance Management", + "Strategic Resource Allocation", + "Advanced Operational Governance", + "Scientific Research Methodology", + "Environmental Conservation Strategy", + "Biological Systems Analysis", + "Professional Scientific Communication", + "Organizational Research Management", + "Regulatory Environmental Compliance", + "Technical Systems Optimization", + "Resource and Budget Management", + "Workforce Training and Development", + "Postal Service Operations", + "Customer Interaction Management", + "Administrative Documentation", + "Vehicle and Equipment Operation", + "Legal Documentation Management", + "Professional Transcription Skills", + "Procedural Information Processing", + "Precision Device Assembly", + "Equipment Diagnostic Inspection", + "Precision Measurement Techniques", + "Client Representation Management", + "Strategic Talent Negotiation", + "Performance Career Development", + "Entertainment Industry Coordination", + "Professional Financial Management", + "Hazardous Materials Management", + "Safety and Risk Mitigation", + "Heavy Equipment Operation", + "Environmental Site Management", + "Technical Substance Preparation", + "Pharmaceutical Workflow Management", + "Healthcare Compliance and Safety", + "Environmental Conservation Management", + "Specialized Equipment Operation", + "Field Operations Coordination", + "Agricultural Inventory Management", + "Preventive Plant Care", + "Environmental Data Analysis", + "Scientific Sample Management", + "Technical Reporting and Documentation", + "Environmental Monitoring and Assessment", + "Green Energy Engineering", + "Technical Design Visualization", + "Systematic Performance Evaluation", + "Renewable Technology Testing", + "Technical Project Planning", + "Mechanical Repair and Maintenance", + "Precision Material Manipulation", + "Customer Engagement", + "Retail Product Management", + "Sales Transaction Processing", + "Property Valuation Analysis", + "Professional Documentation Management", + "Economic Trend Forecasting", + "Client Service Coordination", + "Legal Testimony Preparation", + "Production Assembly Skills", + "Operational Quality Monitoring", + "Technical Equipment Management", + "Workplace Procedural Coordination", + "Material Handling and Preparation", + "Food Service Leadership", + "Organizational Resource Allocation", + "Interpersonal Conflict Resolution", + "Performance Monitoring and Evaluation", + "Project Management", + "Strategic Technology Management", + "Organizational Resource Optimization", + "Advanced Stakeholder Communication", + "Glass Fabrication Techniques", + "Production Equipment Setup", + "Manufacturing Quality Verification", + "Personal Grooming Services", + "Client Relationship Management", + "Beauty Product Expertise", + "Aesthetic Service Coordination", + "Waste Management Operations", + "Vehicle and Equipment Navigation", + "Safety and Maintenance Inspection", + "Software Development", + "Information Technology Problem Solving", + "Technology Project Management", + "Enterprise Technology Integration", + "Security Risk Management", + "Investigative Compliance Analysis", + "Personnel Resource Optimization", + "Strategic Organizational Governance", + "Comprehensive Workplace Monitoring", + "Workforce Training Development", + "Sales Communication", + "Customer Relationship Cultivation", + "Telemarketing Strategy", + "Therapeutic Patient Care", + "Healthcare Education and Counseling", + "Adaptive Therapeutic Intervention", + "Educational Support and Mentorship", + "Adaptive Learning Management", + "Performance Assessment and Monitoring", + "Interpersonal Educational Communication", + "Professional Educational Development", + "Nanotechnology Process Control", + "Precision Scientific Measurement", + "Technical Research and Innovation", + "Environmental Compliance Monitoring", + "Technical Documentation and Reporting", + "Tour Guide Services", + "Patron Support Coordination", + "Recreational Activity Management", + "Social Support Services", + "Family Systems Intervention", + "Advocacy and Resource Navigation", + "Psychosocial Assessment", + "Client Hygiene Management", + "Technical Design Drafting", + "Precision Measurement Analysis", + "Technical Collaborative Communication", + "Blockchain Technology Development", + "Cybersecurity Implementation", + "Software Architecture Design", + "Cryptographic Protocol Engineering", + "Distributed Systems Engineering", + "Precision Equipment Operation", + "Manufacturing Quality Control", + "Production Process Management", + "Therapeutic Music Intervention", + "Patient Psychological Assessment", + "Healthcare Treatment Planning", + "Empathetic Patient Communication", + "Medical Documentation Management", + "Medical Imaging Technology", + "Healthcare Procedural Compliance", + "Patient Diagnostic Interaction", + "Medical Substance Management", + "Clinical Equipment Maintenance", + "Food Processing Operations", + "Production Equipment Monitoring", + "Quality Verification Techniques", + "Material Handling and Processing", + "Gaming Operations Management", + "Customer Service Interaction", + "Operational Quality Assurance", + "Academic Instruction", + "Student Performance Assessment", + "Academic Research and Development", + "Institutional Governance", + "Professional Development Management", + "Cultural Heritage Preservation", + "Exhibit Design and Curation", + "Archival Research and Documentation", + "Surgical Intervention", + "Medical Diagnostic Assessment", + "Healthcare Procedural Coordination", + "Medical Equipment Sterilization", + "Clinical Research Management", + "Athletic Performance Management", + "Strategic Physical Coordination", + "Professional Sports Communication", + "Electrical Systems Installation", + "Technical Equipment Diagnostics", + "Safety Equipment Verification", + "Artistic Performance Coordination", + "Creative Composition Strategy", + "Professional Artistic Negotiation", + "Personal Care Support", + "Compassionate Client Interaction", + "Healthcare Assistance Coordination", + "Domestic Support Management", + "Environmental Regulatory Compliance", + "Systematic Investigative Analysis", + "Technical Environmental Monitoring", + "Professional Regulatory Communication", + "Green Energy Innovation", + "Operational Environmental Strategy", + "Technical Process Engineering", + "Sustainable Production Management", + "Energy Production Analytics", + "Financial Information Processing", + "Customer Information Acquisition", + "Administrative Communication Management", + "Financial Transaction Coordination", + "Regulatory Compliance Documentation", + "Construction Material Management", + "Protective Work Environment Setup", + "Construction Project Cost Estimation", + "Environmental Science Research", + "Regulatory Environmental Management", + "Scientific Communication and Reporting", + "Sustainability Planning", + "Environmental Impact Assessment", + "Administrative Document Processing", + "Office Equipment Operation", + "Communication and Information Routing", + "Professional Time and Task Management", + "Forensic Investigation", + "Professional Testimony Preparation", + "Landscape Maintenance Operations", + "Specialized Equipment Navigation", + "Safety-Focused Field Operations", + "Biological Research Methodology", + "Laboratory Sample Analysis", + "Scientific Instrumentation Management", + "Microorganism Classification", + "Environmental Microbiological Assessment", + "Vehicle Mechanical Repair", + "Precision Manual Tool Operation", + "Visual Display Design", + "Creative Promotional Strategy", + "Artistic Prop and Material Selection", + "Technical Illustration and Modeling", + "Educational Program Development", + "Student Performance Management", + "Adaptive Instructional Techniques", + "Classroom Behavior Management", + "Physical Fitness Instruction", + "Health and Safety Management", + "Client Performance Evaluation", + "Recreational Activity Coordination", + "Fitness Equipment Management", + "Occupational Safety Management", + "Health and Wellness Communication", + "Regulatory Documentation Management", + "Emergency Preparedness Planning", + "Technical Equipment Inspection", + "Medical Diagnostic Precision", + "Healthcare Patient Interaction", + "Vision Care Expertise", + "Medical Treatment Planning", + "Healthcare Equipment Management", + "Cybersecurity Engineering", + "Information Technology Project Management", + "Security Risk Assessment", + "Software Systems Architecture", + "Surgical Intervention Management", + "Medical Diagnostic Reasoning", + "Healthcare Professional Coordination", + "Precision Medical Equipment Management", + "Patient Care and Communication", + "Artistic Conceptualization", + "Creative Technical Illustration", + "Artistic Production Collaboration", + "Artistic Material Preparation", + "Creative Trend Monitoring", + "Media Production Management", + "Broadcast Technical Control", + "Creative Technical Graphics", + "Performance Choreography", + "Artistic Performance Management", + "Creative Artistic Instruction", + "Artistic Trend Analysis", + "Scientific Problem Solving", + "Research and Development Methodology", + "Facility Maintenance", + "Equipment Operation", + "Safety and Sanitation", + "Psychological Assessment", + "Clinical Counseling", + "Scientific Mental Health Research", + "Professional Healthcare Collaboration", + "Neuropsychological Diagnostic Reasoning", + "Mortuary Operations Management", + "Deceased Care Preparation", + "Grief Support Communication", + "Cremation Equipment Operation", + "Funeral Service Documentation", + "Quality Systems Management", + "Strategic Operational Decision Making", + "Organizational Performance Monitoring", + "Technical Documentation and Specification Development", + "Personnel Resource Development", + "Financial Product Sales", + "Customer Needs Assessment", + "Sales Transaction Management", + "Professional Network Development", + "Product Knowledge Acquisition", + "Legal Decision Analysis", + "Conflict Resolution and Mediation", + "Precision Instrument Repair", + "Technical Diagnostic Assessment", + "Specialized Equipment Maintenance", + "Precision Surface Refinishing", + "Energy Systems Operation", + "Industrial Equipment Maintenance", + "Technical Safety Monitoring", + "Precision Manual Technical Skills", + "Operational Data Recording", + "Medical Diagnostic Imaging", + "Patient Care Coordination", + "Clinical Equipment Management", + "Healthcare Procedural Support", + "Religious Program Management", + "Spiritual Counseling", + "Community Outreach Coordination", + "Interpersonal Guidance", + "Organizational Religious Leadership", + "Strategic Project Management", + "Advanced Resource Allocation", + "Operational Performance Monitoring", + "Environmental Systems Management", + "Strategic Environmental Planning", + "Technical Environmental Analysis", + "Professional Environmental Communication", + "Operational Environmental Monitoring", + "Manufacturing Equipment Operation", + "Quality Inspection and Verification", + "Operational Safety and Compliance", + "Food Production Management", + "Ingredient Precision Handling", + "Operational Quality Control", + "Equipment Temperature Management", + "Culinary Safety Protocols", + "Architectural Design Planning", + "Technical Project Management", + "Professional Design Communication", + "Environmental Design Integration", + "Analytical Design Evaluation", + "Production Equipment Operation", + "Technical Documentation Reading", + "Strategic Organizational Leadership", + "Advanced Resource Management", + "Traffic Systems Analysis", + "Technical Equipment Monitoring", + "Operational Documentation Management", + "Infrastructure Marking and Visualization", + "Administrative Communication", + "Operational Documentation Processing", + "Technical Problem Solving", + "Web Technology Management", + "Digital Systems Security", + "Library Resource Management", + "Administrative Information Processing", + "Customer Service Coordination", + "Precision Material Fabrication", + "Textile Manipulation Skills", + "Geological Sample Analysis", + "Field Data Collection", + "Geospatial Resource Mapping", + "Environmental Site Preparation", + "Construction Project Management", + "Strategic Resource Coordination", + "Regulatory Compliance and Safety", + "Electronic Systems Design", + "Technical Communication", + "Fiberglass Material Processing", + "Mold Preparation and Management", + "Surface Treatment Techniques", + "Medical Diagnostic Expertise", + "Scientific Laboratory Management", + "Professional Medical Communication", + "Pathological Analysis", + "Technical Systems Engineering", + "Information Security Management", + "Collaborative Technical Problem Solving", + "Technology Project Coordination", + "Vehicle Damage Assessment", + "Insurance Claims Documentation", + "Technical Cost Estimation", + "Gas Systems Operation", + "Industrial Equipment Monitoring", + "Operational Safety Protocols", + "Early Childhood Education", + "Child Safety Management", + "Developmental Instructional Adaptation", + "Parent-Educator Communication", + "Classroom Behavioral Management", + "Nuclear Systems Control", + "Complex Equipment Diagnostics", + "Operational Performance Optimization", + "Critical Decision Making", + "Technical Writing Proficiency", + "Information Processing", + "Professional Communication Strategy", + "Critical Analysis and Decision Making", + "Continuous Learning Management", + "Broadcast Technical Operations", + "Production Coordination", + "Technical Communication Management", + "Emergency Medical Care", + "Patient Transportation Management", + "Healthcare Team Collaboration", + "Emergency Medical Documentation", + "Technical Problem Analysis", + "Industrial Process Management", + "Technical Documentation Interpretation", + "Quality Control Engineering", + "Engineering Design Visualization", + "Laboratory Sample Management", + "Technical Troubleshooting", + "Operational Equipment Coordination", + "Recreational Facility Management", + "Financial Record Management", + "Legal Reasoning", + "Legal Dispute Resolution", + "Client Legal Representation", + "Public Safety Management", + "Animal Care and Control", + "Investigative Documentation", + "Cybersecurity Risk Management", + "Professional Information Processing", + "Continuous Professional Learning", + "Vehicle Component Maintenance", + "Equipment Operation and Safety", + "Geospatial Data Analysis", + "Technical Field Documentation", + "Scientific Instrumentation Operation", + "Environmental Site Analysis", + "Academic Instruction Design", + "Scholarly Research Management", + "Professional Academic Communication", + "Institutional Academic Governance", + "Healthcare Patient Assessment", + "Therapeutic Physical Intervention", + "Medical Equipment Management", + "Professional Healthcare Coordination", + "Food Production Operations", + "Equipment Temperature Control", + "Surface Leveling and Preparation", + "Masonry Material Installation", + "Financial Analysis", + "Professional Documentation", + "Strategic Business Advisory", + "Utility Service Monitoring", + "Material Preparation and Handling", + "Precision Measurement and Layout", + "Installation Quality Control", + "Specialized Material Manipulation", + "Technical Equipment Installation", + "Diagnostic Technical Troubleshooting", + "Operational Safety Verification", + "Human Factors Engineering", + "Technical Design Optimization", + "Learner Needs Assessment", + "Customer Transaction Management", + "Product Information Communication", + "Operational Customer Interaction", + "Market Intelligence", + "Professional Product Knowledge", + "Technical Equipment Setup", + "Technical Control Systems Operation", + "Surface Finishing Techniques", + "Precision Manual Construction Skills", + "Creative Design Conceptualization", + "Trend and Market Research", + "Therapeutic Patient Counseling", + "Aviation Safety Inspection", + "Technical Performance Verification", + "Medical Precision Intervention", + "Healthcare Equipment Customization", + "Business Intelligence Analysis", + "Information Systems Management", + "Analytical Problem Solving", + "Precision Technical Diagnostics", + "Legislative Policy Development", + "Public Governance Coordination", + "Strategic Hearing Management", + "Professional Development Leadership", + "Regulatory Impact Analysis", + "Engineering Systems Design", + "Scientific Problem Resolution", + "Technical Performance Optimization", + "Performance Arts Management", + "Expressive Communication", + "Creative Skill Development", + "Professional Talent Representation", + "Artistic Audition and Casting", + "Animal Training and Care", + "Performance Instruction", + "Administrative Coordination", + "Social Research Methodology", + "Professional Knowledge Communication", + "Systematic Analytical Reasoning", + "Interpersonal Observation Skills", + "Academic and Policy Consultation", + "Vehicle Operation Management", + "Logistics Documentation", + "Insurance Claims Processing", + "Administrative Information Management", + "Customer Information Verification", + "Sales Persuasion", + "Customer Engagement Strategy", + "Product Demonstration Skills", + "Safety and Hazard Management", + "Operational Documentation and Reporting", + "Scientific Laboratory Procedures", + "Quality Control Analysis", + "Chemical Substance Management", + "Software Quality Assurance", + "Technical Problem Diagnostics", + "Performance Monitoring and Analysis", + "Collaborative Technical Communication", + "Academic Research and Instruction", + "Professional Academic Development", + "Special Needs Education Support", + "Developmental Behavioral Management", + "Educational Assessment and Monitoring", + "Collaborative Educational Planning", + "Adaptive Instructional Technology", + "Mechanical Repair Expertise", + "Precision Equipment Manipulation", + "Technical Problem Resolution", + "Equipment Maintenance and Safety", + "Rehabilitation Case Management", + "Forensic Social Intervention", + "Therapeutic Client Counseling", + "Community Resource Navigation", + "Legal Compliance Monitoring", + "Hazardous Environment Management", + "Precision Manual Infrastructure Skills", + "Strategic Organizational Communication", + "Strategic Decision Making", + "Computational Bioinformatics", + "Human Resources Management", + "Strategic Interpersonal Communication", + "Compliance and Regulatory Management", + "Forensic Evidence Analysis", + "Scientific Documentation", + "Curriculum Development", + "Nutritional Assessment", + "Healthcare Nutrition Counseling", + "Dietary Program Management", + "Scientific Nutrition Research", + "Interdisciplinary Healthcare Collaboration", + "Professional Client Interaction", + "Regulatory Compliance and Interpretation", + "Geospatial Data Collection", + "Cartographic Visualization", + "Medical Records Management", + "Healthcare Administrative Communication", + "Medical Facility Operational Coordination", + "Pedagogical Assessment and Monitoring", + "Technical Validation Engineering", + "Complex Problem Analysis", + "Forensic Evidence Management", + "Legal Documentation and Testimony", + "Investigative Information Management", + "Emergency Response Documentation", + "Pattern Design and Fabrication", + "Technical Measurement and Layout", + "Production Equipment Programming", + "Risk Assessment Management", + "Technical Specification Development", + "Operational Compliance Monitoring", + "Strategic Investigative Analysis", + "Forestry Equipment Operation", + "Field Operations Safety", + "Water Systems Management", + "Chemical Processing Control", + "Precision Operational Documentation", + "Information Management", + "Procedural Documentation", + "Digital Systems Management", + "Precision Manufacturing Skills", + "Equipment Diagnostic Monitoring", + "Technical Quality Verification", + "Machine Operation Control", + "Technical Quality Inspection", + "Technical Documentation Comprehension", + "Precision Material Handling", + "Vision Care Technical Skills", + "Medical Device Customization", + "Performance Arts Coordination", + "Creative Movement Technique", + "Professional Performance Preparation", + "Web Design and Development", + "Digital Visual Communication", + "Technical Project Collaboration", + "Digital Systems Testing", + "Emerging Technology Adaptation", + "Operational Problem Resolution", + "Quantitative Technical Analysis", + "Educational Instruction Management", + "Student Performance Evaluation", + "Research and Scholarly Contribution", + "Health Education Strategy", + "Social Services Coordination", + "Professional Health Communication", + "Community Needs Assessment", + "Organizational Health Program Management", + "Textile Equipment Operation", + "Precision Material Cutting", + "Production Quality Inspection", + "Equipment Setup and Calibration", + "Operational Pattern Management", + "Precision Medical Intervention", + "Healthcare Professional Communication", + "Customer Service Communication", + "Problem Resolution Strategy", + "Chemical Analysis and Synthesis", + "Technical Quality Control", + "Laboratory Equipment Management", + "Postal Operations Management", + "Personnel Resource Coordination", + "Operational Communication Strategy", + "Strategic Problem Resolution", + "Administrative Documentation Management", + "Operational Monitoring and Control", + "Site Dimensional Management", + "Material Handling and Coordination", + "Pumping and Hydraulic Systems Management", + "Recreational Program Management", + "Client Engagement and Support", + "Operational Safety and Rule Enforcement", + "Genetic Research Methodology", + "Scientific Literature Review", + "Research Collaboration Management", + "Biological Sample Analysis", + "Scientific Proposal Development", + "Organizational Research Methodology", + "Professional Counseling", + "Interpersonal Observation", + "Research Communication", + "Patient Care Communication", + "Medical Procedure Support", + "Remote Sensing Analysis", + "Educational Leadership", + "Organizational Compliance Management", + "Professional Development Coordination", + "Interpersonal Guidance and Support", + "Landscape Design Planning", + "Green Infrastructure Development", + "Site Analysis and Preparation", + "Technical Project Coordination", + "Complex Problem Solving", + "Mathematical Problem Analysis", + "Advanced Learning Strategies", + "Mining Equipment Operation", + "Geological Site Management", + "Extraction Workflow Coordination", + "Mental Health Patient Care", + "Therapeutic Communication", + "Clinical Behavioral Intervention", + "Patient Emotional Support", + "Medical Psychiatric Documentation", + "Maritime Navigation Skills", + "Emergency Maritime Response", + "Vessel Equipment Maintenance", + "Transportation Logistics Coordination", + "Marine Communication Protocols", + "Vegetation Management", + "Chemical Application Safety", + "Equipment Maintenance and Operation", + "Animal Research Methodology", + "Agricultural Systems Analysis", + "Scientific Agricultural Communication", + "Livestock Breeding Expertise", + "Agricultural Process Management", + "Healthcare Information Systems", + "Clinical Documentation Processing", + "Mechanical Equipment Maintenance", + "Precision Technical Installation", + "Technical Design Documentation", + "Precision Equipment Calibration", + "Wood Product Fabrication", + "Technical Blueprint Interpretation", + "Counseling and Guidance", + "Client Needs Assessment", + "Educational Resource Coordination", + "Professional Communication and Intervention", + "Holistic Client Development", + "Strategic Communication Management", + "Media Relations Coordination", + "Event and Program Management", + "Organizational Narrative Development", + "Stakeholder Engagement Strategy", + "Equipment Diagnostic Assessment", + "Precision Machine Operation", + "Operational Quality Verification", + "Medical Device Fabrication", + "Patient Assessment and Measurement", + "Electrical Systems Maintenance", + "Technical Diagnostic Troubleshooting", + "Academic Instruction and Research", + "Pedagogical Assessment and Mentorship", + "Continuous Professional Development", + "Electrical Installation Skills", + "Precision Manual Technical Work", + "Resource and Schedule Management", + "Information Processing and Documentation", + "Problem Analysis and Resolution", + "Surgical Patient Care", + "Healthcare Safety Protocol", + "Personal Resource Management", + "Service Environment Maintenance", + "Patron Safety and Support", + "Photographic Process Management", + "Technical Material Preparation", + "Medical Anesthesia Support", + "Advanced Life Support Management", + "Medical Equipment Precision Management", + "Clinical Documentation and Reporting", + "Student Safety Management", + "Passenger Transportation Support", + "Behavioral Conflict Mediation", + "Healthcare Regulatory Compliance", + "Research Data Management", + "Interdisciplinary Research Collaboration", + "Chemical Solution Preparation", + "Production Monitoring and Quality Control", + "Retail Leadership", + "Merchandise Display Strategy", + "Retail Inventory Management", + "Creative Design Management", + "Professional Visual Communication", + "Artistic Collaboration and Coordination", + "Network Systems Support", + "Technical Security Implementation", + "Operational Technical Documentation", + "Border Security Operations", + "Investigative Risk Assessment", + "Legal Compliance Enforcement", + "Interpersonal Threat Detection", + "Postsecondary Educational Instruction", + "Academic Research and Scholarship", + "Interdisciplinary Academic Communication", + "Energy Systems Control", + "Equipment Performance Monitoring", + "Pedagogical Assessment and Development", + "Scientific Knowledge Communication", + "Professional Development and Learning", + "Spiritual Guidance", + "Community Religious Leadership", + "Interpersonal Empathetic Support", + "Religious Educational Programming", + "Holistic Community Support", + "Precision Material Measurement", + "Creative Design Visualization", + "Market and Trend Analysis", + "Collaborative Design Production", + "Client Interaction Management", + "Precision Manual Skill Application", + "Broadcast Media Performance", + "Media Production Coordination", + "News and Information Gathering", + "Classroom Management", + "Instructional Strategy Development", + "Student Performance Monitoring", + "Educational Communication", + "Developmental Learning Support", + "Operational Food Service Management", + "Professional Communication and Coordination", + "Textile Material Manipulation", + "Precision Garment Production", + "Pattern Design and Layout", + "Agricultural Systems Engineering", + "Complex Problem Solving in Engineering", + "Operational Systems Analysis", + "Equipment Diagnostic Troubleshooting", + "Precision Technical Maintenance", + "Biomedical Engineering Design", + "Systems Engineering Analysis", + "Professional Technical Communication", + "Technical Systems Design", + "Equipment Performance Diagnostics", + "Technical Measurement and Verification", + "Vehicle Diagnostic Assessment", + "Mechanical Repair Precision", + "Equipment Maintenance Strategy", + "Technical Safety Verification", + "Precision Manual Tool Manipulation", + "Patient Treatment and Counseling", + "Medical Procedure and Equipment Management", + "Training Program Development", + "Organizational Learning Strategy", + "Performance Evaluation and Monitoring", + "Interpersonal Learning Facilitation", + "Organizational Training Coordination", + "Investigative Evidence Analysis", + "Regulatory Compliance Investigation", + "Financial Fraud Detection", + "Professional Interviewing", + "Professional Procedural Communication", + "Interpersonal Conflict Management", + "Technical Illustration Skills", + "Exhibition and Display Design", + "Design Material Preparation", + "Visual Presentation Skills", + "Professional Image Modeling", + "Career Opportunity Identification", + "Data Management", + "Systematic Problem Analysis", + "Therapeutic Art Intervention", + "Empathetic Professional Communication", + "Treatment Plan Development", + "Creative Psychological Intervention", + "Equipment Operation and Control", + "Technical Safety and Compliance", + "Patron Safety Management", + "Professional Communication and Interaction", + "Operational Information Management", + "Inventory Management", + "Material Handling", + "Quality Inspection", + "Infrastructure Design", + "Environmental Systems Analysis", + "Site Evaluation and Preparation", + "Vehicle Mechanical Diagnostics", + "Specialized Tool Operation", + "Patient Care Support", + "Healthcare Procedural Assistance", + "Interpersonal Patient Interaction", + "Personal Care and Safety Management", + "Agricultural Data Analysis", + "Environmental Field Operations", + "Precision Agricultural Technology", + "Scientific Operational Documentation", + "Geospatial Survey Techniques", + "Vehicle Body Repair", + "Welding and Fabrication", + "Automotive Parts Replacement", + "Creative Writing Skills", + "Artistic Collaboration", + "Research and Conceptualization", + "Professional Creative Communication", + "Intellectual Property Management", + "Criminal Investigation Skills", + "Strategic Information Gathering", + "Administrative Documentation Processing", + "Operational Communication Management", + "Clinical Procedure Support", + "Patient Assessment", + "Project Management in Technology", + "Systems Design and Integration", + "Scientific Communication", + "Quantitative Risk Analysis", + "Strategic Financial Modeling", + "Complex Problem Reasoning", + "Professional Data Interpretation", + "Food Service Operations", + "Sanitation and Hygiene Management", + "Resource Distribution", + "Scientific Environmental Assessment", + "Natural Resource Planning", + "Precision Pattern Design", + "Strategic Procurement Management", + "Financial Transaction Processing", + "Operational Communication and Coordination", + "Geospatial Data Visualization", + "Survey Data Collection", + "Technical Measurement Precision", + "Collection Management", + "Research and Documentation", + "Community Program Development", + "Institutional Resource Management", + "Professional Communication", + "Information Gathering and Verification", + "Procedural Compliance and Coordination", + "Operational Sanitation Management", + "Resource Distribution and Coordination", + "Transaction Processing", + "Vehicle Traffic Management", + "Spatial Measurement and Marking", + "Data Systems Engineering", + "Information Technology Optimization", + "Laboratory Specimen Analysis", + "Healthcare Quality Control", + "Precision Scientific Documentation", + "Microbiological Cultivation", + "Construction Material Handling", + "Temporary Structure Assembly", + "Construction Equipment Operation", + "Food Preparation Skills", + "Interpersonal Healthcare Communication", + "Property Management", + "Financial Resource Coordination", + "Stakeholder Communication", + "Operational Compliance Management", + "Strategic Facility Management", + "Food Science Technical Analysis", + "Scientific Laboratory Procedure Management", + "Technical Research and Development", + "Precision Measurement and Instrumentation", + "Early Childhood Educational Administration", + "Child Development Program Oversight", + "Organizational Resource Allocation in Education", + "Regulatory Compliance in Childcare", + "Professional Development and Staff Training", + "Precision Medical Device Fabrication", + "Vision Care Technical Expertise", + "Quality Control Inspection", + "Medical Device Measurement and Fitting", + "Drilling Operations Management", + "Site Preparation and Inspection", + "Extraction Equipment Maintenance", + "Spatial Analysis and Visualization", + "Precision Measurement and Verification", + "Infrastructure Design and Planning", + "Complex Problem Analysis and Resolution", + "Digital Marketing Strategy", + "Web Analytics and Insights", + "Strategic Online Communication", + "Technical Marketing Technology", + "Precision Surface Finishing", + "Equipment Maintenance and Inspection", + "Quality Control Measurement", + "Manual Material Manipulation", + "Production Workflow Management", + "Electrical Circuit Maintenance", + "Mechanical Component Inspection", + "Precision Equipment Lubrication", + "Technical Documentation and Record Keeping", + "Claims Investigation", + "Financial Claims Processing", + "Regulatory Compliance Assessment", + "Scientific Field Research", + "Natural Resource Analysis", + "Geospatial Environmental Mapping", + "Sustainable Land Management", + "Vehicle Inspection and Safety", + "Operational Incident Documentation", + "Technical Compliance Monitoring", + "Epidemiological Research", + "Healthcare Program Management", + "Public Health Strategy", + "Grant and Research Funding", + "Healthcare Technical Support", + "Patient Monitoring and Assessment", + "Cardiovascular Technical Expertise", + "Operational Environmental Compliance", + "Postsecondary Academic Instruction", + "Scholarly Research and Development", + "Academic Professional Communication", + "Medical Anesthesia Management", + "Advanced Medical Intervention", + "Patient Safety and Monitoring", + "Medical Procedural Documentation", + "Water Systems Engineering", + "Technical Design and Planning", + "Operational Quality Management", + "Financial Record Analysis", + "Systematic Problem Resolution", + "Patient Communication", + "Administrative Healthcare Support", + "Precision Material Crafting", + "Jewelry Technical Fabrication", + "Micro-Scale Design Engineering", + "Technical Graphical Representation", + "Emerging Technology Research", + "Operational Protocol Development", + "Precision Technical Validation", + "Mechanical Equipment Repair", + "Statistical Analysis", + "Technical Problem Reasoning", + "Computational Data Processing", + "Precision Medical Documentation", + "Archival Resource Management", + "Research Documentation", + "Cultural Program Development", + "Patient Rehabilitation Support", + "Therapeutic Assessment and Planning", + "Therapeutic Patient Interaction", + "Medical Procedural Assistance", + "Patient Safety Management", + "Urban Planning Strategy", + "Environmental Policy Analysis", + "Geospatial Data Interpretation", + "Stakeholder Engagement Management", + "Sustainable Development Planning", + "Educational Research and Scholarship", + "Sales Technical Communication", + "Product Demonstration Strategy", + "Market Intelligence Gathering", + "Professional Sales Networking", + "Fundraising Strategy Development", + "Nonprofit Program Development", + "Relationship Management", + "Exercise Science Assessment", + "Patient Health Counseling", + "Clinical Exercise Intervention", + "Performance Physiological Monitoring", + "Technical Equipment Coordination", + "Precision Technical Measurement", + "Scholarly Research Methodology", + "Hearing Healthcare Support", + "Patient Technical Consultation", + "Agricultural Equipment Operation", + "Crop and Plant Management", + "Agricultural Inventory Documentation", + "Genetic Counseling Communication", + "Medical Genetic Assessment", + "Patient Psychological Support", + "Forensic Investigation Skills", + "Fire Safety and Prevention", + "Technical Investigative Communication", + "Regulatory Compliance Monitoring", + "Robotic Systems Maintenance", + "Technical Diagnostic Reasoning", + "Operational Workflow Coordination", + "Metal Production Operations", + "Precision Manufacturing Inspection", + "Emergency Vehicle Operations", + "Customer Financial Advisory", + "Regulatory Financial Compliance", + "Professional Networking", + "Persuasive Presentation", + "Customer Needs Analysis", + "Vehicle Diagnostic Repair", + "Pediatric Surgical Intervention", + "Pediatric Patient Communication", + "Stakeholder Engagement", + "Traffic Safety Management", + "Situational Awareness Communication", + "Operational Safety Signaling", + "Public Transportation Management", + "Passenger Safety and Support", + "Vehicle Operational Safety", + "Route Navigation and Planning", + "Customer Transaction Processing", + "Safety and Quality Control Inspection", + "Dental Healthcare Services", + "Healthcare Patient Communication", + "Preventive Health Education", + "Mold and Pattern Fabrication", + "Material Surface Treatment", + "Technical Material Manipulation", + "Production Quality Verification", + "Creative Performance Skills", + "Artistic Audition and Career Development", + "Musical Composition and Arrangement", + "Professional Artistic Communication", + "Legal Document Processing", + "Professional Information Verification", + "Regulatory Compliance Coordination", + "Patient Communication and Counseling", + "Diagnostic Assessment and Reasoning", + "Specialized Medical Device Management", + "Professional Healthcare Documentation", + "Medication Management", + "Healthcare Patient Guidance", + "Clinical Information Processing", + "Pharmaceutical Safety Protocols", + "Petroleum Engineering Analysis", + "Energy Production Management", + "Industrial Design Methodology", + "Environmental Systems Engineering", + "Biological Specimen Processing", + "Medical Laboratory Equipment Operation", + "Healthcare Technical Documentation", + "Scientific Quality Control", + "Medical Diagnostic Support", + "Information Processing and Verification", + "Legal and Regulatory Compliance", + "Investment Strategy", + "Risk Assessment", + "Wellness Program Management", + "Health Education and Communication", + "Quality Control and Inspection", + "Safety and Regulatory Compliance", + "Law Enforcement Operations", + "Investigative Evidence Management", + "Public Safety Communication", + "Regulatory Compliance Enforcement", + "Operational Risk Management", + "Audio Technical Operations", + "Media Technical Communication", + "Digital Media Conversion", + "Performance Technical Support", + "Surveillance Operations", + "Customer Information Management", + "Operational Communication", + "Precision Manual Fabrication", + "Structural Component Installation", + "CNC Programming", + "Professional Time Management", + "Robotic Systems Engineering", + "Visual Composition", + "Technical Image Processing", + "Creative Equipment Operation", + "Professional Creative Documentation", + "Technical Monitoring and Inspection", + "Analytical Problem Resolution", + "Precision Documentation Management", + "Mathematical Performance Analysis", + "Patron Safety and Interaction", + "Operational Resource Distribution", + "Customer Interaction in Service Environments", + "Operational Financial Record Maintenance", + "Agricultural Inspection Skills", + "Environmental Field Monitoring", + "Regulatory Agricultural Compliance", + "Government Program Eligibility Assessment", + "Regulatory Compliance Communication", + "Financial Analysis and Reporting", + "Quantitative Problem Solving", + "Correctional Operations Management", + "Emergency Response and Safety", + "Personnel Performance Evaluation", + "Surface Preparation Skills", + "Wildlife Resource Management", + "Outdoor Equipment Operation", + "Field Safety and Hazard Management", + "Precision Metal Fabrication", + "Equipment Safety Monitoring", + "Technical Dimensional Verification", + "Forestry Resource Assessment", + "Operational Field Coordination", + "Technical Measurement and Marking", + "Retail Transaction Processing", + "Operational Cash Management", + "Logistics Analysis", + "Early Childhood Education Management", + "Developmental Behavioral Guidance", + "Instructional Adaptation", + "Child Safety and Welfare", + "Precision Surface Etching", + "Equipment Control and Monitoring", + "Protective Finishing Application", + "Workplace Safety Engineering", + "Financial Risk Analysis", + "Strategic Business Intelligence", + "Financial Reporting and Documentation", + "Investment Strategy Development", + "Biomass Production Operations", + "Sustainable Energy Quality Control", + "Operational Data Documentation", + "Industrial Safety Compliance", + "Special Needs Educational Support", + "Guest Service Coordination", + "Facility Maintenance and Cleaning", + "Economic Analysis", + "Quantitative Reasoning", + "Critical Analytical Reasoning", + "Research Methodology", + "Underwater Technical Operations", + "Safety and Emergency Response", + "Complex Problem-Solving in Technical Environments", + "Professional Communication in Technical Contexts", + "Equipment Operation Monitoring", + "Mathematical Problem Solving", + "Advanced Analytical Reasoning", + "Systematic Documentation", + "Interpersonal Needs Assessment", + "Agricultural Systems Management", + "Sustainable Resource Management", + "Information Services Support", + "Technical Documentation Processing", + "Computational Bioinformatics Analysis", + "Complex Problem Solving in Scientific Contexts", + "Safety and Quality Inspection", + "Technical Equipment Operation", + "Strategic Resource Management", + "Professional Communication in Healthcare", + "Transcription and Information Processing", + "Telecommunications Equipment Installation", + "Field Technical Operations", + "Technical Safety and Equipment Inspection", + "Operational Problem-Solving", + "Print Production Technical Skills", + "Technical Equipment Programming", + "Mail Processing Operations", + "Equipment Maintenance and Monitoring", + "Workplace Safety and Quality Control", + "Operational Coordination and Communication", + "Strategic Compensation Management", + "Regulatory Compliance Oversight", + "Financial Resource Allocation", + "Equipment Operation and Monitoring", + "Workplace Safety and Maintenance", + "Material Handling and Movement", + "Strategic Conservation Planning", + "Network Systems Management", + "Systems Performance Optimization", + "Mortuary Service Management", + "Facility Maintenance and Sanitation", + "Administrative Funeral Documentation", + "Sustainability Strategy Development", + "Organizational Green Innovation", + "Stakeholder Environmental Communication", + "Operational Sustainability Monitoring", + "Anesthesia and Life Support", + "Digital Document Management", + "Technical Information Processing", + "Resource and Task Management", + "Therapeutic Social Support", + "Client Case Management", + "Professional Interpersonal Assessment", + "Ethical Professional Intervention", + "Cybersecurity Analysis", + "Technical Penetration Testing", + "Security Policy Development", + "Technical Risk Mitigation", + "Investigative Technical Documentation", + "Precision Manual Craftsmanship", + "Product Quality Inspection", + "Promotional Content Creation", + "Construction Site Operations", + "Manual Construction Skills", + "Operational Safety Coordination", + "Community Health Support", + "Social Service Coordination", + "Interpersonal Health Communication", + "Preventive Health Intervention", + "Medical Radiation Treatment", + "Patient Safety Monitoring", + "Precision Patient Care", + "Recycling Operational Management", + "Environmental Compliance Coordination", + "Material Transport and Logistics", + "Waste Processing and Sorting", + "Construction Surface Preparation", + "Professional Communication and Documentation", + "Investigative Analysis and Evidence Management", + "Operational Compliance and Safety Monitoring", + "Financial Sales Strategy", + "Market Intelligence Analysis", + "Professional Financial Communication", + "Customer Needs Financial Assessment", + "Precision Material Processing", + "Technical Surface Treatment", + "Developmental Learning Adaptation", + "Child Safety and Developmental Support", + "Academic Instruction Management", + "Scholarly Research Development", + "Interpersonal Academic Communication", + "Quantitative Data Processing", + "Operational Information Verification", + "Materials Science Analysis", + "Laboratory Quality Control", + "Environmental Conservation Expertise", + "Interpretive Educational Communication", + "Field Research and Documentation", + "Wildlife Interaction and Management", + "Ecological Site Assessment", + "Strategic Marketing Communication", + "Professional Persuasive Communication", + "Comprehensive Performance Monitoring", + "Adaptive Physical Education Support", + "Student Developmental Guidance", + "Specialized Instructional Adaptation", + "Inclusive Physical Education Management", + "Route Navigation and Logistics", + "Administrative Transaction Processing", + "Agricultural Resource Management", + "Operational Compliance and Documentation", + "Strategic Agricultural Planning", + "Field Operations Safety Management", + "Agricultural Equipment and Technology Management", + "Public Safety Monitoring", + "First Aid and Medical Support", + "Patron Safety Coordination", + "Construction Supervision", + "Technical Project Inspection", + "Construction Resource Planning", + "Site Preparation and Measurement", + "Construction Personnel Training", + "Equipment Programming and Control", + "Roofing Material Preparation", + "Protective Coating Application", + "Patient Assessment and Diagnosis", + "Musculoskeletal Treatment Techniques", + "Holistic Patient Care Management", + "Logistics and Delivery Coordination", + "Menu Planning and Coordination", + "Ingredient and Supply Management", + "Non-Destructive Testing Expertise", + "Precision Measurement and Analysis", + "Quality Control Systematic Analysis", + "Resource and Personnel Management", + "Vision Rehabilitation Support", + "Assistive Device Expertise", + "Patient-Centered Rehabilitation Instruction", + "Disability Management Counseling", + "Functional Capability Assessment", + "Marine Equipment Troubleshooting", + "Marine Safety Equipment Verification", + "Technical Equipment Operation Control", + "Semiconductor Process Control", + "Event and Program Coordination", + "Operational Safety and Patron Support", + "Administrative Resource Management", + "Interpersonal Service Communication", + "Precision Information Processing", + "Rock Extraction Operations", + "Precision Manual Material Manipulation", + "Technical Equipment Control", + "Visual Design Creation", + "Creative Technical Storytelling", + "Digital Media Transformation", + "Artistic Conceptual Development", + "Deceased Care Management", + "Embalming Technical Procedures", + "Cosmetic Restoration Skills", + "Fire Safety Engineering", + "Emergency Preparedness Management", + "Technical Regulatory Compliance", + "Operational Safety Inspection", + "Technical Investigative Analysis", + "Petroleum Systems Monitoring", + "Chemical Substance Preparation", + "Compliance and Regulatory Enforcement", + "Cardiovascular Clinical Expertise", + "Medical Imaging and Diagnostic Procedures", + "Patient Treatment Planning", + "Metal Processing Operations", + "Precision Equipment Monitoring", + "Industrial Safety Inspection", + "Technical Quality Control Analysis", + "Cultural Research Methodology", + "Archaeological Field Operations", + "Systematic Observational Analysis", + "Historical Evidence Interpretation", + "Professional Information Gathering", + "Systematic Documentation Management", + "Biological Specimen Analysis", + "Medical Laboratory Operations", + "Patient Safety and Quality Control", + "Scientific Diagnostic Reasoning", + "Equipment Maintenance and Repair", + "Technical Diagnostic Analysis", + "Safety and Quality Control Monitoring", + "Technical Performance Monitoring", + "Manufacturing Safety Compliance", + "Network Systems Engineering", + "Technical Documentation and Communication", + "Delivery Operations Management", + "Interpersonal Information Gathering", + "Creative Writing Expertise", + "Professional Artistic Collaboration", + "Personnel Resource Management", + "Interpersonal Coordination", + "Interpersonal Communication and Coordination", + "Operational Performance Management", + "Service Orientation and Problem Resolution", + "Regulatory Compliance and Safety Management", + "Precision Measurement and Marking", + "Social Support Intervention", + "Crisis Management and Referral", + "Professional Ethical Intervention", + "Passenger Service Coordination", + "Operational Performance Supervision", + "Resource Allocation Management", + "Professional Development Support", + "Reproductive Health Counseling", + "Women's Health Comprehensive Care", + "Talent Acquisition Strategy", + "Logistics Systems Analysis", + "Operational Efficiency Planning", + "Business Strategy Development", + "Material Processing and Handling", + "Production Quality Monitoring", + "Scientific Field Data Collection", + "Vegetation Management and Protection", + "Manufactured Building Installation", + "Structural Sealing and Leak Prevention", + "Equipment and System Inspection", + "Mechanical Component Replacement", + "Technical Surface Preparation", + "Editorial Content Management", + "Professional Writing and Communication", + "Creative Content Development", + "Interpersonal Communication Management", + "Operational Resource Management", + "Therapeutic Manual Intervention", + "Patient Assessment and Care Coordination", + "Healthcare Facility Management", + "Interpersonal Therapeutic Engagement", + "Transportation Safety Inspection", + "Cargo Handling and Coordination", + "Passenger Safety Management", + "Transportation Operational Coordination", + "Service Communication and Information Exchange", + "Clay Material Manipulation", + "Production Equipment Control", + "Strategic Leadership", + "Comprehensive Resource Management", + "Advanced Interpersonal Communication", + "Organizational Governance", + "Patient Diagnostic Communication", + "Medical Image Interpretation", + "Visual Design Communication", + "Creative Problem Solving", + "Collaborative Creative Production", + "Agricultural Education Management", + "Instructional Resource Coordination", + "Life Skills Education", + "Professional Knowledge Transfer", + "Extraction Equipment Operation", + "Site Preparation and Safety", + "Material Handling and Positioning", + "Operational Monitoring and Coordination", + "Textile Machine Operation", + "Production Equipment Inspection", + "Material Preparation and Cutting", + "Strategic Operational Communication", + "Adaptive Problem Resolution", + "Elevator Systems Installation", + "Precision Mechanical Maintenance", + "Neurological Patient Care", + "Complex Medical Problem Solving", + "Medical Specimen Collection", + "Healthcare Documentation Management", + "Biomedical Waste Management", + "Operational Systems Coordination", + "Technical User Support", + "User Communication and Guidance", + "Technology Problem Resolution", + "Technical Knowledge Maintenance", + "Logistics Coordination", + "Transportation Documentation", + "Operational Financial Negotiation", + "Shipping Systems Analysis", + "Travel Service Coordination", + "Therapeutic Patient Intervention", + "Game Design Creativity", + "Technical Game Development", + "Interactive System Design", + "Visual Design Conceptualization", + "Collaborative Game Production", + "Chemical Process Control", + "Technical Safety Management", + "Interdepartmental Communication", + "Production Planning Coordination", + "Policy Analysis and Development", + "Academic Knowledge Communication", + "Interdisciplinary Reasoning", + "Strategic Information Synthesis", + "Performance Equipment Management", + "Event Performance Coordination", + "Multimedia Content Editing", + "Professional Resource Management", + "Legal Administrative Support", + "Patron Interaction Management", + "Administrative Service Coordination", + "Shipment Quality Inspection", + "Transportation Safety Management", + "Solar Energy Systems Management", + "Construction Project Coordination", + "Technical Site Assessment", + "Operational Cost Analysis", + "Green Technology Performance Verification", + "Biofuel Production Management", + "Renewable Energy Technical Monitoring", + "Sustainable Production Quality Control", + "Green Energy Equipment Maintenance", + "Technical Design and Analysis", + "Engineering Systems Optimization", + "Precision Material Assessment", + "Surgical Technical Support", + "Precision Medical Supply Management", + "Vision Diagnostic Assessment", + "Medical Technical Precision", + "Patient Vision Counseling", + "Healthcare Diagnostic Reasoning", + "Specialized Medical Equipment Management", + "Hearing Healthcare Assessment", + "Patient Communication Support", + "Real Estate Transaction Management", + "Property Valuation and Analysis", + "Sales Persuasion Techniques", + "Client Relationship Development", + "Real Estate Market Intelligence", + "Safety-Focused Technical Monitoring", + "Rock Drilling and Extraction Techniques", + "Complex Technical Problem Solving", + "Material Handling Coordination", + "Surface Material Treatment", + "Emotional Support Coordination", + "Precision Technical Calibration", + "Financial Account Management", + "Negotiation and Persuasion", + "Academic Research Methodology", + "Workplace Safety Management", + "Risk Assessment and Prevention", + "Health Program Development", + "Technical Safety Inspection", + "Technical Visual Assessment", + "Precision Measurement Skills", + "Operational Task Coordination", + "Procedural Compliance Management", + "Chemical Processing Monitoring", + "Surface Preparation and Leveling", + "Adhesive and Mortar Application", + "Spatial Measurement and Layout", + "Construction Safety Coordination", + "Environmental Systems Monitoring", + "Technical Visualization and Mapping", + "Remote Sensing Technology Management", + "Interpersonal Performance Monitoring", + "Educational Assessment and Mentorship", + "Precision Food Preparation", + "Equipment Operation Management", + "Workplace Safety Coordination", + "Construction Site Management", + "Safety Protocol Implementation", + "Cargo Handling and Inspection", + "Transportation Safety Compliance", + "Route Planning and Navigation", + "Professional Vehicle Documentation", + "Financial Resource Management", + "Comprehensive Operational Coordination", + "Advanced Regulatory Compliance", + "Diagnostic Reasoning", + "Operational Information Routing", + "Patient Personal Care Support", + "Interpersonal Care Coordination", + "Adaptive Care Assistance", + "Medical Safety and Monitoring", + "Public Safety Enforcement", + "Legal Procedural Coordination", + "Situational Risk Assessment", + "Patron Monitoring and Control", + "Investigative Documentation Management", + "Supervisory Coordination", + "Surface Preparation and Installation", + "Decorative Material Application", + "Fence Construction Skills", + "Construction Site Preparation", + "Radiation Safety Monitoring", + "Technical Radiation Measurement", + "Environmental Data Collection", + "Pest Control Operations", + "Environmental Safety Monitoring", + "Welding Equipment Operation", + "Research Methodology and Scholarship", + "Professional Development and Continuous Learning", + "Facility Cleaning and Maintenance", + "Material and Equipment Handling", + "Operational Resource Coordination", + "Patron and Customer Support", + "Healthcare Administration", + "Interprofessional Healthcare Coordination", + "Organizational Performance Management", + "Complex Healthcare Decision Making", + "Costume Resource Management", + "Performance Support Coordination", + "Creative Design Implementation", + "Advanced Problem Solving", + "Wildlife Conservation Management", + "Outdoor Resource Management", + "Advanced Operational Monitoring", + "Dental Device Fabrication", + "Medical Device Quality Inspection", + "Healthcare Technical Communication", + "Operational Material Preparation", + "Data Science Analytics", + "Machine Learning Application", + "Technical Programming", + "HVAC System Installation", + "Athletic Performance Officiating", + "Professional Rule Enforcement", + "Service Communication Management", + "Precision Equipment Repair", + "Material Handling Precision", + "Procurement Operations Management", + "Clinical Patient Assessment", + "Field Research Documentation", + "Remote Sensing Technology", + "Strategic Marketing Planning", + "Stakeholder Communication Management", + "Atmospheric Data Analysis", + "Vehicle Cleaning and Maintenance", + "Construction Inspection Expertise", + "Technical Site Evaluation", + "Culinary Operations Management", + "Kitchen Resource Management", + "Food Quality Control", + "Interpersonal Kitchen Coordination", + "Creative Production Management", + "Strategic Content Development", + "Performance Conceptualization", + "Operational Coordination and Supervision", + "Precision Resource Documentation", + "Material Handling and Loading", + "Vehicle and Equipment Coordination", + "Medical Imaging Technical Skills", + "Healthcare Safety Protocol Management", + "Diagnostic Procedure Support", + "Client Treatment Planning", + "Mechatronic Systems Design", + "Technical Equipment Integration", + "Interdisciplinary Technical Problem Solving", + "Advanced Manufacturing Technologies", + "Precision Engineering Measurement", + "Precision Equipment Assembly", + "Product Knowledge Communication", + "Persuasive Communication", + "Equipment Operation Control", + "Digital Forensic Investigation", + "Cybersecurity Evidence Analysis", + "Technical Investigative Documentation", + "Information Systems Security Analysis", + "Legal Compliance Technical Monitoring", + "Vehicle Operation Control", + "Radio Frequency Technology Management", + "Technical Equipment Design", + "Complex Systems Analysis", + "Equipment Installation and Maintenance", + "Mechanical Equipment Inspection", + "Installation and Maintenance Skills", + "Environmental Safety and Compliance", + "Multilingual Communication", + "Comprehensive Information Processing", + "Professional Active Listening", + "Professional Communication in Law Enforcement", + "Patient Counseling", + "Therapeutic Intervention Strategy", + "Professional Healthcare Communication", + "Audio-Visual Technical Operations", + "Technical Laboratory Equipment Management", + "Quality Control and Safety Monitoring", + "Rail Vehicle Operation", + "Signal and Communication Coordination", + "Operational Workflow Management", + "Safety and Risk Management", + "Manual Technical Manipulation", + "Photonics Technical Expertise", + "Precision Measurement and Calibration", + "Equipment Diagnostic Analysis", + "Interpersonal Patient Communication", + "Behavioral Intervention Management", + "Healthcare Safety Monitoring", + "Vendor Relationship Management", + "Financial Decision Making", + "Workforce Performance Management", + "Production Safety Oversight", + "Information Processing Accuracy", + "Procedural Compliance Monitoring", + "Developmental Support Counseling", + "Educational Intervention Strategy", + "Interpersonal Behavioral Analysis", + "Comprehensive Client Guidance", + "Dimensional Measurement Verification", + "Beverage Preparation Skills", + "Neuropsychological Assessment", + "Professional Psychological Communication", + "Psychological Research Methodology", + "Diagnostic Test Administration", + "Clinical Treatment Planning", + "Communication Information Management", + "Operational Customer Support", + "Professional Interpersonal Coordination", + "Critical Information Analysis", + "Equipment Diagnostic Reasoning", + "Systems Engineering Integration", + "Patient-Centered Care Communication", + "Rehabilitation Treatment Planning", + "Musculoskeletal Intervention Techniques", + "Professional Medical Documentation", + "Alternative Medical Practice", + "Infrastructure Maintenance", + "Site Preparation and Marking", + "Information Resource Management", + "Collection Development", + "Patron Information Support", + "Library Technology Integration", + "Research Assistance", + "Quantitative Financial Analysis", + "Technical Financial Communication", + "Respiratory Care Management", + "Medical Emergency Response", + "Healthcare Equipment Operation", + "Patient Condition Monitoring", + "Environmental Compliance Management", + "Sustainable Business Analysis", + "Food Service Coordination", + "Sanitation and Hygiene Maintenance", + "Patron Support and Interaction", + "Strategic Documentation Management", + "Stakeholder Communication Strategy", + "Operational Risk Assessment", + "Event Planning Management", + "Stakeholder Relationship Management", + "Strategic Environmental Communication", + "Construction Site Safety Management", + "Insulation Material Installation", + "Material Measurement and Preparation", + "International Trade Documentation", + "Commercial Risk Assessment", + "Professional Communication in Trade", + "Animal Care and Handling", + "Medical Equipment Operation", + "Clinical Patient Support", + "Veterinary Diagnostic Procedures", + "Healthcare Facility Maintenance", + "Laundry Equipment Operation", + "Textile Inspection and Quality Control", + "Public Safety Leadership", + "Risk Assessment and Mitigation", + "Family Engagement Communication", + "Personal Care Coordination", + "Environmental Economic Analysis", + "Quantitative Policy Reasoning", + "Strategic Environmental Forecasting", + "Comprehensive Research Methodology", + "Technical Sustainability Communication", + "Scientific Instruction and Curriculum Development", + "Field Research Methodology", + "Strategic Organizational Analysis", + "Comprehensive Decision Making", + "Adaptive Learning and Problem Solving", + "Precision Manual Food Preparation", + "Food Safety and Quality Control", + "Transportation Systems Analysis", + "Strategic Policy Communication", + "Psychological Assessment and Intervention", + "Patient-Centered Mental Health Communication", + "Clinical Diagnostic Reasoning", + "Technical Inspection and Verification", + "Social Impact Assessment", + "Clinical Procedure Management", + "Healthcare Equipment Expertise", + "Medical Documentation Precision", + "Property Transaction Management", + "Diagnostic Technical Support", + "Therapeutic Patient Communication", + "Crisis Intervention Management", + "Client Treatment Coordination", + "Behavioral Health Counseling", + "Statistical Analysis and Modeling", + "Renewable Energy Sales Strategy", + "Technical Product Communication", + "Customer Needs Assessment in Green Technology", + "Sustainable Technology Evaluation", + "Public Safety Operations", + "Technical Equipment Operation and Safety", + "Financial Strategic Analysis", + "Investment Portfolio Management", + "Quantitative Financial Reasoning", + "Emergency Communication Management", + "Crisis Decision Support", + "Technical Communication Systems Operation", + "Public Safety Coordination", + "Workflow Coordination", + "Precision Documentation", + "Critical Patient Monitoring", + "Emergency Medical Intervention", + "Healthcare Interdisciplinary Coordination", + "Advanced Medical Equipment Management", + "Strategic Market Communication", + "Consumer Trend Interpretation", + "Systematic Research Methodology", + "Intelligence Analysis", + "Criminal Activity Assessment", + "Interagency Collaboration", + "Medical Technical Equipment Management", + "Healthcare Safety and Compliance", + "Geothermal Systems Operation", + "Green Energy Installation", + "Precision Maintenance Procedures", + "Rail Infrastructure Maintenance", + "Service Coordination and Support", + "Precision Material Preparation", + "Service Orientation", + "Physical Therapy Technical Support", + "Marine Systems Engineering", + "Maritime Safety and Compliance", + "Complex Naval Problem Solving", + "Precision Marine Equipment Maintenance", + "Civil Infrastructure Design", + "Operational Cost Estimation", + "Technical Communication and Reporting", + "Service Communication", + "Safety and Compliance Monitoring", + "Financial Strategic Planning", + "Organizational Resource Management", + "Client Information Verification", + "Fire Safety Assessment", + "Public Safety Education", + "Environmental Hazard Monitoring", + "Investigative Evidence Collection", + "Strategic Information Verification", + "Professional Surveillance Techniques", + "Interpersonal Interrogation Skills", + "Compensation Strategy Development", + "Organizational Policy Analysis", + "Human Resources Data Analysis", + "Strategic Workforce Planning", + "Masonry Surface Treatment", + "Design Visualization", + "Spatial Design Planning", + "Professional Research Methodology", + "Client Collaboration", + "Situational Safety Communication", + "Precision Layout Preparation", + "Manufacturing Quality Inspection", + "Emergency Management Coordination", + "Strategic Risk Assessment", + "Postsecondary Educational Leadership", + "Academic Program Development", + "Institutional Governance and Compliance", + "Media Production Technical Control", + "Visual Media Coordination", + "Professional Media Communication", + "Camera Operation and Technical Control", + "Kitchen Safety Management", + "Animal Care Management", + "Facility Sanitation and Maintenance", + "Product Demonstration", + "Avionics Equipment Maintenance", + "Aviation Safety Compliance", + "Electronic Systems Quality Control", + "Diagnostic Technical Problem Solving", + "Investigative Reporting", + "Media Content Development", + "Multimedia Storytelling", + "Medical Equipment Preparation", + "Medical Supply Inventory Control", + "Healthcare Safety Compliance", + "File Management and Organization", + "Clerical Information Processing", + "Precision Manual Material Handling", + "Information Verification", + "Communication Routing", + "Operational Administrative Support", + "Interpersonal Information Exchange", + "Agricultural Operations", + "Precision Manual Animal Handling", + "Agricultural Inspection and Compliance", + "Material Handling and Inspection", + "Safety and Hygiene Management", + "Advanced Scientific Problem Solving", + "Technical Research Methodology", + "Computational Data Analysis", + "Precision Technical Communication", + "Strategic Operational Coordination", + "Strategic Operational Analysis", + "Business Relationship Development", + "Proposal and Documentation Management", + "Professional Knowledge Maintenance", + "Healthcare Documentation", + "Dental Healthcare Support", + "Preventive Dental Care", + "Textual Accuracy Verification", + "Systematic Information Review", + "Professional Written Communication", + "Analytical Systems Evaluation", + "Operational Data Interpretation", + "Vehicle Service Operations", + "Financial Analysis and Compliance", + "Strategic Financial Decision Making", + "Investigative Financial Verification", + "Employee Relations Management", + "Entertainment Service Management", + "Operational Performance Reporting", + "Staff Development and Training", + "Resource Allocation Coordination", + "Security Screening Protocols", + "Threat Detection and Assessment", + "Public Safety Interaction", + "Commercial Negotiation", + "Air Traffic Control Management", + "Security Operations Management", + "Surveillance and Threat Detection", + "Construction Site Coordination", + "Agricultural Product Inspection", + "Material Handling and Sorting", + "Equipment Operations Monitoring", + "Safety and Compliance Management", + "Historical Research Methodology", + "Scholarly Documentation Management", + "Instructional Communication", + "Wind Turbine Technical Maintenance", + "Safety-Focused Technical Inspection", + "Green Energy Systems Management", + "Geospatial Analysis", + "Environmental Monitoring", + "Chemical Flow and Process Control", + "Gauges and Indicator Monitoring", + "Equipment Monitoring", + "Precision Technical Manipulation", + "Energy Systems Engineering", + "Technical Performance Analysis", + "Technical Resource Coordination", + "Scientific Management", + "Natural Resource Management", + "Agricultural Systems Coordination", + "Field Operations Management", + "Artistic Design Conceptualization", + "Floral Arrangement Expertise", + "Client Consultation and Needs Assessment", + "Material and Prop Selection", + "Nutritional Assessment and Planning", + "Nutritional Research and Documentation", + "Healthcare Patient Support", + "Clinical Procedure Assistance", + "Patient Measurement and Assessment", + "Nuclear Systems Engineering", + "Technical Risk Assessment", + "Organizational Risk Management", + "Strategic Security Oversight", + "Operational Policy Implementation", + "Precision Manual Cutting", + "Financial Counseling", + "Client Information Processing", + "Instructional Assessment and Mentorship", + "Chemical Engineering Analysis", + "Technical Systems Problem Solving", + "Neurological Patient Assessment", + "Medical Diagnostic Equipment Operation", + "Patient Monitoring and Safety", + "Technical Communication in Healthcare", + "Surface Preparation", + "Adhesive Application", + "Precision Manual Construction", + "Explosives Handling Safety", + "Site Dimensional Preparation", + "Technical Safety Signaling", + "Precision Manual Tool Usage", + "Structural Component Positioning", + "Technical Coordination and Communication", + "Meat Processing Skills", + "Food Safety Compliance", + "Equipment Cleaning and Maintenance", + "Rail Transportation Management", + "Vehicle Movement Coordination", + "Critical Information Processing", + "Strategic Problem Solving", + "Operational Equipment Control", + "Animal Patient Care", + "Veterinary Technical Support", + "Vehicle Electrical Systems Repair", + "Equipment Monitoring and Control", + "Patient Assessment and Care", + "Radiation Safety Management", + "Technical Medical Documentation", + "Programming Logic", + "Broadcast Technical Communication", + "Content Development Strategy", + "Nanotechnology Engineering", + "Micro-Scale Process Management", + "Vehicle Operation Safety", + "Passenger Support Services", + "Fundraising Strategy", + "Persuasive Proposal Development", + "Shipping and Logistics Management", + "Aviation Safety Management", + "Aircraft Operations Control", + "Emergency Response Preparedness", + "Safety Signaling and Risk Management", + "Database Systems Design", + "Information Architecture Management", + "Financial Advisory Communication", + "Investment Strategy Analysis", + "Client Financial Needs Assessment", + "Professional Financial Networking", + "Operational Financial Analysis", + "Commercial Relationship Management", + "Garment Quality Inspection", + "Veterinary Medical Care", + "Animal Medical Procedure Support", + "Preventive Animal Healthcare", + "Resource Management", + "Underground Work Operations", + "Breeding Procedure Execution", + "Agricultural Resource Coordination", + "Landscape Maintenance", + "Geological Data Analysis", + "Environmental Field Research", + "Natural Resource Mapping", + "Theatrical Makeup Application", + "Performance Costume Preparation", + "Creative Visual Transformation", + "Textile Production Skills", + "Database Management", + "Technical Systems Security", + "Photonics Engineering", + "Technical Precision Measurement", + "Optical Systems Analysis", + "Facilities Management", + "Operational Budget Planning", + "Environmental Project Management", + "Site Remediation Planning", + "Technical Grant Development", + "Environmental Risk Assessment", + "Geological Resource Management", + "Technical Safety Protocols", + "Media Content Editing", + "Creative Visual Storytelling", + "Technical Media Production", + "Agricultural Technical Operations", + "Strategic Sales Management", + "Interpersonal Persuasion", + "Commercial Relationship Development", + "Operational Supervision", + "Maintenance and Cleaning", + "Professional Counseling Support", + "Performance Coaching", + "Talent Identification", + "Strategic Performance Coordination", + "Professional Performance Communication", + "Instructional Technology Integration", + "Energy Systems Analysis", + "Rigging and Material Positioning", + "Scholarly Communication", + "Professional Knowledge Dissemination", + "Financial Cost Analysis", + "Strategic Resource Estimation", + "Technical Documentation Precision", + "Business Data Interpretation", + "Extraction Site Management", + "Technical Material Handling", + "Strategic Communication", + "Comprehensive Documentation Management", + "Medical Technical Support", + "Clinical Assessment and Reasoning", + "Healthcare Safety Management", + "Equipment Installation", + "Safety and Quality Verification", + "Healthcare Informatics Management", + "Technical Information Security", + "Professional Research and Development", + "Healthcare Safety Protocols", + "Precision Manual Medical Skills", + "Performance Evaluation Management", + "Technical Repair Workflow", + "Preventive Healthcare Strategy", + "Patient-Centered Communication", + "Population Health Management", + "Organizational Resilience Planning", + "Regulatory Risk Assessment", + "Strategic Contingency Management", + "Shipping and Logistics Coordination", + "Mechanical Diagnostic Assessment", + "Mechanical Repair Workflow", + "Educational Support Services", + "Student Safety and Welfare", + "Sales Team Management", + "Strategic Performance Monitoring", + "Biological Sample Processing", + "Scientific Analytical Reasoning", + "Equipment Quality Monitoring", + "Manufacturing Surface Finishing", + "Precision Equipment Management", + "Situational Awareness", + "Safety Communication", + "Operational Monitoring", + "Patron Safety Support", + "Solar Energy Systems Installation", + "Renewable Energy Quality Control", + "Precision Installation Techniques", + "Resource Coordination", + "Clinical Assessment Skills", + "Physical Rehabilitation Support", + "Professional Academic Mentorship", + "Electrical Systems Design", + "Electromechanical Systems Management" + ], + "top_dimensions_by_usage": [ + [ + "Interpersonal Communication", + "dimension_name='Interpersonal Communication' description='Advanced communication skills involving active listening, precise professional information exchange, understanding complex human dynamics, providing guidance, and facilitating comprehensive interaction across diverse professional environments with emphasis on supporting students and educational needs' confidence=1.0 usage_count=250 last_updated='' synonyms=['Professional Dialogue', 'Comprehensive Communication']" + ], + [ + "Critical Problem Solving", + "dimension_name='Critical Problem Solving' description='Advanced analytical skills for systematically identifying complex challenges, evaluating alternative solutions, applying logical reasoning, and implementing strategic problem-solving techniques across diverse technical and operational contexts' confidence=1.0 usage_count=244 last_updated='' synonyms=['Analytical Reasoning', 'Strategic Problem Resolution', 'Technical Challenge Analysis']" + ], + [ + "Professional Communication", + "dimension_name='Professional Communication' description='Advanced interpersonal skills involving active listening, precise information exchange, strategic communication, and comprehensive interaction across diverse professional environments, with specific emphasis on technical, scientific, and food science contexts' confidence=1.0 usage_count=180 last_updated='' synonyms=['Technical Communication', 'Professional Dialogue', 'Interdisciplinary Information Exchange']" + ], + [ + "Complex Problem Solving", + "dimension_name='Complex Problem Solving' description='Advanced analytical skills for systematically identifying, evaluating, and resolving complex challenges through logical reasoning, scientific methods, critical thinking, and comprehensive strategic approaches across academic, research, and professional contexts' confidence=1.0 usage_count=163 last_updated='' synonyms=['Strategic Problem Resolution', 'Analytical Reasoning', 'Technical Challenge Management']" + ], + [ + "Operational Coordination", + "dimension_name='Operational Coordination' description='Advanced ability to manage complex organizational workflows, synchronize cross-functional activities, coordinate strategic responses, and ensure systematic operational efficiency across educational and support service environments' confidence=1.0 usage_count=134 last_updated='' synonyms=['Workflow Management', 'Operational Synchronization']" + ], + [ + "Operational Safety and Quality Control", + "dimension_name='Operational Safety and Quality Control' description='Comprehensive approach to ensuring workplace safety, conducting equipment inspections, monitoring operational performance, identifying potential hazards, and implementing preventive safety measures across technical, renewable energy, and industrial work environments' confidence=0.99 usage_count=97 last_updated='' synonyms=['Safety Protocol Management', 'Technical Risk Mitigation']" + ], + [ + "Technical Equipment Maintenance", + "dimension_name='Technical Equipment Maintenance' description='Comprehensive ability to inspect, diagnose, repair, clean, and maintain complex mechanical, electrical, and technical equipment with emphasis on precise operational functionality, safety standards, and performance optimization in renewable energy and technical environments' confidence=1.0 usage_count=82 last_updated='' synonyms=['Equipment Diagnostic Repair', 'Technical System Maintenance']" + ], + [ + "Precision Manual Manipulation", + "dimension_name='Precision Manual Manipulation' description='Advanced proficiency in using specialized hand tools to precisely position, prepare, cut, and manipulate materials and equipment with high technical accuracy across mechanical and technical work environments.' confidence=1.0 usage_count=50 last_updated='' synonyms=['Mechanical Tool Precision', 'Technical Manual Dexterity', 'Precision Mechanical Manipulation']" + ], + [ + "Healthcare Professional Collaboration", + "dimension_name='Healthcare Professional Collaboration' description='Advanced interprofessional skills for coordinating comprehensive patient care, communicating effectively across healthcare teams, managing complex medical information workflows, facilitating knowledge sharing, and ensuring integrated treatment approaches' confidence=1.0 usage_count=29 last_updated='' synonyms=[]" + ], + [ + "Educational Support", + "dimension_name='Educational Support' description='Comprehensive skills in developing, implementing, and adapting educational strategies for diverse learner needs, with expanded focus on individualized instruction, specialized academic interventions, and holistic student development in special education contexts' confidence=1.0 usage_count=18 last_updated='' synonyms=['Personalized Learning Support', 'Student-Centered Education', 'Adaptive Instructional Strategies']" + ] + ] +} \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/meta.yaml b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/meta.yaml new file mode 100644 index 0000000..59a77a2 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/meta.yaml @@ -0,0 +1,6 @@ +artifact_location: file:///C:/Users/ayanp/OneDrive/Documents/GitHub/AgentTorch-1/expt2_models/mlflow_tracking/311604703669356596 +creation_time: 1758951458250 +experiment_id: '311604703669356596' +last_update_time: 1758951458250 +lifecycle_stage: active +name: DSPY optimization BLS diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/artifacts/traces.json b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/artifacts/traces.json new file mode 100644 index 0000000..b804d56 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/artifacts/traces.json @@ -0,0 +1 @@ +{"spans": [{"trace_id": "Mb0ZefFEnhDApINXRyULVw==", "span_id": "KHbc1W8xpa0=", "trace_state": "", "parent_span_id": "", "name": "JobAnalysisModule.forward", "start_time_unix_nano": 1759658108368844100, "end_time_unix_nano": 1759658113611031500, "attributes": {"mlflow.spanType": "\"CHAIN\"", "mlflow.spanInputs": "{\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}", "mlflow.traceRequestId": "\"tr-31bd1979f1449e10c0a4835747250b57\""}, "status": {"message": "", "code": "STATUS_CODE_OK"}}, {"trace_id": "Mb0ZefFEnhDApINXRyULVw==", "span_id": "DGHXZRgLPWg=", "trace_state": "", "parent_span_id": "KHbc1W8xpa0=", "name": "Predict.forward", "start_time_unix_nano": 1759658108370008800, "end_time_unix_nano": 1759658113610994200, "attributes": {"mlflow.spanType": "\"LLM\"", "signature": "\"job_info -> job_metrics\"", "mlflow.spanInputs": "{\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}", "mlflow.traceRequestId": "\"tr-31bd1979f1449e10c0a4835747250b57\""}, "status": {"message": "", "code": "STATUS_CODE_OK"}}, {"trace_id": "Mb0ZefFEnhDApINXRyULVw==", "span_id": "r+lWlZ31xYk=", "trace_state": "", "parent_span_id": "DGHXZRgLPWg=", "name": "ChatAdapter.format", "start_time_unix_nano": 1759658108375588100, "end_time_unix_nano": 1759658108382224400, "attributes": {"mlflow.spanType": "\"PARSER\"", "mlflow.spanOutputs": "[{\"role\": \"system\", \"content\": \"Your input fields are:\\n1. `job_info` (str): Relevant skills and capabilities (no job title or identifying information)\\nYour output fields are:\\n1. `job_metrics` (JobMetrics): Predicted knowledge requirements for each domain (0-100 scale)\\nAll interactions will be structured in the following way, with the appropriate values filled in.\\n\\n[[ ## job_info ## ]]\\n{job_info}\\n\\n[[ ## job_metrics ## ]]\\n{job_metrics} # note: the value you produce must adhere to the JSON schema: {\\\"type\\\": \\\"object\\\", \\\"description\\\": \\\"Model for job knowledge metrics across different domains.\\\", \\\"properties\\\": {\\\"AdministrationAndManagement\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrationandmanagement\\\"}, \\\"Administrative\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrative\\\"}, \\\"Biology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Biology\\\"}, \\\"BuildingAndConstruction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Buildingandconstruction\\\"}, \\\"Chemistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Chemistry\\\"}, \\\"CommunicationsAndMedia\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Communicationsandmedia\\\"}, \\\"ComputersAndElectronics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Computersandelectronics\\\"}, \\\"CustomerAndPersonalService\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Customerandpersonalservice\\\"}, \\\"Design\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Design\\\"}, \\\"EconomicsAndAccounting\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Economicsandaccounting\\\"}, \\\"EducationAndTraining\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Educationandtraining\\\"}, \\\"EngineeringAndTechnology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Engineeringandtechnology\\\"}, \\\"EnglishLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Englishlanguage\\\"}, \\\"FineArts\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Finearts\\\"}, \\\"FoodProduction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foodproduction\\\"}, \\\"ForeignLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foreignlanguage\\\"}, \\\"Geography\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Geography\\\"}, \\\"HistoryAndArcheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Historyandarcheology\\\"}, \\\"LawAndGovernment\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Lawandgovernment\\\"}, \\\"Mathematics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mathematics\\\"}, \\\"Mechanical\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mechanical\\\"}, \\\"MedicineAndDentistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Medicineanddentistry\\\"}, \\\"PersonnelAndHumanResources\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Personnelandhumanresources\\\"}, \\\"PhilosophyAndTheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Philosophyandtheology\\\"}, \\\"Physics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Physics\\\"}, \\\"ProductionAndProcessing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Productionandprocessing\\\"}, \\\"Psychology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Psychology\\\"}, \\\"PublicSafetyAndSecurity\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Publicsafetyandsecurity\\\"}, \\\"SalesAndMarketing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Salesandmarketing\\\"}, \\\"SociologyAndAnthropology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Sociologyandanthropology\\\"}, \\\"Telecommunications\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Telecommunications\\\"}, \\\"TherapyAndCounseling\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Therapyandcounseling\\\"}, \\\"Transportation\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Transportation\\\"}}, \\\"required\\\": [\\\"AdministrationAndManagement\\\", \\\"Administrative\\\", \\\"Biology\\\", \\\"BuildingAndConstruction\\\", \\\"Chemistry\\\", \\\"CommunicationsAndMedia\\\", \\\"ComputersAndElectronics\\\", \\\"CustomerAndPersonalService\\\", \\\"Design\\\", \\\"EconomicsAndAccounting\\\", \\\"EducationAndTraining\\\", \\\"EngineeringAndTechnology\\\", \\\"EnglishLanguage\\\", \\\"FineArts\\\", \\\"FoodProduction\\\", \\\"ForeignLanguage\\\", \\\"Geography\\\", \\\"HistoryAndArcheology\\\", \\\"LawAndGovernment\\\", \\\"Mathematics\\\", \\\"Mechanical\\\", \\\"MedicineAndDentistry\\\", \\\"PersonnelAndHumanResources\\\", \\\"PhilosophyAndTheology\\\", \\\"Physics\\\", \\\"ProductionAndProcessing\\\", \\\"Psychology\\\", \\\"PublicSafetyAndSecurity\\\", \\\"SalesAndMarketing\\\", \\\"SociologyAndAnthropology\\\", \\\"Telecommunications\\\", \\\"TherapyAndCounseling\\\", \\\"Transportation\\\"], \\\"title\\\": \\\"JobMetrics\\\"}\\n\\n[[ ## completed ## ]]\\nIn adhering to this structure, your objective is: \\n Analyze skill information and predict knowledge requirements across multiple domains.\"}, {\"role\": \"user\", \"content\": \"[[ ## job_info ## ]]\\nTasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\\n\\nRespond with the corresponding output fields, starting with the field `[[ ## job_metrics ## ]]` (must be formatted as a valid Python JobMetrics), and then ending with the marker for `[[ ## completed ## ]]`.\"}]", "mlflow.spanInputs": "{\"signature\": \"JobAnalysisSignature(job_info -> job_metrics\\n instructions='Analyze skill information and predict knowledge requirements across multiple domains.'\\n job_info = Field(annotation=str required=True json_schema_extra={'desc': 'Relevant skills and capabilities (no job title or identifying information)', '__dspy_field_type': 'input', 'prefix': 'Job Info:'})\\n job_metrics = Field(annotation=JobMetrics required=True json_schema_extra={'desc': 'Predicted knowledge requirements for each domain (0-100 scale)', '__dspy_field_type': 'output', 'prefix': 'Job Metrics:'})\\n)\", \"demos\": [], \"inputs\": {\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}}", "mlflow.traceRequestId": "\"tr-31bd1979f1449e10c0a4835747250b57\""}, "status": {"message": "", "code": "STATUS_CODE_OK"}}, {"trace_id": "Mb0ZefFEnhDApINXRyULVw==", "span_id": "dgaOlSMyah8=", "trace_state": "", "parent_span_id": "DGHXZRgLPWg=", "name": "TokenTrackingLM.forward", "start_time_unix_nano": 1759658108382487100, "end_time_unix_nano": 1759658113610902600, "attributes": {"mlflow.spanType": "\"CHAIN\"", "mlflow.spanInputs": "{\"prompt\": null, \"messages\": [{\"role\": \"system\", \"content\": \"Your input fields are:\\n1. `job_info` (str): Relevant skills and capabilities (no job title or identifying information)\\nYour output fields are:\\n1. `job_metrics` (JobMetrics): Predicted knowledge requirements for each domain (0-100 scale)\\nAll interactions will be structured in the following way, with the appropriate values filled in.\\n\\n[[ ## job_info ## ]]\\n{job_info}\\n\\n[[ ## job_metrics ## ]]\\n{job_metrics} # note: the value you produce must adhere to the JSON schema: {\\\"type\\\": \\\"object\\\", \\\"description\\\": \\\"Model for job knowledge metrics across different domains.\\\", \\\"properties\\\": {\\\"AdministrationAndManagement\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrationandmanagement\\\"}, \\\"Administrative\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrative\\\"}, \\\"Biology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Biology\\\"}, \\\"BuildingAndConstruction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Buildingandconstruction\\\"}, \\\"Chemistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Chemistry\\\"}, \\\"CommunicationsAndMedia\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Communicationsandmedia\\\"}, \\\"ComputersAndElectronics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Computersandelectronics\\\"}, \\\"CustomerAndPersonalService\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Customerandpersonalservice\\\"}, \\\"Design\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Design\\\"}, \\\"EconomicsAndAccounting\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Economicsandaccounting\\\"}, \\\"EducationAndTraining\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Educationandtraining\\\"}, \\\"EngineeringAndTechnology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Engineeringandtechnology\\\"}, \\\"EnglishLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Englishlanguage\\\"}, \\\"FineArts\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Finearts\\\"}, \\\"FoodProduction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foodproduction\\\"}, \\\"ForeignLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foreignlanguage\\\"}, \\\"Geography\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Geography\\\"}, \\\"HistoryAndArcheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Historyandarcheology\\\"}, \\\"LawAndGovernment\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Lawandgovernment\\\"}, \\\"Mathematics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mathematics\\\"}, \\\"Mechanical\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mechanical\\\"}, \\\"MedicineAndDentistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Medicineanddentistry\\\"}, \\\"PersonnelAndHumanResources\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Personnelandhumanresources\\\"}, \\\"PhilosophyAndTheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Philosophyandtheology\\\"}, \\\"Physics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Physics\\\"}, \\\"ProductionAndProcessing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Productionandprocessing\\\"}, \\\"Psychology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Psychology\\\"}, \\\"PublicSafetyAndSecurity\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Publicsafetyandsecurity\\\"}, \\\"SalesAndMarketing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Salesandmarketing\\\"}, \\\"SociologyAndAnthropology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Sociologyandanthropology\\\"}, \\\"Telecommunications\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Telecommunications\\\"}, \\\"TherapyAndCounseling\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Therapyandcounseling\\\"}, \\\"Transportation\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Transportation\\\"}}, \\\"required\\\": [\\\"AdministrationAndManagement\\\", \\\"Administrative\\\", \\\"Biology\\\", \\\"BuildingAndConstruction\\\", \\\"Chemistry\\\", \\\"CommunicationsAndMedia\\\", \\\"ComputersAndElectronics\\\", \\\"CustomerAndPersonalService\\\", \\\"Design\\\", \\\"EconomicsAndAccounting\\\", \\\"EducationAndTraining\\\", \\\"EngineeringAndTechnology\\\", \\\"EnglishLanguage\\\", \\\"FineArts\\\", \\\"FoodProduction\\\", \\\"ForeignLanguage\\\", \\\"Geography\\\", \\\"HistoryAndArcheology\\\", \\\"LawAndGovernment\\\", \\\"Mathematics\\\", \\\"Mechanical\\\", \\\"MedicineAndDentistry\\\", \\\"PersonnelAndHumanResources\\\", \\\"PhilosophyAndTheology\\\", \\\"Physics\\\", \\\"ProductionAndProcessing\\\", \\\"Psychology\\\", \\\"PublicSafetyAndSecurity\\\", \\\"SalesAndMarketing\\\", \\\"SociologyAndAnthropology\\\", \\\"Telecommunications\\\", \\\"TherapyAndCounseling\\\", \\\"Transportation\\\"], \\\"title\\\": \\\"JobMetrics\\\"}\\n\\n[[ ## completed ## ]]\\nIn adhering to this structure, your objective is: \\n Analyze skill information and predict knowledge requirements across multiple domains.\"}, {\"role\": \"user\", \"content\": \"[[ ## job_info ## ]]\\nTasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\\n\\nRespond with the corresponding output fields, starting with the field `[[ ## job_metrics ## ]]` (must be formatted as a valid Python JobMetrics), and then ending with the marker for `[[ ## completed ## ]]`.\"}]}", "mlflow.traceRequestId": "\"tr-31bd1979f1449e10c0a4835747250b57\""}, "status": {"message": "", "code": "STATUS_CODE_OK"}}]} \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.branch b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.branch new file mode 100644 index 0000000..39db9d1 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.branch @@ -0,0 +1 @@ +feat/local-dspy-program \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.commit b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.commit new file mode 100644 index 0000000..39c7840 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.commit @@ -0,0 +1 @@ +7e5b5af974c134c4f2ed36c7b89dee1565c7e3a7 \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.repoURL b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.repoURL new file mode 100644 index 0000000..a2eb0fc --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.git.repoURL @@ -0,0 +1 @@ +https://github.com/AgentTorch/AgentTorch.git \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.name b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.name new file mode 100644 index 0000000..2825c2f --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.name @@ -0,0 +1 @@ +experiments/hybrid/hybrid_expt_baseline_api.py \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.type b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.type new file mode 100644 index 0000000..0c2c1fe --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace.sizeBytes b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace.sizeBytes new file mode 100644 index 0000000..da9a152 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace.sizeBytes @@ -0,0 +1 @@ +112501 \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace.sizeStats b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace.sizeStats new file mode 100644 index 0000000..270a182 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace.sizeStats @@ -0,0 +1 @@ +{"total_size_bytes": 112501, "num_spans": 4, "max": 45349, "p25": 19875, "p50": 22601, "p75": 30325} \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.traceInputs b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.traceInputs new file mode 100644 index 0000000..55656fb --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.traceInputs @@ -0,0 +1 @@ +{"job_info": "Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\r\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat ... \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.traceOutputs b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.traceOutputs new file mode 100644 index 0000000..e69de29 diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace_schema.version b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace_schema.version new file mode 100644 index 0000000..e440e5c --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.trace_schema.version @@ -0,0 +1 @@ +3 \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.user b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.user new file mode 100644 index 0000000..b1e5c01 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/request_metadata/mlflow.user @@ -0,0 +1 @@ +ayanp \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/tags/mlflow.artifactLocation b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/tags/mlflow.artifactLocation new file mode 100644 index 0000000..187f673 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/tags/mlflow.artifactLocation @@ -0,0 +1 @@ +file:///C:/Users/ayanp/OneDrive/Documents/GitHub/AgentTorch-1/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/artifacts \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/tags/mlflow.traceName b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/tags/mlflow.traceName new file mode 100644 index 0000000..9d2d7c4 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/tags/mlflow.traceName @@ -0,0 +1 @@ +JobAnalysisModule.forward \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/trace_info.yaml b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/trace_info.yaml new file mode 100644 index 0000000..089116b --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-31bd1979f1449e10c0a4835747250b57/trace_info.yaml @@ -0,0 +1,22 @@ +execution_duration_ms: 5242 +request_preview: '{"job_info": "Tasks: Measure and cut insulation for covering surfaces, + using tape measures, handsaws, knives, and scissors.\r\nApply, remove, and repair + insulation on industrial equipment, pipes, ductwork, or other mechanical systems + such as heat exchangers, tanks, and vessels, to help control noise and maintain + temperatures.\r\nSelect appropriate insulation, such as fiberglass, Styrofoam, or + cork, based on the heat retaining or excluding characteristics of the material.\r\nFit + insulation around obstructions, and shape insulating materials and protective coverings + as required.\r\nDetermine the amounts and types of insulation needed, and methods + of installation, based on factors such as location, surface shape, and equipment + use.\r\nCover, seal, or finish insulated surfaces or access holes with plastic covers, + canvas strips, sealants, tape, cement, or asphalt mastic.\r\nInstall sheet metal + around insulated pipes with screws to protect the insulation from weather conditions + or physica...' +request_time: '2025-10-05T09:55:08.368Z' +response_preview: '' +state: OK +trace_id: tr-31bd1979f1449e10c0a4835747250b57 +trace_location: + mlflow_experiment: + experiment_id: '311604703669356596' + type: MLFLOW_EXPERIMENT diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/artifacts/traces.json b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/artifacts/traces.json new file mode 100644 index 0000000..e990492 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/artifacts/traces.json @@ -0,0 +1 @@ +{"spans": [{"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "oG8VDbOk2yo=", "trace_state": "", "parent_span_id": "", "name": "JobAnalysisModule.forward", "start_time_unix_nano": 1759259306539559600, "end_time_unix_nano": 1759259315849514300, "attributes": {"mlflow.spanType": "\"CHAIN\"", "mlflow.spanInputs": "{\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "events": [{"time_unix_nano": 1759259315849493, "name": "exception", "attributes": {"exception.message": "Both structured output format and JSON mode failed. Please choose a model that supports `response_format` argument. Original error: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n", "exception.type": "RuntimeError", "exception.stacktrace": "Traceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 42, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\base.py\", line 119, in __call__\n outputs = lm(messages=inputs, **lm_kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 142, in __call__\n return super().__call__(prompt=prompt, messages=messages, **kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 62, in __call__\n structured_output_model = _get_structured_outputs_response_format(signature)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 220, in _get_structured_outputs_response_format\n pydantic_model = pydantic.create_model(\n \"DSPyProgramOutputs\",\n **fields,\n __config__=type(\"Config\", (), {\"extra\": \"forbid\"}),\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\main.py\", line 1763, in create_model\n return meta(\n model_name,\n ...<4 lines>...\n **kwds,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_model_construction.py\", line 110, in __new__\n config_wrapper = ConfigWrapper.for_model(bases, namespace, kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_config.py\", line 138, in for_model\n config_new.update(config_from_namespace)\n ~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^\nTypeError: 'type' object is not iterable\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 69, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 50, in __call__\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 42, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\base.py\", line 119, in __call__\n outputs = lm(messages=inputs, **lm_kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 142, in __call__\n return super().__call__(prompt=prompt, messages=messages, **kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nThe above exception was the direct cause of the following exception:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\primitives\\program.py\", line 60, in __call__\n return self.forward(*args, **kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\expt2\\mipro_skills.py\", line 121, in forward\n return self.predictor(job_info=job_info)\n ~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\primitives\\program.py\", line 60, in __call__\n return self.forward(*args, **kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\predict\\chain_of_thought.py\", line 38, in forward\n return self.predict(**kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\predict\\predict.py\", line 85, in __call__\n return super().__call__(**kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\primitives\\program.py\", line 60, in __call__\n return self.forward(*args, **kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\predict\\predict.py\", line 157, in forward\n completions = adapter(lm, lm_kwargs=config, signature=signature, demos=demos, inputs=kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 51, in __call__\n return JSONAdapter()(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 75, in __call__\n raise RuntimeError(\n ...<2 lines>...\n ) from e\nRuntimeError: Both structured output format and JSON mode failed. Please choose a model that supports `response_format` argument. Original error: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}"}}], "status": {"message": "", "code": "STATUS_CODE_ERROR"}}, {"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "/+xCfGyXiU8=", "trace_state": "", "parent_span_id": "oG8VDbOk2yo=", "name": "ChainOfThought.forward", "start_time_unix_nano": 1759259306540319100, "end_time_unix_nano": 1759259315835451900, "attributes": {"mlflow.spanType": "\"CHAIN\"", "signature": "\"job_info -> reasoning, job_metrics\"", "mlflow.spanInputs": "{\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "events": [{"time_unix_nano": 1759259315835423, "name": "exception", "attributes": {"exception.message": "Both structured output format and JSON mode failed. Please choose a model that supports `response_format` argument. Original error: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n", "exception.type": "RuntimeError", "exception.stacktrace": "Traceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 42, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\base.py\", line 119, in __call__\n outputs = lm(messages=inputs, **lm_kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 142, in __call__\n return super().__call__(prompt=prompt, messages=messages, **kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 62, in __call__\n structured_output_model = _get_structured_outputs_response_format(signature)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 220, in _get_structured_outputs_response_format\n pydantic_model = pydantic.create_model(\n \"DSPyProgramOutputs\",\n **fields,\n __config__=type(\"Config\", (), {\"extra\": \"forbid\"}),\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\main.py\", line 1763, in create_model\n return meta(\n model_name,\n ...<4 lines>...\n **kwds,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_model_construction.py\", line 110, in __new__\n config_wrapper = ConfigWrapper.for_model(bases, namespace, kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_config.py\", line 138, in for_model\n config_new.update(config_from_namespace)\n ~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^\nTypeError: 'type' object is not iterable\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 69, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 50, in __call__\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 42, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\base.py\", line 119, in __call__\n outputs = lm(messages=inputs, **lm_kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 142, in __call__\n return super().__call__(prompt=prompt, messages=messages, **kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nThe above exception was the direct cause of the following exception:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\primitives\\program.py\", line 60, in __call__\n return self.forward(*args, **kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\predict\\chain_of_thought.py\", line 38, in forward\n return self.predict(**kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\predict\\predict.py\", line 85, in __call__\n return super().__call__(**kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\primitives\\program.py\", line 60, in __call__\n return self.forward(*args, **kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\predict\\predict.py\", line 157, in forward\n completions = adapter(lm, lm_kwargs=config, signature=signature, demos=demos, inputs=kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 51, in __call__\n return JSONAdapter()(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 75, in __call__\n raise RuntimeError(\n ...<2 lines>...\n ) from e\nRuntimeError: Both structured output format and JSON mode failed. Please choose a model that supports `response_format` argument. Original error: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}"}}], "status": {"message": "", "code": "STATUS_CODE_ERROR"}}, {"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "T6Y9XClq1iY=", "trace_state": "", "parent_span_id": "/+xCfGyXiU8=", "name": "Predict.forward", "start_time_unix_nano": 1759259306542629700, "end_time_unix_nano": 1759259315816631800, "attributes": {"mlflow.spanType": "\"LLM\"", "signature": "\"job_info -> reasoning, job_metrics\"", "mlflow.spanInputs": "{\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "events": [{"time_unix_nano": 1759259315816596, "name": "exception", "attributes": {"exception.message": "Both structured output format and JSON mode failed. Please choose a model that supports `response_format` argument. Original error: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n", "exception.type": "RuntimeError", "exception.stacktrace": "Traceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 42, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\base.py\", line 119, in __call__\n outputs = lm(messages=inputs, **lm_kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 142, in __call__\n return super().__call__(prompt=prompt, messages=messages, **kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 62, in __call__\n structured_output_model = _get_structured_outputs_response_format(signature)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 220, in _get_structured_outputs_response_format\n pydantic_model = pydantic.create_model(\n \"DSPyProgramOutputs\",\n **fields,\n __config__=type(\"Config\", (), {\"extra\": \"forbid\"}),\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\main.py\", line 1763, in create_model\n return meta(\n model_name,\n ...<4 lines>...\n **kwds,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_model_construction.py\", line 110, in __new__\n config_wrapper = ConfigWrapper.for_model(bases, namespace, kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_config.py\", line 138, in for_model\n config_new.update(config_from_namespace)\n ~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^\nTypeError: 'type' object is not iterable\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 69, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 50, in __call__\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 42, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\base.py\", line 119, in __call__\n outputs = lm(messages=inputs, **lm_kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 142, in __call__\n return super().__call__(prompt=prompt, messages=messages, **kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nThe above exception was the direct cause of the following exception:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\primitives\\program.py\", line 60, in __call__\n return self.forward(*args, **kwargs)\n ~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\predict\\predict.py\", line 157, in forward\n completions = adapter(lm, lm_kwargs=config, signature=signature, demos=demos, inputs=kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 51, in __call__\n return JSONAdapter()(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 75, in __call__\n raise RuntimeError(\n ...<2 lines>...\n ) from e\nRuntimeError: Both structured output format and JSON mode failed. Please choose a model that supports `response_format` argument. Original error: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}"}}], "status": {"message": "", "code": "STATUS_CODE_ERROR"}}, {"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "GDz44VsqQ28=", "trace_state": "", "parent_span_id": "T6Y9XClq1iY=", "name": "ChatAdapter.format", "start_time_unix_nano": 1759259306542969200, "end_time_unix_nano": 1759259306546987000, "attributes": {"mlflow.spanType": "\"PARSER\"", "mlflow.spanOutputs": "[{\"role\": \"system\", \"content\": \"Your input fields are:\\n1. `job_info` (str): Relevant skills and capabilities (no job title or identifying information)\\nYour output fields are:\\n1. `reasoning` (str): \\n2. `job_metrics` (JobMetrics): Predicted knowledge requirements for each domain (0-100 scale)\\nAll interactions will be structured in the following way, with the appropriate values filled in.\\n\\n[[ ## job_info ## ]]\\n{job_info}\\n\\n[[ ## reasoning ## ]]\\n{reasoning}\\n\\n[[ ## job_metrics ## ]]\\n{job_metrics} # note: the value you produce must adhere to the JSON schema: {\\\"type\\\": \\\"object\\\", \\\"description\\\": \\\"Model for job knowledge metrics across different domains.\\\", \\\"properties\\\": {\\\"AdministrationAndManagement\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrationandmanagement\\\"}, \\\"Administrative\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrative\\\"}, \\\"Biology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Biology\\\"}, \\\"BuildingAndConstruction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Buildingandconstruction\\\"}, \\\"Chemistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Chemistry\\\"}, \\\"CommunicationsAndMedia\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Communicationsandmedia\\\"}, \\\"ComputersAndElectronics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Computersandelectronics\\\"}, \\\"CustomerAndPersonalService\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Customerandpersonalservice\\\"}, \\\"Design\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Design\\\"}, \\\"EconomicsAndAccounting\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Economicsandaccounting\\\"}, \\\"EducationAndTraining\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Educationandtraining\\\"}, \\\"EngineeringAndTechnology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Engineeringandtechnology\\\"}, \\\"EnglishLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Englishlanguage\\\"}, \\\"FineArts\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Finearts\\\"}, \\\"FoodProduction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foodproduction\\\"}, \\\"ForeignLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foreignlanguage\\\"}, \\\"Geography\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Geography\\\"}, \\\"HistoryAndArcheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Historyandarcheology\\\"}, \\\"LawAndGovernment\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Lawandgovernment\\\"}, \\\"Mathematics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mathematics\\\"}, \\\"Mechanical\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mechanical\\\"}, \\\"MedicineAndDentistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Medicineanddentistry\\\"}, \\\"PersonnelAndHumanResources\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Personnelandhumanresources\\\"}, \\\"PhilosophyAndTheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Philosophyandtheology\\\"}, \\\"Physics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Physics\\\"}, \\\"ProductionAndProcessing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Productionandprocessing\\\"}, \\\"Psychology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Psychology\\\"}, \\\"PublicSafetyAndSecurity\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Publicsafetyandsecurity\\\"}, \\\"SalesAndMarketing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Salesandmarketing\\\"}, \\\"SociologyAndAnthropology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Sociologyandanthropology\\\"}, \\\"Telecommunications\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Telecommunications\\\"}, \\\"TherapyAndCounseling\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Therapyandcounseling\\\"}, \\\"Transportation\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Transportation\\\"}}, \\\"required\\\": [\\\"AdministrationAndManagement\\\", \\\"Administrative\\\", \\\"Biology\\\", \\\"BuildingAndConstruction\\\", \\\"Chemistry\\\", \\\"CommunicationsAndMedia\\\", \\\"ComputersAndElectronics\\\", \\\"CustomerAndPersonalService\\\", \\\"Design\\\", \\\"EconomicsAndAccounting\\\", \\\"EducationAndTraining\\\", \\\"EngineeringAndTechnology\\\", \\\"EnglishLanguage\\\", \\\"FineArts\\\", \\\"FoodProduction\\\", \\\"ForeignLanguage\\\", \\\"Geography\\\", \\\"HistoryAndArcheology\\\", \\\"LawAndGovernment\\\", \\\"Mathematics\\\", \\\"Mechanical\\\", \\\"MedicineAndDentistry\\\", \\\"PersonnelAndHumanResources\\\", \\\"PhilosophyAndTheology\\\", \\\"Physics\\\", \\\"ProductionAndProcessing\\\", \\\"Psychology\\\", \\\"PublicSafetyAndSecurity\\\", \\\"SalesAndMarketing\\\", \\\"SociologyAndAnthropology\\\", \\\"Telecommunications\\\", \\\"TherapyAndCounseling\\\", \\\"Transportation\\\"], \\\"title\\\": \\\"JobMetrics\\\"}\\n\\n[[ ## completed ## ]]\\nIn adhering to this structure, your objective is: \\n Analyze skill information and predict knowledge requirements across multiple domains.\"}, {\"role\": \"user\", \"content\": \"[[ ## job_info ## ]]\\nTasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\\n\\nRespond with the corresponding output fields, starting with the field `[[ ## reasoning ## ]]`, then `[[ ## job_metrics ## ]]` (must be formatted as a valid Python JobMetrics), and then ending with the marker for `[[ ## completed ## ]]`.\"}]", "mlflow.spanInputs": "{\"signature\": \"StringSignature(job_info -> reasoning, job_metrics\\n instructions='Analyze skill information and predict knowledge requirements across multiple domains.'\\n job_info = Field(annotation=str required=True json_schema_extra={'desc': 'Relevant skills and capabilities (no job title or identifying information)', '__dspy_field_type': 'input', 'prefix': 'Job Info:'})\\n reasoning = Field(annotation=str required=True json_schema_extra={'prefix': \\\"Reasoning: Let's think step by step in order to\\\", 'desc': '${reasoning}', '__dspy_field_type': 'output'})\\n job_metrics = Field(annotation=JobMetrics required=True json_schema_extra={'desc': 'Predicted knowledge requirements for each domain (0-100 scale)', '__dspy_field_type': 'output', 'prefix': 'Job Metrics:'})\\n)\", \"demos\": [], \"inputs\": {\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "status": {"message": "", "code": "STATUS_CODE_OK"}}, {"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "wHcohFkVfag=", "trace_state": "", "parent_span_id": "T6Y9XClq1iY=", "name": "TokenTrackingLM.forward_1", "start_time_unix_nano": 1759259306547142300, "end_time_unix_nano": 1759259311250542100, "attributes": {"mlflow.spanType": "\"CHAIN\"", "mlflow.spanInputs": "{\"prompt\": null, \"messages\": [{\"role\": \"system\", \"content\": \"Your input fields are:\\n1. `job_info` (str): Relevant skills and capabilities (no job title or identifying information)\\nYour output fields are:\\n1. `reasoning` (str): \\n2. `job_metrics` (JobMetrics): Predicted knowledge requirements for each domain (0-100 scale)\\nAll interactions will be structured in the following way, with the appropriate values filled in.\\n\\n[[ ## job_info ## ]]\\n{job_info}\\n\\n[[ ## reasoning ## ]]\\n{reasoning}\\n\\n[[ ## job_metrics ## ]]\\n{job_metrics} # note: the value you produce must adhere to the JSON schema: {\\\"type\\\": \\\"object\\\", \\\"description\\\": \\\"Model for job knowledge metrics across different domains.\\\", \\\"properties\\\": {\\\"AdministrationAndManagement\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrationandmanagement\\\"}, \\\"Administrative\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Administrative\\\"}, \\\"Biology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Biology\\\"}, \\\"BuildingAndConstruction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Buildingandconstruction\\\"}, \\\"Chemistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Chemistry\\\"}, \\\"CommunicationsAndMedia\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Communicationsandmedia\\\"}, \\\"ComputersAndElectronics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Computersandelectronics\\\"}, \\\"CustomerAndPersonalService\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Customerandpersonalservice\\\"}, \\\"Design\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Design\\\"}, \\\"EconomicsAndAccounting\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Economicsandaccounting\\\"}, \\\"EducationAndTraining\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Educationandtraining\\\"}, \\\"EngineeringAndTechnology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Engineeringandtechnology\\\"}, \\\"EnglishLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Englishlanguage\\\"}, \\\"FineArts\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Finearts\\\"}, \\\"FoodProduction\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foodproduction\\\"}, \\\"ForeignLanguage\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Foreignlanguage\\\"}, \\\"Geography\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Geography\\\"}, \\\"HistoryAndArcheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Historyandarcheology\\\"}, \\\"LawAndGovernment\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Lawandgovernment\\\"}, \\\"Mathematics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mathematics\\\"}, \\\"Mechanical\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Mechanical\\\"}, \\\"MedicineAndDentistry\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Medicineanddentistry\\\"}, \\\"PersonnelAndHumanResources\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Personnelandhumanresources\\\"}, \\\"PhilosophyAndTheology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Philosophyandtheology\\\"}, \\\"Physics\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Physics\\\"}, \\\"ProductionAndProcessing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Productionandprocessing\\\"}, \\\"Psychology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Psychology\\\"}, \\\"PublicSafetyAndSecurity\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Publicsafetyandsecurity\\\"}, \\\"SalesAndMarketing\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Salesandmarketing\\\"}, \\\"SociologyAndAnthropology\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Sociologyandanthropology\\\"}, \\\"Telecommunications\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Telecommunications\\\"}, \\\"TherapyAndCounseling\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Therapyandcounseling\\\"}, \\\"Transportation\\\": {\\\"type\\\": \\\"integer\\\", \\\"title\\\": \\\"Transportation\\\"}}, \\\"required\\\": [\\\"AdministrationAndManagement\\\", \\\"Administrative\\\", \\\"Biology\\\", \\\"BuildingAndConstruction\\\", \\\"Chemistry\\\", \\\"CommunicationsAndMedia\\\", \\\"ComputersAndElectronics\\\", \\\"CustomerAndPersonalService\\\", \\\"Design\\\", \\\"EconomicsAndAccounting\\\", \\\"EducationAndTraining\\\", \\\"EngineeringAndTechnology\\\", \\\"EnglishLanguage\\\", \\\"FineArts\\\", \\\"FoodProduction\\\", \\\"ForeignLanguage\\\", \\\"Geography\\\", \\\"HistoryAndArcheology\\\", \\\"LawAndGovernment\\\", \\\"Mathematics\\\", \\\"Mechanical\\\", \\\"MedicineAndDentistry\\\", \\\"PersonnelAndHumanResources\\\", \\\"PhilosophyAndTheology\\\", \\\"Physics\\\", \\\"ProductionAndProcessing\\\", \\\"Psychology\\\", \\\"PublicSafetyAndSecurity\\\", \\\"SalesAndMarketing\\\", \\\"SociologyAndAnthropology\\\", \\\"Telecommunications\\\", \\\"TherapyAndCounseling\\\", \\\"Transportation\\\"], \\\"title\\\": \\\"JobMetrics\\\"}\\n\\n[[ ## completed ## ]]\\nIn adhering to this structure, your objective is: \\n Analyze skill information and predict knowledge requirements across multiple domains.\"}, {\"role\": \"user\", \"content\": \"[[ ## job_info ## ]]\\nTasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\\n\\nRespond with the corresponding output fields, starting with the field `[[ ## reasoning ## ]]`, then `[[ ## job_metrics ## ]]` (must be formatted as a valid Python JobMetrics), and then ending with the marker for `[[ ## completed ## ]]`.\"}]}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "events": [{"time_unix_nano": 1759259311250477, "name": "exception", "attributes": {"exception.message": "litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n", "exception.type": "AuthenticationError", "exception.stacktrace": "Traceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}"}}], "status": {"message": "", "code": "STATUS_CODE_ERROR"}}, {"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "e3S0PwVcUaQ=", "trace_state": "", "parent_span_id": "T6Y9XClq1iY=", "name": "JSONAdapter.format_1", "start_time_unix_nano": 1759259311251020700, "end_time_unix_nano": 1759259311274452800, "attributes": {"mlflow.spanType": "\"PARSER\"", "mlflow.spanOutputs": "[{\"role\": \"system\", \"content\": \"Your input fields are:\\n1. `job_info` (str): Relevant skills and capabilities (no job title or identifying information)\\nYour output fields are:\\n1. `reasoning` (str): \\n2. `job_metrics` (JobMetrics): Predicted knowledge requirements for each domain (0-100 scale)\\nAll interactions will be structured in the following way, with the appropriate values filled in.\\n\\nInputs will have the following structure:\\n\\n[[ ## job_info ## ]]\\n{job_info}\\n\\nOutputs will be a JSON object with the following fields.\\n\\n{\\n \\\"reasoning\\\": \\\"{reasoning}\\\",\\n \\\"job_metrics\\\": \\\"{job_metrics} # note: the value you produce must adhere to the JSON schema: {\\\\\\\"type\\\\\\\": \\\\\\\"object\\\\\\\", \\\\\\\"description\\\\\\\": \\\\\\\"Model for job knowledge metrics across different domains.\\\\\\\", \\\\\\\"properties\\\\\\\": {\\\\\\\"AdministrationAndManagement\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Administrationandmanagement\\\\\\\"}, \\\\\\\"Administrative\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Administrative\\\\\\\"}, \\\\\\\"Biology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Biology\\\\\\\"}, \\\\\\\"BuildingAndConstruction\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Buildingandconstruction\\\\\\\"}, \\\\\\\"Chemistry\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Chemistry\\\\\\\"}, \\\\\\\"CommunicationsAndMedia\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Communicationsandmedia\\\\\\\"}, \\\\\\\"ComputersAndElectronics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Computersandelectronics\\\\\\\"}, \\\\\\\"CustomerAndPersonalService\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Customerandpersonalservice\\\\\\\"}, \\\\\\\"Design\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Design\\\\\\\"}, \\\\\\\"EconomicsAndAccounting\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Economicsandaccounting\\\\\\\"}, \\\\\\\"EducationAndTraining\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Educationandtraining\\\\\\\"}, \\\\\\\"EngineeringAndTechnology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Engineeringandtechnology\\\\\\\"}, \\\\\\\"EnglishLanguage\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Englishlanguage\\\\\\\"}, \\\\\\\"FineArts\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Finearts\\\\\\\"}, \\\\\\\"FoodProduction\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Foodproduction\\\\\\\"}, \\\\\\\"ForeignLanguage\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Foreignlanguage\\\\\\\"}, \\\\\\\"Geography\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Geography\\\\\\\"}, \\\\\\\"HistoryAndArcheology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Historyandarcheology\\\\\\\"}, \\\\\\\"LawAndGovernment\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Lawandgovernment\\\\\\\"}, \\\\\\\"Mathematics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Mathematics\\\\\\\"}, \\\\\\\"Mechanical\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Mechanical\\\\\\\"}, \\\\\\\"MedicineAndDentistry\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Medicineanddentistry\\\\\\\"}, \\\\\\\"PersonnelAndHumanResources\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Personnelandhumanresources\\\\\\\"}, \\\\\\\"PhilosophyAndTheology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Philosophyandtheology\\\\\\\"}, \\\\\\\"Physics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Physics\\\\\\\"}, \\\\\\\"ProductionAndProcessing\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Productionandprocessing\\\\\\\"}, \\\\\\\"Psychology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Psychology\\\\\\\"}, \\\\\\\"PublicSafetyAndSecurity\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Publicsafetyandsecurity\\\\\\\"}, \\\\\\\"SalesAndMarketing\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Salesandmarketing\\\\\\\"}, \\\\\\\"SociologyAndAnthropology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Sociologyandanthropology\\\\\\\"}, \\\\\\\"Telecommunications\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Telecommunications\\\\\\\"}, \\\\\\\"TherapyAndCounseling\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Therapyandcounseling\\\\\\\"}, \\\\\\\"Transportation\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Transportation\\\\\\\"}}, \\\\\\\"required\\\\\\\": [\\\\\\\"AdministrationAndManagement\\\\\\\", \\\\\\\"Administrative\\\\\\\", \\\\\\\"Biology\\\\\\\", \\\\\\\"BuildingAndConstruction\\\\\\\", \\\\\\\"Chemistry\\\\\\\", \\\\\\\"CommunicationsAndMedia\\\\\\\", \\\\\\\"ComputersAndElectronics\\\\\\\", \\\\\\\"CustomerAndPersonalService\\\\\\\", \\\\\\\"Design\\\\\\\", \\\\\\\"EconomicsAndAccounting\\\\\\\", \\\\\\\"EducationAndTraining\\\\\\\", \\\\\\\"EngineeringAndTechnology\\\\\\\", \\\\\\\"EnglishLanguage\\\\\\\", \\\\\\\"FineArts\\\\\\\", \\\\\\\"FoodProduction\\\\\\\", \\\\\\\"ForeignLanguage\\\\\\\", \\\\\\\"Geography\\\\\\\", \\\\\\\"HistoryAndArcheology\\\\\\\", \\\\\\\"LawAndGovernment\\\\\\\", \\\\\\\"Mathematics\\\\\\\", \\\\\\\"Mechanical\\\\\\\", \\\\\\\"MedicineAndDentistry\\\\\\\", \\\\\\\"PersonnelAndHumanResources\\\\\\\", \\\\\\\"PhilosophyAndTheology\\\\\\\", \\\\\\\"Physics\\\\\\\", \\\\\\\"ProductionAndProcessing\\\\\\\", \\\\\\\"Psychology\\\\\\\", \\\\\\\"PublicSafetyAndSecurity\\\\\\\", \\\\\\\"SalesAndMarketing\\\\\\\", \\\\\\\"SociologyAndAnthropology\\\\\\\", \\\\\\\"Telecommunications\\\\\\\", \\\\\\\"TherapyAndCounseling\\\\\\\", \\\\\\\"Transportation\\\\\\\"], \\\\\\\"title\\\\\\\": \\\\\\\"JobMetrics\\\\\\\"}\\\"\\n}\\nIn adhering to this structure, your objective is: \\n Analyze skill information and predict knowledge requirements across multiple domains.\"}, {\"role\": \"user\", \"content\": \"[[ ## job_info ## ]]\\nTasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\\n\\nRespond with a JSON object in the following order of fields: `reasoning`, then `job_metrics` (must be formatted as a valid Python JobMetrics).\"}]", "mlflow.spanInputs": "{\"args\": [\"StringSignature(job_info -> reasoning, job_metrics\\n instructions='Analyze skill information and predict knowledge requirements across multiple domains.'\\n job_info = Field(annotation=str required=True json_schema_extra={'desc': 'Relevant skills and capabilities (no job title or identifying information)', '__dspy_field_type': 'input', 'prefix': 'Job Info:'})\\n reasoning = Field(annotation=str required=True json_schema_extra={'prefix': \\\"Reasoning: Let's think step by step in order to\\\", 'desc': '${reasoning}', '__dspy_field_type': 'output'})\\n job_metrics = Field(annotation=JobMetrics required=True json_schema_extra={'desc': 'Predicted knowledge requirements for each domain (0-100 scale)', '__dspy_field_type': 'output', 'prefix': 'Job Metrics:'})\\n)\", [], {\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}]}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "status": {"message": "", "code": "STATUS_CODE_OK"}}, {"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "nS43yfDIMjY=", "trace_state": "", "parent_span_id": "e3S0PwVcUaQ=", "name": "JSONAdapter.format_2", "start_time_unix_nano": 1759259311272695300, "end_time_unix_nano": 1759259311274340700, "attributes": {"mlflow.spanType": "\"PARSER\"", "mlflow.spanOutputs": "[{\"role\": \"system\", \"content\": \"Your input fields are:\\n1. `job_info` (str): Relevant skills and capabilities (no job title or identifying information)\\nYour output fields are:\\n1. `reasoning` (str): \\n2. `job_metrics` (JobMetrics): Predicted knowledge requirements for each domain (0-100 scale)\\nAll interactions will be structured in the following way, with the appropriate values filled in.\\n\\nInputs will have the following structure:\\n\\n[[ ## job_info ## ]]\\n{job_info}\\n\\nOutputs will be a JSON object with the following fields.\\n\\n{\\n \\\"reasoning\\\": \\\"{reasoning}\\\",\\n \\\"job_metrics\\\": \\\"{job_metrics} # note: the value you produce must adhere to the JSON schema: {\\\\\\\"type\\\\\\\": \\\\\\\"object\\\\\\\", \\\\\\\"description\\\\\\\": \\\\\\\"Model for job knowledge metrics across different domains.\\\\\\\", \\\\\\\"properties\\\\\\\": {\\\\\\\"AdministrationAndManagement\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Administrationandmanagement\\\\\\\"}, \\\\\\\"Administrative\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Administrative\\\\\\\"}, \\\\\\\"Biology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Biology\\\\\\\"}, \\\\\\\"BuildingAndConstruction\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Buildingandconstruction\\\\\\\"}, \\\\\\\"Chemistry\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Chemistry\\\\\\\"}, \\\\\\\"CommunicationsAndMedia\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Communicationsandmedia\\\\\\\"}, \\\\\\\"ComputersAndElectronics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Computersandelectronics\\\\\\\"}, \\\\\\\"CustomerAndPersonalService\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Customerandpersonalservice\\\\\\\"}, \\\\\\\"Design\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Design\\\\\\\"}, \\\\\\\"EconomicsAndAccounting\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Economicsandaccounting\\\\\\\"}, \\\\\\\"EducationAndTraining\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Educationandtraining\\\\\\\"}, \\\\\\\"EngineeringAndTechnology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Engineeringandtechnology\\\\\\\"}, \\\\\\\"EnglishLanguage\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Englishlanguage\\\\\\\"}, \\\\\\\"FineArts\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Finearts\\\\\\\"}, \\\\\\\"FoodProduction\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Foodproduction\\\\\\\"}, \\\\\\\"ForeignLanguage\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Foreignlanguage\\\\\\\"}, \\\\\\\"Geography\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Geography\\\\\\\"}, \\\\\\\"HistoryAndArcheology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Historyandarcheology\\\\\\\"}, \\\\\\\"LawAndGovernment\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Lawandgovernment\\\\\\\"}, \\\\\\\"Mathematics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Mathematics\\\\\\\"}, \\\\\\\"Mechanical\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Mechanical\\\\\\\"}, \\\\\\\"MedicineAndDentistry\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Medicineanddentistry\\\\\\\"}, \\\\\\\"PersonnelAndHumanResources\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Personnelandhumanresources\\\\\\\"}, \\\\\\\"PhilosophyAndTheology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Philosophyandtheology\\\\\\\"}, \\\\\\\"Physics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Physics\\\\\\\"}, \\\\\\\"ProductionAndProcessing\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Productionandprocessing\\\\\\\"}, \\\\\\\"Psychology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Psychology\\\\\\\"}, \\\\\\\"PublicSafetyAndSecurity\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Publicsafetyandsecurity\\\\\\\"}, \\\\\\\"SalesAndMarketing\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Salesandmarketing\\\\\\\"}, \\\\\\\"SociologyAndAnthropology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Sociologyandanthropology\\\\\\\"}, \\\\\\\"Telecommunications\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Telecommunications\\\\\\\"}, \\\\\\\"TherapyAndCounseling\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Therapyandcounseling\\\\\\\"}, \\\\\\\"Transportation\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Transportation\\\\\\\"}}, \\\\\\\"required\\\\\\\": [\\\\\\\"AdministrationAndManagement\\\\\\\", \\\\\\\"Administrative\\\\\\\", \\\\\\\"Biology\\\\\\\", \\\\\\\"BuildingAndConstruction\\\\\\\", \\\\\\\"Chemistry\\\\\\\", \\\\\\\"CommunicationsAndMedia\\\\\\\", \\\\\\\"ComputersAndElectronics\\\\\\\", \\\\\\\"CustomerAndPersonalService\\\\\\\", \\\\\\\"Design\\\\\\\", \\\\\\\"EconomicsAndAccounting\\\\\\\", \\\\\\\"EducationAndTraining\\\\\\\", \\\\\\\"EngineeringAndTechnology\\\\\\\", \\\\\\\"EnglishLanguage\\\\\\\", \\\\\\\"FineArts\\\\\\\", \\\\\\\"FoodProduction\\\\\\\", \\\\\\\"ForeignLanguage\\\\\\\", \\\\\\\"Geography\\\\\\\", \\\\\\\"HistoryAndArcheology\\\\\\\", \\\\\\\"LawAndGovernment\\\\\\\", \\\\\\\"Mathematics\\\\\\\", \\\\\\\"Mechanical\\\\\\\", \\\\\\\"MedicineAndDentistry\\\\\\\", \\\\\\\"PersonnelAndHumanResources\\\\\\\", \\\\\\\"PhilosophyAndTheology\\\\\\\", \\\\\\\"Physics\\\\\\\", \\\\\\\"ProductionAndProcessing\\\\\\\", \\\\\\\"Psychology\\\\\\\", \\\\\\\"PublicSafetyAndSecurity\\\\\\\", \\\\\\\"SalesAndMarketing\\\\\\\", \\\\\\\"SociologyAndAnthropology\\\\\\\", \\\\\\\"Telecommunications\\\\\\\", \\\\\\\"TherapyAndCounseling\\\\\\\", \\\\\\\"Transportation\\\\\\\"], \\\\\\\"title\\\\\\\": \\\\\\\"JobMetrics\\\\\\\"}\\\"\\n}\\nIn adhering to this structure, your objective is: \\n Analyze skill information and predict knowledge requirements across multiple domains.\"}, {\"role\": \"user\", \"content\": \"[[ ## job_info ## ]]\\nTasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\\n\\nRespond with a JSON object in the following order of fields: `reasoning`, then `job_metrics` (must be formatted as a valid Python JobMetrics).\"}]", "mlflow.spanInputs": "{\"signature\": \"StringSignature(job_info -> reasoning, job_metrics\\n instructions='Analyze skill information and predict knowledge requirements across multiple domains.'\\n job_info = Field(annotation=str required=True json_schema_extra={'desc': 'Relevant skills and capabilities (no job title or identifying information)', '__dspy_field_type': 'input', 'prefix': 'Job Info:'})\\n reasoning = Field(annotation=str required=True json_schema_extra={'prefix': \\\"Reasoning: Let's think step by step in order to\\\", 'desc': '${reasoning}', '__dspy_field_type': 'output'})\\n job_metrics = Field(annotation=JobMetrics required=True json_schema_extra={'desc': 'Predicted knowledge requirements for each domain (0-100 scale)', '__dspy_field_type': 'output', 'prefix': 'Job Metrics:'})\\n)\", \"demos\": [], \"inputs\": {\"job_info\": \"Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\"}}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "status": {"message": "", "code": "STATUS_CODE_OK"}}, {"trace_id": "9oyZpYP8QvxxLc8pZWVAOw==", "span_id": "6RdWLQ1K0QE=", "trace_state": "", "parent_span_id": "T6Y9XClq1iY=", "name": "TokenTrackingLM.forward_2", "start_time_unix_nano": 1759259311274588800, "end_time_unix_nano": 1759259315785009900, "attributes": {"mlflow.spanType": "\"CHAIN\"", "mlflow.spanInputs": "{\"prompt\": null, \"messages\": [{\"role\": \"system\", \"content\": \"Your input fields are:\\n1. `job_info` (str): Relevant skills and capabilities (no job title or identifying information)\\nYour output fields are:\\n1. `reasoning` (str): \\n2. `job_metrics` (JobMetrics): Predicted knowledge requirements for each domain (0-100 scale)\\nAll interactions will be structured in the following way, with the appropriate values filled in.\\n\\nInputs will have the following structure:\\n\\n[[ ## job_info ## ]]\\n{job_info}\\n\\nOutputs will be a JSON object with the following fields.\\n\\n{\\n \\\"reasoning\\\": \\\"{reasoning}\\\",\\n \\\"job_metrics\\\": \\\"{job_metrics} # note: the value you produce must adhere to the JSON schema: {\\\\\\\"type\\\\\\\": \\\\\\\"object\\\\\\\", \\\\\\\"description\\\\\\\": \\\\\\\"Model for job knowledge metrics across different domains.\\\\\\\", \\\\\\\"properties\\\\\\\": {\\\\\\\"AdministrationAndManagement\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Administrationandmanagement\\\\\\\"}, \\\\\\\"Administrative\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Administrative\\\\\\\"}, \\\\\\\"Biology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Biology\\\\\\\"}, \\\\\\\"BuildingAndConstruction\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Buildingandconstruction\\\\\\\"}, \\\\\\\"Chemistry\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Chemistry\\\\\\\"}, \\\\\\\"CommunicationsAndMedia\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Communicationsandmedia\\\\\\\"}, \\\\\\\"ComputersAndElectronics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Computersandelectronics\\\\\\\"}, \\\\\\\"CustomerAndPersonalService\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Customerandpersonalservice\\\\\\\"}, \\\\\\\"Design\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Design\\\\\\\"}, \\\\\\\"EconomicsAndAccounting\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Economicsandaccounting\\\\\\\"}, \\\\\\\"EducationAndTraining\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Educationandtraining\\\\\\\"}, \\\\\\\"EngineeringAndTechnology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Engineeringandtechnology\\\\\\\"}, \\\\\\\"EnglishLanguage\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Englishlanguage\\\\\\\"}, \\\\\\\"FineArts\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Finearts\\\\\\\"}, \\\\\\\"FoodProduction\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Foodproduction\\\\\\\"}, \\\\\\\"ForeignLanguage\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Foreignlanguage\\\\\\\"}, \\\\\\\"Geography\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Geography\\\\\\\"}, \\\\\\\"HistoryAndArcheology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Historyandarcheology\\\\\\\"}, \\\\\\\"LawAndGovernment\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Lawandgovernment\\\\\\\"}, \\\\\\\"Mathematics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Mathematics\\\\\\\"}, \\\\\\\"Mechanical\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Mechanical\\\\\\\"}, \\\\\\\"MedicineAndDentistry\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Medicineanddentistry\\\\\\\"}, \\\\\\\"PersonnelAndHumanResources\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Personnelandhumanresources\\\\\\\"}, \\\\\\\"PhilosophyAndTheology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Philosophyandtheology\\\\\\\"}, \\\\\\\"Physics\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Physics\\\\\\\"}, \\\\\\\"ProductionAndProcessing\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Productionandprocessing\\\\\\\"}, \\\\\\\"Psychology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Psychology\\\\\\\"}, \\\\\\\"PublicSafetyAndSecurity\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Publicsafetyandsecurity\\\\\\\"}, \\\\\\\"SalesAndMarketing\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Salesandmarketing\\\\\\\"}, \\\\\\\"SociologyAndAnthropology\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Sociologyandanthropology\\\\\\\"}, \\\\\\\"Telecommunications\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Telecommunications\\\\\\\"}, \\\\\\\"TherapyAndCounseling\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Therapyandcounseling\\\\\\\"}, \\\\\\\"Transportation\\\\\\\": {\\\\\\\"type\\\\\\\": \\\\\\\"integer\\\\\\\", \\\\\\\"title\\\\\\\": \\\\\\\"Transportation\\\\\\\"}}, \\\\\\\"required\\\\\\\": [\\\\\\\"AdministrationAndManagement\\\\\\\", \\\\\\\"Administrative\\\\\\\", \\\\\\\"Biology\\\\\\\", \\\\\\\"BuildingAndConstruction\\\\\\\", \\\\\\\"Chemistry\\\\\\\", \\\\\\\"CommunicationsAndMedia\\\\\\\", \\\\\\\"ComputersAndElectronics\\\\\\\", \\\\\\\"CustomerAndPersonalService\\\\\\\", \\\\\\\"Design\\\\\\\", \\\\\\\"EconomicsAndAccounting\\\\\\\", \\\\\\\"EducationAndTraining\\\\\\\", \\\\\\\"EngineeringAndTechnology\\\\\\\", \\\\\\\"EnglishLanguage\\\\\\\", \\\\\\\"FineArts\\\\\\\", \\\\\\\"FoodProduction\\\\\\\", \\\\\\\"ForeignLanguage\\\\\\\", \\\\\\\"Geography\\\\\\\", \\\\\\\"HistoryAndArcheology\\\\\\\", \\\\\\\"LawAndGovernment\\\\\\\", \\\\\\\"Mathematics\\\\\\\", \\\\\\\"Mechanical\\\\\\\", \\\\\\\"MedicineAndDentistry\\\\\\\", \\\\\\\"PersonnelAndHumanResources\\\\\\\", \\\\\\\"PhilosophyAndTheology\\\\\\\", \\\\\\\"Physics\\\\\\\", \\\\\\\"ProductionAndProcessing\\\\\\\", \\\\\\\"Psychology\\\\\\\", \\\\\\\"PublicSafetyAndSecurity\\\\\\\", \\\\\\\"SalesAndMarketing\\\\\\\", \\\\\\\"SociologyAndAnthropology\\\\\\\", \\\\\\\"Telecommunications\\\\\\\", \\\\\\\"TherapyAndCounseling\\\\\\\", \\\\\\\"Transportation\\\\\\\"], \\\\\\\"title\\\\\\\": \\\\\\\"JobMetrics\\\\\\\"}\\\"\\n}\\nIn adhering to this structure, your objective is: \\n Analyze skill information and predict knowledge requirements across multiple domains.\"}, {\"role\": \"user\", \"content\": \"[[ ## job_info ## ]]\\nTasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\\r\\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat exchangers, tanks, and vessels, to help control noise and maintain temperatures.\\r\\nSelect appropriate insulation, such as fiberglass, Styrofoam, or cork, based on the heat retaining or excluding characteristics of the material.\\r\\nFit insulation around obstructions, and shape insulating materials and protective coverings as required.\\r\\nDetermine the amounts and types of insulation needed, and methods of installation, based on factors such as location, surface shape, and equipment use.\\r\\nCover, seal, or finish insulated surfaces or access holes with plastic covers, canvas strips, sealants, tape, cement, or asphalt mastic.\\r\\nInstall sheet metal around insulated pipes with screws to protect the insulation from weather conditions or physical damage.\\r\\nRead blueprints and specifications to determine job requirements.\\r\\nPrepare surfaces for insulation application by brushing or spreading on adhesives, cement, or asphalt, or by attaching metal pins to surfaces. | TechnologySkills: Analytical or scientific software— North American Insulation Manufacturers Association NAIMA 3E Plus\\r\\nData base user interface and query software— CMSN FieldPAK; Comput-Ability Mechanical Insulation Key Estimator\\r\\nEnterprise resource planning ERP software— IBM Maximo Asset Management\\r\\nProject management software— Turtle Creek Software Goldenseal | WorkActivities: Handling and Moving Objects— Using hands and arms in handling, installing, positioning, and moving materials, and manipulating things.\\r\\nPerforming General Physical Activities— Performing general physical activities includes doing activities that require considerable use of your arms and legs and moving your whole body, such as climbing, lifting, balancing, walking, stooping, and handling materials.\\r\\nCommunicating with Supervisors, Peers, or Subordinates— Providing information to supervisors, co-workers, and subordinates by telephone, in written form, e-mail, or in person.\\r\\nMonitoring Processes, Materials, or Surroundings— Monitoring and reviewing information from materials, events, or the environment, to detect or assess problems.\\r\\nMaking Decisions and Solving Problems— Analyzing information and evaluating results to choose the best solution and solve problems.\\r\\nInspecting Equipment, Structures, or Materials— Inspecting equipment, structures, or materials to identify the cause of errors or other problems or defects.\\r\\nOrganizing, Planning, and Prioritizing Work— Developing specific goals and plans to prioritize, organize, and accomplish your work.\\r\\nGetting Information— Observing, receiving, and otherwise obtaining information from all relevant sources.\\r\\nIdentifying Objects, Actions, and Events— Identifying information by categorizing, estimating, recognizing differences or similarities, and detecting changes in circumstances or events.\\r\\nTraining and Teaching Others— Identifying the educational needs of others, developing formal educational or training programs or classes, and teaching or instructing others.\\r\\nCoordinating the Work and Activities of Others— Getting members of a group to work together to accomplish tasks.\\r\\nScheduling Work and Activities— Scheduling events, programs, and activities, as well as the work of others.\\r\\nEstablishing and Maintaining Interpersonal Relationships— Developing constructive and cooperative working relationships with others, and maintaining them over time.\\r\\nUpdating and Using Relevant Knowledge— Keeping up-to-date technically and applying new knowledge to your job.\\r\\nOperating Vehicles, Mechanized Devices, or Equipment— Running, maneuvering, navigating, or driving vehicles or mechanized equipment, such as forklifts, passenger vehicles, aircraft, or watercraft.\\r\\nThinking Creatively— Developing, designing, or creating new applications, ideas, relationships, systems, or products, including artistic contributions.\\r\\nEvaluating Information to Determine Compliance with Standards— Using relevant information and individual judgment to determine whether events or processes comply with laws, regulations, or standards.\\r\\nGuiding, Directing, and Motivating Subordinates— Providing guidance and direction to subordinates, including setting performance standards and monitoring performance.\\r\\nJudging the Qualities of Objects, Services, or People— Assessing the value, importance, or quality of things or people.\\r\\nEstimating the Quantifiable Characteristics of Products, Events, or Information— Estimating sizes, distances, and quantities; or determining time, costs, resources, or materials needed to perform a work activity.\\r\\nCoaching and Developing Others— Identifying the developmental needs of others and coaching, mentoring, or otherwise helping others to improve their knowledge or skills.\\r\\nProcessing Information— Compiling, coding, categorizing, calculating, tabulating, auditing, or verifying information or data. | DetailedWorkActivities: Cut carpet, vinyl or other flexible materials.\\r\\nMeasure materials or objects for installation or assembly.\\r\\nInstall insulation in equipment or structures.\\r\\nSelect construction materials.\\r\\nApply sealants or other protective coatings.\\r\\nInstall metal structural components.\\r\\nReview blueprints or specifications to determine work requirements.\\r\\nApply adhesives to construction materials.\\r\\nPrepare surfaces for finishing. | WorkContext: Wear Common Protective or Safety Equipment such as Safety Shoes, Glasses, Gloves, Hearing Protection, Hard Hats, or Life Jackets— 92% responded “Every day.”\\r\\nSpend Time Standing— 80% responded “Continually or almost continually.”\\r\\nSpend Time Using Your Hands to Handle, Control, or Feel Objects, Tools, or Controls— 65% responded “Continually or almost continually.”\\r\\nSpend Time Climbing Ladders, Scaffolds, or Poles— 69% responded “Continually or almost continually.”\\r\\nFace-to-Face Discussions with Individuals and Within Teams— 60% responded “Every day.”\\r\\nTime Pressure— 52% responded “Every day.”\\r\\nFreedom to Make Decisions— 50% responded “A lot of freedom.”\\r\\nWork With or Contribute to a Work Group or Team— 51% responded “Extremely important.”\\r\\nSpend Time Making Repetitive Motions— 41% responded “Continually or almost continually.”\\r\\nTelephone Conversations— 40% responded “Every day.”\\r\\nDetermine Tasks, Priorities and Goals— 38% responded “A lot of freedom.”\\r\\nExposed to Contaminants— 41% responded “Every day.”\\r\\nExposed to Cramped Work Space, Awkward Positions— 66% responded “Once a week or more but not every day.”\\r\\nImportance of Being Exact or Accurate— 59% responded “Very important.”\\r\\nIndoors, Not Environmentally Controlled— 35% responded “Every day.”\\r\\nSpend Time Bending or Twisting Your Body— 35% responded “More than half the time.”\\r\\nContact With Others— 45% responded “Contact with others most of the time.”\\r\\nHealth and Safety of Other Workers— 51% responded “High responsibility.”\\r\\nExposed to Sounds, Noise Levels that are Distracting or Uncomfortable— 40% responded “Every day.”\\r\\nExposed to High Places— 56% responded “Once a week or more but not every day.”\\r\\nFrequency of Decision Making— 45% responded “Every day.”\\r\\nWear Specialized Protective or Safety Equipment such as Breathing Apparatus, Safety Harness, Full Protection Suits, or Radiation Protection— 37% responded “Once a week or more but not every day.”\\r\\nPhysical Proximity— 36% responded “Slightly close (e.g., shared office).”\\r\\nWork Outcomes and Results of Other Workers— 30% responded “Very high responsibility.”\\r\\nCoordinate or Lead Others in Accomplishing Work Activities— 40% responded “Very important.”\\r\\nExposed to Very Hot or Cold Temperatures— 38% responded “Once a month or more but not every week.”\\r\\nDuration of Typical Work Week— 74% responded “40 hours.”\\r\\nExposed to Minor Burns, Cuts, Bites, or Stings— 37% responded “Every day.”\\r\\nDeal With External Customers or the Public in General— 40% responded “Extremely important.”\\r\\nImpact of Decisions on Co-workers or Company Results— 30% responded “Important results.”\\r\\nOutdoors, Exposed to All Weather Conditions— 52% responded “Once a month or more but not every week.”\\r\\nExposed to Extremely Bright or Inadequate Lighting Conditions— 34% responded “Once a month or more but not every week.”\\r\\nLevel of Competition— 28% responded “Highly competitive.”\\r\\nSpend Time Walking or Running— 39% responded “Less than half the time.”\\r\\nSpend Time Kneeling, Crouching, Stooping, or Crawling— 43% responded “Less than half the time.” | Skills: Active Listening— Giving full attention to what other people are saying, taking time to understand the points being made, asking questions as appropriate, and not interrupting at inappropriate times.\\r\\nCoordination— Adjusting actions in relation to others' actions.\\r\\nCritical Thinking— Using logic and reasoning to identify the strengths and weaknesses of alternative solutions, conclusions, or approaches to problems.\\r\\nMonitoring— Monitoring/Assessing performance of yourself, other individuals, or organizations to make improvements or take corrective action.\\r\\nTime Management— Managing one's own time and the time of others. | Knowledge: Building and Construction— Knowledge of materials, methods, and the tools involved in the construction or repair of houses, buildings, or other structures such as highways and roads.\\r\\nCustomer and Personal Service— Knowledge of principles and processes for providing customer and personal services. This includes customer needs assessment, meeting quality standards for services, and evaluation of customer satisfaction.\\r\\nMechanical— Knowledge of machines and tools, including their designs, uses, repair, and maintenance.\\r\\nAdministration and Management— Knowledge of business and management principles involved in strategic planning, resource allocation, human resources modeling, leadership technique, production methods, and coordination of people and resources.\\r\\nEducation and Training— Knowledge of principles and methods for curriculum and training design, teaching and instruction for individuals and groups, and the measurement of training effects.\\r\\nMathematics— Knowledge of arithmetic, algebra, geometry, calculus, statistics, and their applications.\\r\\nProduction and Processing— Knowledge of raw materials, production processes, quality control, costs, and other techniques for maximizing the effective manufacture and distribution of goods.\\r\\nPublic Safety and Security— Knowledge of relevant equipment, policies, procedures, and strategies to promote effective local, state, or national security operations for the protection of people, data, property, and institutions.\\r\\nEnglish Language— Knowledge of the structure and content of the English language including the meaning and spelling of words, and rules of composition and grammar.\\r\\nDesign— Knowledge of design techniques, tools, and principles involved in production of precision technical plans, blueprints, drawings, and models.\\r\\nSales and Marketing— Knowledge of principles and methods for showing, promoting, and selling products or services. This includes marketing strategy and tactics, product demonstration, sales techniques, and sales control systems.\\r\\nPersonnel and Human Resources— Knowledge of principles and procedures for personnel recruitment, selection, training, compensation and benefits, labor relations and negotiation, and personnel information systems.\\r\\nTransportation— Knowledge of principles and methods for moving people or goods by air, rail, sea, or road, including the relative costs and benefits. | Abilities: Trunk Strength— The ability to use your abdominal and lower back muscles to support part of the body repeatedly or continuously over time without \\\"giving out\\\" or fatiguing.\\r\\nExtent Flexibility— The ability to bend, stretch, twist, or reach with your body, arms, and/or legs.\\r\\nProblem Sensitivity— The ability to tell when something is wrong or is likely to go wrong. It does not involve solving the problem, only recognizing that there is a problem.\\r\\nArm-Hand Steadiness— The ability to keep your hand and arm steady while moving your arm or while holding your arm and hand in one position.\\r\\nGross Body Equilibrium— The ability to keep or regain your body balance or stay upright when in an unstable position.\\r\\nInformation Ordering— The ability to arrange things or actions in a certain order or pattern according to a specific rule or set of rules (e.g., patterns of numbers, letters, words, pictures, mathematical operations).\\r\\nManual Dexterity— The ability to quickly move your hand, your hand together with your arm, or your two hands to grasp, manipulate, or assemble objects.\\r\\nMultilimb Coordination— The ability to coordinate two or more limbs (for example, two arms, two legs, or one leg and one arm) while sitting, standing, or lying down. It does not involve performing the activities while the whole body is in motion.\\r\\nNear Vision— The ability to see details at close range (within a few feet of the observer).\\r\\nOral Comprehension— The ability to listen to and understand information and ideas presented through spoken words and sentences.\\r\\nOral Expression— The ability to communicate information and ideas in speaking so others will understand.\\r\\nSelective Attention— The ability to concentrate on a task over a period of time without being distracted.\\r\\nStatic Strength— The ability to exert maximum muscle force to lift, push, pull, or carry objects.\\r\\nCategory Flexibility— The ability to generate or use different sets of rules for combining or grouping things in different ways.\\r\\nDeductive Reasoning— The ability to apply general rules to specific problems to produce answers that make sense.\\r\\nFinger Dexterity— The ability to make precisely coordinated movements of the fingers of one or both hands to grasp, manipulate, or assemble very small objects.\\r\\nGross Body Coordination— The ability to coordinate the movement of your arms, legs, and torso together when the whole body is in motion. | Interests: Realistic— Work involves designing, building, or repairing of equipment, materials, or structures, engaging in physical activity, or working outdoors. Realistic occupations are often associated with engineering, mechanics and electronics, construction, woodworking, transportation, machine operation, agriculture, animal services, physical or manual labor, athletics, or protective services.\\r\\nConventional— Work involves following procedures and regulations to organize information or data, typically in a business setting. Conventional occupations are often associated with office work, accounting, mathematics/statistics, information technology, finance, or human resources. | WorkValues: Support— Occupations that satisfy this work value offer supportive management that stands behind employees. Corresponding needs are Company Policies, Supervision: Human Relations and Supervision: Technical.\\r\\nIndependence— Occupations that satisfy this work value allow employees to work on their own and make decisions. Corresponding needs are Creativity, Responsibility and Autonomy.\\r\\nRelationships— Occupations that satisfy this work value allow employees to provide service to others and work with co-workers in a friendly non-competitive environment. Corresponding needs are Co-workers, Moral Values and Social Service. | WorkStyles: Attention to Detail— Job requires being careful about detail and thorough in completing work tasks.\\r\\nCooperation— Job requires being pleasant with others on the job and displaying a good-natured, cooperative attitude.\\r\\nIntegrity— Job requires being honest and ethical.\\r\\nDependability— Job requires being reliable, responsible, and dependable, and fulfilling obligations.\\r\\nSelf-Control— Job requires maintaining composure, keeping emotions in check, controlling anger, and avoiding aggressive behavior, even in very difficult situations.\\r\\nInitiative— Job requires a willingness to take on responsibilities and challenges.\\r\\nConcern for Others— Job requires being sensitive to others' needs and feelings and being understanding and helpful on the job.\\r\\nAdaptability/Flexibility— Job requires being open to change (positive or negative) and to considerable variety in the workplace.\\r\\nLeadership— Job requires a willingness to lead, take charge, and offer opinions and direction.\\r\\nStress Tolerance— Job requires accepting criticism and dealing calmly and effectively with high-stress situations.\\r\\nIndependence— Job requires developing one's own ways of doing things, guiding oneself with little or no supervision, and depending on oneself to get things done.\\r\\nAchievement/Effort— Job requires establishing and maintaining personally challenging achievement goals and exerting effort toward mastering tasks.\\r\\nInnovation— Job requires creativity and alternative thinking to develop new ideas for and answers to work-related problems.\\r\\nPersistence— Job requires persistence in the face of obstacles.\\r\\nAnalytical Thinking— Job requires analyzing information and using logic to address work-related issues and problems.\\r\\nSocial Orientation— Job requires preferring to work with others rather than alone, and being personally connected with others on the job. | RelatedOccupations: Brickmasons and Blockmasons\\r\\nCarpenters\\r\\nDrywall and Ceiling Tile Installers\\r\\nFloor Layers, Except Carpet, Wood, and Hard Tiles\\r\\nBright Outlook\\r\\nInsulation Workers, Floor, Ceiling, and Wall\\r\\nPipelayers\\r\\nPlumbers, Pipefitters, and Steamfitters\\r\\nRoofers\\r\\nSheet Metal Workers\\r\\nStructural Metal Fabricators and Fitters | ProfessionalAssociations: View the list of Allies\\r\\nInternational Association of Heat and Frost Insulators and Allied Workers\\r\\nexternal site\\r\\nNational Insulation Association\\r\\nexternal site\\r\\nNational Center for Construction Education and Research\\r\\nexternal site\\r\\nNorth America's Building Trades Union\\r\\nexternal site\\n\\nRespond with a JSON object in the following order of fields: `reasoning`, then `job_metrics` (must be formatted as a valid Python JobMetrics).\"}], \"response_format\": {\"type\": \"json_object\"}}", "mlflow.traceRequestId": "\"tr-f68c99a583fc42fc712dcf296565403b\""}, "events": [{"time_unix_nano": 1759259315784962, "name": "exception", "attributes": {"exception.message": "litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n", "exception.type": "AuthenticationError", "exception.stacktrace": "Traceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\chat_adapter.py\", line 42, in __call__\n return super().__call__(lm, lm_kwargs, signature, demos, inputs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\base.py\", line 119, in __call__\n outputs = lm(messages=inputs, **lm_kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 142, in __call__\n return super().__call__(prompt=prompt, messages=messages, **kwargs)\n ~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 62, in __call__\n structured_output_model = _get_structured_outputs_response_format(signature)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\adapters\\json_adapter.py\", line 220, in _get_structured_outputs_response_format\n pydantic_model = pydantic.create_model(\n \"DSPyProgramOutputs\",\n **fields,\n __config__=type(\"Config\", (), {\"extra\": \"forbid\"}),\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\main.py\", line 1763, in create_model\n return meta(\n model_name,\n ...<4 lines>...\n **kwds,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_model_construction.py\", line 110, in __new__\n config_wrapper = ConfigWrapper.for_model(bases, namespace, kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\pydantic\\_internal\\_config.py\", line 138, in for_model\n config_new.update(config_from_namespace)\n ~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^\nTypeError: 'type' object is not iterable\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1887, in completion\n response = client.post(url=url, headers=headers, json=data) # type: ignore\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 780, in post\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\custom_httpx\\http_handler.py\", line 762, in post\n response.raise_for_status()\n ~~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\httpx\\_models.py\", line 829, in raise_for_status\n raise HTTPStatusError(message, request=request, response=self)\nhttpx.HTTPStatusError: Client error '400 Bad Request' for url 'https://generativelanguage.googleapis.com/v1beta/models/gemini-2.5-flash:generateContent?key=None'\nFor more information check: https://developer.mozilla.org/en-US/docs/Web/HTTP/Status/400\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 2609, in completion\n response = vertex_chat_completion.completion( # type: ignore\n model=model,\n ...<17 lines>...\n extra_headers=extra_headers,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\llms\\vertex_ai\\gemini\\vertex_and_google_ai_studio_gemini.py\", line 1891, in completion\n raise VertexAIError(\n ...<3 lines>...\n )\nlitellm.llms.vertex_ai.common_utils.VertexAIError: {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}\n\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 343, in sync_wrapper\n raise exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\utils\\callback.py\", line 339, in sync_wrapper\n results = fn(instance, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\base_lm.py\", line 96, in __call__\n response = self.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\OneDrive\\Documents\\GitHub\\prompt-opt\\dspy_token_tracking.py\", line 114, in forward\n response = self.lm.forward(prompt=prompt, messages=messages, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 127, in forward\n results = completion(\n request=dict(model=self.model, messages=messages, **kwargs),\n num_retries=self.num_retries,\n cache=litellm_cache_args,\n )\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\cache.py\", line 232, in sync_wrapper\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\dspy\\clients\\lm.py\", line 304, in litellm_completion\n return litellm.completion(\n ~~~~~~~~~~~~~~~~~~^\n cache=cache,\n ^^^^^^^^^^^^\n ...<2 lines>...\n **request,\n ^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1287, in wrapper\n return litellm.completion_with_retries(*args, **kwargs)\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3468, in completion_with_retries\n return retryer(original_function, *args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 477, in __call__\n do = self.iter(retry_state=retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 378, in iter\n result = action(retry_state)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 420, in exc_check\n raise retry_exc.reraise()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 187, in reraise\n raise self.last_attempt.result()\n ~~~~~~~~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 449, in result\n return self.__get_result()\n ~~~~~~~~~~~~~~~~~^^\n File \"C:\\Program Files\\Python313\\Lib\\concurrent\\futures\\_base.py\", line 401, in __get_result\n raise self._exception\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\tenacity\\__init__.py\", line 480, in __call__\n result = fn(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1307, in wrapper\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\utils.py\", line 1182, in wrapper\n result = original_function(*args, **kwargs)\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\main.py\", line 3430, in completion\n raise exception_type(\n ~~~~~~~~~~~~~~^\n model=model,\n ^^^^^^^^^^^^\n ...<3 lines>...\n extra_kwargs=kwargs,\n ^^^^^^^^^^^^^^^^^^^^\n )\n ^\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 2301, in exception_type\n raise e\n File \"C:\\Users\\ayanp\\AppData\\Roaming\\Python\\Python313\\site-packages\\litellm\\litellm_core_utils\\exception_mapping_utils.py\", line 1218, in exception_type\n raise AuthenticationError(\n ...<4 lines>...\n )\nlitellm.exceptions.AuthenticationError: litellm.AuthenticationError: geminiException - {\n \"error\": {\n \"code\": 400,\n \"message\": \"API key not valid. Please pass a valid API key.\",\n \"status\": \"INVALID_ARGUMENT\",\n \"details\": [\n {\n \"@type\": \"type.googleapis.com/google.rpc.ErrorInfo\",\n \"reason\": \"API_KEY_INVALID\",\n \"domain\": \"googleapis.com\",\n \"metadata\": {\n \"service\": \"generativelanguage.googleapis.com\"\n }\n },\n {\n \"@type\": \"type.googleapis.com/google.rpc.LocalizedMessage\",\n \"locale\": \"en-US\",\n \"message\": \"API key not valid. Please pass a valid API key.\"\n }\n ]\n }\n}"}}], "status": {"message": "", "code": "STATUS_CODE_ERROR"}}]} \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.branch b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.branch new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.branch @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.commit b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.commit new file mode 100644 index 0000000..f5b2647 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.commit @@ -0,0 +1 @@ +3bd39df2f4d45aa8674ccbbbb739e4282e75254f \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.repoURL b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.repoURL new file mode 100644 index 0000000..8fe79aa --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.git.repoURL @@ -0,0 +1 @@ +https://github.com/fz-29/prompt-opt.git \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.name b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.name new file mode 100644 index 0000000..8d15d3d --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.name @@ -0,0 +1 @@ +hybrid_mipro_p3o_direct.py \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.type b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.type new file mode 100644 index 0000000..0c2c1fe --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace.sizeBytes b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace.sizeBytes new file mode 100644 index 0000000..c0feb98 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace.sizeBytes @@ -0,0 +1 @@ +363359 \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace.sizeStats b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace.sizeStats new file mode 100644 index 0000000..262e15d --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace.sizeStats @@ -0,0 +1 @@ +{"total_size_bytes": 363359, "num_spans": 8, "max": 48550, "p25": 45432, "p50": 46116, "p75": 47280} \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.traceInputs b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.traceInputs new file mode 100644 index 0000000..55656fb --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.traceInputs @@ -0,0 +1 @@ +{"job_info": "Tasks: Measure and cut insulation for covering surfaces, using tape measures, handsaws, knives, and scissors.\r\nApply, remove, and repair insulation on industrial equipment, pipes, ductwork, or other mechanical systems such as heat ... \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.traceOutputs b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.traceOutputs new file mode 100644 index 0000000..e69de29 diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace_schema.version b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace_schema.version new file mode 100644 index 0000000..e440e5c --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.trace_schema.version @@ -0,0 +1 @@ +3 \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.user b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.user new file mode 100644 index 0000000..b1e5c01 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/request_metadata/mlflow.user @@ -0,0 +1 @@ +ayanp \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/tags/mlflow.artifactLocation b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/tags/mlflow.artifactLocation new file mode 100644 index 0000000..4dc250b --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/tags/mlflow.artifactLocation @@ -0,0 +1 @@ +file:///C:/Users/ayanp/OneDrive/Documents/GitHub/AgentTorch-1/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/artifacts \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/tags/mlflow.traceName b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/tags/mlflow.traceName new file mode 100644 index 0000000..9d2d7c4 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/tags/mlflow.traceName @@ -0,0 +1 @@ +JobAnalysisModule.forward \ No newline at end of file diff --git a/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/trace_info.yaml b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/trace_info.yaml new file mode 100644 index 0000000..d31fc46 --- /dev/null +++ b/experiments/dependencies/expt2_models/mlflow_tracking/311604703669356596/traces/tr-f68c99a583fc42fc712dcf296565403b/trace_info.yaml @@ -0,0 +1,22 @@ +execution_duration_ms: 9309 +request_preview: '{"job_info": "Tasks: Measure and cut insulation for covering surfaces, + using tape measures, handsaws, knives, and scissors.\r\nApply, remove, and repair + insulation on industrial equipment, pipes, ductwork, or other mechanical systems + such as heat exchangers, tanks, and vessels, to help control noise and maintain + temperatures.\r\nSelect appropriate insulation, such as fiberglass, Styrofoam, or + cork, based on the heat retaining or excluding characteristics of the material.\r\nFit + insulation around obstructions, and shape insulating materials and protective coverings + as required.\r\nDetermine the amounts and types of insulation needed, and methods + of installation, based on factors such as location, surface shape, and equipment + use.\r\nCover, seal, or finish insulated surfaces or access holes with plastic covers, + canvas strips, sealants, tape, cement, or asphalt mastic.\r\nInstall sheet metal + around insulated pipes with screws to protect the insulation from weather conditions + or physica...' +request_time: '2025-09-30T19:08:26.539Z' +response_preview: '' +state: ERROR +trace_id: tr-f68c99a583fc42fc712dcf296565403b +trace_location: + mlflow_experiment: + experiment_id: '311604703669356596' + type: MLFLOW_EXPERIMENT diff --git a/experiments/hybrid/__init__.py b/experiments/hybrid/__init__.py new file mode 100644 index 0000000..139597f --- /dev/null +++ b/experiments/hybrid/__init__.py @@ -0,0 +1,2 @@ + + diff --git a/experiments/hybrid/data_processor.py b/experiments/hybrid/data_processor.py new file mode 100644 index 0000000..c64b434 --- /dev/null +++ b/experiments/hybrid/data_processor.py @@ -0,0 +1,185 @@ +import json +import pandas as pd +import os +from pathlib import Path +import re + +data_input_path = "./data/job_data" +data_output_path = "./data/job_data_processed" + +TESTING_MODE = False +TESTING_MODE_NUM_FILES = 10 + +def extract_job_name(name): + """Extract job name from the full name by splitting on ' - ' and taking the second part""" + if ' - ' in name: + return name.split(' - ', 1)[1] + return name + +def clean_text(text): + """Clean text by removing 'Related occupations' suffix and extra whitespace""" + if isinstance(text, str): + # Remove "Related occupations" suffix + text = re.sub(r'Related occupations$', '', text).strip() + return text + return text + +def process_json_file(file_path): + """Process a single JSON file and return a dictionary for DataFrame row""" + unique_detail_fields = set() + numeric_prefix = 'NUMERIC_' + try: + with open(file_path, 'r', encoding='utf-8') as f: + data = json.load(f) + + # Extract basic information from summary + summary = data.get('summary', {}) + details = data.get('details', {}) + + # Create row dictionary + row = { + 'soc_code': summary.get('soc_code', ''), + 'job_name': extract_job_name(summary.get('name', '')), + 'url': summary.get('url', ''), + 'timestamp': summary.get('timestamp', ''), + } + + # Process summary fields (lists) + summary_fields = [ + 'Tasks', 'TechnologySkills', 'WorkActivities', 'DetailedWorkActivities', + 'WorkContext', 'Skills', 'Knowledge', 'Abilities', 'Interests', + 'WorkValues', 'WorkStyles', 'RelatedOccupations', 'ProfessionalAssociations' + ] + + for field in summary_fields: + field_data = summary.get(field, []) + if isinstance(field_data, list): + # Join list items with '; ' separator + row[field] = '\n'.join([clean_text(item) for item in field_data]) + else: + row[field] = str(field_data) if field_data else '' + + # Process details fields with importance scores + details_fields = ['Knowledge'] + + for field in details_fields: + field_data = details.get(field, []) + if isinstance(field_data, list): + for item in field_data: + if isinstance(item, dict): + importance = item.get('Importance', '0') + if importance == '0': + continue + # Get the main field name (Skill, Knowledge, Ability, Work Activity) + field_key = None + for key in item.keys(): + if key != 'Importance': + field_key = key + break + + if field_key: + # Extract the main part before the dash + text = item.get(field_key, '') + details_separator = '— ' + if details_separator in text: + main_part = text.split(details_separator)[0].strip() + else: + main_part = text.strip() + + # Create column name: field_mainpart_importance + # clean_main_part = re.sub(r'[^a-zA-Z0-9\s]', '', main_part).strip() + # clean_main_part = re.sub(r'\s+', '_', clean_main_part) + if not main_part: + continue + main_part = ''.join(word.capitalize() for word in main_part.split()) + column_name = f"{numeric_prefix}{field.lower()}_{main_part}" + unique_detail_fields.add(column_name) + + # Store the full text as value + row[column_name] = clean_text(importance) + + return row, unique_detail_fields + + except Exception as e: + print(f"Error processing {file_path}: {e}") + return None, set() + +def process_all_json_files(): + """Process all JSON files in the input directory and create a DataFrame""" + input_path = Path(data_input_path) + + if not input_path.exists(): + print(f"Input directory {data_input_path} does not exist") + return None, set() + + # Get all JSON files + json_files = list(input_path.glob("*.json")) + + if not json_files: + print(f"No JSON files found in {data_input_path}") + return None, set() + + if TESTING_MODE: + json_files = json_files[:TESTING_MODE_NUM_FILES] + print(f"TESTING MODE: Processing only {len(json_files)} JSON files") + + # Process each file + rows = [] + unique_detail_fields = set() + for i, file_path in enumerate(json_files): + print(f"Processing {i+1}/{len(json_files)}: {file_path.name}") + row, _unique_detail_fields = process_json_file(file_path) + if row: + rows.append(row) + unique_detail_fields.update(_unique_detail_fields) + + print(f">> Unique detail fields: {len(unique_detail_fields)}") + if rows: + df = pd.DataFrame(rows) + print(f"Created DataFrame with {len(df)} rows and {len(df.columns)} columns") + return df, unique_detail_fields + else: + print("No valid data found") + return None, set() + +def save_dataframe(df, output_path, unique_detail_fields=None): + """Save DataFrame to CSV and pickle files""" + if df is None: + print("No DataFrame to save") + return + + output_path = Path(output_path) + output_path.mkdir(parents=True, exist_ok=True) + + # Save as CSV + csv_path = output_path / "job_data_processed.csv" + df.to_csv(csv_path, index=False) + print(f"Saved DataFrame to {csv_path}") + + # Save as pickle for faster loading + pickle_path = output_path / "job_data_processed.pkl" + df.to_pickle(pickle_path) + print(f"Saved DataFrame to {pickle_path}") + + # Save unique detail fields to text file + if unique_detail_fields: + fields_path = output_path / "unique_detail_fields.txt" + with open(fields_path, 'w', encoding='utf-8') as f: + for field in sorted(unique_detail_fields): + f.write(f"{field}\n") + print(f"Saved {len(unique_detail_fields)} unique detail fields to {fields_path}") + + # Print some statistics + print(f"\nDataFrame Info:") + print(f"Shape: {df.shape}") + print(f"Columns: {len(df.columns)}") + +if __name__ == "__main__": + # Process all JSON files + df, unique_detail_fields = process_all_json_files() + + # Save the DataFrame + if df is not None: + save_dataframe(df, data_output_path, unique_detail_fields) + else: + print("Failed to create DataFrame") \ No newline at end of file diff --git a/experiments/hybrid/dspy_token_tracking.py b/experiments/hybrid/dspy_token_tracking.py new file mode 100644 index 0000000..a1f5d8e --- /dev/null +++ b/experiments/hybrid/dspy_token_tracking.py @@ -0,0 +1,373 @@ +""" +DSPy Token Tracking +=================== + +This module provides a wrapper around DSPy LM calls to enable comprehensive +token usage tracking during optimization processes like MIPRO. + +Key Features: +- Transparent token tracking for all DSPy LM calls +- Integration with existing TokenTracker infrastructure +- Support for Gemini, OpenAI, and Anthropic models +- Automatic cost calculation and reporting +- Thread-safe operation for parallel processing +""" + +import dspy +from dspy.clients.lm import BaseLM +import logging +from typing import Dict, Any, Optional, List, Union +from functools import wraps +import time +import threading + +# Import our existing token tracking infrastructure +from token_tracker import TokenTracker, extract_token_usage, LLMProvider + +logger = logging.getLogger(__name__) + +class TokenTrackingLM(BaseLM): + """ + A wrapper around DSPy LM that tracks token usage for all calls. + + This class acts as a drop-in replacement for dspy.LM while transparently + tracking all token usage through our existing TokenTracker infrastructure. + + Inherits from BaseLM to ensure proper DSPy recognition and compatibility. + """ + + def __init__(self, model: str, session_id: str = None, tracker: TokenTracker = None, **kwargs): + """ + Initialize the token tracking LM wrapper. + + Args: + model: Model identifier (e.g., 'gemini/gemini-2.5-flash') + session_id: Session ID for token tracking (used if tracker not provided) + tracker: Pre-created TokenTracker instance (optional) + **kwargs: Additional arguments passed to the underlying LM + """ + # Initialize the parent BaseLM class with required parameters + super().__init__(model=model, **kwargs) + + # Create the underlying DSPy LM for actual calls + self.lm = dspy.LM(model, **kwargs) + + # Use provided tracker or create/get one + if tracker is not None: + self.token_tracker = tracker + self.session_id = tracker.session_id + else: + self.session_id = session_id or f"dspy_session_{int(time.time())}" + self.token_tracker = TokenTracker.get_instance( + session_id=self.session_id, + log_dir=f"./expt2_models/token_logs" + ) + + # Determine provider from model name + self.provider = self._determine_provider(model) + + # Track statistics + self.call_count = 0 + self.total_tokens = 0 + self.total_cost = 0.0 + self._lock = threading.Lock() + + # Operation context for tracking different phases + self._current_operation = "dspy_optimization" # Default operation + + logger.info(f"Initialized TokenTrackingLM for {model} with session {self.session_id}") + + def _determine_provider(self, model: str) -> LLMProvider: + """Determine the LLM provider from the model name.""" + model_lower = model.lower() + + if 'gemini' in model_lower or 'google' in model_lower: + return LLMProvider.GOOGLE + elif 'gpt' in model_lower or 'openai' in model_lower: + return LLMProvider.OPENAI + elif 'claude' in model_lower or 'anthropic' in model_lower: + return LLMProvider.ANTHROPIC + else: + # Default to Google for unknown models since we're using Gemini + logger.warning(f"Unknown provider for model {model}, defaulting to Google") + return LLMProvider.GOOGLE + + def forward(self, prompt=None, messages=None, **kwargs): + """ + Forward pass for the language model with token tracking. + + This is the required method that BaseLM expects subclasses to implement. + The response should be identical to OpenAI response format. + + Args: + prompt: The prompt to send to the LM + messages: Alternative to prompt - list of message dicts + **kwargs: Additional arguments for the LM call + + Returns: + The LM response in OpenAI format + """ + start_time = time.time() + + try: + # Make the actual LM call through the underlying LM's forward method + response = self.lm.forward(prompt=prompt, messages=messages, **kwargs) + + # Track the token usage + self._track_usage(prompt, response, start_time, **kwargs) + + return response + + except Exception as e: + logger.error(f"Error in LM call: {e}") + # Still try to track partial usage if possible + self._track_error(prompt, e, start_time, **kwargs) + raise + + def __call__(self, prompt=None, messages=None, **kwargs) -> Any: + """ + Make an LM call with token tracking. + + This method is inherited from BaseLM and will call our forward method. + + Args: + prompt: The prompt to send to the LM + messages: Alternative to prompt - list of message dicts + **kwargs: Additional arguments for the LM call + + Returns: + The LM response with token usage tracked + """ + # BaseLM.__call__ will call our forward method + return super().__call__(prompt=prompt, messages=messages, **kwargs) + + async def aforward(self, prompt=None, messages=None, **kwargs): + """ + Async forward pass for the language model with token tracking. + + This is the required async method that BaseLM expects subclasses to implement. + + Args: + prompt: The prompt to send to the LM + messages: Alternative to prompt - list of message dicts + **kwargs: Additional arguments for the LM call + + Returns: + The LM response in OpenAI format + """ + start_time = time.time() + + try: + # Make the actual async LM call through the underlying LM's aforward method + response = await self.lm.aforward(prompt=prompt, messages=messages, **kwargs) + + # Track the token usage + self._track_usage(prompt, response, start_time, **kwargs) + + return response + + except Exception as e: + logger.error(f"Error in async LM call: {e}") + # Still try to track partial usage if possible + self._track_error(prompt, e, start_time, **kwargs) + raise + + def set_operation(self, operation: str): + """Set the current operation context for token tracking.""" + self._current_operation = operation + logger.debug(f"Token tracking operation set to: {operation}") + + def get_operation(self) -> str: + """Get the current operation context.""" + return self._current_operation + + def _track_usage(self, prompt: Union[str, List[Dict[str, Any]]], response: Any, start_time: float, **kwargs): + """Track token usage for a successful LM call.""" + try: + # Extract token usage from the response + usage_info = extract_token_usage(response, self.provider) + + # Extract operation from kwargs, fallback to current operation context + operation = kwargs.pop("operation", self._current_operation) + + if usage_info: + prompt_tokens = usage_info["prompt_tokens"] + completion_tokens = usage_info["completion_tokens"] + total_tokens = usage_info["total_tokens"] + + # Track usage with our TokenTracker + usage = self.token_tracker.track_usage( + provider=self.provider, + model=self.model, + prompt_tokens=prompt_tokens, + completion_tokens=completion_tokens, + operation=operation, + metadata={ + "call_duration": time.time() - start_time, + "prompt_type": type(prompt).__name__, + "prompt_length": len(str(prompt)), + "response_type": type(response).__name__, + "dspy_call": True, + **kwargs + } + ) + + # Update internal statistics + with self._lock: + self.call_count += 1 + self.total_tokens += total_tokens + self.total_cost += usage.cost_usd + + logger.debug(f"Tracked DSPy call: {prompt_tokens}+{completion_tokens}={total_tokens} tokens, ${usage.cost_usd:.6f}") + + else: + # Fallback: track a call without token details + logger.warning(f"Could not extract token usage from {self.provider} response") + with self._lock: + self.call_count += 1 + + except Exception as e: + logger.error(f"Error tracking token usage: {e}") + with self._lock: + self.call_count += 1 + + def _track_error(self, prompt: Union[str, List[Dict[str, Any]]], error: Exception, start_time: float, **kwargs): + """Track a failed LM call.""" + try: + # Extract operation from kwargs, fallback to current operation context + operation = kwargs.pop("operation", self._current_operation) + error_operation = f"{operation}_error" + + # Track the failed call in metadata + self.token_tracker.track_usage( + provider=self.provider, + model=self.model, + prompt_tokens=0, # Unknown for failed calls + completion_tokens=0, + operation=error_operation, + metadata={ + "call_duration": time.time() - start_time, + "prompt_type": type(prompt).__name__, + "prompt_length": len(str(prompt)), + "error": str(error), + "error_type": type(error).__name__, + "dspy_call": True, + "failed": True, + **kwargs + } + ) + + with self._lock: + self.call_count += 1 + + except Exception as track_error: + logger.error(f"Error tracking failed call: {track_error}") + + def get_stats(self) -> Dict[str, Any]: + """Get current usage statistics for this LM instance.""" + with self._lock: + return { + "model": self.model, + "session_id": self.session_id, + "call_count": self.call_count, + "total_tokens": self.total_tokens, + "total_cost": self.total_cost, + "avg_tokens_per_call": self.total_tokens / self.call_count if self.call_count > 0 else 0, + "avg_cost_per_call": self.total_cost / self.call_count if self.call_count > 0 else 0 + } + + def print_summary(self): + """Print a summary of token usage for this LM instance.""" + stats = self.get_stats() + + print(f"\n{'='*50}") + print(f"DSPy LM Token Usage Summary") + print(f"{'='*50}") + print(f"Model: {stats['model']}") + print(f"Session: {stats['session_id']}") + print(f"Total Calls: {stats['call_count']:,}") + print(f"Total Tokens: {stats['total_tokens']:,}") + print(f"Total Cost: ${stats['total_cost']:.4f}") + print(f"Avg Tokens/Call: {stats['avg_tokens_per_call']:.1f}") + print(f"Avg Cost/Call: ${stats['avg_cost_per_call']:.4f}") + print(f"{'='*50}\n") + + def copy(self, **kwargs): + """Returns a copy of the language model with possibly updated parameters.""" + # Create a copy using BaseLM's copy method + new_instance = super().copy(**kwargs) + + # Copy our custom tracking attributes + new_instance.session_id = self.session_id + new_instance.token_tracker = self.token_tracker # Share the same tracker instance + new_instance.provider = self.provider + new_instance.call_count = 0 # Reset call stats for new instance + new_instance.total_tokens = 0 + new_instance.total_cost = 0.0 + new_instance._lock = threading.Lock() + new_instance._current_operation = self._current_operation # Preserve operation context + new_instance.lm = self.lm # Share the same underlying LM + + return new_instance + + # Forward other attributes to the underlying LM + def __getattr__(self, name): + return getattr(self.lm, name) + + +def configure_dspy_with_token_tracking(model: str, session_id: str = None, tracker: TokenTracker = None, **kwargs) -> TokenTrackingLM: + """ + Configure DSPy with token tracking enabled. + + Args: + model: Model identifier (e.g., 'gemini/gemini-2.5-flash') + session_id: Session ID for token tracking (used if tracker not provided) + tracker: Pre-created TokenTracker instance (optional) + **kwargs: Additional arguments for the LM + + Returns: + TokenTrackingLM instance configured for DSPy + """ + # Create the token tracking LM + tracking_lm = TokenTrackingLM(model=model, session_id=session_id, tracker=tracker, **kwargs) + + # Configure DSPy to use our tracking LM + dspy.configure(lm=tracking_lm) + + logger.info(f"DSPy configured with token tracking for {model}") + return tracking_lm + + +if __name__ == "__main__": + # Test the token tracking wrapper + print("Testing DSPy Token Tracking Wrapper...") + + # Create a token tracker first (like in mipro_skills.py) + test_tracker = TokenTracker.get_instance( + session_id='test_dspy_wrapper', + log_dir='./test_token_logs' + ) + + # Configure DSPy with token tracking using the created tracker + tracking_lm = configure_dspy_with_token_tracking( + model='gemini/gemini-2.5-flash', + tracker=test_tracker + ) + + # Test a simple call + class SimpleSignature(dspy.Signature): + """Answer a simple question.""" + question: str = dspy.InputField() + answer: str = dspy.OutputField() + + predictor = dspy.Predict(SimpleSignature) + + # Make a few test calls + print("Making test calls...") + for i in range(3): + result = predictor(question=f"What is {i+1} + {i+1}?") + print(f"Q: What is {i+1} + {i+1}? A: {result.answer}") + + # Print summary + tracking_lm.print_summary() + test_tracker.print_summary() diff --git a/experiments/hybrid/hybrid_expt_baseline_api.py b/experiments/hybrid/hybrid_expt_baseline_api.py new file mode 100644 index 0000000..4cbd33f --- /dev/null +++ b/experiments/hybrid/hybrid_expt_baseline_api.py @@ -0,0 +1,177 @@ +""" +Baseline hybrid experiment (DSPy-first → P3O), API-style similar to expt_api.py + +Flow: + 1) Load exp2-style data (skills universe + sparse job vectors) + 2) Run DSPy light optimization on JobAnalysisModule (prompt-opt) + 3) Convert optimized DSPy module to an AgentTorch Template (scaffold embedded, slots=x-attributes) + 4) Run P3O with long exploration mode to optimize slot inclusion + +Usage: + python hybrid_expt__baseline_api.py + +Env: + - GOOGLE_API_KEY (optional) to use Gemini for P3O; otherwise uses JobKnowledgeMockLLM + - DSPY_AUTO (defaults to light) for adapter phase if needed + - P3O_MODE (use quick|balanced|aggressive|long). Defaults to long in this script +""" + +from typing import List, Dict, Any, Optional + +import os +import sys +import json +import pandas as pd +import torch +import dspy + +from agent_torch.integrations.dspy_to_template import from_predict +from agent_torch.core.llm.archetype import Archetype +from agent_torch.core.llm.mock_llm import MockLLM +from agent_torch.optim.p3o import P3O + + +# --- Local experiment paths (experiments/hybrid + dependencies) --- +HYBRID_ROOT = os.path.abspath(os.path.dirname(__file__)) +# Dependencies live at experiments/dependencies (sibling of 'hybrid') +DEPS_ROOT = os.path.abspath(os.path.join(HYBRID_ROOT, "..", "dependencies")) +EXPT2_ROOT = os.path.join(DEPS_ROOT, "expt2") +EXPT2_DATA_ROOT = os.path.join(DEPS_ROOT, "expt2_data") + +for p in (HYBRID_ROOT, DEPS_ROOT, EXPT2_ROOT): + if p not in sys.path: + sys.path.append(p) + +# DSPy program will be imported inside main after sys.path is configured + + +KNOWLEDGE_CATEGORIES = [ + "AdministrationAndManagement", "Administrative", "Biology", "BuildingAndConstruction", + "Chemistry", "CommunicationsAndMedia", "ComputersAndElectronics", "CustomerAndPersonalService", + "Design", "EconomicsAndAccounting", "EducationAndTraining", "EngineeringAndTechnology", + "EnglishLanguage", "FineArts", "FoodProduction", "ForeignLanguage", "Geography", + "HistoryAndArcheology", "LawAndGovernment", "Mathematics", "Mechanical", "MedicineAndDentistry", + "PersonnelAndHumanResources", "PhilosophyAndTheology", "Physics", "ProductionAndProcessing", + "Psychology", "PublicSafetyAndSecurity", "SalesAndMarketing", "SociologyAndAnthropology", + "Telecommunications", "TherapyAndCounseling", "Transportation" +] + + +class JobKnowledgeMockLLM(MockLLM): + def prompt(self, prompt_list): + vals = [] + for _ in prompt_list: + vals.append({"response": {k: float(self._rng.uniform(self.low, self.high)) for k in KNOWLEDGE_CATEGORIES}}) + return vals + + +def _clean_skill_name(skill_name: str) -> str: + import re + cleaned = re.sub(r'[^a-zA-Z0-9_]', '_', skill_name.lower()) + cleaned = re.sub(r'_+', '_', cleaned).strip('_') + if cleaned and cleaned[0].isdigit(): + cleaned = 'skill_' + cleaned + return cleaned or 'unnamed_skill' + + +def load_data() -> tuple[pd.DataFrame, List[str]]: + # Local CSV of all skills (from dependencies) + all_skills_csv = os.path.join(EXPT2_DATA_ROOT, "skill_dimensions_updated", "all_skills.csv") + skills_df = pd.read_csv(all_skills_csv) + slot_universe: List[str] = skills_df["primary_skill_name"].dropna().astype(str).unique().tolist() + + # Optional local job vectors JSON; build a minimal DF if missing + job_vectors_path = os.path.join(EXPT2_DATA_ROOT, "skill_dimensions_updated", "updated_job_vectors.json") + if os.path.exists(job_vectors_path): + with open(job_vectors_path, 'r', encoding='utf-8') as f: + job_vectors = json.load(f) + job_rows: List[Dict[str, Any]] = [] + for job in job_vectors: + row = {"soc_code": job.get('onet_code', ''), "job_title": job.get('job_title', '')} + for skill_name, value in job.get('skill_vector', {}).items(): + row[_clean_skill_name(skill_name)] = value + job_rows.append(row) + df = pd.DataFrame(job_rows) + else: + # Fallback: make a small empty dataset with zeros for all skills + n_rows = 60 + base = {"soc_code": [""] * n_rows, "job_title": [""] * n_rows} + for skill_name in slot_universe: + base[_clean_skill_name(skill_name)] = [0] * n_rows + df = pd.DataFrame(base) + + # Ensure all skill columns exist and are filled + for skill_name in slot_universe: + col = _clean_skill_name(skill_name) + if col not in df.columns: + df[col] = 0 + else: + df[col] = df[col].fillna(0) + return df, slot_universe + + +def build_categories_from_df(df: pd.DataFrame) -> List[str]: + return [c for c in df.columns if str(c).startswith('NUMERIC_knowledge_')] + + +def main() -> None: + print("Starting baseline hybrid API experiment (DSPy → P3O)...") + print("=" * 60) + + # Ensure import paths for dependencies/expt2 and its vendored modules (if any) + EXPT2_VENDOR_ROOT = os.path.join(EXPT2_ROOT, "experiments") + for p in (HYBRID_ROOT, DEPS_ROOT, EXPT2_ROOT, EXPT2_VENDOR_ROOT, EXPT2_DATA_ROOT): + if p not in sys.path: + sys.path.append(p) + + # Load data and slots + ext_df, slot_universe = load_data() + print(f"Loaded data: {len(ext_df)} rows, slots={len(slot_universe)}") + + # Import DSPy program now that paths are configured + from expt2.mipro_skills import JobAnalysisModule, run_mipro_optimization # type: ignore + + # DSPy compile (light) using the local module's own pipeline. Ensure relative + # paths like ./expt2_data resolve under experiments/hybrid/dependencies + _cwd = os.getcwd() + os.chdir(DEPS_ROOT) + try: + optimized_module, _examples, _summary = run_mipro_optimization(data_type="exp1") + finally: + os.chdir(_cwd) + compiled = optimized_module + print("DSPy compile complete (light) via local module") + + # Convert compiled DSPy program to Template + categories = build_categories_from_df(ext_df) or KNOWLEDGE_CATEGORIES + template = from_predict(compiled, slots=slot_universe, title="Job Knowledge (Hybrid Baseline)", categories=categories) + + # Choose LLM for P3O + llm = JobKnowledgeMockLLM(low=0, high=100, seed=0) + print("Using JobKnowledgeMockLLM for P3O") + + # Archetype + P3O + arch = Archetype(prompt=template, llm=llm, n_arch=7) + arch.configure(external_df=ext_df) + opt = P3O(archetype=arch, verbose=True) + # Run long exploration by default + opt.train(mode="long", log_interval=1, batch_size=min(50, len(ext_df))) + + # Summary + print("\nFinal slot probabilities (first 5):") + shown = 0 + for name, var in list(template._variables.items()): + if getattr(var, 'learnable', False): + param = var.get_parameter(template) + probs = torch.softmax(param, dim=0) + print(f" {name}: {probs.detach().tolist()}") + shown += 1 + if shown >= 5: + break + print("Baseline hybrid API experiment complete.") + + +if __name__ == "__main__": + main() + + diff --git a/experiments/hybrid/hybrid_expt_round_robin.py b/experiments/hybrid/hybrid_expt_round_robin.py new file mode 100644 index 0000000..79df99f --- /dev/null +++ b/experiments/hybrid/hybrid_expt_round_robin.py @@ -0,0 +1,195 @@ +""" +Round-robin hybrid experiment (DSPy ↔ P3O) using marker-based insertion and closed-loop feedback. + +Flow per round: + 1) DSPy compile (fresh instance) with examples augmented by last P3O selections + 2) Convert DSPy → Template with marker so attributes render in-place + 3) P3O train with chosen mode/batch_size + 4) Capture selections and warm-start next round by seeding template choices and DSPy examples +""" + +from typing import List, Dict + +import os +import sys +import json +import pandas as pd +import torch + +from agent_torch.integrations.dspy_to_template import ( + from_predict, + build_selection_block, + inject_block_into_examples, + get_input_field_from_module, +) +from agent_torch.core.llm.archetype import Archetype +from agent_torch.core.llm.mock_llm import MockLLM +from agent_torch.optim.p3o import P3O + + +HYBRID_ROOT = os.path.abspath(os.path.dirname(__file__)) +DEPS_ROOT = os.path.abspath(os.path.join(HYBRID_ROOT, "..", "dependencies")) +EXPT2_ROOT = os.path.join(DEPS_ROOT, "expt2") +EXPT2_DATA_ROOT = os.path.join(DEPS_ROOT, "expt2_data") + +for p in (HYBRID_ROOT, DEPS_ROOT, EXPT2_ROOT): + if p not in sys.path: + sys.path.append(p) + + +KNOWLEDGE_CATEGORIES = [ + "AdministrationAndManagement", "Administrative", "Biology", "BuildingAndConstruction", + "Chemistry", "CommunicationsAndMedia", "ComputersAndElectronics", "CustomerAndPersonalService", + "Design", "EconomicsAndAccounting", "EducationAndTraining", "EngineeringAndTechnology", + "EnglishLanguage", "FineArts", "FoodProduction", "ForeignLanguage", "Geography", + "HistoryAndArcheology", "LawAndGovernment", "Mathematics", "Mechanical", "MedicineAndDentistry", + "PersonnelAndHumanResources", "PhilosophyAndTheology", "Physics", "ProductionAndProcessing", + "Psychology", "PublicSafetyAndSecurity", "SalesAndMarketing", "SociologyAndAnthropology", + "Telecommunications", "TherapyAndCounseling", "Transportation" +] + + +class JobKnowledgeMockLLM(MockLLM): + def prompt(self, prompt_list): + vals = [] + for _ in prompt_list: + vals.append({"response": {k: float(self._rng.uniform(self.low, self.high)) for k in KNOWLEDGE_CATEGORIES}}) + return vals + + +def _clean_skill_name(skill_name: str) -> str: + import re + cleaned = re.sub(r'[^a-zA-Z0-9_]', '_', skill_name.lower()) + cleaned = re.sub(r'_+', '_', cleaned).strip('_') + if cleaned and cleaned[0].isdigit(): + cleaned = 'skill_' + cleaned + return cleaned or 'unnamed_skill' + + +def load_data() -> tuple[pd.DataFrame, List[str]]: + all_skills_csv = os.path.join(EXPT2_DATA_ROOT, "skill_dimensions_updated", "all_skills.csv") + skills_df = pd.read_csv(all_skills_csv) + slot_universe: List[str] = skills_df["primary_skill_name"].dropna().astype(str).unique().tolist() + + job_vectors_path = os.path.join(EXPT2_DATA_ROOT, "skill_dimensions_updated", "updated_job_vectors.json") + if os.path.exists(job_vectors_path): + with open(job_vectors_path, 'r', encoding='utf-8') as f: + job_vectors = json.load(f) + rows: List[Dict[str, any]] = [] + for job in job_vectors: + row = {"soc_code": job.get('onet_code', ''), "job_title": job.get('job_title', '')} + for skill_name, value in job.get('skill_vector', {}).items(): + row[_clean_skill_name(skill_name)] = value + rows.append(row) + df = pd.DataFrame(rows) + else: + n_rows = 60 + base = {"soc_code": [""] * n_rows, "job_title": [""] * n_rows} + for s in slot_universe: + base[_clean_skill_name(s)] = [0] * n_rows + df = pd.DataFrame(base) + + for s in slot_universe: + col = _clean_skill_name(s) + if col not in df.columns: + df[col] = 0 + else: + df[col] = df[col].fillna(0) + return df, slot_universe + + +def build_categories_from_df(df: pd.DataFrame) -> List[str]: + return [c for c in df.columns if str(c).startswith('NUMERIC_knowledge_')] + + +def main() -> None: + + # Paths for expt2 imports + EXPT2_VENDOR_ROOT = os.path.join(EXPT2_ROOT, "experiments") + for p in (HYBRID_ROOT, DEPS_ROOT, EXPT2_ROOT, EXPT2_VENDOR_ROOT, EXPT2_DATA_ROOT): + if p not in sys.path: + sys.path.append(p) + + ext_df, slot_universe = load_data() + # Minimal log: dataset size + print(f"Data: rows={len(ext_df)}, slots={len(slot_universe)}") + + # Import DSPy components for MiPRO-like compile + import dspy # type: ignore + from dspy.teleprompt import MIPROv2 # type: ignore + from expt2.mipro_skills import ( + JobAnalysisModule, + create_training_examples, + job_metrics_metric_mipro, + ) # type: ignore + + rounds = int(os.getenv("RR_ROUNDS", "2")) + mode_schedule = os.getenv("RR_MODES", "balanced,quick").split(",") + marker = os.getenv("RR_MARKER", "<>") + batch_size = min(50, len(ext_df)) + + last_selections: Dict[str, int] | None = None + + for r in range(rounds): + mode = mode_schedule[r] if r < len(mode_schedule) else mode_schedule[-1] + print(f"\nRound {r+1}/{rounds} | mode={mode}") + + # DSPy compile (fresh each round) using injected examples when available + base_module = JobAnalysisModule() + input_field = get_input_field_from_module(base_module) + max_examples = int(os.getenv("RR_MAX_EXAMPLES", "40")) + base_examples = create_training_examples(max_examples=max_examples, data_type="exp1") + + if last_selections: + block_text = build_selection_block(slot_universe, last_selections, header="Attributes:") + train_examples = inject_block_into_examples(base_examples, input_field, block_text) + else: + train_examples = base_examples + + train_size = max(1, len(train_examples) // 2) + trainset = train_examples[:train_size] + valset = train_examples[train_size:train_size + 2] if len(train_examples) > train_size else train_examples[:1] + + optimizer = MIPROv2(metric=job_metrics_metric_mipro, auto=os.getenv("RR_DSPY_MODE", "light"), num_threads=2) + optimized_module = optimizer.compile( + student=base_module, + trainset=trainset, + valset=valset, + requires_permission_to_run=False, + ) + + # Convert with marker so attributes render in-place + categories = build_categories_from_df(ext_df) or KNOWLEDGE_CATEGORIES + template = from_predict( + optimized_module, + slots=slot_universe, + title=f"Job Knowledge (RR Round {r+1})", + categories=categories, + marker=marker, + include_attributes_block=True, + block_header="Attributes:", + ) + template.configure(external_df=ext_df) + + # Warm-start P3O with last selections if available + if last_selections: + template.set_optimized_slots(last_selections) + + llm = JobKnowledgeMockLLM(low=0, high=100, seed=0) + arch = Archetype(prompt=template, llm=llm, n_arch=3) + arch.configure(external_df=ext_df) + opt = P3O(archetype=arch, verbose=False) + + opt.train(mode=mode, log_interval=1, batch_size=batch_size) + + # Freeze selections for next round + last_selections = opt.get_p3o_selections() + print(f"Selections: {last_selections}") + + print("\nDone.") + + +if __name__ == "__main__": + main() + + diff --git a/experiments/hybrid/token_tracker.py b/experiments/hybrid/token_tracker.py new file mode 100644 index 0000000..5ae547c --- /dev/null +++ b/experiments/hybrid/token_tracker.py @@ -0,0 +1,818 @@ +""" +Token Usage Tracking for LLM Calls +================================== + +This module provides comprehensive token usage tracking and cost estimation +for various LLM providers including OpenAI, Anthropic, and others. + +Key Features: +- Thread-safe token usage tracking +- Support for multiple LLM providers +- Cost estimation based on current pricing +- Session and global statistics +- Export capabilities (JSON, CSV) +- Real-time monitoring and reporting +""" + +import json +import csv +import time +import threading +from datetime import datetime, timedelta +from typing import Dict, Any, List, Optional, Union +from dataclasses import dataclass, asdict, field +from pathlib import Path +import logging +from collections import defaultdict +from enum import Enum +import numpy as np + + +class LLMProvider(Enum): + """Enumeration of supported LLM providers.""" + OPENAI = "openai" + ANTHROPIC = "anthropic" + GOOGLE = "google" + + @classmethod + def from_string(cls, provider_str: str) -> 'LLMProvider': + """Convert string to LLMProvider enum.""" + provider_str = provider_str.lower() + for provider in cls: + if provider.value == provider_str: + return provider + raise ValueError(f"Unknown provider: {provider_str}") + + def __str__(self) -> str: + return self.value + + +def extract_token_usage(response, provider: Union[LLMProvider, str]) -> Optional[Dict[str, int]]: + """ + Extract token usage information from LLM response. + + Args: + response: Response object from the LLM call + provider: Provider name (LLMProvider enum or string) + + Returns: + Dict with prompt_tokens, completion_tokens, and total_tokens + """ + # Convert string to enum if needed + if isinstance(provider, str): + try: + provider = LLMProvider.from_string(provider) + except ValueError: + return None + + try: + if provider == LLMProvider.OPENAI: + # OpenAI responses typically have usage in the response metadata + if hasattr(response, '_raw_response'): + raw_response = response._raw_response + if hasattr(raw_response, 'usage') and raw_response.usage: + usage = raw_response.usage + if hasattr(usage, 'prompt_tokens') and hasattr(usage, 'completion_tokens'): + return { + "prompt_tokens": usage.prompt_tokens, + "completion_tokens": usage.completion_tokens, + "total_tokens": usage.total_tokens + } + + # Alternative: check if response has usage attribute directly + if hasattr(response, 'usage') and response.usage is not None: + usage = response.usage + if hasattr(usage, 'prompt_tokens') and hasattr(usage, 'completion_tokens'): + return { + "prompt_tokens": usage.prompt_tokens, + "completion_tokens": usage.completion_tokens, + "total_tokens": usage.total_tokens + } + + elif provider == LLMProvider.ANTHROPIC: + # Anthropic responses typically have usage in the response metadata + if hasattr(response, '_raw_response'): + raw_response = response._raw_response + if hasattr(raw_response, 'usage') and raw_response.usage: + usage = raw_response.usage + if hasattr(usage, 'input_tokens') and hasattr(usage, 'output_tokens'): + return { + "prompt_tokens": usage.input_tokens, + "completion_tokens": usage.output_tokens, + "total_tokens": usage.input_tokens + usage.output_tokens + } + + # Alternative: check if response has usage attribute directly + if hasattr(response, 'usage') and response.usage is not None: + usage = response.usage + if hasattr(usage, 'input_tokens') and hasattr(usage, 'output_tokens'): + return { + "prompt_tokens": usage.input_tokens, + "completion_tokens": usage.output_tokens, + "total_tokens": usage.input_tokens + usage.output_tokens + } + + elif provider == LLMProvider.GOOGLE: + # usage is not present if caching is performed + if hasattr(response, 'usage') and response.usage: + usage = response.usage + if (hasattr(usage, 'prompt_tokens') and hasattr(usage, 'completion_tokens') + and usage.prompt_tokens > 0): + result = { + "prompt_tokens": usage.prompt_tokens, + "completion_tokens": usage.completion_tokens, + "total_tokens": getattr(usage, 'total_tokens', usage.prompt_tokens + usage.completion_tokens) + } + return result + elif hasattr(response, '_raw_response'): + raw_response = response._raw_response + if hasattr(raw_response, 'usage_metadata') and raw_response.usage_metadata: + usage_metadata = raw_response.usage_metadata + if hasattr(usage_metadata, 'prompt_token_count') and hasattr(usage_metadata, 'candidates_token_count'): + prompt_tokens = usage_metadata.prompt_token_count + completion_tokens = usage_metadata.candidates_token_count + return { + "prompt_tokens": prompt_tokens, + "completion_tokens": completion_tokens, + "total_tokens": prompt_tokens + completion_tokens + } + logging.getLogger(__name__).warning(f"Failed to extract token usage - none of the strategies worked") + + except Exception as e: + logging.getLogger(__name__).warning(f"Failed to extract token usage: {e}") + + return None + + +@dataclass +class TokenUsage: + """Represents token usage for a single LLM call.""" + timestamp: datetime + model: str + provider: Union[LLMProvider, str] # Accept both for backward compatibility + prompt_tokens: int + completion_tokens: int + total_tokens: int + cost_usd: float = 0.0 + request_id: Optional[str] = None + operation: Optional[str] = None + user_id: Optional[str] = None + session_id: Optional[str] = None + metadata: Dict[str, Any] = field(default_factory=dict) + + @property + def cost_per_1k_tokens(self) -> float: + """Calculate cost per 1K tokens.""" + if self.total_tokens == 0: + return 0.0 + return (self.cost_usd / self.total_tokens) * 1000 + + +@dataclass +class TokenStats: + """Aggregated token usage statistics.""" + total_requests: int = 0 + total_tokens: int = 0 + total_prompt_tokens: int = 0 + total_completion_tokens: int = 0 + total_cost_usd: float = 0.0 + average_tokens_per_request: float = 0.0 + average_cost_per_request: float = 0.0 + models_used: Dict[str, int] = field(default_factory=dict) + providers_used: Dict[str, int] = field(default_factory=dict) + first_request: Optional[datetime] = None + last_request: Optional[datetime] = None + + # Prompt token statistics + prompt_tokens_mean: Optional[float] = None + prompt_tokens_std: Optional[float] = None + prompt_tokens_min: Optional[int] = None + prompt_tokens_max: Optional[int] = None + prompt_tokens_p25: Optional[float] = None + prompt_tokens_p50: Optional[float] = None + prompt_tokens_p75: Optional[float] = None + prompt_tokens_p90: Optional[float] = None + prompt_tokens_p95: Optional[float] = None + prompt_tokens_p99: Optional[float] = None + + # Completion token statistics + completion_tokens_mean: Optional[float] = None + completion_tokens_std: Optional[float] = None + completion_tokens_min: Optional[int] = None + completion_tokens_max: Optional[int] = None + completion_tokens_p25: Optional[float] = None + completion_tokens_p50: Optional[float] = None + completion_tokens_p75: Optional[float] = None + completion_tokens_p90: Optional[float] = None + completion_tokens_p95: Optional[float] = None + completion_tokens_p99: Optional[float] = None + + def update_averages(self): + """Update calculated averages.""" + if self.total_requests > 0: + self.average_tokens_per_request = self.total_tokens / self.total_requests + self.average_cost_per_request = self.total_cost_usd / self.total_requests + + def update_token_statistics(self, usage_data: List['TokenUsage']): + """Update token statistics from usage data.""" + if not usage_data: + return + + prompt_tokens = [usage.prompt_tokens for usage in usage_data] + completion_tokens = [usage.completion_tokens for usage in usage_data] + + # Calculate prompt token statistics + self.prompt_tokens_mean = float(np.mean(prompt_tokens)) + self.prompt_tokens_std = float(np.std(prompt_tokens)) + self.prompt_tokens_min = int(np.min(prompt_tokens)) + self.prompt_tokens_max = int(np.max(prompt_tokens)) + self.prompt_tokens_p25 = float(np.percentile(prompt_tokens, 25)) + self.prompt_tokens_p50 = float(np.percentile(prompt_tokens, 50)) + self.prompt_tokens_p75 = float(np.percentile(prompt_tokens, 75)) + self.prompt_tokens_p90 = float(np.percentile(prompt_tokens, 90)) + self.prompt_tokens_p95 = float(np.percentile(prompt_tokens, 95)) + self.prompt_tokens_p99 = float(np.percentile(prompt_tokens, 99)) + + # Calculate completion token statistics + self.completion_tokens_mean = float(np.mean(completion_tokens)) + self.completion_tokens_std = float(np.std(completion_tokens)) + self.completion_tokens_min = int(np.min(completion_tokens)) + self.completion_tokens_max = int(np.max(completion_tokens)) + self.completion_tokens_p25 = float(np.percentile(completion_tokens, 25)) + self.completion_tokens_p50 = float(np.percentile(completion_tokens, 50)) + self.completion_tokens_p75 = float(np.percentile(completion_tokens, 75)) + self.completion_tokens_p90 = float(np.percentile(completion_tokens, 90)) + self.completion_tokens_p95 = float(np.percentile(completion_tokens, 95)) + self.completion_tokens_p99 = float(np.percentile(completion_tokens, 99)) + + +class TokenPricing: + """Current pricing information for LLM providers.""" + + # Pricing per 1K tokens (as of 2024) + PRICING = { + "openai": { + "gpt-5": {"input": 0.00125, "output": 0.01}, + "gpt-4": {"input": 0.03, "output": 0.06}, + "gpt-4-turbo": {"input": 0.01, "output": 0.03}, + "gpt-4o": {"input": 0.005, "output": 0.015}, + "gpt-4o-mini": {"input": 0.00015, "output": 0.0006}, + "gpt-3.5-turbo": {"input": 0.0015, "output": 0.002}, + "gpt-3.5-turbo-instruct": {"input": 0.0015, "output": 0.002}, + }, + "anthropic": { + "claude-3-haiku-20240307": {"input": 0.0008, "output": 0.004}, + "claude-3-5-haiku-latest": {"input": 0.0008, "output": 0.004}, + "claude-3-5-haiku-20241022": {"input": 0.0008, "output": 0.004}, + "claude-3-5-sonnet-latest": {"input": 0.003, "output": 0.015}, + "claude-3-5-sonnet-20241022": {"input": 0.003, "output": 0.015}, + "claude-3-opus-20240229": {"input": 0.015, "output": 0.075}, + }, + "google": { + "gemini-2.5-flash": {"input": 0.0003, "output": 0.0025}, + "google/gemini-2.5-flash": {"input": 0.0003, "output": 0.0025}, # With provider prefix + "gemini-pro": {"input": 0.0005, "output": 0.0015}, + "gemini-1.5-pro": {"input": 0.0035, "output": 0.0105}, + "gemini-1.5-flash": {"input": 0.0001, "output": 0.0004}, + } + } + + @classmethod + def get_model_pricing(cls, provider: str, model: str) -> Dict[str, float]: + """Get pricing for a specific model.""" + provider_pricing = cls.PRICING.get(provider.lower(), {}) + model_pricing = provider_pricing.get(model, {}) + + if not model_pricing: + # Try to match partial model names with improved logic + model_lower = model.lower() + + # For exact matches first + for available_model, pricing in provider_pricing.items(): + if available_model.lower() == model_lower: + return pricing + + # For partial matches - prioritize longer matches + best_match = None + best_match_length = 0 + + for available_model, pricing in provider_pricing.items(): + available_lower = available_model.lower() + + # Check if they share common patterns + if cls._models_match(model_lower, available_lower): + # Prefer longer common substring matches + common_length = cls._get_common_length(model_lower, available_lower) + if common_length > best_match_length: + best_match = pricing + best_match_length = common_length + + if best_match: + return best_match + + return model_pricing + + @classmethod + def _models_match(cls, model1: str, model2: str) -> bool: + """Check if two model names represent the same model family.""" + # Extract base model identifiers + model1_parts = model1.replace('-', ' ').split() + model2_parts = model2.replace('-', ' ').split() + + # Check if they share common key identifiers + common_parts = set(model1_parts) & set(model2_parts) + + # Models match if they share at least 2 common parts (e.g., "claude", "3") + # and one of them includes the model family (e.g., "haiku", "sonnet") + if len(common_parts) >= 2: + model_families = {'haiku', 'sonnet', 'opus', 'gpt', 'turbo', 'mini', 'flash'} + for family in model_families: + if family in model1 and family in model2: + return True + + # Also match if they're very similar (like gpt-4 variations) + if len(common_parts) >= 3: + return True + + return False + + @classmethod + def _get_common_length(cls, model1: str, model2: str) -> int: + """Get the length of common substring between two model names.""" + # Find longest common substring + max_length = 0 + for i in range(len(model1)): + for j in range(len(model2)): + length = 0 + while (i + length < len(model1) and + j + length < len(model2) and + model1[i + length] == model2[j + length]): + length += 1 + max_length = max(max_length, length) + return max_length + + @classmethod + def calculate_cost(cls, provider: str, model: str, prompt_tokens: int, completion_tokens: int) -> float: + """Calculate cost for a given usage.""" + pricing = cls.get_model_pricing(provider, model) + if not pricing: + # Log when pricing is not found for debugging + logging.getLogger(__name__).debug( + f"No pricing found for provider='{provider}', model='{model}'. " + f"Available models for {provider}: {list(cls.PRICING.get(provider.lower(), {}).keys())}" + ) + return 0.0 + + input_cost = (prompt_tokens / 1000) * pricing.get("input", 0) + output_cost = (completion_tokens / 1000) * pricing.get("output", 0) + total_cost = input_cost + output_cost + + # Debug log the calculation + logging.getLogger(__name__).debug( + f"Cost calculation: {provider}/{model} - " + f"Input: {prompt_tokens}*{pricing.get('input', 0)/1000}=${input_cost:.6f}, " + f"Output: {completion_tokens}*{pricing.get('output', 0)/1000}=${output_cost:.6f}, " + f"Total: ${total_cost:.6f}" + ) + + return total_cost + + +class TokenTracker: + """ + Thread-safe token usage tracker with comprehensive logging and reporting. + + Usage: + tracker = TokenTracker("experiment_1") + tracker.track_usage("openai", "gpt-4", 100, 50, operation="classification") + stats = tracker.get_session_stats() + """ + + _instances: Dict[str, 'TokenTracker'] = {} + _lock = threading.Lock() + + def __init__(self, session_id: str = None, log_dir: str = None, auto_save: bool = True): + """ + Initialize token tracker. + + Args: + session_id: Unique identifier for this tracking session + log_dir: Directory to save logs (defaults to './token_logs') + auto_save: Whether to automatically save usage data + """ + self.session_id = session_id or f"session_{int(time.time())}" + self.log_dir = Path(log_dir or "./token_logs") + self.log_dir.mkdir(exist_ok=True) + self.auto_save = auto_save + + self.usage_history: List[TokenUsage] = [] + # WARNING: Do not access self.session_stats directly! + # Token statistics are populated lazily when get_session_stats() is called. + # Always use get_session_stats() to ensure statistics are calculated. + self.session_stats = TokenStats() + self._lock = threading.Lock() + + self.logger = logging.getLogger(f"TokenTracker.{self.session_id}") + self.logger.setLevel(logging.INFO) + + # Setup file handler for this session + self.log_file = self.log_dir / f"tokens_{self.session_id}.log" + handler = logging.FileHandler(self.log_file) + handler.setFormatter(logging.Formatter( + '%(asctime)s - %(name)s - %(levelname)s - %(message)s' + )) + self.logger.addHandler(handler) + + self.logger.info(f"Token tracking session started: {self.session_id}") + + @classmethod + def get_instance(cls, session_id: str = None, **kwargs) -> 'TokenTracker': + """Get or create a TokenTracker instance (singleton per session).""" + if session_id is None: + session_id = "default" + + with cls._lock: + if session_id not in cls._instances: + cls._instances[session_id] = cls(session_id=session_id, **kwargs) + return cls._instances[session_id] + + def track_usage( + self, + provider: Union[LLMProvider, str], + model: str, + prompt_tokens: int, + completion_tokens: int, + operation: str = None, + user_id: str = None, + request_id: str = None, + metadata: Dict[str, Any] = None + ) -> TokenUsage: + """ + Track token usage for a single LLM call. + + Args: + provider: LLM provider (LLMProvider enum or string like "openai", "anthropic") + model: Model name (e.g., "gpt-4", "claude-3-5-sonnet-latest") + prompt_tokens: Number of input tokens + completion_tokens: Number of output tokens + operation: Optional operation description + user_id: Optional user identifier + request_id: Optional request identifier + metadata: Optional additional metadata + + Returns: + TokenUsage object with cost calculation + """ + # Convert string to enum if needed for consistency + if isinstance(provider, str): + try: + provider_enum = LLMProvider.from_string(provider) + except ValueError: + # If conversion fails, keep as string for backward compatibility + provider_enum = provider + else: + provider_enum = provider + + total_tokens = prompt_tokens + completion_tokens + # Use string value for cost calculation (backward compatibility) + provider_str = provider_enum.value if isinstance(provider_enum, LLMProvider) else provider_enum + cost = TokenPricing.calculate_cost(provider_str, model, prompt_tokens, completion_tokens) + + usage = TokenUsage( + timestamp=datetime.now(), + provider=provider_enum, # Use the processed provider (enum or string) + model=model, + prompt_tokens=prompt_tokens, + completion_tokens=completion_tokens, + total_tokens=total_tokens, + cost_usd=cost, + operation=operation, + user_id=user_id, + request_id=request_id, + session_id=self.session_id, + metadata=metadata or {} + ) + + with self._lock: + self.usage_history.append(usage) + self._update_stats(usage) + + self.logger.info( + f"Tracked usage: {provider_str}/{model} - " + f"Tokens: {prompt_tokens}+{completion_tokens}={total_tokens}, " + f"Cost: ${cost:.6f}, Operation: {operation}" + ) + + if self.auto_save: + self._auto_save() + + return usage + + def _update_stats(self, usage: TokenUsage): + """Update session statistics with new usage.""" + stats = self.session_stats + + stats.total_requests += 1 + stats.total_tokens += usage.total_tokens + stats.total_prompt_tokens += usage.prompt_tokens + stats.total_completion_tokens += usage.completion_tokens + stats.total_cost_usd += usage.cost_usd + + # Update model and provider counts + stats.models_used[usage.model] = stats.models_used.get(usage.model, 0) + 1 + # Convert provider to string for consistent storage + provider_key = usage.provider.value if isinstance(usage.provider, LLMProvider) else str(usage.provider) + stats.providers_used[provider_key] = stats.providers_used.get(provider_key, 0) + 1 + + # Update timestamps + if stats.first_request is None or usage.timestamp < stats.first_request: + stats.first_request = usage.timestamp + if stats.last_request is None or usage.timestamp > stats.last_request: + stats.last_request = usage.timestamp + + stats.update_averages() + + def get_session_stats(self) -> TokenStats: + """Get current session statistics.""" + with self._lock: + # Update token statistics from current usage history + self.session_stats.update_token_statistics(self.usage_history) + return self.session_stats + + def get_usage_by_model(self) -> Dict[str, TokenStats]: + """Get usage statistics grouped by model.""" + model_stats = defaultdict(lambda: TokenStats()) + model_usage = defaultdict(list) + + with self._lock: + # First pass: group usage by model and calculate basic stats + for usage in self.usage_history: + model_usage[usage.model].append(usage) + + stats = model_stats[usage.model] + stats.total_requests += 1 + stats.total_tokens += usage.total_tokens + stats.total_prompt_tokens += usage.prompt_tokens + stats.total_completion_tokens += usage.completion_tokens + stats.total_cost_usd += usage.cost_usd + + if stats.first_request is None or usage.timestamp < stats.first_request: + stats.first_request = usage.timestamp + if stats.last_request is None or usage.timestamp > stats.last_request: + stats.last_request = usage.timestamp + + stats.models_used[usage.model] = stats.models_used.get(usage.model, 0) + 1 + provider_key = usage.provider.value if isinstance(usage.provider, LLMProvider) else str(usage.provider) + stats.providers_used[provider_key] = stats.providers_used.get(provider_key, 0) + 1 + + # Second pass: calculate token statistics for each model + for model, stats in model_stats.items(): + stats.update_averages() + stats.update_token_statistics(model_usage[model]) + + return dict(model_stats) + + def get_usage_by_operation(self) -> Dict[str, TokenStats]: + """Get usage statistics grouped by operation.""" + operation_stats = defaultdict(lambda: TokenStats()) + operation_usage = defaultdict(list) + + with self._lock: + # First pass: group usage by operation and calculate basic stats + for usage in self.usage_history: + operation = usage.operation or "unknown" + operation_usage[operation].append(usage) + + stats = operation_stats[operation] + stats.total_requests += 1 + stats.total_tokens += usage.total_tokens + stats.total_prompt_tokens += usage.prompt_tokens + stats.total_completion_tokens += usage.completion_tokens + stats.total_cost_usd += usage.cost_usd + + if stats.first_request is None or usage.timestamp < stats.first_request: + stats.first_request = usage.timestamp + if stats.last_request is None or usage.timestamp > stats.last_request: + stats.last_request = usage.timestamp + + stats.models_used[usage.model] = stats.models_used.get(usage.model, 0) + 1 + provider_key = usage.provider.value if isinstance(usage.provider, LLMProvider) else str(usage.provider) + stats.providers_used[provider_key] = stats.providers_used.get(provider_key, 0) + 1 + + # Second pass: calculate token statistics for each operation + for operation, stats in operation_stats.items(): + stats.update_averages() + stats.update_token_statistics(operation_usage[operation]) + + return dict(operation_stats) + + def get_recent_usage(self, minutes: int = 60) -> List[TokenUsage]: + """Get token usage from the last N minutes.""" + cutoff_time = datetime.now() - timedelta(minutes=minutes) + with self._lock: + return [usage for usage in self.usage_history if usage.timestamp >= cutoff_time] + + def export_to_json(self, filename: str = None) -> str: + """ + Export usage history and statistics to JSON file. + + The exported JSON includes: + - session_stats: Overall session statistics + - operation_stats: Statistics grouped by operation mode (train, eval, test, etc.) + - usage_history: Individual usage records with full details + + Args: + filename: Optional filename for export. If not provided, generates timestamp-based name. + + Returns: + str: Path to the exported JSON file + """ + filename = filename or f"token_usage_{self.session_id}_{datetime.now().strftime('%Y%m%d_%H%M%S')}.json" + filepath = self.log_dir / filename + + # Get session stats with calculated statistics (this handles its own locking) + session_stats = self.get_session_stats() + + # Get operation-specific statistics + operation_stats = self.get_usage_by_operation() + operation_stats_dict = {} + for operation, stats in operation_stats.items(): + operation_stats_dict[operation] = asdict(stats) + + with self._lock: + data = { + "session_id": self.session_id, + "export_timestamp": datetime.now().isoformat(), + "session_stats": asdict(session_stats), + "operation_stats": operation_stats_dict, + "usage_history": [] + } + + for usage in self.usage_history: + usage_dict = asdict(usage) + usage_dict["timestamp"] = usage.timestamp.isoformat() + # Convert LLMProvider enum to string for JSON serialization + if isinstance(usage.provider, LLMProvider): + usage_dict["provider"] = usage.provider.value + data["usage_history"].append(usage_dict) + + with open(filepath, 'w') as f: + json.dump(data, f, indent=2, default=str) + + self.logger.info(f"Exported {len(self.usage_history)} usage records to {filepath}") + return str(filepath) + + def export_to_csv(self, filename: str = None) -> str: + """Export usage history to CSV file.""" + filename = filename or f"token_usage_{self.session_id}_{datetime.now().strftime('%Y%m%d_%H%M%S')}.csv" + filepath = self.log_dir / filename + + with self._lock: + usage_dicts = [] + for usage in self.usage_history: + usage_dict = asdict(usage) + usage_dict["timestamp"] = usage.timestamp.isoformat() + # Convert LLMProvider enum to string for CSV serialization + if isinstance(usage.provider, LLMProvider): + usage_dict["provider"] = usage.provider.value + usage_dict["metadata"] = json.dumps(usage_dict["metadata"]) + usage_dicts.append(usage_dict) + + if usage_dicts: + with open(filepath, 'w', newline='') as f: + writer = csv.DictWriter(f, fieldnames=usage_dicts[0].keys()) + writer.writeheader() + writer.writerows(usage_dicts) + + self.logger.info(f"Exported {len(self.usage_history)} usage records to {filepath}") + return str(filepath) + + def print_summary(self, operation: Optional[str] = None): + """Print a comprehensive usage summary. + + Args: + operation: Optional operation filter. If specified, only show stats for that operation. + """ + # Get the appropriate stats based on operation filter + if operation: + operation_stats = self.get_usage_by_operation() + if operation not in operation_stats: + print(f"\n{'='*60}") + print(f"TOKEN USAGE SUMMARY ({operation.upper()}) - Session: {self.session_id}") + print(f"{'='*60}") + print(f"No operations found for '{operation}'.") + print(f"{'='*60}\n") + return + stats = operation_stats[operation] + title_suffix = f" ({operation.upper()})" + else: + stats = self.get_session_stats() + title_suffix = "" + + # Print summary + print(f"\n{'='*60}") + print(f"TOKEN USAGE SUMMARY{title_suffix} - Session: {self.session_id}") + print(f"{'='*60}") + + if stats.first_request and stats.last_request: + duration = stats.last_request - stats.first_request + print(f"Duration: {duration}") + + print(f"Total Requests: {stats.total_requests:,}") + print(f"Total Tokens: {stats.total_tokens:,}") + print(f" - Prompt Tokens: {stats.total_prompt_tokens:,}") + print(f" - Completion Tokens: {stats.total_completion_tokens:,}") + print(f"Total Cost: ${stats.total_cost_usd:.4f}") + print(f"Average Tokens per Request: {stats.average_tokens_per_request:.1f}") + print(f"Average Cost per Request: ${stats.average_cost_per_request:.4f}") + + # Print token statistics if available + if stats.prompt_tokens_mean is not None and stats.completion_tokens_mean is not None: + print(f"\nPrompt Token Statistics:") + print(f" Mean: {stats.prompt_tokens_mean:.1f}, Std: {stats.prompt_tokens_std:.1f}") + print(f" Min: {stats.prompt_tokens_min}, Max: {stats.prompt_tokens_max}") + print(f" Percentiles - P25: {stats.prompt_tokens_p25:.0f}, P50: {stats.prompt_tokens_p50:.0f}, P75: {stats.prompt_tokens_p75:.0f}") + print(f" Percentiles - P90: {stats.prompt_tokens_p90:.0f}, P95: {stats.prompt_tokens_p95:.0f}, P99: {stats.prompt_tokens_p99:.0f}") + + print(f"\nCompletion Token Statistics:") + print(f" Mean: {stats.completion_tokens_mean:.1f}, Std: {stats.completion_tokens_std:.1f}") + print(f" Min: {stats.completion_tokens_min}, Max: {stats.completion_tokens_max}") + print(f" Percentiles - P25: {stats.completion_tokens_p25:.0f}, P50: {stats.completion_tokens_p50:.0f}, P75: {stats.completion_tokens_p75:.0f}") + print(f" Percentiles - P90: {stats.completion_tokens_p90:.0f}, P95: {stats.completion_tokens_p95:.0f}, P99: {stats.completion_tokens_p99:.0f}") + + if stats.models_used: + print(f"\nModels Used:") + for model, count in sorted(stats.models_used.items(), key=lambda x: x[1], reverse=True): + print(f" - {model}: {count} requests") + + if stats.providers_used: + print(f"\nProviders Used:") + for provider, count in sorted(stats.providers_used.items(), key=lambda x: x[1], reverse=True): + print(f" - {provider}: {count} requests") + + # Show usage by operation (only if not filtering by operation) + if not operation: + operation_stats = self.get_usage_by_operation() + if len(operation_stats) > 1: # Only show if multiple operations + print(f"\nUsage by Operation:") + for op, op_stats in sorted(operation_stats.items(), key=lambda x: x[1].total_cost_usd, reverse=True): + print(f" - {op}: {op_stats.total_requests} requests, ${op_stats.total_cost_usd:.4f}") + + print(f"{'='*60}\n") + + def _auto_save(self): + """Auto-save usage data if enabled.""" + if len(self.usage_history) % 10 == 0: # Save every 10 requests + try: + self.export_to_json() + except Exception as e: + self.logger.error(f"Auto-save failed: {e}") + + def reset_session(self): + """Reset the current session data.""" + with self._lock: + self.usage_history.clear() + self.session_stats = TokenStats() + self.logger.info("Session data reset") + + +# Global instance for easy access +_default_tracker = None + +def get_default_tracker(session_id: str = None, **kwargs) -> TokenTracker: + """Get the default token tracker instance.""" + global _default_tracker + if _default_tracker is None: + _default_tracker = TokenTracker.get_instance(session_id, **kwargs) + return _default_tracker + + +def track_tokens(provider: Union[LLMProvider, str], model: str, prompt_tokens: int, completion_tokens: int, **kwargs) -> TokenUsage: + """Convenience function to track tokens using the default tracker.""" + tracker = get_default_tracker() + return tracker.track_usage(provider, model, prompt_tokens, completion_tokens, **kwargs) + + +if __name__ == "__main__": + # Example usage and testing + print("Testing TokenTracker...") + + # Create tracker + tracker = TokenTracker("test_session", auto_save=False) + + # Track some usage + tracker.track_usage("openai", "gpt-4", 100, 50, operation="classification") + tracker.track_usage("anthropic", "claude-3-5-sonnet-latest", 200, 75, operation="generation") + tracker.track_usage("openai", "gpt-4o-mini", 150, 25, operation="classification") + tracker.track_usage("anthropic", "claude-3-5-haiku-latest", 80, 30, operation="summarization") + + # Print summary + tracker.print_summary() + + # Export data + json_file = tracker.export_to_json() + csv_file = tracker.export_to_csv() + + print(f"Data exported to:") + print(f" JSON: {json_file}") + print(f" CSV: {csv_file}") diff --git a/experiments/requirements.txt b/experiments/requirements.txt new file mode 100644 index 0000000..4d06fe8 --- /dev/null +++ b/experiments/requirements.txt @@ -0,0 +1,17 @@ +# Core numerical/data +numpy>=1.26 +pandas>=2.1 +pydantic>=2.5 + +# ML/optimization +torch>=2.1 +mlflow>=2.13 + +# DSPy (imports as `dspy`) +dspy-ai>=2.4 + +# Utilities +tqdm>=4.66 + +# Optional: Gemini integration for base/hybrid experiments (set GOOGLE_API_KEY) +google-generativeai>=0.7 diff --git a/experiments/wiki_exp/README.md b/experiments/wiki_exp/README.md new file mode 100644 index 0000000..07130d4 --- /dev/null +++ b/experiments/wiki_exp/README.md @@ -0,0 +1,35 @@ +### Wiki experiment: data and pipeline + +This experiment consumes a local folder of JSONL files named `enwiki_namespace_0_*.jsonl`, each line representing a Wikipedia article in the main namespace. For each record we extract four canonical fields: `id` from `identifier` (or `id`), `title` from `name` (or common fallbacks), `url` from `url` (or `main_entity.url`/`is_part_of.url`), and `text` from `description` or `abstract`, falling back to a joined view of section text when needed. These fields are placed into a DataFrame and also serialized into a single input field called `content` so the full context a prompt sees is aligned with what the optimizer sees. + +An example of this: + + + +For instance, a typical JSONL line in the source dump might look like: + +```json +{ + "identifier": "76716259", + "name": "Not Again SU", + "url": "https://en.wikipedia.org/wiki/Not_Again_SU", + "description": "Student organization in Syracuse, New York", + "sections": [ + { + "has_parts": [ + { "heading": "Introduction", "text": "The hashtag and student led organization #NotAgainSU began circulating after several racist incidents occurred on campus..." }, + { "heading": "Demands", "text": "The protestors made a list of 19 demands to the University which was later expanded to 34..." } + ] + } + ] +} +``` + +From this, the experiment maps `identifier → id`, `name → title`, `url → url`, and prefers `description` (or `abstract`) for `text`, falling back to the joined `sections[].has_parts[].text` when needed. The canonical `{id, title, url, text}` are stored in the DataFrame and also serialized into a single `content` field so DSPy and P3O see the same inputs. +For DSPy, we build a minimal classifier module with few-shot demonstrations created from sampled articles. When available, DSPy’s compile step (MIPROv2 “light”) uses heuristic labels to tune the scaffold; these labels are a proxy only and are not required for the downstream optimization. The tuned module is then converted into an AgentTorch Template via `from_predict`, which exposes a system prompt with a dedicated Attributes block (this is how P3O includes slots). + +Attributes/slots are experiment-defined switches that shape the model’s behavior, for example asking it to extract dates, highlight entities, define key terms, summarize events, or surface related concepts. They are not taken from the dataset; rather, they are explicit instruction lines placed in the prompt’s “Attributes:” block by the Template. The LLM reads those instruction lines and responds accordingly, but it does not decide which lines appear; the optimizer does. P3O treats each attribute as a binary decision (on/off) in the prompt template, samples a configuration, runs the LLM to get a structured response, turns that response into a scalar reward, and updates its policy to prefer configurations that yield higher reward. Over iterations this has the effect of “pruning” attributes that do not help under the chosen reward and retaining those that do, without requiring any ground-truth labels. + +The reward is computed from the model’s structured output (a numeric score per category) using the MSE-shaped metric from prior experiments. Concretely, the scores are collapsed to a scalar and compared against a scalar target with mean squared error; this error is then mapped to a smooth reward that P3O can optimize with policy-gradient updates. This provides a consistent label-free signal to compare attribute configurations. If you later add gold labels, you can substitute an accuracy-, cross-entropy-, or Brier-based reward while keeping the same slot-optimization loop. + +Each run produces a summary JSON in `experiments/wiki_exp/` that captures the extracted prompt scaffold, the final Attribute selections chosen by P3O, the reward and token estimates, and compact previews to inspect how the prompt evolved. \ No newline at end of file diff --git a/experiments/wiki_exp/analyze_results.py b/experiments/wiki_exp/analyze_results.py new file mode 100644 index 0000000..5ed3e76 --- /dev/null +++ b/experiments/wiki_exp/analyze_results.py @@ -0,0 +1,128 @@ +""" +Analyze latest wiki experiment results and plot: +1) Reward (P3O-style) comparison: DSPy-only vs Hybrid +2) Token estimate comparison: DSPy-only vs Hybrid + +Usage: + python analyze_results.py # auto-pick latest run_summary_*.json + python analyze_results.py path/to/run_summary_YYYYmmdd_HHMMSS.json +""" + +from __future__ import annotations + +import os +import sys +import glob +import json +from typing import Any, Dict + +import matplotlib.pyplot as plt + + +def load_summary(path: str | None) -> Dict[str, Any]: + base_dir = os.path.abspath(os.path.dirname(__file__)) + if path is None: + pattern1 = os.path.join(base_dir, "run_summary_*.json") + # Also look in sibling experiments/experiments/wiki_exp (some runs save there) + alt_dir = os.path.abspath(os.path.join(base_dir, os.pardir, "experiments", "wiki_exp")) + pattern2 = os.path.join(alt_dir, "run_summary_*.json") + candidates = glob.glob(pattern1) + glob.glob(pattern2) + if not candidates: + raise FileNotFoundError("No run_summary_*.json found in directory") + # pick latest by mtime + candidates.sort(key=lambda p: os.path.getmtime(p), reverse=True) + path = candidates[0] + with open(path, "r", encoding="utf-8") as f: + data = json.load(f) + print(f"Loaded: {path}") + return data + + +def get_float(d: Dict[str, Any], *keys: str, default: float = 0.0) -> float: + for k in keys: + if k in d and d[k] is not None: + try: + return float(d[k]) + except Exception: + continue + return float(default) + + +def get_int(d: Dict[str, Any], *keys: str, default: int = 0) -> int: + for k in keys: + if k in d and d[k] is not None: + try: + return int(d[k]) + except Exception: + continue + return int(default) + + +def plot_bars(labels, values, ylabel: str, title: str, out_path: str, colors=None, yscale: str | None = None, annotate: bool = False) -> None: + if colors is None: + colors = ["#4e79a7", "#59a14f"] + fig, ax = plt.subplots(figsize=(6, 4)) + bars = ax.bar(labels, values, color=colors) + ax.set_ylabel(ylabel) + ax.set_title(title) + if yscale: + ax.set_yscale(yscale) + if annotate: + for bar, val in zip(bars, values): + height = bar.get_height() + ax.text(bar.get_x() + bar.get_width() / 2.0, height, f"{val:,.0f}", ha="center", va="bottom", fontsize=9) + plt.tight_layout() + plt.savefig(out_path) + plt.close(fig) + print(f"Saved: {out_path}") + + +def main() -> None: + path = sys.argv[1] if len(sys.argv) > 1 else None + data = load_summary(path) + + # Rewards: P3O metric only + dspy_reward = get_float(data, "dspy_reward_p3o") + hybrid_reward = get_float(data, "hybrid_reward_raw", "hybrid_reward") + + # Tokens: Prefer direct totals; fallback to estimates + dspy_tokens = get_int(data, "dspy_total_token_estimate", "dspy_compile_token_estimate") + hybrid_tokens = get_int(data, "hybrid_eval_tokens", "hybrid_token_estimate") + + base_dir = os.path.abspath(os.path.dirname(__file__)) + rewards_png = os.path.join(base_dir, "compare_rewards.png") + tokens_png = os.path.join(base_dir, "compare_tokens.png") + + # Plot rewards using raw values + plot_bars(["DSPy", "Hybrid"], [dspy_reward, hybrid_reward], "Reward (P3O metric)", "Rewards: DSPy vs Hybrid", rewards_png, annotate=True) + # DSPy tokens: prefer direct total if available; else estimate compile from eval tokens + total_direct = get_int(data, "dspy_total_token_estimate") + if total_direct > 0: + dspy_tokens_adjusted = total_direct + else: + # Re-estimate DSPy compile tokens conservatively from eval tokens + # Assumptions: eval uses ~50 prompts; light trials=10, valset=24, 10% bootstrap overhead + eval_tokens = get_int(data, "dspy_token_estimate_p3o", "dspy_full_tokens") + eval_prompts = int(os.getenv("ANALYZE_EVAL_PROMPTS", "50")) + tokens_per_prompt = eval_tokens / max(1, eval_prompts) + trials = int(os.getenv("ANALYZE_MIPRO_TRIALS", "10")) + valset = int(os.getenv("ANALYZE_VALSET_SIZE", "24")) + bootstrap = float(os.getenv("ANALYZE_BOOTSTRAP_FACTOR", "1.1")) + compile_estimate = int(tokens_per_prompt * trials * valset * bootstrap) + dspy_tokens_adjusted = int(compile_estimate + eval_tokens) + + dspy_tokens_for_plot = int(dspy_tokens_adjusted + hybrid_tokens) + # Plot raw token values on a log scale and annotate exact amounts + tokens_vals = [max(1, int(dspy_tokens_for_plot)), max(1, int(hybrid_tokens))] + plot_bars(["DSPy", "Hybrid"], tokens_vals, "Tokens", "Tokens: DSPy vs Hybrid", tokens_png, yscale="log", annotate=True) + + # Print concise summary for quick inspection + print("\nSummary:") + print(f"DSPy reward (P3O): {dspy_reward:.4f} | Hybrid reward: {hybrid_reward:.4f}") + print(f"DSPy tokens (orig summary): {dspy_tokens:,} | DSPy tokens (adjusted): {dspy_tokens_adjusted:,} | Hybrid tokens: {hybrid_tokens:,}") + + +if __name__ == "__main__": + main() + + diff --git a/experiments/wiki_exp/requirements.txt b/experiments/wiki_exp/requirements.txt new file mode 100644 index 0000000..4a1bbe1 --- /dev/null +++ b/experiments/wiki_exp/requirements.txt @@ -0,0 +1,10 @@ +# Minimal dependencies for the wiki experiment and analysis +dspy-ai +google-generativeai +pandas>=1.5 +matplotlib>=3.7 +numpy>=1.24 + +# Note: AgentTorch is used from the repo source. If running outside the repo context, +# you may need to install it from your local package or source distribution. + diff --git a/experiments/wiki_exp/wiki_experiment.py b/experiments/wiki_exp/wiki_experiment.py new file mode 100644 index 0000000..e12de0f --- /dev/null +++ b/experiments/wiki_exp/wiki_experiment.py @@ -0,0 +1,994 @@ +""" +Wiki hybrid experiment (DSPy → Template → P3O), using your local JSONL Wikipedia dump. + +Pipeline: +- Stream a small sample of JSONL docs from WIKI_DIR +- Build a simple DSPy classifier ("Determine the category of this article") with few-shot demos +- Compile with MIPROv2 (light) on a tiny split +- Convert to AgentTorch Template via from_predict with a marker-based attributes block +- Run a short P3O optimization (mode="quick") over the sample + +Env knobs: +- WIKI_DIR: path to the folder containing enwiki_namespace_0_*.jsonl +- MAX_WIKI_DOCS: cap number of documents to sample (default: 200) +- DEMO_COUNT: number of few-shot demos used in scaffold (default: 6) +- RR_MARKER: marker string for attributes injection (default: "<>") +""" + +from __future__ import annotations + +import os +import sys +import json +import glob +from typing import List, Dict, Any, Tuple, Optional +import argparse +from dataclasses import dataclass, field + +import pandas as pd + +# Ensure repo root is importable when running directly +_HERE = os.path.abspath(os.path.dirname(__file__)) +_REPO_ROOT = os.path.abspath(os.path.join(_HERE, "..", "..")) +if _REPO_ROOT not in sys.path: + sys.path.append(_REPO_ROOT) + +# --- USER CONFIG (fill in if you prefer not to use env vars) --- +# If GOOGLE_API_KEY/GEMINI_API_KEY are not set, we will try this placeholder. +# Replace the value below with your real Gemini API key (keep quotes): +# Leave empty to avoid accidental usage when mocking +USER_DSPY_GEMINI_KEY = "" +# -------------------------------------------------------------- + +from agent_torch.integrations.dspy_to_template import ( + from_predict, +) +from agent_torch.core.llm.archetype import Archetype +from agent_torch.core.llm.mock_llm import MockLLM +from agent_torch.optim.p3o import P3O, get_exploration_config +from datetime import datetime + + +def _get_env_any(names: List[str]) -> str | None: + for n in names: + v = os.getenv(n) + if v and isinstance(v, str) and v.strip(): + return v + lower_map = {k.lower(): v for k, v in os.environ.items()} + for n in names: + if n.lower() in lower_map and str(lower_map[n.lower()]).strip(): + return lower_map[n.lower()] + return None + + +def _extract_id_title_text_url(obj: Dict[str, Any]) -> Dict[str, str]: + """Precise extractor for common wiki JSONL variants observed in schema report. + Maps: + - id: identifier | id + - title: name | title | page_title | meta.title | document.title + - url: url | main_entity.url | is_part_of.url + - text: description | abstract | sections[].has_parts[].text (joined) | fallback string-leaf join + """ + # id + art_id = ( + str(obj.get("identifier") or obj.get("id") or "").strip() + ) + # title + title = ( + obj.get("name") + or obj.get("title") + or obj.get("page_title") + or obj.get("meta", {}).get("title") + or obj.get("document", {}).get("title") + or "" + ) + # url + url = ( + obj.get("url") + or (obj.get("main_entity", {}) or {}).get("url") + or (obj.get("is_part_of", {}) or {}).get("url") + or "" + ) + # text: prefer concise fields first + text = ( + obj.get("description") + or obj.get("abstract") + ) + # sections join if needed + if not (isinstance(text, str) and text.strip()): + try: + sections = obj.get("sections") or [] + parts: List[str] = [] + if isinstance(sections, list): + for s in sections: + if not isinstance(s, dict): + continue + hp = s.get("has_parts") or [] + if not isinstance(hp, list): + continue + for p in hp: + if isinstance(p, dict): + t = p.get("text") + if isinstance(t, str) and t.strip(): + parts.append(t) + if parts: + text = "\n\n".join(parts) + except Exception: + text = None + # fallback: concatenate all string-like leaves + if not (isinstance(text, str) and text.strip()): + def _gather_strings(x: Any, acc: List[str]) -> None: + if isinstance(x, str): + if x.strip(): + acc.append(x) + elif isinstance(x, list): + for it in x[:20]: + _gather_strings(it, acc) + elif isinstance(x, dict): + for i, (_k, _v) in enumerate(list(x.items())[:40]): + _gather_strings(_v, acc) + acc2: List[str] = [] + _gather_strings(obj, acc2) + text = "\n\n".join(acc2) + return { + "id": str(art_id or "").strip(), + "title": str(title or "").strip(), + "text": str(text or "").strip(), + "url": str(url or "").strip(), + } + + +def _stream_jsonl_sample(dir_path: str, limit: int = 200) -> List[Dict[str, Any]]: + files = sorted(glob.glob(os.path.join(dir_path, "enwiki_namespace_0_*.jsonl"))) + rows: List[Dict[str, Any]] = [] + for fp in files: + try: + with open(fp, "r", encoding="utf-8") as f: + for line in f: + if len(rows) >= limit: + return rows + try: + obj = json.loads(line) + except Exception: + continue + rec = _extract_id_title_text_url(obj) + title = rec.get("title", "") + text = rec.get("text", "") + if not (isinstance(text, str) and text.strip()): + continue + rows.append({ + "id": rec.get("id", ""), + "url": rec.get("url", ""), + "title": str(title), + "text": str(text), + }) + except Exception: + continue + return rows + + +def _truncate(s: str, n: int = 600) -> str: + s = (s or "").strip() + return s if len(s) <= n else s[:n] + "…" + + +WIKI_KEYWORDS: List[Tuple[str, List[str]]] = [ + ("Science", ["physics", "chemistry", "biology", "research", "scientific", "astronomy", "genetics"]), + ("Sports", ["football", "soccer", "basketball", "olympic", "league", "match", "player", "coach"]), + ("Arts", ["art", "painting", "literature", "novel", "film", "music", "album", "poetry", "theatre"]), + ("History", ["war", "empire", "dynasty", "century", "king", "queen", "ancient", "medieval", "revolution"]), + ("Geography", ["city", "country", "river", "mountain", "population", "province", "region", "capital"]), + ("Technology", ["computer", "software", "internet", "technology", "engineering", "algorithm", "programming"]), +] + +# Categories we predict (and emit in structured mock responses) +WIKI_CATEGORIES: List[str] = [ + "Science", "Sports", "Arts", "History", "Geography", "Technology" +] + + +class WikiCategoryMockLLM(MockLLM): + def prompt(self, prompt_list): + vals = [] + for _ in prompt_list: + vals.append({ + "response": {k: float(self._rng.uniform(self.low, self.high)) for k in WIKI_CATEGORIES} + }) + return vals + + +class GeminiCategoryLLM: + """Gemini-backed LLM that returns {'response': {category: score, ...}} and tracks tokens.""" + def __init__(self, api_key: str, model: str | None = None, categories: List[str] | None = None): + import google.generativeai as genai # type: ignore + self._genai = genai + self._api_key = api_key + self._model_name = model or os.getenv("GEMINI_MODEL", "gemini-2.0-flash") + self._model = genai.GenerativeModel(self._model_name) + self._categories = categories or WIKI_CATEGORIES + self._prompt_tokens = 0 + self._output_tokens = 0 + + def initialize_llm(self): + # configure each time in case env changed + try: + self._genai.configure(api_key=self._api_key) + except Exception: + pass + return self + + def prompt(self, prompt_list: List[Any]): + outs = [] + for p in prompt_list: + text = p if isinstance(p, str) else p.get("agent_query", "") + resp = self._model.generate_content(text) + um = getattr(resp, "usage_metadata", None) + if um is not None: + self._prompt_tokens += int(getattr(um, "prompt_token_count", 0) or 0) + self._output_tokens += int(getattr(um, "candidates_token_count", 0) or 0) + # Extract text robustly from response + cand_text = getattr(resp, "text", None) + if not cand_text: + parts_text: List[str] = [] + for c in getattr(resp, "candidates", []) or []: + content = getattr(c, "content", None) + for pt in (getattr(content, "parts", []) or []): + t = getattr(pt, "text", None) + if t: + parts_text.append(t) + cand_text = "\n".join(parts_text) + if not cand_text or not str(cand_text).strip(): + raise ValueError("Empty Gemini response text") + # Parse first JSON object found in text + import re, json as _json + s = str(cand_text).strip() + m = re.search(r"\{[\s\S]*\}", s) + if not m: + raise ValueError("No JSON object found in Gemini response") + parsed_json = _json.loads(m.group(0)) + if not isinstance(parsed_json, dict): + raise ValueError("Gemini response is not JSON dict") + parsed: Dict[str, float] = {} + for k in self._categories: + parsed[k] = float(parsed_json.get(k, 0.0)) + outs.append({"response": parsed}) + return outs + + def __call__(self, prompt_inputs: List[Any]): + return self.prompt(prompt_inputs) + + def total_tokens(self) -> int: + return int(self._prompt_tokens + self._output_tokens) + + +def _heuristic_category(text: str) -> str: + t = (text or "").lower() + best = "General" + best_hits = 0 + for label, kw in WIKI_KEYWORDS: + hits = sum(1 for k in kw if k in t) + if hits > best_hits: + best, best_hits = label, hits + return best + + +def _build_fewshot_demos(df: pd.DataFrame, k: int) -> List[str]: + demos: List[str] = [] + n = min(k, len(df)) + for i in range(n): + row = df.iloc[i] + content = _truncate(str(row.get("text", "")), 400) + label = _heuristic_category(content) + demos.append(f"Content:\n{content}\n\nCategory: {label}") + return demos + + +def _build_dspy_module(demos: List[str]): + import dspy # type: ignore + + class WikiCategorySignature(dspy.Signature): + content: str = dspy.InputField(desc="Wikipedia article content") + category: str = dspy.OutputField(desc="Coarse topic label for the article") + + class WikiClassifier(dspy.Module): + def __init__(self, instruction: str, demo_texts: List[str]): + super().__init__() + self.predictor = dspy.Predict(WikiCategorySignature) + # DSPy-friendly scaffold attributes + self.instruction = instruction + self.demos = demo_texts + + def forward(self, content: str) -> Any: + return self.predictor(content=content) + + instruction = ( + "Determine the high-level category of the following Wikipedia article. " + "Choose a concise label like Science, Sports, Arts, History, Geography, or Technology." + ) + return WikiClassifier(instruction, demos) + + +def _build_train_val_examples(df: pd.DataFrame, max_train: int = 60) -> Tuple[List[Any], List[Any]]: + import dspy # type: ignore + exs: List[Any] = [] + n = min(len(df), max_train) + for i in range(n): + text = str(df.iloc[i].get("text", "")) + label = _heuristic_category(text) + ex = dspy.Example(content=_truncate(text, 800), category=label).with_inputs("content") + exs.append(ex) + # 70/30 split (small) + split = max(1, int(0.7 * len(exs))) + return exs[:split], exs[split: max(split + 10, len(exs))] + + +def _extract_optimized_instruction(owner: Any, fallback: str = "") -> str: + try: + # 1) direct + val = getattr(owner, "instruction", None) + if isinstance(val, (list, tuple)): + val = "\n".join(str(x) for x in val) + if isinstance(val, str) and val.strip(): + return val + # 2) prompt_model.kwargs + pm = getattr(owner, "prompt_model", None) + kw = getattr(pm, "kwargs", {}) if pm is not None else {} + instr = kw.get("instruction") + if isinstance(instr, str) and instr.strip(): + return instr + # 3) lm.kwargs + lm = getattr(owner, "lm", None) + kw2 = getattr(lm, "kwargs", {}) if lm is not None else {} + instr2 = kw2.get("instruction") + if isinstance(instr2, str) and instr2.strip(): + return instr2 + except Exception: + pass + return fallback + + +def _compile_with_mipro(module, df: pd.DataFrame) -> Any: + import dspy # type: ignore + from dspy.teleprompt import MIPROv2 # type: ignore + def accuracy_metric(example, pred, trace=None) -> float: + try: + p = str(getattr(pred, "category", "")).strip().lower() + g = str(getattr(example, "category", "")).strip().lower() + return 1.0 if p and g and p == g else 0.0 + except Exception: + return 0.0 + + trainset, valset = _build_train_val_examples(df, max_train=80) + + optimizer = MIPROv2(metric=accuracy_metric, auto="light", num_threads=2) + try: + return optimizer.compile( + student=module, + trainset=trainset, + valset=valset or trainset[:1], + requires_permission_to_run=False, + ) + except Exception as e: + # No LM configured or proposer errors → proceed with the unoptimized module + print(f"DSPy compile unavailable ({e}). Using base module without DSPy optimization.") + return module + + +def _evaluate_dspy_module(module: Any, examples: List[Any], metric_fn) -> Tuple[float, int]: + """Return (average_metric, token_estimate) over examples using the module's forward.""" + owner = getattr(module, "predictor", module) + total = 0.0 + n = 0 + token_est = 0 + # Extract scaffold for token estimate + instr = getattr(owner, "instruction", "") or "" + demos = getattr(owner, "demos", None) or getattr(owner, "fewshot", None) or [] + demo_text = "\n".join(str(d) for d in demos) if isinstance(demos, (list, tuple)) else "" + for ex in examples: + try: + pred = owner(content=getattr(ex, "content")) + total += float(metric_fn(ex, pred)) + n += 1 + content = str(getattr(ex, "content", "")) + approx_text = f"{instr}\n{demo_text}\n{content}" + token_est += max(1, len(approx_text) // 4) + except Exception: + pass + avg = (total / n) if n else 0.0 + return avg, token_est + + + # removed: inlined into main() to reduce verbosity and keep a single flow + + +def _estimate_dspy_compile_tokens(df: pd.DataFrame, system_prompt: str, auto_mode: str = "medium") -> int: + """Heuristically estimate DSPy compile token usage based on mode and dataset size. + + Assumptions (override via env): + - trials per mode: light=10, medium=20, heavy=30 + - fewshot candidates: light=6, medium=10, heavy=12 + - instruction candidates: light=3, medium=5, heavy=6 + - each evaluation uses valset_size prompts + - tokens ≈ characters/4 + """ + trials_map = {"light": 10, "medium": 20, "heavy": 30} + fewshot_map = {"light": 6, "medium": 10, "heavy": 12} + instruct_map = {"light": 3, "medium": 5, "heavy": 6} + mode = str(auto_mode or "medium").lower() + trials = int(os.getenv("MIPRO_TRIALS", trials_map.get(mode, 20))) + few_cands = int(os.getenv("MIPRO_FEWSHOT_CANDS", fewshot_map.get(mode, 10))) + instr_cands = int(os.getenv("MIPRO_INSTRUCT_CANDS", instruct_map.get(mode, 5))) + + # Build small valset as DSPy does (we reuse our helper for an estimate) + try: + _, valset = _build_train_val_examples(df, max_train=80) + valset_size = max(1, len(valset) or 24) + except Exception: + valset_size = 24 + + # Estimate tokens per prompt: system + average content + try: + avg_n = min(30, len(df)) + contents = (df.get("content") if "content" in df.columns else df.get("text", "")).astype(str).head(avg_n).tolist() + except Exception: + contents = [] + avg_content_chars = sum(len(c) for c in contents) / max(1, len(contents)) if contents else 400.0 + sys_chars = len(system_prompt or "") + est_chars_per_prompt = sys_chars + avg_content_chars + est_tokens_per_prompt = max(1, int(est_chars_per_prompt // 4)) + + # Total eval prompts across trials and candidate combinations + eval_calls = trials * few_cands * instr_cands * valset_size + # Add bootstrap overhead ~25% + total_tokens = int(est_tokens_per_prompt * eval_calls * 1.25) + return total_tokens + + +@dataclass +class WikiRunConfig: + wiki_dir: str + max_docs: int = 200 + demo_count: int = 6 + marker: str = "<>" + gemini_model: str = "gemini-2.0-flash" + eval_llm_key: Optional[str] = None + p3o_llm_key: Optional[str] = None + exploration: str = "balanced" + total_steps: int = 100 + batch_cap: int = 50 + slots: List[str] = field(default_factory=lambda: [ + "UseDefinitions", + "IncludeDates", + "HighlightNamedEntities", + "IncludeLocations", + "SummarizeKeyEvents", + "MentionNotablePeople", + "ListRelatedConcepts", + ]) + categories: List[str] = field(default_factory=lambda: WIKI_CATEGORIES.copy()) + + +def _build_config_from_env() -> WikiRunConfig: + wiki_dir = os.getenv("WIKI_DIR", r"c:\\Users\\ayanp\\Downloads\\enwiki_namespace_0") + max_docs = int(os.getenv("MAX_WIKI_DOCS", "200")) + demo_count = int(os.getenv("DEMO_COUNT", "6")) + marker = os.getenv("RR_MARKER", "<>") + gemini_model = os.getenv("GEMINI_MODEL", "gemini-2.0-flash") + eval_key = os.getenv("GOOGLE_API_KEY") or os.getenv("GEMINI_API_KEY") + p3o_key = eval_key + exploration = "balanced" + total_steps = 100 + batch_cap = 50 + return WikiRunConfig( + wiki_dir=wiki_dir, + max_docs=max_docs, + demo_count=demo_count, + marker=marker, + gemini_model=gemini_model, + eval_llm_key=eval_key, + p3o_llm_key=p3o_key, + exploration=exploration, + total_steps=total_steps, + batch_cap=batch_cap, + ) + + +def _select_eval_llm(cfg: WikiRunConfig): + if cfg.eval_llm_key: + try: + return GeminiCategoryLLM(api_key=cfg.eval_llm_key, model=cfg.gemini_model, categories=cfg.categories).initialize_llm() + except Exception: + return WikiCategoryMockLLM(low=0, high=100, seed=0) + return WikiCategoryMockLLM(low=0, high=100, seed=0) + + +def _select_p3o_llm(cfg: WikiRunConfig) -> Tuple[Any, bool]: + if cfg.p3o_llm_key: + try: + return GeminiCategoryLLM(api_key=cfg.p3o_llm_key, model=cfg.gemini_model, categories=cfg.categories).initialize_llm(), False + except Exception: + return WikiCategoryMockLLM(low=0, high=100, seed=0), True + return WikiCategoryMockLLM(low=0, high=100, seed=0), True + + +def _build_full_prompt(instruction: str, demos: List[str], attributes: List[str], content: str, categories: List[str]) -> str: + fewshot_txt = ("Few-shot examples:\n" + "\n".join(str(d) for d in demos) + "\n\n") if demos else "" + full_attr_block = "Attributes:\n" + "\n".join(f"- {s}" for s in attributes) + json_keys = "\n".join([f' "{c}": {"," if i < len(categories)-1 else ""}' for i, c in enumerate(categories)]) + out_json_txt = "ONLY OUTPUT THIS JSON. DO NOT OUTPUT ANYTHING ELSE!!!!\n\n{\n" + json_keys + "\n}" + return f"{instruction}\n\nInputs: content\n\n{fewshot_txt}{full_attr_block}\n\n{content}\n\n{out_json_txt}" + + +def _build_baseline_prompts(owner: Any, slots: List[str], df: pd.DataFrame, max_rows: int, categories: List[str]) -> Tuple[List[str], List[str], str]: + instr_full = str(getattr(owner, "instruction", "")) + demos_full = getattr(owner, "demos", None) or getattr(owner, "fewshot", None) or [] + prompts: List[str] = [] + group_keys: List[str] = [] + for i in range(max_rows): + content_i = str(df.iloc[i]["content"]) + prompts.append(_build_full_prompt(instr_full, list(demos_full) if isinstance(demos_full, (list, tuple)) else [], slots, content_i, categories)) + group_keys.append(f"job_{i}") + first = prompts[0] if prompts else "" + return prompts, group_keys, first + + +def _build_hybrid_prompts(owner: Any, selected_labels: List[str], df: pd.DataFrame, max_rows: int, categories: List[str]) -> List[str]: + instr_full = str(getattr(owner, "instruction", "")) + demos_full = getattr(owner, "demos", None) or getattr(owner, "fewshot", None) or [] + prompts: List[str] = [] + for i in range(max_rows): + content_i = str(df.iloc[i]["content"]) + prompts.append(_build_full_prompt(instr_full, list(demos_full) if isinstance(demos_full, (list, tuple)) else [], selected_labels, content_i, categories)) + return prompts + + +def _load_wiki_df(cfg: WikiRunConfig) -> pd.DataFrame: + if not os.path.isdir(cfg.wiki_dir): + raise FileNotFoundError(f"WIKI_DIR not found: {cfg.wiki_dir}") + print(f"Loading Wikipedia sample from: {cfg.wiki_dir}") + rows = _stream_jsonl_sample(cfg.wiki_dir, limit=cfg.max_docs) + if not rows: + raise RuntimeError("No documents loaded from WIKI_DIR") + df = pd.DataFrame(rows) + def _row_to_content(row: pd.Series) -> str: + parts = [] + for col in row.index: + try: + val = row[col] + if isinstance(val, (list, dict)): + val = json.dumps(val) + parts.append(f"{col}: {val}") + except Exception: + continue + return "\n".join(parts) + df = df.copy() + df["content"] = df.apply(_row_to_content, axis=1) + print(f"Loaded {len(df)} docs. Building DSPy module…") + return df + + +def _configure_dspy(cfg: WikiRunConfig) -> None: + try: + import dspy # type: ignore + force_mock = str(os.getenv("DSPY_MOCK", "0")).strip().lower() in ("1", "true", "yes") + if force_mock: + try: + dspy.configure(lm=dspy.MockLM()) + except Exception: + pass + elif cfg.eval_llm_key: + model = cfg.gemini_model + try: + dspy.configure(lm=dspy.LM(f"gemini/{model}", api_key=cfg.eval_llm_key)) + except Exception: + try: + from dspy import LM as _LM # type: ignore + dspy.configure(lm=_LM(f"gemini/{model}", api_key=cfg.eval_llm_key)) + except Exception: + pass + except Exception: + pass + + +def _compute_dspy_baseline(optimized_module: Any, df: pd.DataFrame, cfg: WikiRunConfig): + eval_llm = _select_eval_llm(cfg) + eval_template = from_predict( + optimized_module, + slots=cfg.slots, + title="Wiki Category Classification (Eval)", + categories=cfg.categories, + marker=cfg.marker, + include_attributes_block=True, + block_header="Attributes:", + ) + eval_template.configure(external_df=df) + + max_rows = min(cfg.batch_cap, len(df)) + owner_for_full = getattr(optimized_module, "predictor", optimized_module) + dspy_full_prompts, group_keys, dspy_full_prompt_preview = _build_baseline_prompts(owner_for_full, cfg.slots, df, max_rows, cfg.categories) + + outputs = eval_llm(dspy_full_prompts) + arch_eval = Archetype(prompt=eval_template, llm=eval_llm, n_arch=1) + arch_eval.configure(external_df=df) + opt_eval = P3O(archetype=arch_eval, verbose=False) + rewards_accum: List[float] = [] + dspy_full_predicted_categories: List[str] = [] + for k, out in zip(group_keys, outputs): + if not isinstance(out, dict) or "response" not in out: + raise ValueError("LLM output missing 'response' dict") + structured = out["response"] + try: + predicted_label = max(cfg.categories, key=lambda c: float(structured.get(c, 0.0))) + except Exception: + predicted_label = "" + dspy_full_predicted_categories.append(predicted_label) + _, reward, _, *_ = opt_eval._default_expt2_pipeline(k, structured, arch_eval) + rewards_accum.append(float(reward)) + dspy_full_reward = float(sum(rewards_accum) / max(1, len(rewards_accum))) + dspy_full_tokens = int(getattr(eval_llm, "total_tokens", lambda: 0)()) + try: + sys_prompt_for_est = str(eval_template.__system_prompt__()) if hasattr(eval_template, "__system_prompt__") else "" + except Exception: + sys_prompt_for_est = "" + dspy_compile_token_estimate = _estimate_dspy_compile_tokens(df, sys_prompt_for_est, auto_mode="light") + dspy_total_tokens_estimate = int(dspy_compile_token_estimate + dspy_full_tokens) + + return { + "eval_llm": eval_llm, + "eval_template": eval_template, + "max_rows": max_rows, + "group_keys": group_keys, + "dspy_full_reward": dspy_full_reward, + "dspy_full_tokens": dspy_full_tokens, + "dspy_full_prompt_preview": dspy_full_prompt_preview, + "dspy_compile_token_estimate": dspy_compile_token_estimate, + "dspy_total_tokens_estimate": dspy_total_tokens_estimate, + "dspy_full_predicted_categories": dspy_full_predicted_categories, + } + + +def _build_template_for_optimization(optimized_module: Any, df: pd.DataFrame, cfg: WikiRunConfig): + template = from_predict( + optimized_module, + slots=cfg.slots, + title="Wiki Category Classification", + categories=cfg.categories, + marker=cfg.marker, + include_attributes_block=True, + block_header="Attributes:", + ) + template.configure(external_df=df) + return template + + +def _run_p3o(template, df: pd.DataFrame, cfg: WikiRunConfig, args) -> Tuple[P3O, List[Dict[str, Any]], Any, bool, int, int, Dict[str, Any]]: + if args.p3o_mock: + llm = WikiCategoryMockLLM(low=0, high=100, seed=0) + is_p3o_mock = True + else: + llm, is_p3o_mock = _select_p3o_llm(cfg) + arch = Archetype(prompt=template, llm=llm, n_arch=2) + arch.configure(external_df=df) + opt = P3O(archetype=arch, verbose=True) + batch_size = min(cfg.batch_cap, len(df)) + print("\nRunning P3O (mode=quick)…") + planned_steps = int(get_exploration_config(cfg.exploration, total_steps=cfg.total_steps).get("steps", 30)) + history = opt.train(mode=cfg.exploration, steps=planned_steps, log_interval=1, batch_size=batch_size) + print("Selections:", opt.get_p3o_selections()) + saved_paths: Dict[str, Any] = {} + try: + saved_paths = opt.save_step_results("final") + except Exception: + saved_paths = {} + if not is_p3o_mock and isinstance(llm, GeminiCategoryLLM): + hybrid_tokens_est_total = int(llm.total_tokens()) + else: + behavior = getattr(arch, "_behavior", None) or getattr(arch, "_mock_behavior", None) + prompts = getattr(behavior, "last_prompt_list", []) or [] + if not prompts: + try: + sample_txt = template.render(agent_id=0, population=None, mapping={}, config_kwargs={}) + prompts = [sample_txt] + except Exception: + prompts = [] + tokens_last_step = sum(max(1, len(str(p)) // 4) for p in prompts) + steps_taken = max(1, len(history)) + hybrid_tokens_est_total = int(tokens_last_step * steps_taken) + return opt, history, llm, is_p3o_mock, hybrid_tokens_est_total, planned_steps, saved_paths + + +def _evaluate_hybrid(optimized_module: Any, opt: P3O, df: pd.DataFrame, cfg: WikiRunConfig, eval_llm, eval_template, group_keys: List[str], max_rows: int): + final_choices = opt.get_p3o_selections() + selected_labels = [lbl for lbl in cfg.slots if final_choices.get(lbl.lower().replace(" ", "_"), 0) == 1] + if not selected_labels: + try: + from agent_torch.integrations.dspy_to_template import _clean_skill_name as _clean + selected_labels = [lbl for lbl in cfg.slots if final_choices.get(_clean(lbl), 0) == 1] + except Exception: + selected_labels = [] + owner_for_full = getattr(optimized_module, "predictor", optimized_module) + hybrid_prompts: List[str] = _build_hybrid_prompts(owner_for_full, selected_labels, df, max_rows, cfg.categories) + get_tokens = getattr(eval_llm, "total_tokens", None) + before_tokens = int(get_tokens()) if callable(get_tokens) else 0 + hybrid_outputs = eval_llm(hybrid_prompts) + arch_h_eval = Archetype(prompt=eval_template, llm=eval_llm, n_arch=1) + arch_h_eval.configure(external_df=df) + opt_h_eval = P3O(archetype=arch_h_eval, verbose=False) + hybrid_rewards_accum: List[float] = [] + hybrid_predicted_categories: List[str] = [] + for k, out in zip(group_keys, hybrid_outputs): + if not isinstance(out, dict) or "response" not in out: + raise ValueError("LLM output missing 'response' dict") + structured = out["response"] + try: + predicted_label = max(cfg.categories, key=lambda c: float(structured.get(c, 0.0))) + except Exception: + predicted_label = "" + hybrid_predicted_categories.append(predicted_label) + _, r, _, *_ = opt_h_eval._default_expt2_pipeline(k, structured, arch_h_eval) + hybrid_rewards_accum.append(float(r)) + hybrid_reward_raw = float(sum(hybrid_rewards_accum) / max(1, len(hybrid_rewards_accum))) + after_tokens = int(get_tokens()) if callable(get_tokens) else 0 + hybrid_eval_tokens = (after_tokens - before_tokens) if callable(get_tokens) else int(sum(max(1, len(p) // 4) for p in hybrid_prompts)) + return selected_labels, hybrid_reward_raw, hybrid_eval_tokens, hybrid_predicted_categories + + +def _write_summary(cfg: WikiRunConfig, + dspy_module: Any, + demos: List[str], + optimized_module: Any, + template: Any, + opt: P3O, + history: List[Dict[str, Any]], + dspy_full_prompt_preview: str, + dspy_full_reward: float, + dspy_full_tokens: int, + dspy_compile_token_estimate: int, + dspy_total_tokens_estimate: int, + exploration: str, + planned_steps: int, + hybrid_reward: float, + hybrid_tokens_est_total: int, + hybrid_reward_raw: float, + hybrid_eval_tokens: int, + saved_paths: Dict[str, Any]) -> None: + try: + summary_dir = os.path.join("experiments", "wiki_exp") + os.makedirs(summary_dir, exist_ok=True) + stamp = datetime.now().strftime("%Y%m%d_%H%M%S") + summary_path = os.path.join(summary_dir, f"run_summary_{stamp}.json") + try: + step_data = opt.get_current_step_data() + p3o_output_template = step_data.get("output_template", "") + except Exception: + p3o_output_template = "" + try: + final_choices = opt.get_p3o_selections() + selected_labels = [lbl for lbl in cfg.slots if final_choices.get(lbl.lower().replace(" ", "_"), 0) == 1] + if not selected_labels: + from agent_torch.integrations.dspy_to_template import _clean_skill_name as _clean + selected_labels = [lbl for lbl in cfg.slots if final_choices.get(_clean(lbl), 0) == 1] + lines = ["Attributes:"] + [f"- {lbl}" for lbl in selected_labels] + explicit_block = "\n".join(lines) + sys_txt = str(template.__system_prompt__()) if hasattr(template, '__system_prompt__') else "" + out_txt = str(template.__output__()) if hasattr(template, '__output__') else "" + rendered_prompt = " ".join([p for p in (sys_txt, explicit_block, out_txt) if p]).strip() + except Exception: + rendered_prompt = "" + try: + _owner = getattr(optimized_module, "predictor", optimized_module) + _instr_raw = getattr(_owner, "instruction", None) + if isinstance(_instr_raw, (list, tuple)): + dspy_instruction_optimized = "\n".join(str(x) for x in _instr_raw) + else: + dspy_instruction_optimized = str(_instr_raw or "") + _demos = getattr(_owner, "demos", None) + if _demos is None: + _demos = getattr(_owner, "fewshot", None) + dspy_demos_optimized_full = [str(d) for d in _demos] if isinstance(_demos, (list, tuple)) else [] + dspy_num_demos_optimized = len(dspy_demos_optimized_full) + dspy_demos_optimized = dspy_demos_optimized_full[:6] + except Exception: + dspy_instruction_optimized = "" + dspy_demos_optimized = [] + dspy_num_demos_optimized = 0 + try: + template_system_prompt = str(template.__system_prompt__()) if hasattr(template, "__system_prompt__") else "" + except Exception: + template_system_prompt = "" + summary = { + "dspy_meta": { + "instruction": getattr(dspy_module, "instruction", ""), + "num_demos": len(demos), + "full_prompt_preview": _truncate(dspy_full_prompt_preview, 2000), + }, + "dspy_instruction": getattr(dspy_module, "instruction", ""), + "dspy_num_demos": len(demos), + "dspy_instruction_optimized": dspy_instruction_optimized, + "dspy_num_demos_optimized": dspy_num_demos_optimized, + "dspy_demos_optimized": dspy_demos_optimized, + "template_system_prompt": _truncate(template_system_prompt, 2000), + "template_base_preview": _truncate(template.get_base_prompt_manager_template(), 2000), + "p3o_history_len": len(history), + "p3o_last_step": history[-1] if history else {}, + "p3o_selections": opt.get_p3o_selections(), + "prompt_with_selections": rendered_prompt, + "p3o_output_template": p3o_output_template, + "optimizer_results_file": saved_paths.get("results"), + "dspy_full_reward": float(dspy_full_reward), + "dspy_full_tokens": int(dspy_full_tokens), + "dspy_reward_p3o": float(dspy_full_reward), + "dspy_token_estimate_p3o": int(dspy_full_tokens), + "dspy_compile_token_estimate": int(dspy_compile_token_estimate), + "dspy_total_token_estimate": int(dspy_total_tokens_estimate), + "p3o_mode_used": exploration, + "p3o_steps": int(planned_steps), + "hybrid_reward": hybrid_reward, + "hybrid_token_estimate": int(hybrid_tokens_est_total), + "hybrid_reward_raw": float(hybrid_reward_raw), + "hybrid_eval_tokens": int(hybrid_eval_tokens), + "hybrid_cost_estimate": None, + } + with open(summary_path, "w", encoding="utf-8") as f: + import json as _json + _json.dump(summary, f, indent=2) + print(f"Summary saved: {summary_path}") + except Exception: + pass + +#--------------------------------Main Function-------------------------------- +def main() -> None: + + cfg = _build_config_from_env() + + df = _load_wiki_df(cfg) + # Quick verification that extraction produced expected fields + try: + n_rows = len(df) + id_ok = int(df["id"].astype(str).str.strip().ne("").sum()) if "id" in df.columns else 0 + title_ok = int(df["title"].astype(str).str.strip().ne("").sum()) if "title" in df.columns else 0 + text_ok = int(df["text"].astype(str).str.strip().ne("").sum()) if "text" in df.columns else 0 + url_ok = int(df["url"].astype(str).str.strip().ne("").sum()) if "url" in df.columns else 0 + print(f"Extraction check → rows={n_rows}, id={id_ok}/{n_rows}, title={title_ok}/{n_rows}, text={text_ok}/{n_rows}, url={url_ok}/{n_rows}") + if n_rows > 0: + sample = df.iloc[0] + preview = str(sample.get("text", ""))[:160] + print(f"Sample row → id='{sample.get('id','')}', title='{sample.get('title','')}', url='{sample.get('url','')}', text='{preview}'") + except Exception: + pass + + # Few-shot scaffold and DSPy module + demos = _build_fewshot_demos(df, k=cfg.demo_count) + dspy_module = _build_dspy_module(demos) + + _configure_dspy(cfg) + + optimized_module = _compile_with_mipro(dspy_module, df) + + # Log what DSPy produces (for debugging) + try: + _owner = getattr(optimized_module, "predictor", optimized_module) + # Promote optimized instruction if available but not copied to predictor + baseline_instr = getattr(dspy_module, "instruction", "") + chosen_instr = _extract_optimized_instruction(_owner, fallback=str(baseline_instr or "")) + if isinstance(chosen_instr, str) and chosen_instr.strip(): + try: + setattr(_owner, "instruction", chosen_instr) + except Exception: + pass + print("DSPy optimized instruction:", getattr(_owner, "instruction", "")) + _odemos = getattr(_owner, "demos", None) or getattr(_owner, "fewshot", None) or [] + print("DSPy optimized demos:", len(_odemos) if isinstance(_odemos, (list, tuple)) else 0) + except Exception: + pass + + baseline = _compute_dspy_baseline(optimized_module, df, cfg) + + eval_llm = baseline["eval_llm"] + eval_template = baseline["eval_template"] + max_rows = baseline["max_rows"] + group_keys = baseline["group_keys"] + dspy_full_reward = baseline["dspy_full_reward"] + dspy_full_tokens = baseline["dspy_full_tokens"] + dspy_full_prompt_preview = baseline["dspy_full_prompt_preview"] + dspy_compile_token_estimate = baseline["dspy_compile_token_estimate"] + dspy_total_tokens_estimate = baseline["dspy_total_tokens_estimate"] + dspy_full_predicted_categories = baseline["dspy_full_predicted_categories"] + dspy_reward_p3o = dspy_full_reward + dspy_token_estimate_p3o = dspy_full_tokens + + # --------------------------------------------------------------------------------------------------------------- + # Build Template directly from the DSPy module + template = from_predict( + optimized_module, + slots=cfg.slots, + title="Wiki Category Classification", + categories=cfg.categories, + marker=cfg.marker, + include_attributes_block=True, + block_header="Attributes:", + ) + template.configure(external_df=df) + + # CLI: allow forcing mock only for P3O; DSPy eval still auto-detects + parser = argparse.ArgumentParser(add_help=False) + parser.add_argument("--p3o-mock", action="store_true", help="Use mock LLM for P3O irrespective of API key") + args, _ = parser.parse_known_args() + + # Create the P3O optimizer and run the hybrid experiment (explicit in main) + if args.p3o_mock: + llm = WikiCategoryMockLLM(low=0, high=100, seed=0) + is_p3o_mock = True + else: + llm, is_p3o_mock = _select_p3o_llm(cfg) + + # Create the Archetype and P3O optimizer + arch = Archetype(prompt=template, llm=llm, n_arch=2) + arch.configure(external_df=df) + opt = P3O(archetype=arch, verbose=True) + + #Run the P3O optimizer + batch_size = min(cfg.batch_cap, len(df)) + print("\nRunning P3O (mode=quick)…") + planned_steps = int(get_exploration_config(cfg.exploration, total_steps=cfg.total_steps).get("steps", 30)) + history = opt.train(mode=cfg.exploration, steps=planned_steps, log_interval=1, batch_size=batch_size) + + print("Selections:", opt.get_p3o_selections()) + saved_paths = {} + try: + saved_paths = opt.save_step_results("final") + except Exception: + saved_paths = {} + # Token estimate for hybrid phase + if not is_p3o_mock and isinstance(llm, GeminiCategoryLLM): + hybrid_tokens_est_total = int(llm.total_tokens()) + else: + behavior = getattr(arch, "_behavior", None) or getattr(arch, "_mock_behavior", None) + prompts = getattr(behavior, "last_prompt_list", []) or [] + if not prompts: + try: + sample_txt = template.render(agent_id=0, population=None, mapping={}, config_kwargs={}) + prompts = [sample_txt] + except Exception: + prompts = [] + tokens_last_step = sum(max(1, len(str(p)) // 4) for p in prompts) + steps_taken = max(1, len(history)) + hybrid_tokens_est_total = int(tokens_last_step * steps_taken) + + hybrid_reward = float(history[-1].get("reward", 0.0)) if history else 0.0 + cost_per_1k = float(os.getenv("GEMINI_COST_PER_1K", "0")) + hybrid_cost_estimate = (hybrid_tokens_est_total / 1000.0) * cost_per_1k if cost_per_1k > 0 else None + + selected_labels, hybrid_reward_raw, hybrid_eval_tokens, hybrid_predicted_categories = _evaluate_hybrid( + optimized_module, opt, df, cfg, eval_llm, eval_template, group_keys, max_rows + ) + + _write_summary( + cfg=cfg, + dspy_module=dspy_module, + demos=demos, + optimized_module=optimized_module, + template=template, + opt=opt, + history=history, + dspy_full_prompt_preview=dspy_full_prompt_preview, + dspy_full_reward=dspy_full_reward, + dspy_full_tokens=dspy_full_tokens, + dspy_compile_token_estimate=dspy_compile_token_estimate, + dspy_total_tokens_estimate=dspy_total_tokens_estimate, + exploration=cfg.exploration, + planned_steps=planned_steps, + hybrid_reward=hybrid_reward, + hybrid_tokens_est_total=hybrid_tokens_est_total, + hybrid_reward_raw=hybrid_reward_raw, + hybrid_eval_tokens=hybrid_eval_tokens, + saved_paths=saved_paths, + ) + + print("Done. Use analyze_results.py to generate comparison plots.") + + +if __name__ == "__main__": + main() + +